diff --git a/.gitignore b/.gitignore index 04a4bc0..5efd98e 100644 --- a/.gitignore +++ b/.gitignore @@ -5,4 +5,6 @@ venv/ *.ipynb_checkpoints/ **/*.html dist/ -build/ \ No newline at end of file +build/ +.DS_Store +.mypy_cache/ diff --git a/envirocar/__init__.py b/envirocar/__init__.py index 866fbcc..21892d3 100644 --- a/envirocar/__init__.py +++ b/envirocar/__init__.py @@ -1,4 +1,9 @@ from .client.client_config import ECConfig from .client.download_client import DownloadClient from .client.api.track_api import TrackAPI -from .client.request_param import BboxSelector, TimeSelector \ No newline at end of file +from .client.request_param import BboxSelector, TimeSelector +from .trajectories.preprocessing import Preprocessing +from .trajectories.track_converter import TrackConverter +from .trajectories.visualisation import Visualiser +from .trajectories.track_generalizer import * +from .trajectories.track_similarity import * diff --git a/envirocar/trajectories/__init__.py b/envirocar/trajectories/__init__.py new file mode 100644 index 0000000..8b13789 --- /dev/null +++ b/envirocar/trajectories/__init__.py @@ -0,0 +1 @@ + diff --git a/envirocar/trajectories/geom_utils.py b/envirocar/trajectories/geom_utils.py new file mode 100644 index 0000000..fbe6232 --- /dev/null +++ b/envirocar/trajectories/geom_utils.py @@ -0,0 +1,26 @@ +from math import sin, cos, atan2, radians, sqrt +from shapely.geometry import Point + +R_EARTH = 6371000 # radius of earth in meters + +def measure_distance_spherical(point1, point2): + """Return spherical distance between two shapely Points as a float.""" + if (type(point1) != Point) or (type(point2) != Point): + raise TypeError("Only Points are supported as arguments, got {} and {}".format(point1, point2)) + lon1 = float(point1.x) + lon2 = float(point2.x) + lat1 = float(point1.y) + lat2 = float(point2.y) + delta_lat = radians(lat2 - lat1) + delta_lon = radians(lon2 - lon1) + a = sin(delta_lat/2) * sin(delta_lat/2) + cos(radians(lat1)) * cos(radians(lat2)) * sin(delta_lon/2) * sin(delta_lon/2) + c = 2 * atan2(sqrt(a), sqrt(1 - a)) + dist = R_EARTH * c + return dist + + +def measure_distance_euclidean(point1, point2): + """Return euclidean distance between two shapely Points as float.""" + if (not isinstance(point1, Point)) or (not isinstance(point2, Point)): + raise TypeError("Only Points are supported as arguments, got {} and {}".format(point1, point2)) + return point1.distance(point2) \ No newline at end of file diff --git a/envirocar/trajectories/preprocessing.py b/envirocar/trajectories/preprocessing.py new file mode 100644 index 0000000..3e5cbdb --- /dev/null +++ b/envirocar/trajectories/preprocessing.py @@ -0,0 +1,607 @@ +# import os +from math import floor, ceil +from scipy import interpolate +from statistics import mean +import pandas as pd +import geopandas as gpd +import numpy as np +import datetime +import random +import string +from copy import copy + +import folium +import movingpandas as mpd +# from shapely.geometry import Point, LineString, Polygon +from shapely.geometry import Polygon +import json +from branca.colormap import linear +# import enum + + +class Preprocessing(): + def __init__(self): + print("Initializing pre-processing class") # do we need anything? + + # Creating trajectiors from each unique set of points in dataframe + # Creats a Moving Pandas Trajectory Collection Object + def trajectoryCollection(self, data_df, MIN_LENGTH): + track_df = data_df + + # adding a time field as 't' for moving pandas indexing + track_df['t'] = pd.to_datetime(track_df['time'], + format='%Y-%m-%dT%H:%M:%S') + track_df = track_df.set_index('t') + + # using moving pandas trajectory collection function to convert + # trajectory points into actual trajectories + traj_collection = mpd.TrajectoryCollection(track_df, 'track.id', + min_length=MIN_LENGTH) + print("Finished creating {} trajectories".format(len(traj_collection))) + return traj_collection + + # Splitting Trajectories based on time gap between records to extract Trips + def split_by_gap(self, TRAJ_COLLECTION, MIN_GAP): + traj_collection = TRAJ_COLLECTION + + # using moving pandas function to split trajectories as 'trips' + trips = traj_collection.split_by_observation_gap( + datetime.timedelta(minutes=MIN_GAP)) + print("Extracted {} individual trips from {} continuous vehicle \ + tracks".format(len(trips), len(traj_collection))) + return trips + + def calculateAcceleration(self, points_df): + """ Calculates acceleration for each point in the dataframe + based on the speed and time of itself and the previous point + + Keyword Arguments: + points_df {GeoDataFrame} -- A GeoDataFrame containing the track + points + + Returns: + combined_again -- new GeoDataFrame with "Acceleration.value" column + """ + + points_df['t'] = pd.to_datetime( + points_df['time'], format='%Y-%m-%dT%H:%M:%S') + + dict_of_tracks = dict(iter(points_df.groupby('track.id'))) + + for track_id in dict_of_tracks: + time_arr = dict_of_tracks[track_id]['t'].tolist() + speed_arr = dict_of_tracks[track_id]['Speed.value'].to_numpy() + acceleration_array = [0] + + for i in range(1, len(time_arr)): + # using speed not to calculate velocity because we don't care + # about direction anyway + velocity_change = speed_arr[i] - speed_arr[i-1] + time_change = (time_arr[i] - time_arr[i-1]).total_seconds() + + if (time_change != 0): + acceleration = (velocity_change / time_change) + else: + acceleration = 0 + + # print(velocity_change, time_change, acceleration) + acceleration_array.append(acceleration) + + dict_of_tracks[track_id]['Acceleration.value'] = acceleration_array + + combined_again = pd.concat(dict_of_tracks.values()) + + return combined_again + + def split_by_time(self, points_df, seconds_start, seconds_end): + """ Takes some part of the track + + Keyword Arguments: + points {GeoDataFrame} -- A GeoDataFrame containing the track points + seconds_start, seconds_end {int} -- desired start end end seconds + + Returns: + combined_again -- Some part of the tracks + """ + + def seconds_since_start(x, start): + # print(x, start) + if (isinstance(x, str)): + x = datetime.datetime.strptime(x, '%Y-%m-%dT%H:%M:%S') + seconds = (x-start).total_seconds() + return int(seconds) + + dict_of_tracks = dict(iter(points_df.groupby('track.id'))) + beginnings = [] + + for track_id in dict_of_tracks: + start_time = datetime.datetime.strptime( + dict_of_tracks[track_id].time.iloc[0], '%Y-%m-%dT%H:%M:%S') + + dict_of_tracks[track_id]['Seconds since start'] = \ + np.vectorize(seconds_since_start)( + np.array(dict_of_tracks[track_id]['time'].values.tolist()), + start_time) + + beginning = dict_of_tracks[track_id][(dict_of_tracks[track_id] + ['Seconds since start'] + < seconds_end) & + (dict_of_tracks[track_id] + ['Seconds since start'] + > seconds_start)] + beginnings.append(beginning) + + combined_again = pd.concat(beginnings) + + return combined_again + + def remove_outliers(self, points, column): + """ Remove outliers by using the statistical approach + as described in + https://www.itl.nist.gov/div898/handbook/prc/section1/prc16.htm + + Keyword Arguments: + points {GeoDataFrame} -- A GeoDataFrame containing the track points + column {String} -- Columnn name to remove outliers from + + Returns: + new_points -- Points with outliers removed + """ + + if (column == "Acceleration.value"): + # trying to keep outliers while removing unrealistic values + new_points = points.loc[(points[column] > -20) & ( + points[column] < 20)] + else: + # broader range with 0.01 and 0.99 + first_quartile = points[column].quantile(0.01) + third_quartile = points[column].quantile(0.99) + iqr = third_quartile-first_quartile # Interquartile range + fence_low = first_quartile - 1.5 * iqr + fence_high = third_quartile + 1.5 * iqr + + new_points = points.loc[(points[column] > fence_low) & ( + points[column] < fence_high)] + + return new_points + + def interpolate(self, points, step_type="meters", step_pr=10): + """ Interpolates points + + Keyword Arguments: + points {GeoDataFrame} -- A GeoDataFrame containing the track points + step_type {string} -- either "meters" or "seconds" + step_pr {int} -- step precision. In case of "meters" can be 1 or 10 + + Returns: + new_points -- An interpolated trajectory + """ + + def date_to_seconds(x): + date_time_obj = datetime.datetime.strptime(x, '%Y-%m-%dT%H:%M:%S') + seconds = (date_time_obj-datetime.datetime(1970, 1, 1) + ).total_seconds() + return int(seconds) + + def seconds_to_date(x): + date = datetime.datetime.fromtimestamp(x, datetime.timezone.utc) + return date + + def randStr(chars=string.ascii_uppercase + string.digits, N=24): + return ''.join(random.choice(chars) for _ in range(N)) + + def interpolate_coords(x, input_array, step): + # interpolations_methods = ['slinear', 'quadratic', 'cubic'] + points = np.array(input_array).T + interpolator = interpolate.interp1d(x, points, kind='slinear', + axis=0) + ynew = interpolator(step) + transposed = ynew.T + return_values = [np.array(transposed[0]), np.array(transposed[1])] + + # # spline interpolation works better but takes different + # # steps as an input, thus shifting all the points + # step_norm = (step-min(step))/(max(step)-min(step)) + # tck, u = interpolate.splprep(input_array, s=0) + # interpolated = interpolate.splev(step_norm, tck) + + return return_values + + def interpolate_linear(x, y, xnew): + f = interpolate.interp1d(x, y) + values_new = f(xnew) + return values_new + + print('Amount of points before interpolation', + points.shape) + + # to have flat attributes for coordinates + points['lat'] = points['geometry'].apply(lambda coord: coord.y) + points['lng'] = points['geometry'].apply(lambda coord: coord.x) + points_df = pd.DataFrame(points) + + tracks_dict = dict(iter(points_df.groupby('track.id'))) + interpolated = [] + + for track_id in tracks_dict: + # removing duplicates because interpolation won't work otherwise + points_df_cleaned = tracks_dict[track_id].drop_duplicates( + ['lat', 'lng'], keep='last') + + # input for datetime in seconds + points_df_cleaned['time_seconds'] = np.vectorize(date_to_seconds)( + np.array(points_df_cleaned.time.values.tolist())) + + # creating the column name lists + names_interpolate = [s for s in points_df_cleaned.columns if + '.value' in s] + # adding the other column names at front + names_interpolate = ['lng', 'lat', 'time_seconds'] + \ + names_interpolate + names_replicatate = np.setdiff1d(points_df_cleaned.columns, + names_interpolate) + names_extra = ['geometry', 'id', 'time'] + names_replicatate = [x for x in names_replicatate if x + not in names_extra] + + time_seconds_array = points_df_cleaned[ + 'time_seconds'].to_numpy() + + passed_time = [(time_seconds_array[i+1]-time_seconds_array[i]) + for i in range(len(time_seconds_array)-1)] + passed_time = np.insert(passed_time, 0, 0, axis=0) + # to interpolate for every meter or every 10 meters + if (step_pr != 1): + step_pr = 10 + dist = (points_df_cleaned['Speed.value']/3.6 * passed_time)/step_pr + dist_between = [sum(dist[:i+1]) for i in range(len(dist))] + dist_between = list(map(int, dist_between)) + # print(dist_between) + + points_df_cleaned['dist_between'] = dist_between + + points_df_cleaned.drop_duplicates( + ['dist_between'], keep='first', inplace=True) + + dist_between = np.array( + points_df_cleaned['dist_between'].values.tolist()) + # print(dist_between) + + del points_df_cleaned['dist_between'] + # measurements themselves + columns_interpolate = [np.array( + points_df_cleaned[column].values.tolist()) for column + in names_interpolate] + + # split dataframe because splprep cannot take more than 11 + dfs = np.split(columns_interpolate, [2], axis=0) + + """ Interpolation itself """ + # Find the B-spline representation of the curve + # tck (t,c,k): is a tuple containing the vector of knots, + # the B-spline coefficients, and the degree of the spline. + # u: is an array of the values of the parameter. + + if (step_type == 'seconds'): + step_interp = np.linspace( + points_df_cleaned['time_seconds'].iloc[0], + points_df_cleaned['time_seconds'].iloc[-1], + points_df_cleaned['time_seconds'].iloc[-1] + - points_df_cleaned['time_seconds'].iloc[0]) + step_original = np.array( + points_df_cleaned['time_seconds'].values.tolist()) + else: + step_interp = np.linspace(dist_between[0], + dist_between[-1], + dist_between[-1] - + dist_between[0], + dtype='int32') + step_original = dist_between + + new_points = interpolate_coords(step_original, dfs[0], step_interp) + + for idx, column in enumerate(dfs[1]): + new_points.append(interpolate_linear(step_original, column, + step_interp)) + + # transposing the resulting matrix to fit it in the dataframe + data = np.transpose(new_points) + + # constructing the new dataframe + interpolated_df = pd.DataFrame(data) + + interpolated_df.columns = names_interpolate + interpolated_df['time'] = np.vectorize( + seconds_to_date)(interpolated_df['time_seconds']) + + # these should all be the same for one ride, so just replicating + columns_replicate = [np.repeat(points_df_cleaned[column].iloc[0], + len(step_interp)) for column + in names_replicatate] + + replicated_transposed = np.transpose(columns_replicate) + replicated_df = pd.DataFrame(replicated_transposed) + replicated_df.columns = names_replicatate + + # combining replicated with interpolated + full_df = pd.concat([interpolated_df, replicated_df], axis=1, + sort=False) + + # adding ids + full_df['id'] = 0 + for row in full_df.index: + full_df['id'][row] = randStr() + + # transforming back to a geodataframe + full_gdf = gpd.GeoDataFrame( + full_df, geometry=gpd.points_from_xy(full_df.lng, full_df.lat)) + + # remove full_gdf['lng'], full_gdf['lat'] ? + del full_gdf['time_seconds'] + + # print(full_gdf['track.length']) + interpolated.append(full_gdf) + + combined_again = pd.concat(interpolated) + print('Amount of points after interpolation', + combined_again.shape) + return combined_again + + def aggregate(self, track_df, MIN_LENGTH, MIN_GAP, MAX_DISTANCE, + MIN_DISTANCE, MIN_STOP_DURATION): + """ Transforms to Moving Pandas, Converts into Trajectories, + Ignore small trajectories and return Aggregated Flows + + Keyword Arguments: + track_df {GeoDataFrame} -- A Moving Pandas GeoDataFrame containing + the track points + MIN_LENGTH {integer} -- Minimum Length of a Trajectory + (to be considered as a Trajectory) + MIN_GAP {integer} -- Minimum Gap (in minutes) for splitting + single Trajectory into more + MAX_DISTANCE {integer} -- Max distance between significant points + MIN_DISTANCE {integer} -- Min distance between significant points + MIN_STOP_DURATION {integer} -- Minimum duration (in minutes) + required for stop detection + + Returns: + flows -- A GeoDataFrame containing Aggregared Flows (linestrings) + """ + + # Using MPD function to convert trajectory points into actual + # trajectories + traj_collection = mpd.TrajectoryCollection(track_df, 'track.id', + min_length=MIN_LENGTH) + print("Finished creating {} trajectories".format(len(traj_collection))) + + # Using MPD function to Split Trajectories based on time gap between + # records to extract Trips + trips = traj_collection.split_by_observation_gap(datetime.timedelta( + minutes=MIN_GAP)) + print("Extracted {} individual trips from {} continuous vehicle \ + tracks".format(len(trips), len(traj_collection))) + + # Using MPD function to Aggregate Trajectories + aggregator = mpd.TrajectoryCollectionAggregator( + trips, max_distance=MAX_DISTANCE, + min_distance=MIN_DISTANCE, + min_stop_duration=datetime.timedelta( + minutes=MIN_STOP_DURATION)) + flows = aggregator.get_flows_gdf() + return flows + + + def flow_between_regions(self, data_mpd_df, from_region, to_region, + twoway): + """ How many entities moved between from_region to to_region + (one way or both ways) + + Keyword Arguments: + data_mpd_df {GeoDataFrame} -- A Moving Pandas GeoDataFrame + containing the track points + from_region {Polygon} -- A shapely polygon as our Feautre + of Interest (FOI) - 1 + to_region {Polygon} -- A shapely polygon as our Feautre + of Interest (FOI) - 2 + twoways {Boolean} -- if two way or one regions are to be computed + + Returns: + regional_trajectories -- A list of trajectories moving between + provided regions + """ + # Converting mpd gdf into a trajectory collection object + traj_collection = mpd.TrajectoryCollection(data_mpd_df, 'track.id') + + regional_trajectories = [] + + # To extract trajectories running between regions + for traj in traj_collection.trajectories: + if traj.get_start_location().intersects(from_region): + if traj.get_end_location().intersects(to_region): + regional_trajectories.append(traj) + if twoway: # if two way is to be considered + if traj.get_start_location().intersects(to_region): + if traj.get_end_location().intersects(from_region): + regional_trajectories.append(traj) + + if twoway: + print("Found {} trajectories moving between provided regions with \ + following details:".format(len(regional_trajectories))) + else: + print("Found {} trajectories moving from 'from_region' to \ + 'to_region' with following details:".format( + len(regional_trajectories))) + + lengths = [] + durations = [] + + # To extract Stats related to Distance and Duration + for row in regional_trajectories: + lengths.append(round((row.get_length()/1000), 2)) + durations.append(row.get_duration().total_seconds()) + + print("Average Distance: {} kms".format(round(mean(lengths), 2))) + print("Maximum Distance: {} kms".format(max(lengths))) + print("Average Duration: {} ".format(str(datetime.timedelta( + seconds=round(mean(durations), 0))))) + print("Maximum Duration: {} ".format(str(datetime.timedelta( + seconds=round(max(durations), 0))))) + + # List of Trajectories between regions + return regional_trajectories + + def temporal_filter_weekday(self, mpd_df, filterday): + """ Applies temporal filter to the dataframe based on provided WEEKDAY + + Keyword Arguments: + mpd_df {GeoDataFrame} -- A Moving Pandas GeoDataFrame containing + the track points + filterday {String} -- Provided day of the week + + Returns: + result -- A Trajectory Collection Object with only trajectories + from provided weekday + """ + # Conversion of mpd geodataframe into Trajectory Collection Object + # of Moving Pandas + raw_collection = mpd.TrajectoryCollection(mpd_df, 'track.id', + min_length=1) + + # In case, a single trajectory span over two days, split trajectory + # into two + traj_collection = raw_collection.split_by_date('day') + + days = {0: "Monday", 1: "Tuesday", 2: "Wednesday", 3: "Thursday", + 4: "Friday", 5: "Saturday", 6: "Sunday"} + + # Loop over all trajectories in Trajectory Collection Object + for traj in traj_collection.trajectories: + # Extract the total number of column in each trajectory's dataframe + numcolumns = len(traj.df.columns) + + # Extracting track begin time in datetime object + temp_time = pd.to_datetime(traj.df['track.begin'], + format='%Y-%m-%dT%H:%M:%SZ') + + # Insertion of two new rows for Formatted Time and Day of the Week + traj.df.insert(numcolumns, 'Trajectory Time', temp_time) + traj.df.insert(numcolumns+1, 'Day of Week', 'a') + + # Extracting the time of first row of trajectory df and assign + # Day of the week to the whole column + time_value = traj.df['Trajectory Time'][0] + traj.df['Day of Week'] = days[time_value.weekday()] + + filterday_tracks = [] + # Loop over first row of all trajectories df and select track.id + # satisfying DAY of the Week condition + for traj in traj_collection.trajectories: + if(traj.df['Day of Week'][0] == filterday): + filterday_tracks.append(traj.df['track.id'][0]) + + filtered = [] + # Loop over list of filtered track.ids and trajectories collection. + # Filter trajectories with identified track.ids + for f_track in filterday_tracks: + for traj in traj_collection.trajectories: + if(traj.df['track.id'][0] == f_track): + filtered.append(traj) + break + + # Creating a Trajectory Collection and assign filtered trajectories + # to it as result + result = copy(traj_collection) + result.trajectories = filtered + + return result + + def temporal_filter_hours(self, mpd_df, from_time, to_time): + """ Applies temporal filter to the dataframe based on provided HOURS duration + + Keyword Arguments: + mpd_df {GeoDataFrame} -- A Moving Pandas GeoDataFrame containing + the track points + from_time {Integer} -- Starting Hour + end_time {Integer} -- Ending Hour + + Returns: + result -- A Trajectory Collection Object with only trajectories + from provided hours duration + """ + + filtered = [] + + # Conversion of mpd geodataframe into Trajectory Collection Object of + # Moving Pandas + raw_collection = mpd.TrajectoryCollection(mpd_df, 'track.id', + min_length=1) + + # In case, a single trajectory span over two days, + # split trajectory into two + traj_collection = raw_collection.split_by_date('day') + + for traj in traj_collection.trajectories: + # Extracting data for each trajectory + mydate = traj.df['track.begin'][0][0:10] + # Converting given hour number to datetime string + from_time_string = mydate + ' ' + str(from_time) + ':00:00' + to_time_string = mydate + ' ' + str(to_time) + ':00:00' + + # Filter part of trajectory based on provided hours duration + filt_segment = traj.df[from_time_string:to_time_string] + + if(len(filt_segment) > 0): + filtered.append(mpd.Trajectory(filt_segment, + traj.df['track.id'])) + + # Creating a Trajectory Collection and assign filtered trajectories + # to it as result + result = copy(traj_collection) + result.trajectories = filtered + + return result + + def temporal_filter_date(self, mpd_df, filterdate): + """ Applies temporal filter to the dataframe based on provided DATE + + Keyword Arguments: + mpd_df {GeoDataFrame} -- A Moving Pandas GeoDataFrame containing + the track points + filterdate {String} -- Date for Filter + + Returns: + result -- A Trajectory Collection Object with only trajectories + from provided DATE + """ + + # Conversion of mpd geodataframe into Trajectory Collection Object + # of Moving Pandas + raw_collection = mpd.TrajectoryCollection(mpd_df, 'track.id', + min_length=1) + + # In case, a single trajectory span over two days, split trajectory + # into two + traj_collection = raw_collection.split_by_date('day') + + filterday_tracks = [] + # Loop over first row of all trajectories df and select track.id + # satisfying DATE condition + for traj in traj_collection.trajectories: + if(traj.df['track.begin'][0][0:10] == filterdate): + filterday_tracks.append(traj.df['track.id'][0]) + + filtered = [] + # Loop over list of filtered track.ids and trajectories collection. + # Filter trajectories with identified track.ids + for f_track in filterday_tracks: + for traj in traj_collection.trajectories: + if(traj.df['track.id'][0] == f_track): + filtered.append(traj) + break + + # Creating a Trajectory Collection and assign filtered trajectories to + # it as result + result = copy(traj_collection) + result.trajectories = filtered + + return result diff --git a/envirocar/trajectories/track_converter.py b/envirocar/trajectories/track_converter.py new file mode 100644 index 0000000..6ec4f85 --- /dev/null +++ b/envirocar/trajectories/track_converter.py @@ -0,0 +1,42 @@ +import pandas as pd +# import geopandas as gpd + + +class TrackConverter(): + + """Handles the envirocar Tracks""" + + def __init__(self): + print("Initializing TrackConverter class") + # self.track = track + # self.crs = track.crs + + """ Returns a geoDataFrame object with the movingpandas plain format""" + + def to_movingpandas(self, track): + + # gdf = self.track.copy() + gdf = track + gdf = gdf.reindex(columns=(['geometry'] + list([a for a in sorted( + gdf.columns) if a != 'geometry'])), copy=True) + gdf['time'] = gdf['time'].astype('datetime64[ns]') + gdf.set_index('time', inplace=True) + gdf.index.rename('t', inplace=True) + return (gdf) + + """ Returns a dataFrame object with the scikitmobility plain format""" + + def to_scikitmobility(self): + gdf = self.track.copy() + gdf['lat'] = gdf.geometry.x + gdf['lng'] = gdf.geometry.y + gdf.rename(columns=({"time": "datetime", 'sensor.id': 'uid', + 'track.id': 'tid'}), inplace=True) + gdf['datetime'] = gdf['datetime'].astype('datetime64[ns]') + gdf['tid'] = gdf['tid'].astype(str) + gdf['uid'] = gdf['uid'].astype(str) + columns = ['uid', 'tid', 'lat', 'lng', 'datetime'] + gdf = gdf.reindex(columns=(columns + list([a for a in sorted( + gdf.columns) if a not in columns])), copy=True) + df = pd.DataFrame(gdf) + return(df) diff --git a/envirocar/trajectories/track_generalizer.py b/envirocar/trajectories/track_generalizer.py new file mode 100644 index 0000000..804f5f4 --- /dev/null +++ b/envirocar/trajectories/track_generalizer.py @@ -0,0 +1,260 @@ +# -*- coding: utf-8 -*- + +from copy import copy, deepcopy +from shapely.geometry import LineString + +from movingpandas import Trajectory, TrajectoryCollection +from .geom_utils import measure_distance_spherical, measure_distance_euclidean + + +class TrackGeneralizer: + """ + Generalizer base class + """ + + def __init__(self, traj): + """ + Create TrajectoryGeneralizer + Parameters + ---------- + traj : Trajectory/TrajectoryCollection + """ + self.traj = traj + + def generalize(self, tolerance, columnNamesToDistributeValues): + """ + Generalize the input Trajectory/TrajectoryCollection. + Parameters + ---------- + tolerance : any type + Tolerance threshold, differs by generalizer + columnNamesToDistributeValues: list + List of column names to distribute values to neighboring kept rows + Returns + ------- + Trajectory/TrajectoryCollection + Generalized Trajectory or TrajectoryCollection + """ + if isinstance(self.traj, Trajectory): + return self._generalize_traj( + self.traj, tolerance, columnNamesToDistributeValues) + elif isinstance(self.traj, TrajectoryCollection): + return self._generalize_traj_collection( + tolerance, columnNamesToDistributeValues) + else: + raise TypeError + + def _generalize_traj_collection(self, tolerance, + columnNamesToDistributeValues): + generalized = [] + for traj in self.traj.trajectories: + generalized.append(self._generalize_traj( + traj, tolerance, columnNamesToDistributeValues)) + result = copy(self.traj) + result.trajectories = generalized + return result + + def _generalize_traj(self, traj, tolerance, columnNamesToDistributeValues): + return traj + + +class MinDistanceGeneralizer(TrackGeneralizer): + """ + Generalizes based on distance. + This generalization ensures that consecutive locations are at least a + certain distance apart. + + tolerance : float + Desired minimum distance between consecutive points + columnNamesToDistributeValues : list of column names to distribute values + to neighboring kept rows + Examples + -------- + >>> mpd.MinDistanceGeneralizer(traj).generalize(tolerance=1.0) + """ + + def _generalize_traj(self, traj, tolerance, + columnNamesToDistributeValues=None): + temp_df = traj.df.copy() + prev_pt = temp_df.iloc[0]['geometry'] + keep_rows = [0] + i = 0 + trajCopy = deepcopy(traj) + for index, row in temp_df.iterrows(): + pt = row['geometry'] + if traj.is_latlon: + dist = measure_distance_spherical(pt, prev_pt) + else: + dist = measure_distance_euclidean(pt, prev_pt) + if dist >= tolerance: + keep_rows.append(i) + prev_pt = pt + i += 1 + + keep_rows.append(len(traj.df)-1) + + if (columnNamesToDistributeValues): + # Distribute the selected values of dropped rows to the + # neighboring rows + for i, rowIndex in enumerate(keep_rows): + if (i < len(keep_rows) - 1 and keep_rows[i+1] - rowIndex > 1): + nextRowIndex = keep_rows[i + 1] + discardedRows = trajCopy.df.iloc[rowIndex + + 1: nextRowIndex] + discardedRowsSelectedColumns = discardedRows[ + columnNamesToDistributeValues] + discardedRowsSelectedColumnsSum = \ + discardedRowsSelectedColumns.sum() + aboveRow = trajCopy.df.iloc[rowIndex] + belowRow = trajCopy.df.iloc[nextRowIndex] + aboveRow[columnNamesToDistributeValues] = \ + aboveRow[columnNamesToDistributeValues] + ( + discardedRowsSelectedColumnsSum/2) + belowRow[columnNamesToDistributeValues] = \ + belowRow[columnNamesToDistributeValues] + ( + discardedRowsSelectedColumnsSum/2) + trajCopy.df.iloc[rowIndex] = aboveRow + trajCopy.df.iloc[nextRowIndex] = belowRow + + new_df = trajCopy.df.iloc[keep_rows] + removedRowsCount = len(traj.df.index) - len(keep_rows) + new_columns = {'Generalized': True, 'Generalization.Method': 'Min-Distance', + 'Generalization.RemovedRowsCount': removedRowsCount} + new_df = new_df.assign(**new_columns) + new_traj = Trajectory(new_df, trajCopy.id) + return new_traj + + +class MinTimeDeltaGeneralizer(TrackGeneralizer): + """ + Generalizes based on time. + This generalization ensures that consecutive rows are at least a certain + timedelta apart. + tolerance : datetime.timedelta + Desired minimum time difference between consecutive rows + columnNamesToDistributeValues : list of column names to distribute values + to neighboring kept rows + Examples + -------- + >>> mpd.MinTimeDeltaGeneralizer(traj).generalize(tolerance=timedelta( + minutes=10)) + """ + + def _generalize_traj(self, traj, tolerance, + columnNamesToDistributeValues=None): + temp_df = traj.df.copy() + temp_df['t'] = temp_df.index + prev_t = temp_df.head(1)['t'][0] + keep_rows = [0] + i = 0 + trajCopy = deepcopy(traj) + for index, row in temp_df.iterrows(): + t = row['t'] + tdiff = t - prev_t + if tdiff >= tolerance: + keep_rows.append(i) + prev_t = t + i += 1 + + keep_rows.append(len(traj.df)-1) + + if (columnNamesToDistributeValues): + # Distribute the selected values of dropped rows to the + # neighboring rows + for i, rowIndex in enumerate(keep_rows): + if (i < len(keep_rows) - 1 and keep_rows[i+1] - rowIndex > 1): + nextRowIndex = keep_rows[i + 1] + discardedRows = trajCopy.df.iloc[rowIndex + + 1: nextRowIndex] + discardedRowsSelectedColumns = \ + discardedRows[columnNamesToDistributeValues] + discardedRowsSelectedColumnsSum = \ + discardedRowsSelectedColumns.sum() + aboveRow = trajCopy.df.iloc[rowIndex] + belowRow = trajCopy.df.iloc[nextRowIndex] + aboveRow[columnNamesToDistributeValues] = \ + aboveRow[columnNamesToDistributeValues] + ( + discardedRowsSelectedColumnsSum/2) + belowRow[columnNamesToDistributeValues] = \ + belowRow[columnNamesToDistributeValues] + ( + discardedRowsSelectedColumnsSum/2) + trajCopy.df.iloc[rowIndex] = aboveRow + trajCopy.df.iloc[nextRowIndex] = belowRow + + new_df = trajCopy.df.iloc[keep_rows] + removedRowsCount = len(traj.df.index) - len(keep_rows) + new_columns = {'Generalized': True, 'Generalization.Method': 'Min-Time-Delta', + 'Generalization.RemovedRowsCount': removedRowsCount} + new_df = new_df.assign(**new_columns) + new_traj = Trajectory(new_df, trajCopy.id) + return new_traj + + +class DouglasPeuckerGeneralizer(TrackGeneralizer): + """ + Generalizes using Douglas-Peucker algorithm. + tolerance : float + Distance tolerance + columnNamesToDistributeValues : list of column names to distribute values + to neighboring kept rows + Examples + -------- + >>> mpd.DouglasPeuckerGeneralizer(traj).generalize(tolerance=1.0) + """ + + def _generalize_traj(self, traj, tolerance, + columnNamesToDistributeValues=None): + prev_pt = None + pts = [] + keep_rows = [] + i = 0 + trajCopy = deepcopy(traj) + for index, row in trajCopy.df.iterrows(): + current_pt = row.geometry + # Handle first row and skip the loop + if prev_pt is None: + prev_pt = current_pt + keep_rows.append(i) + continue + line = LineString([prev_pt, current_pt]) + for pt in pts: + if line.distance(pt) > tolerance: + prev_pt = current_pt + pts = [] + keep_rows.append(i) + continue + pts.append(current_pt) + i += 1 + # Keep the last row + keep_rows.append(i) + + if (columnNamesToDistributeValues): + # Distribute the selected values of dropped rows to the + # neighboring rows + for i, rowIndex in enumerate(keep_rows): + if (i < len(keep_rows) - 1 and keep_rows[i+1] - rowIndex > 1): + nextRowIndex = keep_rows[i + 1] + discardedRows = trajCopy.df.iloc[rowIndex + + 1: nextRowIndex] + discardedRowsSelectedColumns = \ + discardedRows[columnNamesToDistributeValues] + discardedRowsSelectedColumnsSum = \ + discardedRowsSelectedColumns.sum() + aboveRow = trajCopy.df.iloc[rowIndex] + belowRow = trajCopy.df.iloc[nextRowIndex] + aboveRow[columnNamesToDistributeValues] = \ + aboveRow[columnNamesToDistributeValues] + ( + discardedRowsSelectedColumnsSum/2) + belowRow[columnNamesToDistributeValues] = \ + belowRow[columnNamesToDistributeValues] + ( + discardedRowsSelectedColumnsSum/2) + trajCopy.df.iloc[rowIndex] = aboveRow + trajCopy.df.iloc[nextRowIndex] = belowRow + + new_df = trajCopy.df.iloc[keep_rows] + removedRowsCount = len(traj.df.index) - len(keep_rows) + new_columns = {'Generalized': True, 'Generalization.Method': 'Douglas-Peucker', + 'Generalization.RemovedRowsCount': removedRowsCount} + new_df = new_df.assign(**new_columns) + new_traj = Trajectory(new_df, trajCopy.id) + return new_traj diff --git a/envirocar/trajectories/track_similarity.py b/envirocar/trajectories/track_similarity.py new file mode 100644 index 0000000..7f9563f --- /dev/null +++ b/envirocar/trajectories/track_similarity.py @@ -0,0 +1,232 @@ +import numpy as np +import pandas as pd +import similaritymeasures +from math import factorial +import matplotlib.pyplot as plt +from itertools import combinations +from timeit import default_timer as timer + + +def track_similarity(trajA, trajB, method): + """ Compute similarity measures using the similaritymeasures package + https://pypi.org/project/similaritymeasures/ + + Keyword Arguments: + trajA {movingpandas trajectory} -- movingpandas trajectory + trajB {movingpandas trajectory} -- movingpandas trajectory + method {string} -- Name of the method to compute + similarity + pcm: Partial Curve Mapping + frechet_dist: Discrete Frechet + distance + area_between_two_curves: Area + method + curve_length_measure: Curve Length + dtw: Dynamic Time Warping + + + Returns: + similarity -- Float value (0,1) corresponding to the computed + similarity. Values close to 1 correspond to high similarity + """ + + methods = ['pcm', 'frechet_dist', 'area_between_two_curves', + 'curve_length_measure', 'dtw'] + + trajA_np = np.zeros((trajA.df.count()[1], 2)) + trajA_np[:, 0] = trajA.df['geometry'].x + trajA_np[:, 1] = trajA.df['geometry'].y + + trajB_np = np.zeros((trajB.df.count()[1], 2)) + trajB_np[:, 0] = trajB.df['geometry'].x + trajB_np[:, 1] = trajB.df['geometry'].y + + if(method not in methods): + raise RuntimeError('Method not available') + + else: + similarity_method = getattr(similaritymeasures, method) + + if(method == 'dtw'): + sim, dtw_matrix = similarity_method(trajA_np, trajB_np) + similarity = 1/(1+sim) + return similarity + else: + similarity = 1/(1+similarity_method(trajA_np, trajB_np)) + return similarity + + +def trajCollections_similarity(trajCollectionA, trajCollectionB, method): + """ Compute similarity measures using the similaritymeasures package + https://pypi.org/project/similaritymeasures/ + + Keyword Arguments: + trajCollectionA {movingpandas trajectory} -- movingpandas trajectory + trajCollectionB {movingpandas trajectory} -- movingpandas trajectory + method {string} -- Name of the method to compute + similarity + pcm: Partial Curve Mapping + frechet_dist: Discrete Frechet distance + area_between_two_curves: Area method + curve_length_measure: Curve Length + dtw: Dynamic Time Warping + + Returns: + similarity dataframe -- Float value (0,1) corresponding to the computed similarity. + """ + + n = len(trajCollectionA.trajectories) + m = len(trajCollectionB.trajectories) + + if(n != m): + raise RuntimeError('Trajectory collections should be the same size !') + + traj1_name = [] + traj2_name = [] + similarity = [] + + for i in range(n): + + traj_a = trajCollectionA.trajectories[i] + traj_b = trajCollectionB.trajectories[i] + + traj1_name.append(traj_a.df['track.id'].unique()[0]) + traj2_name.append(traj_b.df['track.id'].unique()[0]) + + simi = track_similarity(traj_a, traj_b, method) + similarity.append(simi) + + traj_a_gen = 'Generalized' in traj_a.df.columns + traj_b_gen = 'Generalized' in traj_b.df.columns + + column_name_1 = "Trajectory_1" + column_name_2 = "Trajectory_2" + + if traj_a_gen == True: + column_name_1 = "Generalized_"+column_name_1 + if traj_b_gen == True: + column_name_2 = "Generalized_"+column_name_2 + + df = pd.DataFrame(list(zip(traj1_name, traj2_name, similarity)), + columns=[column_name_1, column_name_2, 'Similarity']) + return(df) + + +def crossed_similarity(trajCollection, method): + """ Compute similarity measures of a list of trajectories + + Keyword Arguments: + trajCollection {trajectoryCollection} -- List containing movingpandas trajectories + method {string} -- Name of the method to compute similarity + pcm: Partial Curve Mapping + frechet_dist: Discrete Frechet distance + area_between_two_curves: Area method + curve_length_measure: Curve Length + dtw: Dynamic Time Warping + Returns: + + df{dataframe} -- Dataframe with summary of similarity + measures of all posible combinations from + the trajectory list (list_traj) + + """ + + n = (len(trajCollection.trajectories)) + + if(n <= 1): + raise RuntimeError('More than 1 trajectory is required') + + trajVector = [] + for i in (trajCollection.trajectories): + trajVector.append(i) + + number_comb = factorial(n)/(factorial(n-2)*factorial(2)) + + start = timer() + traj1_name = [] + traj2_name = [] + similarity = [] + i = 0 + + for combo in combinations(trajVector, 2): + traj1_name.append(combo[0].df['track.id'].unique()[0]) + traj2_name.append(combo[1].df['track.id'].unique()[0]) + simi = track_similarity(combo[0], combo[1], method) + similarity.append(simi) + i += 1 + + if (i % 10 == 0 or i == number_comb): + print(round(i/number_comb*100, 1), "% of ", "calculations", sep='', + end='\r') + + df = pd.DataFrame(list(zip(traj1_name, traj2_name, similarity)), + columns=['Trajectory_1', 'Trajectory_2', 'Similarity']) + + df_2 = pd.DataFrame(list(zip(traj2_name, traj1_name, similarity)), + columns=['Trajectory_1', 'Trajectory_2', 'Similarity']) + + frames = [df, df_2] + + df = pd.concat(frames, ignore_index=True) + + df = df.sort_values(by=['Similarity'], ascending=False + ).reset_index(drop=True) + end = timer() + time = end-start + + print("\n%s similarity measures in %0.2f seconds" % (i, time)) + + return(df) + + +def get_similarity_matrix(df): + """ Returns a similarity matrix using the crossed similarity dataframe + + Keyword Arguments: + df{df} -- Crossed similarity dataframe + + Returns: + + df{dataframe} -- Similarity matrix of trajectories (Symmetric matrix) + + """ + + uniq_traj = np.unique(list(df['Trajectory_1'].unique())+list( + df['Trajectory_2'].unique())) + number_uniqtraj = len(uniq_traj) + + similarity_diagonal = [1] * number_uniqtraj + df_diagonal = pd.DataFrame(list(zip(uniq_traj, uniq_traj, + similarity_diagonal)), columns=['Trajectory_1', + 'Trajectory_2', 'Similarity']) + frames = [df, df_diagonal] + df = pd.concat(frames, ignore_index=True) + + df = df.sort_values(by=['Similarity'], ascending=False).reset_index( + drop=True) + + df = df.pivot(index='Trajectory_1', columns='Trajectory_2', + values='Similarity').copy() + + return(df) + + +def plot_similarity_matrix(df_similarity_matrix, title): + """ Generates similarity matrix plot + + Keyword Arguments: + df{dataframe} -- Similarity matrix of trajectories + """ + + sum_corr = list(df_similarity_matrix.sum( + ).sort_values(ascending=True).index.values) + df_similarity_matrix = df_similarity_matrix[sum_corr] + df = df_similarity_matrix.reindex(sum_corr) + + f = plt.figure(figsize=(19, 15)) + plt.matshow(df, fignum=f.number) + plt.title(title, y=1.2, fontsize=25) + plt.xticks(range(df.shape[1]), df.columns, fontsize=10, rotation=90) + plt.yticks(range(df.shape[1]), df.columns, fontsize=10) + cb = plt.colorbar() + cb.ax.tick_params(labelsize=14) diff --git a/envirocar/trajectories/visualisation.py b/envirocar/trajectories/visualisation.py new file mode 100644 index 0000000..f4bc344 --- /dev/null +++ b/envirocar/trajectories/visualisation.py @@ -0,0 +1,1146 @@ + +from math import floor, ceil +import numpy as np +import matplotlib.pyplot as plt +import datetime +import folium +import random +import seaborn as sns +import pandas as pd +import plotly.express as px +import geopandas as gpd +# import movingpandas as mpd +# from statistics import mean +from shapely.geometry import Polygon, MultiPoint +import json +from branca.colormap import linear +# from copy import copy +from sklearn.cluster import DBSCAN +from geopy.distance import great_circle + + +class Visualiser(): + def __init__(self): + print("Initializing visualisation class") # do we need anything? + + def st_cube_simple(self, points): + """ To plot a space-time cube of one trajectory. Checks for the start time + and calculates seconds passed from it for every next point + + Keyword Arguments: + points {dataframe} -- A Pandas dataframe of a trajectory + Returns: + No Return + """ + + def seconds_from_start(x, start): + date_time_obj = datetime.datetime.strptime(x, '%Y-%m-%dT%H:%M:%S') + seconds = (date_time_obj-start).total_seconds() + return int(seconds) + + points['lat'] = points['geometry'].apply(lambda coord: coord.y) + points['lng'] = points['geometry'].apply(lambda coord: coord.x) + start_time = datetime.datetime.strptime( + points.time.iloc[0], '%Y-%m-%dT%H:%M:%S') + + points['time_seconds'] = np.vectorize(seconds_from_start)( + np.array(points.time.values.tolist()), start_time) + + # plot the space-time cube + fig = plt.figure() + ax = fig.gca(projection='3d') + ax.plot(points['lng'], points['lat'], points['time_seconds']) + ax.set_xlabel('Longitude') + ax.set_ylabel('Latitude') + ax.set_zlabel('Seconds since start') + fig.canvas.set_window_title('Space-Time Cube') + plt.show() + + def plot_full_correlation(self, points_df): + """ To plot a correlation matrix for all columns that contain word + '.value' in their name + + Keyword Arguments: + points_df {dataframe} -- A Pandas dataframe of a trajectory + Returns: + No Return + """ + + value_names = [s for s in points_df.columns if + '.value' in s] + + value_columns = [np.array( + points_df[column].values.tolist()) for column + in value_names] + + values_transposed = np.transpose(value_columns) + + values_df = pd.DataFrame(values_transposed) + values_df.columns = value_names + + f, ax = plt.subplots(figsize=(10, 8)) + corr = values_df.corr() + sns.heatmap(corr, mask=np.zeros_like(corr, dtype=np.bool), + cmap=sns.diverging_palette(220, 10, as_cmap=True), + square=True, ax=ax) + + def plot_pair_correlation(self, points_df, column_1, column_2, + sort_by='id', regression=False): + """ To plot a pairwise relationship in a dataset. + Special case for the Acceleration values to see difference + (if any) between accelerating and braking. + + Keyword Arguments: + points_df {dataframe} -- A Pandas dataframe of a trajectory + column_1, column_2 {string} -- names of 2 columns to analyse + sort_by {string} -- 'id' or 'temperature' + regression {boolean} -- defines which kind of plot to plot + Returns: + No Return + """ + + if (sort_by == 'temperature'): + bins = [-10, 0, 5, 10, 20, 30, 40] + copied = points_df.copy() + copied['Intake Temperature.value'] = \ + copied['Intake Temperature.value'].astype(int) + copied['binned_temp'] = pd.cut(copied['Intake Temperature.value'], + bins) + + if (column_2 == "Acceleration.value" or + column_1 == "Acceleration.value"): + df1 = copied[copied["Acceleration.value"] > 0] + df2 = copied[copied["Acceleration.value"] < 0] + + if (regression): + sns.lmplot(x=column_1, y=column_2, hue='binned_temp', + data=df1, palette="viridis") + sns.lmplot(x=column_1, y=column_2, hue='binned_temp', + data=df2, palette="viridis") + else: + sns.pairplot(df1, vars=[column_1, column_2], + hue="binned_temp") + sns.pairplot(df2, vars=[column_1, column_2], + hue="binned_temp") + + else: + if (regression): + sns.lmplot(x=column_1, y=column_2, hue='binned_temp', + data=copied) + else: + sns.pairplot(copied, vars=[column_1, column_2], + hue="binned_temp") + + else: + if (column_2 == "Acceleration.value" or + column_1 == "Acceleration.value"): + df1 = points_df[points_df["Acceleration.value"] > 0] + df2 = points_df[points_df["Acceleration.value"] < 0] + + if (regression): + sns.lmplot(x=column_1, y=column_2, hue='track.id', + data=df1, palette="viridis") + sns.lmplot(x=column_1, y=column_2, hue='track.id', + data=df2, palette="viridis") + else: + sns.pairplot(df1, vars=[column_1, column_2], + hue="track.id") + sns.pairplot(df2, vars=[column_1, column_2], + hue="track.id") + + else: + if (regression): + sns.lmplot(x=column_1, y=column_2, hue='track.id', + data=points_df, palette="viridis") + else: + sns.pairplot(points_df, vars=[column_1, column_2], + hue="track.id") + + def plot_distribution(self, points, column): + fig, (ax1, ax2, ax3) = plt.subplots( + 1, 3, figsize=(15, 5), gridspec_kw={'width_ratios': [5, 5, 5]}) + + sns.boxplot(x=points[column], ax=ax1) + ax1.set_title('Boxplot') + sns.kdeplot(points[column], shade=True, color="r", ax=ax2) + ax2.set_title('Gaussian kernel density estimate') + sns.distplot(points[column], kde=False, ax=ax3) + ax3.set_title('Histogram') + + fig.tight_layout() + plt.show() + + def create_map(self, trajectories): + """ To create a Folium Map object (in case its not already available) + + Keyword Arguments: + trajectories {mpd trajectory collection} -- A Moving Pandas + Trajectory Collection + + Returns: + map {folium map} -- Newly created map object + """ + map_zoom_point = [] + map_zoom_point.append(trajectories[0].df['geometry'][0].y) + map_zoom_point.append(trajectories[0].df['geometry'][0].x) + map = folium.Map(location=[map_zoom_point[0], map_zoom_point[1]], + zoom_start=12, tiles='cartodbpositron') + return map + + def plot_flows(self, flows, flow_map): + """ To plot provided aggregated flows over the provided map + + Keyword Arguments: + flows {mpd aggregated flows} -- A Moving Pandas Aggreagtion + function output + flow_map {folium map} -- Map over which trajectories are to be + plotted + Returns: + No Return + """ + index = 0 + # to extract coordiantes from "FLOWS" + for row in range(0, len(flows)): + my_poylyline = [] + mylng = flows.loc[index, 'geometry'].coords[0][0] + mylat = flows.loc[index, 'geometry'].coords[0][1] + my_poylyline.append([mylat, mylng]) + + mylng = flows.loc[index, 'geometry'].coords[1][0] + mylat = flows.loc[index, 'geometry'].coords[1][1] + my_poylyline.append([mylat, mylng]) + + # to plot point's coordinates over the map as polyline based on + # weight + myweight = int(flows.loc[index, 'weight']) + my_line = folium.PolyLine(locations=my_poylyline, + weight=round((myweight/2))) + # as minimize very big weight number + flow_map.add_child(my_line) + + index += 1 + + def plot_point_values(self, points, value): + """ To show points on a map + + Keyword Arguments: + points {GeoDataFrame} -- points input + value {string} -- column value to use for colouriing + + Returns: + No Return + """ + + points['lat'] = points['geometry'].apply(lambda coord: coord.y) + points['lng'] = points['geometry'].apply(lambda coord: coord.x) + + # Visualizing points by the desired value + fig = px.scatter_mapbox(points, lat="lat", lon="lng", color=value, + title=value + " visualisation", zoom=8) + fig.update_layout(mapbox_style="open-street-map", + margin={"r": 5, "t": 50, "l": 10, "b": 5}) + fig.show() + + def plot_region(self, region, region_map, region_color, label): + """ To plot provided regions over the provided map + + Keyword Arguments: + region {shapely Polygon} -- A shapely based Polygon + region_map {folium map} -- Map over which trajectories are to be + plotted + region_color {string} -- Name of the Color in String + label {String} -- Label for popup + Returns: + No Return + """ + region_coords = [] + + # to extract coordiantes from provided region + index = 0 + for value in range(0, len(region.exterior.coords)): + temp = [] + temp.append(region.exterior.coords[index][1]) + temp.append(region.exterior.coords[index][0]) + region_coords.append(temp) + index += 1 + + # to plot point's coordinates over the map as polygon + region_plot = folium.Polygon(locations=region_coords, + color=region_color, popup=label) + region_map.add_child(region_plot) + + def plot_weeks_trajectory(self, weekwise_trajectory_collection, + trajectory_map, marker_radius): + """ To iterate over list with weekwise trajectory collection and plot + each over provided folium map object + + Keyword Arguments: + weekwise_trajectory_collection {list of mpd trajectory collection} + -- 7 indices respective of each day of the week + trajectory_map {folium map} -- Map over which trajectories are to + be plotted + marker_radius {integer} -- Radius of each point marker (circle) + Returns: + No Return + """ + + # Dictionary to assign color based on a week day + colors = {0: "crimson", 1: "blue", 2: "purple", 3: "yellow", + 4: "orange", 5: "black", 6: "green"} + + day = 0 + for traj_day in weekwise_trajectory_collection: + + track_id = -1 # to store track id of each track for Pop Up + + trajectory_points = [] # to store coordiante points for each track + traj_row = 0 + + # if trajectory collection has atleast a single trajectory + if(len(traj_day.trajectories) > 0): + for traj in traj_day.trajectories: + point_row = 0 + track_id = traj.df['track.id'][0] + for point in range(len(traj_day.trajectories[ + traj_row].df)): + temp = [] + temp.append(traj.df['geometry'][point_row].y) + temp.append(traj.df['geometry'][point_row].x) + trajectory_points.append(temp) + point_row += 1 + traj_row += 1 + + # Plotting day wise point's coordinate plot with a single + # color and track id as popup + for row in trajectory_points: + folium.Circle(radius=marker_radius, location=row, + color=colors[day], popup=track_id).add_to( + trajectory_map) + + day += 1 + + def get_trajectories_coords(self, trajectories): + """ To iterate over trajectory collection and return individual track points + + Keyword Arguments: + trajectories {mpd trajectory collection} -- A Moving Pandas + Trajectory Collection + + Returns: + trajectory_list -- A list of two elements at each index, + track_id & array of associated point's coordinates + """ + + trajectory_list = [] + + for traj in trajectories: + track_points = [] + + # Extracting Point's coordinate for each trajectory + for i in range(len(traj.df)): + temp = [] + temp.append(traj.df['geometry'][i].y) + temp.append(traj.df['geometry'][i].x) + track_points.append(temp) + + # Extracting Track_Id for each trajectory + track_id = [] + track_id.append(traj.df['track.id'][0]) + + # Creating a list with [id,coordinates] for each individual + # trajectory + traj_temp = [track_id, track_points] + trajectory_list.append(traj_temp) + + return trajectory_list + + def plot_trajectories(self, trajectory_collection, trajectory_map, + marker_radius): + """ To iterate over trajectory collection and plot each over + provided folium map object + + Keyword Arguments: + trajectory_collection {mpd trajectory collection} + -- A Moving Pandas Trajectory Collection + trajectory_map {folium map} -- Map over which trajectories are + to be plotted + marker_radius {integer} -- Radius of each point marker (circle) + Returns: + No Return + """ + + # Function to get random hexcode to assign unique color to each + # trajectory + def get_hexcode_color(): + random_number = random.randint(0, 16777215) + hex_number = str(hex(random_number)) + hex_number = '#' + hex_number[2:] + return hex_number + + # Call to function to iterate over trajectory collection + # and return individual track points + traj_list = self.get_trajectories_coords(trajectory_collection) + + traj_index = 0 + for traj in traj_list: + # Extracting Track_Id and Point's coordinate for each trajectory + track_id = traj[0] + track_points = traj[1] + + # Call to function to random color for this trajectory + track_color = get_hexcode_color() + + # Plotting points of each trajectory with a single color + point_index = 0 + for row in track_points: + # Pop-Up will contain Track Id + folium.Circle(radius=marker_radius, location=row, + color=track_color, popup=track_id).add_to( + trajectory_map) + point_index += 1 + + traj_index += 1 + + ################################## + # RELATED TO WEEK WISE BAR GRAPH # + + def extract_daywise_lengths(self, weekly_trajectories): + """ To iterate over list with weekwise trajectory collection and + extract point's coordinates for day wise trajectories + + Keyword Arguments: + weekly_trajectories {list of mpd trajectory collection} + -- 7 indices respective of each day of the week + Returns: + day_length {list} -- list with total length for each day + """ + days = {0: "Monday", 1: "Tuesday", 2: "Wednesday", 3: "Thursday", + 4: "Friday", 5: "Saturday", 6: "Sunday"} + + day_length = [] # to store total length for each day at each index + day = 0 + + for traj_day in range(len(weekly_trajectories)): + temp = [] + + # if trajectory collection has atleast a single trajectory + if(len(weekly_trajectories[day].trajectories) > 0): + traj_row = 0 + length_sum = 0 # to store total sum of track length for each + # day's collection + + for traj in range(len(weekly_trajectories[day].trajectories)): + length_sum += round(weekly_trajectories[day].trajectories[ + traj_row].df['track.length'][0], 2) + traj_row += 1 + + temp.append(days[day]) # storing weekday name like Monday, + # Tuesday etc at first index of list + temp.append(length_sum) # storing assocaited total length + # at second index of list + day_length.append(temp) + + else: + temp.append(days[day]) + temp.append(0) + day_length.append(temp) + + day += 1 + + return day_length + + def extract_barplot_info(self, day_length): + """ To extract information for matplotlib plot + + Keyword Arguments: + day_length {list} -- list with total length for each day + Returns: + day, height, highest, highest_index, average {strings/integers} + -- attributes required for plots + """ + day = [] + height = [] + highest = 0 + highest_index = -1 + total = 0 + + index = 0 + for row in day_length: + day.append(row[0][:3]) # extracting name of day of the week + # in form of Mon, Tue etc. + track_length = round(row[1], 2) # extracting total length + # associated with each day rounded to 2 decimals + height.append(track_length) + + # extracting the highest value out of 'total lengths' from all + # weekdays + if(track_length > highest): + highest = track_length + highest_index = index + + total += track_length + index += 1 + + average_value = total/7 # extracting average value out of + # 'total lengths' from all weekdays + + average = [] + for row in day: + average.append(average_value) # a list of same value at each + # index, just to plot a horizontal line in plot + + return day, height, highest, highest_index, average + + def plot_daywise_track(self, week_trajectories): + """ To plot bar graphy of week day vs total length of that day + (all tracks combined) + + Keyword Arguments: + weekly_trajectories {list of mpd trajectory collection} + -- 7 indices respective of each day of the week + Returns: + No Return + """ + # Call to function to extract daywise lengths + daywise_length = self.extract_daywise_lengths(week_trajectories) + + # Call to function to extract attributes for plot + day, height, highest, highest_index, average = \ + self.extract_barplot_info(daywise_length) + + bar_plot = plt.bar(day, height, color=(0.1, 0.1, 0.1, 0.1), + edgecolor='blue') + bar_plot[highest_index].set_edgecolor('r') + plt.ylabel('Total Distance Travelled (Km)') + + axes2 = plt.twinx() + axes2.set_ylim(0, highest+1) + axes2.plot(day, average, color='b', label='Average Distance') + + plt.suptitle('Which day has a different movement pattern than others?') + plt.legend() + plt.show() + + def aggregateByGrid(df, field, summary, gridSize): + """ + Aggregates the specified field with chosen summary type and user + defined grid size. returns aggregated grids with summary + + Parameters + ---------- + df : geopandas dataframe + field : string + field to be summarized. + summary : string + type of summary to be sumarized. eg. min, max,sum, median + gridSize : float + the size of grid on same unit as geodataframe coordinates. + + Returns + ------- + geodataframe + Aggregated grids with summary on it + + """ + def round_down(num, divisor): + return floor(num / divisor) * divisor + + def round_up(num, divisor): + return ceil(num / divisor) * divisor + + # Get crs from data + sourceCRS = df.crs + targetCRS = {"init": "EPSG:3857"} + # Reproject to Mercator\ + df = df.to_crs(targetCRS) + # Get bounds + xmin, ymin, xmax, ymax = df.total_bounds + print(xmin, ymin, xmax, ymax) + height, width = gridSize, gridSize + top, left = round_up(ymax, height), round_down(xmin, width) + bottom, right = round_down(ymin, height), round_up(xmax, width) + + rows = int((top - bottom) / height)+1 + cols = int((right - left) / width)+1 + + XleftOrigin = left + XrightOrigin = left + width + YtopOrigin = top + YbottomOrigin = top - height + polygons = [] + for i in range(cols): + Ytop = YtopOrigin + Ybottom = YbottomOrigin + for j in range(rows): + polygons.append(Polygon([(XleftOrigin, Ytop), + (XrightOrigin, Ytop), + (XrightOrigin, Ybottom), + (XleftOrigin, Ybottom)])) + Ytop = Ytop - height + Ybottom = Ybottom - height + XleftOrigin = XleftOrigin + width + XrightOrigin = XrightOrigin + width + + grid = gpd.GeoDataFrame({'geometry': polygons}) + grid.crs = df.crs + + # Assign gridid + numGrid = len(grid) + grid['gridId'] = list(range(numGrid)) + + # Identify gridId for each point + points_identified = gpd.sjoin(df, grid, op='within') + + # group points by gridid and calculate mean Easting, + # store it as dataframe + # delete if field already exists + if field in grid.columns: + del grid[field] + grouped = points_identified.groupby('gridId')[field].agg(summary) + grouped_df = pd.DataFrame(grouped) + + new_grid = grid.join(grouped_df, on='gridId').fillna(0) + grid = new_grid.to_crs(sourceCRS) + summarized_field = summary+"_"+field + final_grid = grid.rename(columns={field: summarized_field}) + final_grid = final_grid[final_grid[summarized_field] > 0].sort_values( + by=summarized_field, ascending=False) + final_grid[summarized_field] = round(final_grid[summarized_field], 1) + final_grid['x_centroid'], final_grid['y_centroid'] = \ + final_grid.geometry.centroid.x, final_grid.geometry.centroid.y + return final_grid + + def plotAggregate(grid, field): + """ + Plots the aggregated data on grid. Please call aggregateByGrid + function before this step. + + Parameters + ---------- + grid :polygon geodataframe + The grid geodataframe with grid and aggregated data in a column. + Grid shoud have grid id or equivalent unique ids + field : string + Fieldname with aggregated data + + Returns + ------- + m : folium map object + Folium map with openstreetmap as base. + + """ + # Prepare for grid plotting using folium + grid.columns = [cols.replace('.', '_') for cols in grid.columns] + field = field.replace('.', '_') + # Convert grid id to string + grid['gridId'] = grid['gridId'].astype(str) + + # Convert data to geojson and csv + atts = pd.DataFrame(grid) + grid.to_file("grids.geojson", driver='GeoJSON') + atts.to_csv("attributes.csv", index=False) + + # load spatial and non-spatial data + data_geojson_source = "grids.geojson" + # data_geojson=gpd.read_file(data_geojson_source) + data_geojson = json.load(open(data_geojson_source)) + + # Get coordiantes for map centre + lat = grid.geometry.centroid.y.mean() + lon = grid.geometry.centroid.x.mean() + # Intialize a new folium map object + m = folium.Map(location=[lat, lon], zoom_start=10, + tiles='OpenStreetMap') + + # Configure geojson layer + folium.GeoJson(data_geojson, + lambda feature: {'lineOpacity': 0.4, + 'color': 'black', + 'fillColor': None, + 'weight': 0.5, + 'fillOpacity': 0}).add_to(m) + + # add attribute data + attribute_pd = pd.read_csv("attributes.csv") + attribute = pd.DataFrame(attribute_pd) + # Convert gridId to string to ensure it matches with gridId + attribute['gridId'] = attribute['gridId'].astype(str) + + # construct color map + minvalue = attribute[field].min() + maxvalue = attribute[field].max() + colormap_rn = linear.YlOrRd_09.scale(minvalue, maxvalue) + + # Create Dictionary for colormap + population_dict_rn = attribute.set_index('gridId')[field] + + # create map + folium.GeoJson( + data_geojson, + name='Choropleth map', + style_function=lambda feature: { + 'lineOpacity': 0, + 'color': 'green', + 'fillColor': colormap_rn( + population_dict_rn[feature['properties']['gridId']]), + 'weight': 0, + 'fillOpacity': 0.6 + }, + highlight_function=lambda feature: {'weight': 3, 'color': 'black', + 'fillOpacity': 1}, + tooltip=folium.features.GeoJsonTooltip(fields=[field], + aliases=[field]) + ).add_to(m) + + # format legend + field = field.replace("_", " ") + # add a legend + colormap_rn.caption = '{value} per grid'.format(value=field) + colormap_rn.add_to(m) + + # add a layer control + folium.LayerControl().add_to(m) + return m + + def spatioTemporalAggregation(df, field, summary, gridSize): + """ + Aggregates the given field on hour and weekday basis. + Prepares data for mosaic plot + + Parameters + ---------- + df : geopandas dataframe + field : string + field to be summarized. + summary : string + type of summary to be sumarized. eg. min, max,sum, median + gridSize : float + the size of grid on same unit as geodataframe coordinates. + + Returns + ------- + geodataframes: one each for larger grid and other for subgrids + (for visualization purpose only) + Aggregated grids with summary on it + + """ + def round_down(num, divisor): + return floor(num / divisor) * divisor + + def round_up(num, divisor): + return ceil(num / divisor) * divisor + + # Get crs from data + sourceCRS = df.crs + targetCRS = {'init': "epsg:3857"} + # Reproject to Mercator\ + df = df.to_crs(targetCRS) + + # Get bounds + xmin, ymin, xmax, ymax = df.total_bounds + height, width = gridSize, gridSize + top, left = round_up(ymax, height), round_down(xmin, width) + bottom, right = round_down(ymin, height), round_up(xmax, width) + + rows = int((top - bottom) / height)+1 + cols = int((right - left) / width)+1 + + XleftOrigin = left + XrightOrigin = left + width + YtopOrigin = top + YbottomOrigin = top - height + polygons = [] + + for i in range(cols): + Ytop = YtopOrigin + Ybottom = YbottomOrigin + for j in range(rows): + polygons.append(Polygon( + [(XleftOrigin, Ytop), (XrightOrigin, Ytop), + (XrightOrigin, Ybottom), (XleftOrigin, Ybottom)])) + Ytop = Ytop - height + Ybottom = Ybottom - height + XleftOrigin = XleftOrigin + width + XrightOrigin = XrightOrigin + width + + grid = gpd.GeoDataFrame({'geometry': polygons}) + grid.crs = (targetCRS) + + # Assign gridid + numGrid = len(grid) + grid['gridId'] = list(range(numGrid)) + + # Identify gridId for each point + + df['hour'] = df['time'].apply( + lambda x: datetime.datetime.strptime( + x, '%Y-%m-%dT%H:%M:%S')).dt.hour + df['weekday'] = df['time'].apply( + lambda x: datetime.datetime.strptime( + x, '%Y-%m-%dT%H:%M:%S')).dt.dayofweek + points_identified = gpd.sjoin(df, grid, op='within') + + # group points by gridid and calculate mean Easting, + # store it as dataframe + # delete if field already exists + if field in grid.columns: + del grid[field] + + # Aggregate by weekday, hour and grid + grouped = points_identified.groupby( + ['gridId', 'weekday', 'hour']).agg({field: [summary]}) + grouped = grouped.reset_index() + grouped.columns = grouped.columns.map("_".join) + modified_fieldname = field+"_"+summary + + # Create Subgrids + subgrid, mainGrid, rowNum, columnNum, value = [], [], [], [], [] + unikGrid = grouped['gridId_'].unique() + for currentGrid in unikGrid: + dataframe = grid[grid['gridId'] == currentGrid] + xmin, ymin, xmax, ymax = dataframe.total_bounds + xminn, xmaxx, yminn, ymaxx = xmin + \ + (xmax-xmin)*0.05, xmax-(xmax-xmin)*0.05, ymin + \ + (ymax-ymin)*0.05, ymax-(ymax-ymin)*0.05 + rowOffset = (ymaxx-yminn)/24.0 + colOffset = (xmaxx - xminn)/7.0 + for i in range(7): + for j in range(24): + topy, bottomy, leftx, rightx = ymaxx-j*rowOffset, ymaxx - \ + (j+1)*rowOffset, xminn+i * \ + colOffset, xminn+(i+1)*colOffset + subgrid.append( + Polygon([(leftx, topy), (rightx, topy), + (rightx, bottomy), (leftx, bottomy)])) + mainGrid.append(currentGrid) + rowNum.append(j) + columnNum.append(i) + if len(grouped[(grouped['gridId_'] == currentGrid) + & (grouped['weekday_'] == i) + & (grouped['hour_'] == j)]) != 0: + this_value = grouped[ + (grouped['gridId_'] == currentGrid) + & (grouped['weekday_'] == i) + & (grouped['hour_'] == j)].iloc[0][ + modified_fieldname] + value.append(this_value) + else: + value.append(np.nan) + subgrid_gpd = gpd.GeoDataFrame({'geometry': subgrid}) + subgrid_gpd.crs = targetCRS + # Reproject to Mercator\ + subgrid_gpd = subgrid_gpd.to_crs(sourceCRS) + subgrid_gpd['gridId'] = mainGrid + subgrid_gpd['Weekday'] = columnNum + subgrid_gpd['hour'] = rowNum + subgrid_gpd['gridId'] = subgrid_gpd.apply(lambda x: str( + x['gridId'])+"_"+str(x['Weekday'])+"_"+str(x['hour']), axis=1) + subgrid_gpd[modified_fieldname] = value + subgrid_gpd = subgrid_gpd.dropna() + grid = grid.to_crs(sourceCRS) + grid = grid[grid['gridId'].isin(unikGrid)] + return grid, subgrid_gpd + # final_subgrid=subgrid_gpd[subgrid_gpd['value'].notnull()] + # return final_subgrid + + def MosaicPlot(mainGrid, grid, field): + """ + Performs spatio temporal aggregation of data on weekday and hour, + and prepares mosaicplot. + + Parameters + ---------- + mainGrid :polygon geodataframe + The grid geodataframe with grid and aggregated data in a column. + Grid shoud have grid id or equivalent unique ids + grid: Small subgrids, prepared for visualization purpose + only represents an hour of a weekday + field : string + Fieldname with aggregated data + + Returns + ------- + m : folium map object + Folium map with openstreetmap as base. + + """ + # Prepare for grid plotting using folium + grid.columns = [cols.replace('.', '_') for cols in grid.columns] + field = field.replace('.', '_') + # Convert grid id to string + grid['gridId'] = grid['gridId'].astype(str) + + # Convert maingrid,subgrid to geojson and csv + mainGrid.to_file("mainGrids.geojson", driver='GeoJSON') + atts = pd.DataFrame(grid) + grid.to_file("grids.geojson", driver='GeoJSON') + atts.to_csv("attributes.csv", index=False) + + # load spatial and non-spatial data + data_geojson_source = "grids.geojson" + # data_geojson=gpd.read_file(data_geojson_source) + data_geojson = json.load(open(data_geojson_source)) + + # load spatial and non-spatial data + grid_geojson_source = "mainGrids.geojson" + mainGrid_geojson = json.load(open(grid_geojson_source)) + + # Get coordiantes for map centre + lat = grid.geometry.centroid.y.mean() + lon = grid.geometry.centroid.x.mean() + # Intialize a new folium map object + m = folium.Map(location=[lat, lon], + zoom_start=10, tiles='Stamen Toner') + + # Configure geojson layer + # style = {'fillColor': '#f5f5f5', 'lineColor': '#ffffbf'} + # polygon = folium.GeoJson(gjson, style_function = \ + # lambda x: style).add_to(m) + # def style_function(): + # return {'fillColor': '#00FFFFFF', 'lineColor': '#00FFFFFF'} + # folium.GeoJson(data_geojson).add_to(m) + folium.GeoJson(mainGrid_geojson, + lambda feature: {'lineOpacity': 0.4, + 'color': '#00ddbb', + 'fillColor': None, + 'weight': 2, + 'fillOpacity': 0}).add_to(m) + + # add attribute data + attribute_pd = pd.read_csv("attributes.csv") + attribute = pd.DataFrame(attribute_pd) + # Convert gridId to string to ensure it matches with gridId + attribute['gridId'] = attribute['gridId'].astype(str) + + # construct color map + minvalue = attribute[field].min() + maxvalue = attribute[field].max() + colormap_rn = linear.YlOrRd_09.scale(minvalue, maxvalue) + + # Create Dictionary for colormap + population_dict_rn = attribute.set_index('gridId')[field] + + # create map + folium.GeoJson( + data_geojson, + name='Choropleth map', + style_function=lambda feature: { + 'lineOpacity': 0, + 'color': 'green', + 'fillColor': colormap_rn(population_dict_rn[ + feature['properties']['gridId']]), + 'weight': 0, + 'fillOpacity': 0.9 + }, + highlight_function=lambda feature: { + 'weight': 3, 'color': 'black', 'fillOpacity': 1}, + tooltip=folium.features.GeoJsonTooltip(fields=['Weekday', 'hour', + field])).add_to(m) + + # format legend + field = field.replace("_", " ") + # add a legend + colormap_rn.caption = '{value} per grid by weekday and hour'.format( + value=field) + colormap_rn.add_to(m) + + # add a layer control + folium.LayerControl().add_to(m) + return m + # Aggregate data by weekday and hour + + def aggregateHourly(df, field, summary): + """ + Aggregates the whole data by weekday and hour as preparation step for + mosaic plot + + Parameters + ---------- + df : GeoDataFrame + The dataset of points to be summarized + field : STRING + The field in input dataframe to be summarized + summary : String + The type of aggregation to be used.eg. mean, median, + + Returns + ------- + dayhourAggregate : dataframe + Aggregated Data by weekday and time + + """ + # extract date and time from timestamp + df['hour'] = df['time'].apply( + lambda x: datetime.datetime.strptime( + x, '%Y-%m-%dT%H:%M:%S')).dt.hour + df['weekday'] = df['time'].apply( + lambda x: datetime.datetime.strptime( + x, '%Y-%m-%dT%H:%M:%S')).dt.dayofweek + # Aggregate by weekday and hour + dayhourAggregate = df.groupby( + ['weekday', 'hour']).agg({field: [summary]}) + dayhourAggregate = dayhourAggregate.reset_index() + dayhourAggregate.columns = dayhourAggregate.columns.map("_".join) + return dayhourAggregate + + def OriginAndDestination(df): + """ + Return dataframe for origin and destinations for tracks + by their trackid + + Parameters + ---------- + df : TYPE + DESCRIPTION. + + Returns + ------- + origin : TYPE + DESCRIPTION. + destination : TYPE + DESCRIPTION. + + """ + track_list = list(df['track.id'].unique()) + origin, destination = gpd.GeoDataFrame(), gpd.GeoDataFrame() + for track in track_list: + selected_tracks = df[df['track.id'] == track] + current_origin = selected_tracks[selected_tracks['time'] + == selected_tracks['time'].min()] + current_destination = selected_tracks[selected_tracks['time'] + == selected_tracks[ + 'time'].max()] + origin = origin.append(current_origin) + destination = destination.append(current_destination) + return origin, destination + + def getClusters(positions, distanceKM, min_samples=5): + """ + Returns the clusters from the points based on provided data to no. of + clusters based on DBScan Algorithm + + Parameters + ---------- + positions : Geodataframe object + Geodataframe with positions to be clustered + distanceKM : Float + Epsilon parameters fo dbscan algorithm in km. or, distance for + clustering of points + min_samples : Integer, optional + DESCRIPTION. Minimum no. of points required to form cluster. + If 1 is set,each individual will form their own cluster + The default is 5. + + Returns + ------- + Dataframe + The dataframe with cluster centres co-ordinates and no. of points + on the cluster. + + """ + def get_centermost_point(cluster): + centroid = (MultiPoint(cluster).centroid.x, + MultiPoint(cluster).centroid.y) + centermost_point = min( + cluster, key=lambda point: great_circle(point, centroid).m) + return tuple(centermost_point) + df = positions.to_crs({'init': 'epsg:4326'}) + lon = df.geometry.x + lat = df.geometry.y + origin_pt = pd.DataFrame() + # Populate lat lon to dataframe + origin_pt['lat'] = lat + origin_pt['lon'] = lon + # add index to data + coords = origin_pt.to_numpy() + origin_pt.index = [i for i in range(len(lat))] + # + # Convert Data to projected and perform clustering + kms_per_radian = 6371.0088 + epsilon = distanceKM / kms_per_radian + db = DBSCAN(eps=epsilon, min_samples=min_samples, + algorithm='ball_tree', metric='haversine').fit( + np.radians(coords)) + cluster_labels = db.labels_ + validClusters = [] + for cluster in cluster_labels: + if cluster != -1: + validClusters.append(cluster) + num_clusters = len(set(validClusters)) + clusters = pd.Series([coords[cluster_labels == n] + for n in range(num_clusters)]) + # Assigining clusterId to each point + origin_pt['clusterId'] = cluster_labels + # Identify cluster Centres + centermost_points = clusters.map(get_centermost_point) + + # Create Geodataframe with attributes for cluster centroids + clusterId = [i for i in range(len(centermost_points))] + centroidLat = [centermost_points[i][0] + for i in range(len(centermost_points))] + centroidLon = [centermost_points[i][1] + for i in range(len(centermost_points))] + clusterSize = [len(origin_pt[origin_pt['clusterId'] == i]) + for i in range(len(centermost_points))] + # Create dataframe for cluster centers + clusterCentres_df = pd.DataFrame( + {'clusterId': clusterId, 'clusterLat': centroidLat, + 'clusterLon': centroidLon, 'clusterSize': clusterSize}) + clusterCentres = gpd.GeoDataFrame(clusterCentres_df, + geometry=gpd.points_from_xy( + clusterCentres_df.clusterLon, + clusterCentres_df.clusterLat)) + return clusterCentres + + def showClusters(clusterCentres, track): + """ + Shows the cluster of the datasets along with original tracks + + Parameters + ---------- + clusterCentres : Geodataframe + The geodataframe object with details of clusterCenters. + Obtained as processing by getClusters fucntion + track : Geodataframe + The points geodataframe to be shown on map alongwith clusters. + For visualization only + + Returns + ------- + m : folium map-type object + The map with source data and clusters overlaid + + """ + # Make an empty map + lat = clusterCentres.geometry.y.mean() + lon = clusterCentres.geometry.x.mean() + clusterList = list(clusterCentres['clusterSize']) + m = folium.Map(location=[lat, lon], + tiles="openstreetmap", zoom_start=12) + + # add points from track + for i in range(0, len(track)): + lat = track.iloc[i].geometry.y + lon = track.iloc[i].geometry.x + folium.Circle( + location=[lat, lon], + radius=0.05, + color='black', + weight=2, + fill=True, opacity=0.5, + fill_color='black', + ).add_to(m) + + # add marker one by one on the map + for i in range(0, len(clusterCentres)): + folium.Circle( + location=[clusterCentres.iloc[i]['clusterLat'], + clusterCentres.iloc[i]['clusterLon']], + popup=clusterList[i], + radius=clusterList[i]*10, + color='red', + weight=2, + fill=True, + fill_color='red' + ).add_to(m) + return m diff --git a/examples/api_request_deckgl.ipynb b/examples/api_request_deckgl.ipynb index 504d207..dc85ae5 100644 --- a/examples/api_request_deckgl.ipynb +++ b/examples/api_request_deckgl.ipynb @@ -20,7 +20,7 @@ "import pandas as pd\n", "import geopandas as gpd\n", "\n", - "from envirocar import TrackAPI, DownloadClient, BboxSelector, ECConfig\n", + "from envirocar import TrackAPI, DownloadClient, BboxSelector, ECConfig, TrackConverter\n", "\n", "# create an initial but optional config and an api client\n", "config = ECConfig()\n", @@ -70,16 +70,16 @@ " id\n", " time\n", " geometry\n", - " GPS PDOP.value\n", - " GPS PDOP.unit\n", - " Speed.value\n", - " Speed.unit\n", - " GPS Altitude.value\n", - " GPS Altitude.unit\n", + " Throttle Position.value\n", + " Throttle Position.unit\n", + " CO2.value\n", + " CO2.unit\n", + " GPS VDOP.value\n", + " GPS VDOP.unit\n", " GPS Bearing.value\n", " ...\n", - " Consumption.value\n", - " Consumption.unit\n", + " sensor.constructionYear\n", + " sensor.manufacturer\n", " track.appVersion\n", " track.touVersion\n", " O2 Lambda Voltage ER.value\n", @@ -93,19 +93,19 @@ " \n", " \n", " 0\n", - " 5e8b930965b80c5d6b4d7cd1\n", - " 2020-03-07T12:33:15\n", - " POINT (7.64069 51.95733)\n", - " 1.090631\n", + " 5eb7582165b80c5d6be69f24\n", + " 2020-05-09T21:10:46\n", + " POINT (7.65180 51.95396)\n", + " 16.000000\n", + " %\n", + " 6.060965\n", + " kg/h\n", + " 1.000000\n", " precision\n", - " 28.999999\n", - " km/h\n", - " 110.381939\n", - " m\n", - " 124.858622\n", + " 244.006986\n", " ...\n", - " NaN\n", - " NaN\n", + " 2007\n", + " Dodge\n", " NaN\n", " NaN\n", " NaN\n", @@ -117,19 +117,19 @@ " \n", " \n", " 1\n", - " 5e8b930965b80c5d6b4d7cd3\n", - " 2020-03-07T12:33:20\n", - " POINT (7.64118 51.95712)\n", + " 5eb7582165b80c5d6be69f26\n", + " 2020-05-09T21:10:51\n", + " POINT (7.65169 51.95395)\n", + " 16.831018\n", + " %\n", + " 7.644530\n", + " kg/h\n", " 1.000000\n", " precision\n", - " 28.000000\n", - " km/h\n", - " 108.260375\n", - " m\n", - " 125.020801\n", + " 273.231882\n", " ...\n", - " NaN\n", - " NaN\n", + " 2007\n", + " Dodge\n", " NaN\n", " NaN\n", " NaN\n", @@ -141,19 +141,19 @@ " \n", " \n", " 2\n", - " 5e8b930965b80c5d6b4d7cd4\n", - " 2020-03-07T12:33:26\n", - " POINT (7.64162 51.95690)\n", - " 1.257198\n", + " 5eb7582165b80c5d6be69f27\n", + " 2020-05-09T21:10:56\n", + " POINT (7.65148 51.95395)\n", + " 16.846021\n", + " %\n", + " 6.152178\n", + " kg/h\n", + " 1.000000\n", " precision\n", - " 28.000001\n", - " km/h\n", - " 105.826028\n", - " m\n", - " 121.203960\n", + " 273.377388\n", " ...\n", - " NaN\n", - " NaN\n", + " 2007\n", + " Dodge\n", " NaN\n", " NaN\n", " NaN\n", @@ -165,19 +165,19 @@ " \n", " \n", " 3\n", - " 5e8b930965b80c5d6b4d7cd5\n", - " 2020-03-07T12:33:31\n", - " POINT (7.64210 51.95672)\n", - " 1.000000\n", + " 5eb7582165b80c5d6be69f28\n", + " 2020-05-09T21:11:01\n", + " POINT (7.65127 51.95397)\n", + " 17.000001\n", + " %\n", + " 7.380207\n", + " kg/h\n", + " 0.930191\n", " precision\n", - " 30.000000\n", - " km/h\n", - " 104.395998\n", - " m\n", - " 123.412759\n", + " 274.705621\n", " ...\n", - " NaN\n", - " NaN\n", + " 2007\n", + " Dodge\n", " NaN\n", " NaN\n", " NaN\n", @@ -189,19 +189,19 @@ " \n", " \n", " 4\n", - " 5e8b930965b80c5d6b4d7cd6\n", - " 2020-03-07T12:33:36\n", - " POINT (7.64264 51.95650)\n", - " 1.026727\n", + " 5eb7582165b80c5d6be69f29\n", + " 2020-05-09T21:11:06\n", + " POINT (7.65101 51.95396)\n", + " 15.151858\n", + " %\n", + " 3.983817\n", + " kg/h\n", + " 1.000000\n", " precision\n", - " 31.409419\n", - " km/h\n", - " 101.516865\n", - " m\n", - " 122.170479\n", + " 275.181028\n", " ...\n", - " NaN\n", - " NaN\n", + " 2007\n", + " Dodge\n", " NaN\n", " NaN\n", " NaN\n", @@ -236,20 +236,20 @@ " ...\n", " \n", " \n", - " 283\n", - " 5dc986e844ea856b702e3e0b\n", - " 2019-10-28T16:34:55\n", - " POINT (7.59523 51.96505)\n", - " 1.700000\n", + " 195\n", + " 5dc985eb44ea856b702dd986\n", + " 2019-10-29T16:10:53\n", + " POINT (7.59827 51.96493)\n", + " 16.027855\n", + " %\n", + " 8.579484\n", + " kg/h\n", + " 1.016152\n", " precision\n", - " 47.999999\n", - " km/h\n", - " 109.652212\n", - " m\n", - " 276.419653\n", + " 269.728716\n", " ...\n", - " 3.122268\n", - " l/h\n", + " 2004\n", + " Mercedes Benz\n", " NaN\n", " NaN\n", " NaN\n", @@ -260,20 +260,20 @@ " NaN\n", " \n", " \n", - " 284\n", - " 5dc986e844ea856b702e3e0c\n", - " 2019-10-28T16:35:00\n", - " POINT (7.59425 51.96512)\n", - " 1.497088\n", + " 196\n", + " 5dc985eb44ea856b702dd987\n", + " 2019-10-29T16:10:58\n", + " POINT (7.59737 51.96492)\n", + " 14.000000\n", + " %\n", + " 4.308154\n", + " kg/h\n", + " 1.015842\n", " precision\n", - " 48.297297\n", - " km/h\n", - " 110.122771\n", - " m\n", - " 276.271049\n", + " 268.303093\n", " ...\n", - " 2.853618\n", - " l/h\n", + " 2004\n", + " Mercedes Benz\n", " NaN\n", " NaN\n", " NaN\n", @@ -284,20 +284,20 @@ " NaN\n", " \n", " \n", - " 285\n", - " 5dc986e844ea856b702e3e0d\n", - " 2019-10-28T16:35:05\n", - " POINT (7.59327 51.96518)\n", - " 1.688911\n", + " 197\n", + " 5dc985eb44ea856b702dd988\n", + " 2019-10-29T16:11:03\n", + " POINT (7.59646 51.96492)\n", + " 32.000001\n", + " %\n", + " 18.595897\n", + " kg/h\n", + " 1.100000\n", " precision\n", - " 49.000001\n", - " km/h\n", - " 110.573987\n", - " m\n", - " 275.808021\n", + " 273.328479\n", " ...\n", - " 4.657916\n", - " l/h\n", + " 2004\n", + " Mercedes Benz\n", " NaN\n", " NaN\n", " NaN\n", @@ -308,20 +308,20 @@ " NaN\n", " \n", " \n", - " 286\n", - " 5dc986e844ea856b702e3e0e\n", - " 2019-10-28T16:35:10\n", - " POINT (7.59225 51.96525)\n", - " 1.300000\n", + " 198\n", + " 5dc985eb44ea856b702dd989\n", + " 2019-10-29T16:11:08\n", + " POINT (7.59541 51.96499)\n", + " 16.000000\n", + " %\n", + " 7.105633\n", + " kg/h\n", + " 1.267463\n", " precision\n", - " 51.000000\n", - " km/h\n", - " 111.140661\n", - " m\n", - " 275.411387\n", + " 276.193063\n", " ...\n", - " 3.445271\n", - " l/h\n", + " 2004\n", + " Mercedes Benz\n", " NaN\n", " NaN\n", " NaN\n", @@ -332,20 +332,20 @@ " NaN\n", " \n", " \n", - " 287\n", - " 5dc986e844ea856b702e3e0f\n", - " 2019-10-28T16:35:15\n", - " POINT (7.59123 51.96531)\n", - " 1.423253\n", + " 199\n", + " 5dc985eb44ea856b702dd98a\n", + " 2019-10-29T16:11:13\n", + " POINT (7.59433 51.96506)\n", + " 16.910762\n", + " %\n", + " 7.694858\n", + " kg/h\n", + " 0.938076\n", " precision\n", - " 50.000001\n", - " km/h\n", - " 111.891658\n", - " m\n", - " 276.124438\n", + " 276.065524\n", " ...\n", - " 3.248333\n", - " l/h\n", + " 2004\n", + " Mercedes Benz\n", " NaN\n", " NaN\n", " NaN\n", @@ -357,89 +357,89 @@ " \n", " \n", "\n", - "

9944 rows × 54 columns

\n", + "

9670 rows × 54 columns

\n", "" ], "text/plain": [ " id time geometry \\\n", - "0 5e8b930965b80c5d6b4d7cd1 2020-03-07T12:33:15 POINT (7.64069 51.95733) \n", - "1 5e8b930965b80c5d6b4d7cd3 2020-03-07T12:33:20 POINT (7.64118 51.95712) \n", - "2 5e8b930965b80c5d6b4d7cd4 2020-03-07T12:33:26 POINT (7.64162 51.95690) \n", - "3 5e8b930965b80c5d6b4d7cd5 2020-03-07T12:33:31 POINT (7.64210 51.95672) \n", - "4 5e8b930965b80c5d6b4d7cd6 2020-03-07T12:33:36 POINT (7.64264 51.95650) \n", + "0 5eb7582165b80c5d6be69f24 2020-05-09T21:10:46 POINT (7.65180 51.95396) \n", + "1 5eb7582165b80c5d6be69f26 2020-05-09T21:10:51 POINT (7.65169 51.95395) \n", + "2 5eb7582165b80c5d6be69f27 2020-05-09T21:10:56 POINT (7.65148 51.95395) \n", + "3 5eb7582165b80c5d6be69f28 2020-05-09T21:11:01 POINT (7.65127 51.95397) \n", + "4 5eb7582165b80c5d6be69f29 2020-05-09T21:11:06 POINT (7.65101 51.95396) \n", ".. ... ... ... \n", - "283 5dc986e844ea856b702e3e0b 2019-10-28T16:34:55 POINT (7.59523 51.96505) \n", - "284 5dc986e844ea856b702e3e0c 2019-10-28T16:35:00 POINT (7.59425 51.96512) \n", - "285 5dc986e844ea856b702e3e0d 2019-10-28T16:35:05 POINT (7.59327 51.96518) \n", - "286 5dc986e844ea856b702e3e0e 2019-10-28T16:35:10 POINT (7.59225 51.96525) \n", - "287 5dc986e844ea856b702e3e0f 2019-10-28T16:35:15 POINT (7.59123 51.96531) \n", + "195 5dc985eb44ea856b702dd986 2019-10-29T16:10:53 POINT (7.59827 51.96493) \n", + "196 5dc985eb44ea856b702dd987 2019-10-29T16:10:58 POINT (7.59737 51.96492) \n", + "197 5dc985eb44ea856b702dd988 2019-10-29T16:11:03 POINT (7.59646 51.96492) \n", + "198 5dc985eb44ea856b702dd989 2019-10-29T16:11:08 POINT (7.59541 51.96499) \n", + "199 5dc985eb44ea856b702dd98a 2019-10-29T16:11:13 POINT (7.59433 51.96506) \n", "\n", - " GPS PDOP.value GPS PDOP.unit Speed.value Speed.unit GPS Altitude.value \\\n", - "0 1.090631 precision 28.999999 km/h 110.381939 \n", - "1 1.000000 precision 28.000000 km/h 108.260375 \n", - "2 1.257198 precision 28.000001 km/h 105.826028 \n", - "3 1.000000 precision 30.000000 km/h 104.395998 \n", - "4 1.026727 precision 31.409419 km/h 101.516865 \n", - ".. ... ... ... ... ... \n", - "283 1.700000 precision 47.999999 km/h 109.652212 \n", - "284 1.497088 precision 48.297297 km/h 110.122771 \n", - "285 1.688911 precision 49.000001 km/h 110.573987 \n", - "286 1.300000 precision 51.000000 km/h 111.140661 \n", - "287 1.423253 precision 50.000001 km/h 111.891658 \n", + " Throttle Position.value Throttle Position.unit CO2.value CO2.unit \\\n", + "0 16.000000 % 6.060965 kg/h \n", + "1 16.831018 % 7.644530 kg/h \n", + "2 16.846021 % 6.152178 kg/h \n", + "3 17.000001 % 7.380207 kg/h \n", + "4 15.151858 % 3.983817 kg/h \n", + ".. ... ... ... ... \n", + "195 16.027855 % 8.579484 kg/h \n", + "196 14.000000 % 4.308154 kg/h \n", + "197 32.000001 % 18.595897 kg/h \n", + "198 16.000000 % 7.105633 kg/h \n", + "199 16.910762 % 7.694858 kg/h \n", "\n", - " GPS Altitude.unit GPS Bearing.value ... Consumption.value \\\n", - "0 m 124.858622 ... NaN \n", - "1 m 125.020801 ... NaN \n", - "2 m 121.203960 ... NaN \n", - "3 m 123.412759 ... NaN \n", - "4 m 122.170479 ... NaN \n", - ".. ... ... ... ... \n", - "283 m 276.419653 ... 3.122268 \n", - "284 m 276.271049 ... 2.853618 \n", - "285 m 275.808021 ... 4.657916 \n", - "286 m 275.411387 ... 3.445271 \n", - "287 m 276.124438 ... 3.248333 \n", + " GPS VDOP.value GPS VDOP.unit GPS Bearing.value ... \\\n", + "0 1.000000 precision 244.006986 ... \n", + "1 1.000000 precision 273.231882 ... \n", + "2 1.000000 precision 273.377388 ... \n", + "3 0.930191 precision 274.705621 ... \n", + "4 1.000000 precision 275.181028 ... \n", + ".. ... ... ... ... \n", + "195 1.016152 precision 269.728716 ... \n", + "196 1.015842 precision 268.303093 ... \n", + "197 1.100000 precision 273.328479 ... \n", + "198 1.267463 precision 276.193063 ... \n", + "199 0.938076 precision 276.065524 ... \n", "\n", - " Consumption.unit track.appVersion track.touVersion \\\n", - "0 NaN NaN NaN \n", - "1 NaN NaN NaN \n", - "2 NaN NaN NaN \n", - "3 NaN NaN NaN \n", - "4 NaN NaN NaN \n", - ".. ... ... ... \n", - "283 l/h NaN NaN \n", - "284 l/h NaN NaN \n", - "285 l/h NaN NaN \n", - "286 l/h NaN NaN \n", - "287 l/h NaN NaN \n", + " sensor.constructionYear sensor.manufacturer track.appVersion \\\n", + "0 2007 Dodge NaN \n", + "1 2007 Dodge NaN \n", + "2 2007 Dodge NaN \n", + "3 2007 Dodge NaN \n", + "4 2007 Dodge NaN \n", + ".. ... ... ... \n", + "195 2004 Mercedes Benz NaN \n", + "196 2004 Mercedes Benz NaN \n", + "197 2004 Mercedes Benz NaN \n", + "198 2004 Mercedes Benz NaN \n", + "199 2004 Mercedes Benz NaN \n", "\n", - " O2 Lambda Voltage ER.value O2 Lambda Voltage ER.unit MAF.value MAF.unit \\\n", - "0 NaN NaN NaN NaN \n", - "1 NaN NaN NaN NaN \n", - "2 NaN NaN NaN NaN \n", - "3 NaN NaN NaN NaN \n", - "4 NaN NaN NaN NaN \n", - ".. ... ... ... ... \n", - "283 NaN NaN NaN NaN \n", - "284 NaN NaN NaN NaN \n", - "285 NaN NaN NaN NaN \n", - "286 NaN NaN NaN NaN \n", - "287 NaN NaN NaN NaN \n", + " track.touVersion O2 Lambda Voltage ER.value O2 Lambda Voltage ER.unit \\\n", + "0 NaN NaN NaN \n", + "1 NaN NaN NaN \n", + "2 NaN NaN NaN \n", + "3 NaN NaN NaN \n", + "4 NaN NaN NaN \n", + ".. ... ... ... \n", + "195 NaN NaN NaN \n", + "196 NaN NaN NaN \n", + "197 NaN NaN NaN \n", + "198 NaN NaN NaN \n", + "199 NaN NaN NaN \n", "\n", - " O2 Lambda Voltage.value O2 Lambda Voltage.unit \n", - "0 NaN NaN \n", - "1 NaN NaN \n", - "2 NaN NaN \n", - "3 NaN NaN \n", - "4 NaN NaN \n", - ".. ... ... \n", - "283 NaN NaN \n", - "284 NaN NaN \n", - "285 NaN NaN \n", - "286 NaN NaN \n", - "287 NaN NaN \n", + " MAF.value MAF.unit O2 Lambda Voltage.value O2 Lambda Voltage.unit \n", + "0 NaN NaN NaN NaN \n", + "1 NaN NaN NaN NaN \n", + "2 NaN NaN NaN NaN \n", + "3 NaN NaN NaN NaN \n", + "4 NaN NaN NaN NaN \n", + ".. ... ... ... ... \n", + "195 NaN NaN NaN NaN \n", + "196 NaN NaN NaN NaN \n", + "197 NaN NaN NaN NaN \n", + "198 NaN NaN NaN NaN \n", + "199 NaN NaN NaN NaN \n", "\n", - "[9944 rows x 54 columns]" + "[9670 rows x 54 columns]" ] }, "execution_count": 2, @@ -468,7 +468,7 @@ { "data": { "text/plain": [ - "" + "" ] }, "execution_count": 3, @@ -477,7 +477,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAPwAAAI/CAYAAABTSLRUAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+j8jraAAAgAElEQVR4nO3df5RV5X0u8OcZxiHeKVZJhlmKUlKkpqsBBztX4OKy2HS8KrlmjDHUQBKbFq6rSW8prY2EudEkTIPVEu5dWddE0qyki0lCjXLSFiTMasvtCmVIh8zIaGKDWCROLJCQFC6x4sD3/nH22ONwzux3n7N/7+ez1izO2WfvPe8GnrPf/e53vy/NDCJSDE1JF0BE4qPAixSIAi9SIAq8SIEo8CIFosCLFEhz0gUI4i1veYvNnj076WKIpNKBAwd+ZGZtk62TqcDPnj0bg4ODSRdDJJVIvui3jqr0IgWiwIsUiAIvUiAKvEiBKPAiBaLAixSIAi9SIAq8SIEo8CIFosCLFIgCL1IgCrxIgSjwIgWiwIsUiAIvUiAKvEiBKPAiBaLAixSIAi9SIAq8SIFkahDLPOgpjWDrwNELlq9cNAsbuuclUCIpEp3hY1Qr7ACwdeAo5j+wK+YSSdEo8DH66v4fTPr5qVfPoWvTnngKI4WkwMfonJnvOoeOn4mhJFJUCnyMppBO671t/c6ISyJFpcDH6O6FVzmt9+/nTNfzEgkFPkYbuudh5aJZTuueevUcFvb2R1wiKRqnwJM8QnKE5DDJQW/Zp0ge9JbtJnlFjW3PeesMk/yriuVvJbmf5PMkt5FsCeeQ0m1D9zwc2bjMad1jp88q9BKqIGf4m8ysw8w6vfcPm9l8M+sA8DcAPl5ju1e87TrM7PaK5Q8B+IyZXQ3gJwB+O3DpM8z1TK/QS5jqrtKb2amKt60A/JugPSQJ4NcBfN1b9GUA3fWWJYs2dM/DkjnTndZV6CUsroE3ALtJHiC5enwhyV6SPwCwArXP8G8iOUhygOR4qN8M4KdmNua9fwnAzDrKn2l9qxYHOtOrIU8a5Rr4G8zsOgC3AvgwyRsBwMzWm9lVAPoAfKTGtr/gXQa8D8BmknOCFJDkau8LY/DEiRNBNs2EoA15Cr00winwZjbq/XkcwHYA109YpQ/AnT7bvgBgD4AFAH4M4FKS4335rwQwWmP7x8ys08w629raXIqbOQq9xMU38CRbSU4bfw3gZgDPkJxbsdq7ADxXZdvLSE71Xr8FwBIA3zUzA/D3AN7jrfpBAN9o5ECyTqGXOLic4dsBfIvk0wC+DWCHme0CsJHkMyQPovwl8PsAQLKT5Be8bX8ZwKC37d8D2Ghm3/U++yiAtSSfR/ma/s9DO6qMChr62ffviLhEkjc0h/7dadHZ2WmDg4NJFyNypaFRrNk27LRuM4HnP+12X1/yjeSBitvmVamnXQp1L5iJzcs7nNYdy873taSABsBImZ7SCPoGjrp3ahAJQIFPgRVb9mHv4ZNJF0MKQIFPUGloFH+wbVhnc4mNAp+Qrk17QhnswrV7rgigwMdusnHtgloyZzr6Vi0OZV9SDAp8jBb29uPY6bMN7aMJwKblHeheULhHDyQECnwMwrhWv/iiJnz63fMVdGmIAh+xRlrgNVa9hE2Bj1A9DXPt01qwf31XRCWSolPgI1LP9brO6BI1BT4Cb1u/E/9+zv2KXa3tEhcFPkRBHnoZt1kt7hIjBT4kQRvndK0uSVDgQxC0cU5VeEmKAt+goI1zapiTJCnwdaqnM42u1yVpCnwdgjbOaVQaSQuNeFOHIGG/ZOoUhV1SQ4EPKMjAkXNntOLgJ26JsDQiwSjwAVy9LljY+9cuja4wInVQ4ANwHTByyZzpCrukkgIfsqnNTbir021seZG4KfAhe3XsPNZsG8Y1PU+hNFR19iyRxCjwERkP/oot+5IuisjrFPiI7T18UqGX1FDgY7D38ElV7yUV1NMuJvc9PuzcrbY0NIoH/+pZ/PSV1+r6XeqvL7VoMsmA8jBjKwGs0JdC7rhMJqnAh6A0NIq124ZxPumC1ElfAPmgwMcsrNlkkjS1uQkP3anhsLNI00XHLA+968ZvJ179sZ1qaMwhBT5kU5vz8Vc6dt7UjyCH8vG/M0UeunN+0kUI1d7DJ7Gwtz/pYkhIdFsuZOPXvuuePIhXXmu8Ga+1ZQp675jne00d5Rzzx06fxfwHdulR3xxQo11BlIZGG/4S0ki76aZWeqmp3i+AS6ZO0Zk+pRR4cVLPnPXqzZc+ui0nTjZ0z8ORjcswd0ar8zZbB46qMS+DFHh5Xf/apVgyZ7rz+sdOn8Uvrtuh+/UZosDLG/StWhwo9OetPIpvT2kkwlJJWBR4uUDQ0APlKr466aSfAi9V9a1ajM3LOwJts/fwSXRt2hNNgSQUCrzU1L1gJo5sXIb2aS3O2xw6fkaNeSmmwIuv/eu7sHKR+0i8x06fVehTSoEXJ0Fv3Sn06aTASyD9a5cGCr1u26WLAi+BBblfP37bTi346aDAS12CtuJruO50UOClbkFb8fcePqkOOglT4KVh+9d3OYd+68BRXdMnSIGXUAQJ/dptwxGXRmpR4CU0+9d3OTXmnQdUtU+IAi+h6lu12KmTTtDn7yUcCryEbkP3PKczvVrt46dBLKUhpaFRrN8+gjNnzwXeNqpBN6U2BV4C6ymNoG/gKLIzOJqMU+DFSSNnckkPp8CTPALgNIBzAMbMrJPkpwC8C+VG1+MA7jGzH07YrgPAowAu8bbtNbNt3mdfAvBrAP7NW/0eM9P9mhSKcsx7iVeQM/xNZvajivcPm9n/BACS/wPAxwHcO2GbnwH4gJkdInkFgAMkv2lmP/U+v8/Mvl5v4SVapaFRrP3LYZyPqO4eZNBMCUfdVXozO1XxthW48JLOzL5f8fqHJI8DaAPw04nrSrrUM3R1EO3TWnIx+WbWuAbeAOwmaQA+b2aPAQDJXgAfQLlaftNkOyB5PYAWAIcrFveS/DiAvwVwv5m9GrD8EoEoq/AXX9SET79b01EnxWkiCpIzzWyU5AwA/QB+z8z+oeLzdQDeZGYP1Nj+cgB7AHzQzAYqlv0ryl8CjwE4bGafrLLtagCrAWDWrFm/+uKLLwY7QnHWaBX+0osvwoO3/4rCnJBIZp4h+SCA/2dmj1QsmwVgp5m9vcr6l6Ac9j+pdb1OcimAPzKzd072uzXzTHTqOatf1AQ8fFeHAp4SLoH3rdKTbAXQZGanvdc3A/gkyblmdshb7V0AnquybQuA7QD+YmLYSV5uZi+TJIBuAM84HZWErqc0Ejjsm5cr6Fnkcg3fDmB7OZdoBvAVM9tF8gmS16B8W+5FeC30JDsB3GtmvwPgvQBuBPBmkvd4+xu//dZHsg0AAQzjwhZ+iUgj99Q1g2y2aTLJgugpjeAr+482dItt7oxWtaynWChVesmeMMI90ZI509G3anF4O5REKPAZF0eXV12v54cCnyFxP7SiOeDzR4FPubgfWlHI802BT7G4H1pR2PNPgU+phb39OHb6bOS/R11di0WBT6EVW/ZFFnYFvNgU+BQKqxqvcMtECnzK1Duwo8ItLhT4lHE9u6uBTeqhwKeIy+QM6gQjjdC49CniN8LMykWzFHZpiAKfEgt7+33XURVeGqXAp4DLbTiXmVxE/CjwCSsNjTo11OlJNQmDAp8wl6mTdXaXsCjwCeopjeC8zzqXTJ2is7uERoFPkMu47wc/cUsMJZGiUOATUhoa9V3HZZ51kSAU+ITc9/jk1+7NTdRtOAmdAp+Q13wu3h+569p4CiKFosAnwKU6rx51EgUFPgF+1Xldu0tUFPgE+FXnde0uUVHgY9a1ac+kn7e2TImnIFJICnyMSkOjOHT8zKTr9N6hs7tER4GP0RqHbrRqrJMoKfAx8avKA2qsk+gp8DFYsWWfb1W+iWqsk+gp8BFzffx103s7YiiNFJ0CHzGX6/a5M1p17S6xUOAj5DJsVROhOdclNgp8RLo27XGaPUZVeYmTAh+BntKIbyMdUB7JRlV5iZMCHwGXgS3mzmjVSDYSOwU+ZC5TRbVPa9F1uyRCgQ+Z3y24JgL713fFVBqRN1LgY6ZGOkmSAh8iv+q8GukkaQp8iPyq82qkk6Qp8DFh0gUQgQIfmxV6Ek5SQIGPiZ6EkzRQ4EUKRIEXKRAFXqRAFHiRAlHgRQpEgRcpEAU+Ji7zyYlETYGPid98ciJxUOBj4jefnEgcFPgQaV44STsFPkR+88K5jIYjEiUFPkR+z7q7TEghEiUFPmR6DFbSTIEPmd9jsD2lkZhKInIhBT5kfo/BugxhLRIVBV6kQJwCT/IIyRGSwyQHvWWfInnQW7ab5BU1tv0gyUPezwcrlv+qt8/nSf5vkrm5/NXtOUmrIGf4m8ysw8w6vfcPm9l8M+sA8DcAPj5xA5LTATwAYCGA6wE8QPIy7+NHAawCMNf7uaXOY0gdv9tzIkmpu0pvZqcq3rYCsCqr/VcA/WZ20sx+AqAfwC0kLwdwiZkNmJkB+AsA3fWWJW00FLWkVbPjegZgN0kD8HkzewwASPYC+ACAfwNwU5XtZgL4QcX7l7xlM73XE5eLSIRcz/A3mNl1AG4F8GGSNwKAma03s6sA9AH4SBQFJLma5CDJwRMnTkTxK0QKwynwZjbq/XkcwHaUr8cr9QG4s8qmowCuqnh/pbds1Hs9cXm13/2YmXWaWWdbW5tLcUWkBt/Ak2wlOW38NYCbATxDcm7Fau8C8FyVzb8J4GaSl3mNdTcD+KaZvQzgFMlFXuv8BwB8o8FjEREfLtfw7QC2e3fNmgF8xcx2kXyC5DUAzgN4EcC9AECyE8C9ZvY7ZnaS5KcA/JO3r0+a2XiH8t8F8CUAFwN4yvsRkQj5Bt7MXgBwbZXl1arwMLNBAL9T8f6LAL5YY723BymsiDRGPe1ECkSBFykQBV6kQBR4kQJR4BOgoa4kKQp8AjTUlSRFgY9Ibp71lVxR4CPiN9SVSBIU+Ij4DXUlkgQFXqRAFHiRAlHgRQpEgRcpEAVepEAUeJECUeBFCkSBFykQBT4ipaGqY3KKJEqBj8jabcNJF0HkAgp8BEpDozifdCFEqlDgI3Df45Of3TXZpCRFgQ9ZT2kEr/mc3jXZpCRFgQ9RaWgUWweOTrpOcxM12aQkRoEPkUtD3SN3XTDEv0hsFPiQLOzt922om9rcpLO7JEqBD8HC3n4cO33Wd72H7pwfQ2lEalPgG9S1aY9T2JfMma6zuyROgW9AT2kEh46f8V1v7oxW9K1aHEOJRCanwDfAr0UeKIe9f+3S6Asj4kCBr5PLZBLt01oUdkkVBb5OfpNJNBHYv74rptKIuFHg69BTGvFdZ9N7O2IoiUgwCnwd/K7d1SIvaaXAR0At8pJWCnzIVmqKKUkxBT4gv+t3TTElaabAB+Ry710krRT4APzO7poiWtJOgQ/A7+yuKaIl7RR4Ry4963T9LmmnwDvoKY349qxbMmd6TKURqZ8C76OnNOLUUKd775IFzUkXIM1WbNnne2YHdO9dskOBr6Fr0x6nZ92bm6hrd8kMVemrcA07oEEpJVsU+AmChF0PyUjWqEpfwXUwSqAcdjXUSdboDO8JEvaVi2Yp7JJJOsOj3BrvGvbNyztUjZfMKvwZvjQ06nTrDVDYJfsKH/h1Tx70XacJCrvkQ+Gr9K/4TPXaPq1Fg1FKbhT6DO/3QIxGnpW8KXTg/a7dNfKs5E2hA+9H1+ySNwp8DXogRvKosIHXYJRSRIUNvAajlCJyCjzJIyRHSA6THPSWPUzyOZIHSW4neWmV7a7xthn/OUVyjffZgyRHKz67LdxDq58Go5S8CnKGv8nMOsys03vfD+DtZjYfwPcBrJu4gZn9s7dNB4BfBfAzANsrVvnM+OdmtrPOYwidBqOUvKq7Sm9mu81szHs7AOBKn03eAeCwmb1Y7++Mi67fJa9cA28AdpM8QHJ1lc8/BOApn338JoCvTlj2Ee+S4IskL3Msi4jUyTXwN5jZdQBuBfBhkjeOf0ByPYAxAH21NibZAuB2AI9XLH4UwBwAHQBeBvBnNbZdTXKQ5OCJEycciysi1TgF3sxGvT+Po3wNfj0AkLwHwDsBrDAzm2QXtwL4jpkdq9jnMTM7Z2bnAWwZ32eV3/2YmXWaWWdbW5tLcUWkBt/Ak2wlOW38NYCbATxD8hYAfwzgdjP7mc9u7saE6jzJyyve3gHgmSAFj1JpaDTpIohEwuUM3w7gWySfBvBtADvMbBeAzwKYBqDfu632OQAgeQXJ11vcvS+JLgBPTtjvn3q3+g4CuAnAHzR+OOFweWRWJIt8H481sxcAXDA0q5ldXWP9HwK4reL9GQBvrrLe+wOVNEZ+j8yKZFVhe9q1tkxJuggisSts4Hvv0L12KZ7CBl6PvkoRFTbwIkWkwIsUiAIvUiAKvEiBKPAiBaLAixSIAi9SIAq8SIEo8CIFosDX4DeMtUgWKfA1aBhryaNCB95vOOr5D+yKpRwicSl04P2Goz716jks7O2PqTQi0St04F2Goz52+iy6Nu2JvjAiMSh04AG3SSMPHT+j0EsuFD7wG7rnoclhbqlDx89gxZZ90RdIJEKFDzwAbHpvh9N6ew+f1Ii2kmkKPMqj3yyZM91p3TXbhiMujUh0FHhP36rFmDuj1WldneUlqxT4Cv1rlzqF/r7HdZaXbFLgJ+hfuxTt01omXUfD1ktWKfBV7F/flXQRRCKhwIsUiAJfhZ6Uk7xS4Kvwe1LOpXeeSBop8HVw6YMvkkYKvEiBKPABqTovWabAB6TqvGSZAj+BWuglzxT4CTSWneSZAi9SIAp8BVXnJe8U+ArqcCN5p8AHoBZ6yToFXqRAFHhHqs5LHijwjlSdlzxQ4B1pHDvJAwXekcaxkzxQ4B29dl5neck+BT4AneUl6xT4Cn4t8TrLS9Yp8BVcWuLXPXkwhpKIREOBn8DvLP+KBqWXDFPgJ9jQPQ/NPtPJahZZySoFvopH7rp20s/3Hj4ZU0lEwqXAV9G9YGbSRRCJhAJfg9+1vFrrJYsU+Br8WuzVWi9ZpMDXSa31kkUK/CRaW6YkXQSRUCnwk+i9Q4/ESr4o8JNQa73kjQIvUiAKvEiBOAWe5BGSIySHSQ56yx4m+RzJgyS3k7zUdVtv+XSS/SQPeX9eFs4hxUf34iVrgpzhbzKzDjPr9N73A3i7mc0H8H0A6wJsCwD3A/hbM5sL4G+995mie/GSNXVX6c1st5mNeW8HAFwZcBfvAvBl7/WXAXTXW5ak6F68ZI1r4A3AbpIHSK6u8vmHADwVcNt2M3vZe/2vANodyxIrv3vxqtZLlrgG/gYzuw7ArQA+TPLG8Q9IrgcwBqAv6LbjzMxQ/mK4AMnVJAdJDp44ccKxuOHxuxevar1kiVPgzWzU+/M4gO0ArgcAkvcAeCeAFV5onbcFcIzk5d5+LgdwvMb2j5lZp5l1trW1OR5WePzuxataL1niG3iSrSSnjb8GcDOAZ0jeAuCPAdxuZj8Lsq338V8B+KD3+oMAvtHIgURpavPkf01dm/bEUxCRBrmc4dsBfIvk0wC+DWCHme0C8FkA0wD0e7fcPgcAJK8gudNnWwDYCKCL5CEAv+G9T6WH7pw/6eeHjp/RKDiSCaxRE0+lzs5OGxwc9F8xArPv3+G7zpI509G3anEMpRG5EMkDE259X0A97Ry5TCa59/BJVe8l1RR4Ry6DWwLl6v3VH9up23WSSgp8AH6DW44bO29Ys21Y1/WSOgp8AN0LZgaaJ15VfEkbBT6gDd3zAoVeVXxJEwW+Dhu652Hz8g7nv7zxKn5PaSTScon4UeDr1L1gJl7YuAxzZ7Q6b7N14KjO9JIoBb5B/WuXYsmc6c7rr9mmKaclOQp8CPpWLQ5UxV/Y2x9peURqUeBDEqSKf+z0WV3PSyIU+JC5VvG3DhyNoTQib6TAR6Bv1WKn0KsBT+KmwEekb9VitE9rmXQdDZ4hcVPgI7R/fdekn2vwDImbAh8xzU8naaLAR+yO6zRdlaSHAh+xJw68lHQRRF6nwEdM1+mSJgp8hPyeh/cfTkMkXAp8REpDo9h7+OSk66wI8JitSBgU+IisdXhIZkP35JNciIRNgY9AT2kEflfuQQbREAmLAh8Bv37yzU3U2V0SocAnwHUwTJGwKfAxm9rc5DtfnUhUFPiY+U1bJRIlBT5mOrtLkhT4mGmcekmSAh+zQ8fPaHgrSYwCnwANbyVJUeAj4NKpRsNbSRIU+Ai4zDR73+Man17ip8BHxK9zjZ6alSQo8BHpXjATU5v11yvpov+REVInG0kbBT5C6mQjaaPAixSIAi9SIAq8SIEo8CIFosCLFIgCL1IgCrxIgSjwIgWiwIsUiAIfIb+ppkTipsBHpKc04jvVlEjcmpMuQB6t2LLPN+yaSFKSoMCHqDQ0ij96/GmMnTffdTWRpCRBgW9QaWgUn/jrZ/GTn70WaDtNNSVJUODr0FMawVf2H4XDibwqTSQpSVHgHZSGRrF++wjOnD3X8L6WzJmus7skRoGfRGloFB994iBeHQtnALqVi2Yp7JIoBb4Gl5Z2V00ANi3v0Ag4kjgFfoIgLe0udFaXNFHgK5SGRrFmWzjjxSvokkYKfIW1DYb90osvwoO3/4qq7pJaCrxnxZZ9CNo0p4BL1ijwCNbvfcmc6ehbtTjiEolEw+nhGZJHSI6QHCY56C17mORzJA+S3E7y0irbXUXy70l+l+SzJH+/4rMHSY56+xwmeVt4h+WuNDTqNJtrE4DNyzsUdsm0IGf4m8zsRxXv+wGsM7Mxkg8BWAfgoxO2GQPwh2b2HZLTABwg2W9m3/U+/4yZPVJ36UPgct0+d0Yr+tcujb4wIhGr+/FYM9ttZmPe2wEAV1ZZ52Uz+473+jSA7wFIzQVv16Y9vtftzU1U2CU3XANvAHaTPEBydZXPPwTgqcl2QHI2gAUA9lcs/oh3SfBFkpc5liUUXZv24NDxM77r+c0CK5IlroG/wcyuA3ArgA+TvHH8A5LrUa6699XamOTPAXgCwBozO+UtfhTAHAAdAF4G8Gc1tl1NcpDk4IkTJxyLOznXsC+ZM10t8JIrToE3s1Hvz+MAtgO4HgBI3gPgnQBWmFnVrmkkL0I57H1m9mTFPo+Z2TkzOw9gy/g+q/zux8ys08w629ranA+smtLQKK7+2E6nsM+d0aoGOskd38CTbPUa3ECyFcDNAJ4heQuAPwZwu5n9rMa2BPDnAL5nZpsmfHZ5xds7ADxT3yG46SmNYM22Yacus2qkk7xyaaVvB7C9nF00A/iKme0i+TyAqQD6vc8GzOxeklcA+IKZ3QZgCYD3AxghOd4c/jEz2wngT0l2oNw+cATAfw/xuN6gpzTidOsNUCOd5Jtv4M3sBQAXtFyZ2dU11v8hgNu8199CjeHbzOz9gUpapyBhB9RIJ/mW61Frg4R9vGONGukkz3LbtTZI2HXNLkWRyzO8a3dZoHzrTWGXoshl4F2fadeDMFI0uQt816Y9Tusp7FJEuQp8aWjUuQedwi5FlKtGO9eq/N7DJzH7/h1VP2ttmYLeO+aptV5yiTV6xKZSZ2enDQ4OVv1sYW8/jp0+G3OJyp0MVmj8OkkBkgfMrHOydXJxhl+xZV8iYQfK3QS3Dhx9/a6AvgAkzXIR+DRNy1z5BaDLA0mbXDXapc2Zs+ewZtuw850Dkagp8DE4dPwMZt+/Az2lkaSLIgWnwMdo68BRBV8SlYtr+JWLZgV6Im7itXVpaBTrnjyIV14LZ9JIP5WNfLU0EXjfQjX+Sbhyc1uupzSCr+7/Ac6ZYQqJuxdeFWlYgj522wi1/IsLl9tyuQl80uL6AlDLv9SiwCcgzAkpg1JNoNgU+ASFOb98PfS8QPG4BF6t9BHpW7UYm5d34KKE/obHnxfQHQGppMBHqHvBTBz6k2XYvLwDFyeU/K0DR7Gwtz+R3y3poyp9ykTV+Nc+rQX713eFvl9JD1XpM2hD9zwc2bgMRzYuw5I500Pb77HTZ1W9FwU+zfpWLcaRjctCawuIq9+ApFcuetrlXfeCmZPed4+zE5Bkm87wOTB+GeByCbBiy74YSiRppcDnSN+qxVi5aNak66Rp7ACJnwKfM+plJ5NR4HMozNZ9yRcFPof8utSWhkZjKomkjQJfQEk93CPJU+ALav4Du5IugiRAgS+oU6+ew+z7d+BXPr5LVfwCUeBzyu/23LjxkXUV/mJQ4HNqQ/c8tE9rCbTNePiv/thOBT+nFPgc27++C6xju7HzhjXbhtUrL4cU+Jz7zPKOurfde/iknqXPGQU+57oXzMTmBkJ/7PRZnelzRIEvgO4FM3Fk4zLnhryJ1P8+PxT4Ahl/qq6eIbc0P14+aIirggsyrHZzE/HIXddqTPyU0hBX4mu8uu/ywM14672GysouBV4AlB+4aW5yu4m3deCo7tNnlAIvr3vkrmud19UDONmkwMvruhfMDPQsvW7XZY8CL2/Qt2qxc+h1uy57FHi5wPg0WS7/OXSWzxYFXqrqXjATL2xchkumTpl0PZ3ls0X34cXX7Pt31LXdkY3LQi6JTEb34SUU9Q6KWe8XhURHgRdfjcwz/1aFPlUUeHEytbm+/yoGaJ76FFHgxclDd85vaHvNU58OCrw46V4ws+7Ha8cdO31WZ/uEKfDibEP3vIYG0xi3deCohslOiG7LSV1WbNkX2j34lYtmaU68ELjcllPgpSFhzk1/8UVN+PS75+t5+zop8BKrMMOvs35wCrwkIsgoOn4uagIevqtDZ30HoQWe5BEApwGcAzBmZp0kHwbw3wCcBXAYwG+Z2U+rbHsLgP8FYAqAL5jZRm/5WwF8DcCbARwA8H4zOztZORT4bAnzOh9Q+P2EHfhOM/tRxbKbAfydmY2RfAgAzOyjE7abAuD7ALoAvATgnwDcbWbfJfmXAJ40s6+R/ByAp83s0cnKocBnT9ihr+Ra7b963Q6MVflvnre+/pH2pTez3WY25r0dAHBlldWuB/C8mb3gnb2/BuBdJAng1wF83VvvywC66y2LpFffqsWYO6M1kn1vHTjqe1+/VtiBYvb1dw28AdhN8gDJ1VU+/xCAp6osnwngBxXvX/KWvRnAT6zjwnIAAAoxSURBVCu+MMaXSw71r10aWeiB/wh+taG0a4V9XNH6+jc7rneDmY2SnAGgn+RzZvYPAEByPYAxAH1RFND7glkNALNmNdbTS5LTv3ZppNV7ADh0/Axm378DS+ZMd37gxwDMf2AXDn7ilsjKVY+uTXtw6PiZC5a3T2vB/vVdde/X6QxvZqPen8cBbEe5qg6S9wB4J4AVVr0xYBTAVRXvr/SW/RjApSSbJyyv9rsfM7NOM+tsa2tzKa6kVN+qxQ13z3Wx9/BJzL5/h/PIuqdePYfZ9+9ITRV/9v07qoYdKHdPbuSZBN9GO5KtAJrM7LT3uh/AJ72PNwH4NTM7UWPbZpQb7d6BcqD/CcD7zOxZko8DeKKi0e6gmf2fycqiRrt8KA2N4r7Hh/Ha+aRLUl3YjXm1ztaNqFZGl0Y7lyp9O4Dt5XY2NAP4ipntIvk8gKkoV/EBYMDM7iV5Bcq3327zWvA/AuCbKN+W+6KZPevt96MAvkZyA4AhAH/ucqCSfd0LZqJ7wczUBn/Fln2BxwAIs9NRlNTxRhJXGhrF2m3DSFnuJz3Tz39gF069ei7G0rxRlGd4kUhVnvHXPXkQr6TklJ+Wa/qJ2qe11L2tAi+pMR78cVmpJsep0VZ6Vekl89J6Jg7T5uX+XYpVpRfJgTDvGijwIjFzOVtHRYEXicCbphDP9d6WdDEuoMCLNKiZwPOfzsaTdwq8SABpPXO7UuAl845sXBZ5S31enp3XMNUiBaLASy74TWvdqLzc61fgJReS7NeeJQq8SIEo8CIFosBLLkR9DZ8XCrzkwsFP3BJp6BnZnuOlwEtuzLvy5xvafsmc6VWXE8C/5OQ+vDreSG64jojbPq0Fx06ffcP7Rp4xzxIFXnLhbet3Oq03d0Yr+tcujbYwKaYqvWTewt5+/Ps5hynTgEKHHVDgJeO6Nu15Q/W8lkumTsnNdXgjFHjJrJ7SiNN473NntKZuZpmkKPCSWS4DXL5pCgtfja+kwEsmuU63lOVn16OgVnrJHNdJIDYv74ihNNmiM7xkyoot+5zCvmTO9MQGikwzBV4yxbVzTdC54YpCVXpJtdLQKNZvH8GZs+7Pu9fqIisKvKRYaWgUa7YNB9rmkqlTdHafhKr0klpBw75kznTdb/ehwEsuNDdRZ3YHCrzkwiN3XZt0ETJBgZdU6tq0x3ndJOdqyxo12kkqufSRX7loFjZ0z4uhNPmhwEsm5WUmmLipSi+p41ednzujNZ6C5JACL6njV53X02/1U+BFCkSBl0xRt9nGKPCSKn6TNqpzTWMUeEmNt+ZkhtY0U+AlFXpKI/Afd1YapcBLKnx1/w+SLkIhKPCSCufM//y+ctGsGEqSbwq8pMIU+k/XqG60jVPgJRXuXnhV0kUoBAVeUmFD9zy0T2tJuhi5p8BLarhMGSWNUeBFCkSBFykQBV4yozQ0mnQRMk+Bl9Twu88edBRbuZACL6mh++zRU+AlU1xnjZXqFHhJFb9qvW7dNUaBl1RRtT5aCrykytvW70y6CLmmYaolcfXMECv1UeAlUfXMECv1c6rSkzxCcoTkMMlBb9ldJJ8leZ5kZ43trvG2Gf85RXKN99mDJEcrPrstvMOSrFgbMOx6Jr4xQc7wN5nZjyrePwPg3QA+X2sDM/tnAB0AQHIKgFEA2ytW+YyZPRKgDJIz5wOsu2TOdDXqNajuKr2ZfQ8A6DBwgecdAA6b2Yv1/k7Jl57SiPO6mjAyHK6BNwC7SRqAz5vZY3X8rt8E8NUJyz5C8gMABgH8oZn9pI79Ssas2LIPew+fdFr3TVOI53p1tRcW19tyN5jZdQBuBfBhkjcG+SUkWwDcDuDxisWPApiDcpX/ZQB/VmPb1SQHSQ6eOHEiyK+VFAoSdgAKe8icAm9mo96fx1G+Br8+4O+5FcB3zOxYxT6Pmdk5MzsPYEutfZrZY2bWaWadbW1tAX+tpE2QsEv4fANPspXktPHXAG5GucEuiLsxoTpP8vKKt3fUsU8RCcjlDN8O4FsknwbwbQA7zGwXyTtIvgRgMYAdJL8JACSvIPl6dynvS6ILwJMT9vun3q2+gwBuAvAHIRyP5IjGuAsfzWE88LTo7Oy0wcHBpIshAZSGRvHRJw7i1bEgN+DKYd+/viuiUuUTyQNmVrVPzDj1tJNIBG2cq3Rk47KQSyPjFHgJhfrDZ4MCL3Xr2rQHh46fCXWfmv89Wno8VuoSRdjbp7Vo/veIKfBSl7DDvnLRLDXSxUBVeknMxRc14dPvnq8+8jFS4CU2CnjyFHiJ3MpFs/RYa0roGl4ip7CnhwIvdXnTFOdxECRFFHipy3O9tzmF/pKpU2IojbjSNbzUbfxZ9VoDUV4ydQoOfuKWuIslk1DgpWHdC2aq5T0jVKUXKRAFXqRAFHiRAlHgRQpEgRcpEAVepEAUeJECUeBFCkSBFykQBV6kQBR4kQJR4EUKRIEXKRAFXqRAFHiRAlHgRQpEgRcpEAVepEAUeJECUeBFCoRmlnQZnJE8AeDFhIvxFgA/SrgMUdBxZUu14/oFM2ubbKNMBT4NSA6aWWfS5Qibjitb6j0uVelFCkSBFykQBT64x5IuQER0XNlS13HpGl6kQHSGFykQBX4CkteQHK74OUVyzYR1VpA8SHKE5D+SvDap8rpyOa6Kdf8zyTGS74m7nEG5HhfJpd7nz5L8v0mUNSjH/4s/T/KvST7tHdtvTbpTM9NPjR8AUwD8K8r3NyuX/xcAl3mvbwWwP+myhnFcFZ/9HYCdAN6TdFlD+ve6FMB3Aczy3s9IuqwhHtvHADzkvW4DcBJAS6396Aw/uXcAOGxmb+jsY2b/aGY/8d4OALgy9pI1pupxeX4PwBMAjsdbpFDUOq73AXjSzI4CgJnl6dgMwDSSBPBzKAd+rNZOFPjJ/SaAr/qs89sAnoqhLGGqelwkZwK4A8CjsZcoHLX+vX4JwGUk95A8QPIDMZcrDLWO7bMAfhnADwGMAPh9Mztfcy9JV1XS+gOgBeWui+2TrHMTgO8BeHPS5Q3juAA8DmCR9/pLyFCV3ue4PotyTawV5S6phwD8UtJlDunY3gPgMwAI4GoA/wLgklr7ag7yFVMwtwL4jpkdq/YhyfkAvgDgVjP7cawla8xkx9UJ4Gvl2iHeAuA2kmNmVoqzgHWa7LheAvBjMzsD4AzJfwBwLYDvx1nABkx2bL8FYKOV0/88yX8B8DYA3662I1Xpa7sbNarzJGcBeBLA+80sK/9pxtU8LjN7q5nNNrPZAL4O4HczEnZgkuMC8A0AN5BsJvmfACxEuWaWFZMd21GUr+9Bsh3ANQBeqLUjdbypgmQryn+Rv2hm/+YtuxcAzOxzJL8A4E78x5N7Y5aBBzT8jmvCul8C8Ddm9vW4yxmUy3GRvA/ls+F5AF8ws80JFTcQh/+LV6B8+XU5ytX6jWa2teb+FHiR4lCVXqRAFHiRAlHgRQpEgRcpEAVepEAUeJECUeBFCkSBFymQ/w8mmGO+lQWCQwAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAP0AAAI/CAYAAAC8it9qAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjMsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+AADFEAAAgAElEQVR4nO3dcZgV9X3v8fd3WUCzhasY4CqGYpCaNgGXdK/i5bkW22etaGLWGGMSSGxyK9d7k7aExkco3KgRKtYU6X3yPKaS5knyiA01yklblLBPW26fUDFdssiaaIMYJC6WxUssFA248L1/7Fm7LuecmTnnzJk5M5/X8+zDOXNmZn+j+zkz8/v95vczd0dE8qMl6QKISGMp9CI5o9CL5IxCL5IzCr1Izij0IjnTmnQBonjnO9/pM2bMSLoYIqm3a9euV919cqnPmir0M2bMoKenJ+liiKSemb1U7jNd3ovkjEIvkjMKvUjOKPQiOaPQi+SMQi+SMwq9SM4o9CI5o9CL5IxCL5IzCr1Izij0Ijmj0IvkjEIvkjMKvUjOKPQiOaPQi+SMQi+SMwq9SM4o9CI5o9CL5ExTjYabJZev6ebQsZNvvZ86YRxPr+xMsESSFzrTJ2B04AEOHTvJjOVbuGTVkxR6+xMqmeSBQp+A0YEf6cTgaZZu2q3gS2wU+pRatml30kWQjFLoU+p00gWQzFLoU+ziFVuSLoJkkEKfgLPGWKj1Bl3Bl/oLFXoz229mfWa228x6isvuMbM9xWXbzOyCMtueKq6z28z+esTyi8zsaTPba2abzGxcfQ4p/Z5fc22k4L9n5RMxl0jyxNw9eCWz/UCHu786YtlEdz9afP37wK+5+20ltv13d/+lEsv/Cnjc3b9tZl8FnnH3ByuVo6Ojw7M2a+2cO7dy9MSpwPXOGmM8v+baBpRIssDMdrl7R6nPqr68Hw58URsQ/O3xHwUy4DeB7xQXfRPoqrYszWzP3deEWu8Xp1xnfKmLsKF3YJuZ7TKzJcMLzWyNmf0MWAR8scy2Z5lZj5ntNLPhYJ8HvObug8X3LwPTqih/Juxfex2tIa72f3HKmXPn1vgLJJkWNvTz3f39wELgs2Z2JYC7r3T3dwEbgc+V2XZ68TLjE8B6M5sJlPoTL3mlYGZLil8aPYcPHw5Z3Obzwr3hgn/0xCkFX2oSKvTufrD47wCwGbhs1CqPADcGbPsisB2YC7wKnGNmw33/LwQOltn+IXfvcPeOyZMnhylu03rh3utCVfAdPXFKl/pStcDQm1mbmU0Yfg1cDTxrZrNGrHY98HyJbc81s/HF1+8E5gM/9qHaw38APlJc9Rbgu7UcSFaErdn/xSlXc55UJcyZfirwfTN7BvgBsMXdtwJrzexZM9vD0BfBHwCYWYeZfa247a8CPcVt/wFY6+4/Ln52B7DMzF5g6B7/L+p2VE0ubPDVji/VCNVklxZZbLKr5KLlW0I1iRjw07XXxV0caSKxNNlJ/B64uT3Ues7Q47oiYSj0Kdbz0pHQ61Z6XFdkJI2ckyKF3n7ueGwPJwb1jJ3ER6FPgUJvP1949BkGTzdP/Yo0L4U+YYs2PMWOfeEv48uZOiE3zytJjRT6hNTz7K5BNSUKhT4B9Tq7L543ndVds+tQIskThb7BSo2EG5XCLrVQ6Buk0NvP5zftDv/88SgKutSLQt8A1V7OK+gSB4U+ZtVczs+fOYmNt14RU4kk7xT6GL1n5RP84lT4C/oWYN3N7XTNze14ItIACn1MLl6xhcEIN/A6u0ujKPR1tqrQx8M7D0TaZr3O7tJACn0dda7bzt6B46HXV6caSYKesquTqIGfP3OSAi+J0Jm+DqLW0OtyXpKk0NcoSoVdqw0NfimSJF3e12DG8vCBP2uMKfCSCgp9lS5aHn5AyqkTxmlKKkkNhb4Kneu2h+5DP2tKmyrsJFUU+iqEraWfNaWN7mUL4i2MSEQKfURhR51dPG+6Ai+ppNBHFLZp7uGdB3jvF7dS6O2PuUQi0Sj0MTp+8hRLN+2mc932pIsi8haFvgH2DhzXTLOSGgp9gxw9cYpFG55Kuhgi6pHXSNWMnhPlqb3xrS3cd+McdfGVijSBZRVmROiYU0nbuDGsuWE2PS8dYePOA1WPnxeVAYs0FFemVZrAUqGvk2qeo0+T4S8gXSVkg0LfQIXefpZu2p10MWqi24Tmp6mqGygLQTkxeJqlm3bz7hVb1M8ggxT6GCyeNz3pItTFaYelm3ar1SFjFPoYrO6anakJJXfsO6J+Bhmie/oY1WvOOoAWg09cfmaNeyMrEDUISPNQRV6KFHr7ueuvf8Rrb7x5xmflgl0v9fgSOmuMaWyAJqDQS0nVXiUY8IDG+Us1hV4CVdPUqAk60ktNdhKoa+409q+9jvkzJ4XeZse+I2rWa0IKvbzNxluvYP3N7aHXV7Ne81Ho5Qxdc6dFCj4MnfU1bkBzUOilpK650yJ3Mto7cFzBbwIKvZS1umt25DP+3oHjoccRlGQo9FLRcAXfrCltobc5dOykevClmEIvoXQvWxDprH/0xCnV7KeUQi+hRW3WG67ZX1Xoi7lkEoVCL5FtvPWKSJV8D+88oCa9FFHopSpRK/nUpJceCr1Ubfhyf+L4MaHWV5NeOij0UrM9d18TevwABT95Cr3UxdMrO0M36+0dOK57/AQp9FI33csWhK7Z37HviJrzEqLQS11FeWDn9kebe9TgZqXQS92FfWDnzdMNKIycQaGXWIR9YEeVeo2nueykZoXefu7+mx/x89fPHPcvyN6B4zGUSCpR6KUqtQRdkqXQSyTNPmefhAy9me0HjgGngEF37zCze4APAaeBAeB33P3gqO3agQeBicVt17j7puJn3wB+A/i34uq/4+6qzk2pQm8/X3j0GQZPN89AqlJalDP9Ve7+6oj397v7/wYws98HvgjcNmqb14FPufteM7sA2GVm33P314qf3+7u36m28NIYneu2x3bv3dpisexXyqv68t7dj4542wZnTq/u7j8Z8fqgmQ0Ak4HXRq8r6TTnzq0cPXEqtv1/+aZLY9u3lBa2yc6BbWa2y8yWDC80szVm9jNgEUNn+rLM7DJgHLBvxOI1ZrbHzB4ws/ERyy4xKvT2c9HyLbEF/uyxLazXhBmJCDXZhZldUDxTTwG6gd9z938c8fkK4Cx3v7PM9ucD24Fb3H3niGX/ytAXwUPAPnf/UoltlwBLAKZPn/7rL730UrQjlMhquZw/e2wL935Yc9snra4z3JjZXcC/u/uXRyz7ZWCLu7+vxPoTGQr8ve7+aJl9LgC+4O4fqPS7NcNNvAq9/Xx+0+4z79MCKOjpUyn0gff0ZtYGtLj7seLrq4Evmdksd99bXO164PkS244DNgPfGh14Mzvf3V8xMwO6gGcjHZXUVaG3n2V/FS3wmtaqOYWpyJsKbB7KJq3AI+6+1cweM7NLGGqye4lizb2ZdQC3ufvvAh8FrgTOM7PfKe5vuGluo5lNZmg+xN2cWfMvMVtV6GPjzgORz+yA7sebmCawzJF69KKbOH4Me+6+po6lkjjUdHkvzWlVoY9Hnj5APfvSTJ0wjqdXdtZvh5IIhT4DGtEPfvG86azumh3b/qVxFPomU+jtZ+XmPo6fjK/DzEiqrMsehb5JNPJBlxZgnSrqMkuhT7lGP+iiNvfsU+hTrNDbz9JNjXnwUPfs+aHQp1icgT/n7LHcdf17dUbPIYU+peo1LrzCLaMp9Cm1Y9+RqrZTyCWIQp9CYc/yqnSTaij0KRR0llfPOKmFxr1PmTBneQVeaqHQp0ihtz/wLB9mAgmRShT6FFkWoolObelSK4U+JTrXbSdoarewM8KKVKLQp8CqQl+oMen04IvUg0KfAmEepNG9vNSLQp+wQm9/4DqtLaZ7eakbhT5hKx7fE7iOJoSQelLoE/bGm5Wr7xbPm64ed1JXCn2CVhX6AtfRZb3Um0KfoKAKPFXeSRwU+hTTWV7ioNAnJKiPvTriSFwU+oQE9bFXRxyJi0KfgM5125MuguSYQt9gYbrcqgJP4qTQN1Chtz9Ul1tV4EmcFPoGCvPorM7yEjeFvkHCPDrbYjrLS/wU+gZYtOGpUI/OrvtoewNKI3mn0MdsVaEv1HDW82dOUh97aQiFPkZhK+5aW0zt8tIwCn2MwlTcgR6dlcZS6GOyqtAXWHEHenRWGk+hj0nYIbBUWy+NptDHIMwQWPNnTlLgJREKfQyChsBSxZ0kSaGPQdAQWKq4kyQp9AlQxZ0kSaFvMPWtl6Qp9A2myjtJmkIvkjMKvUjOKPQiOaPQi+SMQi+SMwq9SM4o9CI5o9CL5IxC32BhZqoViZNC32BhnrMXiZNCL5IzCn0Mgh6qCTPIhkhcFPoYBD1Uc/uj4QbMFImDQp+AgDE2RGKl0MekbdyYip/rEl+SotDHZM0NlS/xg8bRE4lLqNCb2X4z6zOz3WbWU1x2j5ntKS7bZmYXlNn2FjPbW/y5ZcTyXy/u8wUz+z9mZvU5pHQIGhIraBw9kbhEOdNf5e7t7t5RfH+/u89x93bgb4Evjt7AzCYBdwKXA5cBd5rZucWPHwSWALOKP9dUeQyplalvMcmMqi/v3f3oiLdtgJdY7beBbnc/4u4/B7qBa8zsfGCiuz/l7g58C+iqtixptUjj4UkKhQ29A9vMbJeZLRleaGZrzOxnwCJKnOmBacDPRrx/ubhsWvH16OWZovHwJI3Chn6+u78fWAh81syuBHD3le7+LmAj8LkS25W6wvUKy8/cgdkSM+sxs57Dhw+HLK6IlBMq9O5+sPjvALCZofvzkR4Bbiyx6cvAu0a8vxA4WFx+YYnlpX73Q+7e4e4dkydPDlNcEakgMPRm1mZmE4ZfA1cDz5rZrBGrXQ88X2Lz7wFXm9m5xQq8q4HvufsrwDEzm1estf8U8N0aj0VEQmgNsc5UYHOxRa0VeMTdt5rZY2Z2CXAaeAm4DcDMOoDb3P133f2Imd0D/HNxX19y9yPF1/8T+AZwNvBk8UdEYhYYend/EThj8jV3L3U5j7v3AL874v3Xga+XWe99UQorIrVTjzyRnFHoRXJGoRfJGYVeJGcUepGcUehFckahF8kZhV4kZxR6kZxR6BOkcfIkCQp9gjQUtiRBoU+QhsmTJCj0Ijmj0IvkjEIfs/U3tyddBJG3UehjFjT+vUijKfQxU7OcpI1CHzNNXyVpo9DHTNNXSdoo9DEKurQPmtlWJA4KfYyCetwFzWwrEgeFPiarCn2BPe5Usy9JUOhjUOjt5+GdByquM75V/+klGfrLi8GyTcEP0tx345wGlETkTAp9nXWu205Qff341hZd2ktiFPo66ly3nb0DxwPX01lekqTQ10nYwM+fOUlneUmUQl8Hqwp9oQI/a0obG2+9ogElEilPoa+DoJp6gNYWo3vZgvgLIxJAoa/Rog1PhVrvyzedMfGvSCIU+hrt2HckcJ31N7frPl5SQ6GvwapCX+A6CrykjUJfg6B7edXUSxop9DFSTb2kkUJfpaDHZhfPm96gkohEo9BXKeix2dVdemxW0kmhr5IGxJFmpdBXIajWXiPiSJop9FUIqrXXiDiSZgp9RGF64KmZTtJMoY9gVaEvsAeeau0l7RT6kMIMgQWqtZf0U+hDKPT2szTEEFg6y0szaE26AGm3qtAX6gwPOstLc1DoK1i04alQT9GBzvLSPBT6MsIOfwVDD9boLC/NQvf0JUQNvB6skWai0I+yaMNToQOvMe+kGSn0IxR6+0Pfw8+fOUlj3klTUuhHCNMsB0OVdjrDS7NSRV5R57rtodbT8FfS7HSmZ+iyPsx9vAIvWaDQAyse3xO4zuJ50xV4yQSFHngjYEQMtcNLlij0AVpMA1xKtuQ+9EEDXK77aHuDSiLSGLkPfdAAl7qPl6zJfeg1wKXkTe5DX4kGuJQsChV6M9tvZn1mttvMeorL7jez581sj5ltNrNzSmx3SXGb4Z+jZra0+NldZtY/4rNr63totdMAl5JFUc70V7l7u7t3FN93A+9z9znAT4AVozdw938pbtMO/DrwOrB5xCoPDH/u7k9UeQyx0f28ZFHVl/fuvs3dB4tvdwIXBmzyW8A+d3+p2t8pIrULG3oHtpnZLjNbUuLzzwBPBuzjY8Bfjlr2ueLtwdfN7NyQZRGRGoQN/Xx3fz+wEPismV05/IGZrQQGgY3lNjazccD1wKMjFj8IzATagVeAPy2z7RIz6zGznsOHD4csroiUEyr07n6w+O8AQ/fklwGY2S3AB4BF7u4VdrEQ+KG7Hxqxz0PufsrdTwMbhvdZ4nc/5O4d7t4xefLkMMUVkQoCQ29mbWY2Yfg1cDXwrJldA9wBXO/urwfs5uOMurQ3s/NHvL0BeDZKwUWkOmHO9FOB75vZM8APgC3uvhX4CjAB6C42uX0VwMwuMLO3auLN7B1AJ/D4qP3+SbEZcA9wFfD52g+nvoImqhRpRoGDaLj7i8ClJZZfXGb9g8C1I96/DpxXYr1PRippAh7eeUBP10nm5L5HniVdAJEGy33oF2mSCsmZ3Idel++SN7kPvUjeKPQiOaPQi+SMQi+SMwq9SM4o9CI5o9CL5IxCL5IzCn2AoHHxRZqNQh9gWcjpq0WahUIf4DSwaMNTSRdDpG4UemB8a+X/DDv2HVHwJTMUeuC+G+cErqPgS1Yo9AyNbx90toeh4Gs0HWl2Cn1RmLM9DI2moxp9aWYKfVHX3GnMnzkp1LpLVaMvTUyhH2HjrVcwdcK4UOt2rtseb2FEYqLQj/L0yk4mjg+erXbvwPEGlEak/hT6EvbcfU2o4Is0I4W+jD13X8NZYzRWrmSPQl/B82uuDV5JpMko9CI5o9BXoBp6ySKFvgLV0EsWKfQiOaPQV2nWlLakiyBSFYW+St3LFiRdBJGqKPRl6Gk6ySqFvoyHdx5IuggisVDoRXJGoa9Ca4u650rzUuhLCOqU8+WbLm1MQURioNCXENQpp2vutAaVRKT+FHqRnFHoIwo7pJZIWin0EW289YqkiyBSE4VeJGcUepGcUegjUvdcaXYKfUTqnivNTqGvgs720swU+hKCmuV0tpdmptCXEKZZTmd7aVYKfRk620tWKfRl6GwvWaXQV7B43vSKn+tsL81Ioa9gddfspIsgUncKfQA9YCNZo9AHCLq31329NBuFvka6r5dmo9CL5IxCH0LbuDFJF0GkbhT6ENbcoFp8yQ6FPgQNhClZotCL5ExrmJXMbD9wDDgFDLp7h5ndD3wQOAnsAz7t7q+F2ba4fBKwCZgB7Ac+6u4/r+1wRCRIlDP9Ve7ePhxaoBt4n7vPAX4CrIiwLcBy4O/cfRbwd8X3TanQ2590EURCq/ry3t23uftg8e1O4MKIu/gQ8M3i628CXdWWJWkrHt+TdBFEQgsbege2mdkuM1tS4vPPAE9G3Haqu78CUPx3SthCp80bb55OuggioYUN/Xx3fz+wEPismV05/IGZrQQGgY1Rtw3DzJaYWY+Z9Rw+fDjKpnUV1FavS3xpFqFC7+4Hi/8OAJuBywDM7BbgA8Aid/co2wKHzOz84n7OBwbKbP+Qu3e4e8fkyZPDHlfdBbXVL920u0ElEalNYOjNrM3MJgy/Bq4GnjWza4A7gOvd/fUo2xY//mvgluLrW4Dv1nIgcQvTVh80261IGoQ5008Fvm9mzwA/ALa4+1bgK8AEoNvMdpvZVwHM7AIzeyJgW4C1QKeZ7QU6i+9TLegSf+/AcRZteKpBpRGpjpW5Kk+ljo4O7+npSez3F3r7Q13Gz585SXPeSaLMbNeoJvK3qEdeBF1zp4UaVGPHviM640tqKfQRbbz1CloseL0d+45w8R89oVp9SR2FvgrrPtoear3B087STbt11pdUUeir0DV3WuBIuSPprC9potBXaXXX7EjBHz7rK/iSNIW+BlGDDyj4kjiFvkaru2az/ub2SP8hFXxJkkJfB11zp/Hi2usinfWXqduuJEShr6PVXbPZv/Y6Zk1pC1z3NBozX5Kh0Mege9mCUMHXmPmSBIU+JmGDrzZ8aTSFPkZhgr9j35EGlUZkiEIfs+5lC5IugsjbKPQNELUtXyROCn0DaJ57SROFXiRnFHqRnFHoG0DNcpImCn3MCr39apaTVFHoY3b7o+pjL+mi0Meo0NtP0OQ3QSPsitSbQh+jMHPcBU2iIVJvCn2Mgua4WzxveqhJNETqSaGPSdBjs+NbW9RpRxKh0MdkY8Bjs/fdOKdBJRF5O4U+JkHzBumyXpKi0IvkjEIfk6CmOPXSk6Qo9DEJaorbse+IRsSVRCj0MQlzz64RcSUJCn2Mgma4PQ0620vDKfQxCjPDbZheeyL1pNDHLGiG26BeeyL1ptDHrGvuNFrDTGgv0iAKfQN8+aZLky6CyFsU+gZQ7ztJE4VeJGcUepGcUehFckahF8kZhV4kZxR6kZxR6EVyRqEXyRmFvgE0YIakiUIfM01rJWmj0Meo0NvPUg2UISnTmnQBsmpVoY+HA4bBhqEJL0QaSaGvs7BhH6YJL6TRFPoaFXr7Wbm5j+MnT0XeVmd5SYJCH1Ght5+7/+ZH/Pz1N2vaz6wpbTrLSyIU+pCiXrZXMmtKG93LFtRlXyJRKfQB6hl2GBohd+OtV9RtfyJRKfQVdK7bzt6B43XZ19gWuP+mdo2iI4lT6MuoZ+AXz5uu+3dJDYW+hHoE/pyzx3LX9e/VmV1SR6EfZVWhr6rAnz22hXs/PEchl9RT6Eco9PZHqrTTZbs0o1ChN7P9wDHgFDDo7h1mdj/wQeAksA/4tLu/Nmq7dwHfAv4zQ1O3PeTuf1b87C7gVuBwcfU/cvcnaj2gakXpJ7/+ZlXISfOK8sDNVe7e7u4dxffdwPvcfQ7wE2BFiW0GgT90918F5gGfNbNfG/H5A8V9ticZeAg/g6wCL82u6qfs3H2buw8W3+4ELiyxzivu/sPi62PAc0DqErNow1OEmVFOgZcsCBt6B7aZ2S4zW1Li888AT1bagZnNAOYCT49Y/Dkz22NmXzezc0OWpa4WbXgq1PPui+dNV+AlE8KGfr67vx9YyNAl+pXDH5jZSoYu4zeW29jMfgl4DFjq7keLix8EZgLtwCvAn5bZdomZ9ZhZz+HDh0utUrWwgVc/ecmSUKF394PFfweAzcBlAGZ2C/ABYJG7e6ltzWwsQ4Hf6O6Pj9jnIXc/5e6ngQ3D+yzxux9y9w5375g8eXL4IwsQJfDqJy9ZEhh6M2szswnDr4GrgWfN7BrgDuB6d3+9zLYG/AXwnLuvG/XZ+SPe3gA8W90hRNe5bnuowLe2mAIvmROmyW4qsHkov7QCj7j7VjN7ARgPdBc/2+nut5nZBcDX3P1aYD7wSaDPzIarx4eb5v7EzNoZqi/YD/yPOh5XSYXefr7w6DMMni55UXIGTTEtWRQYend/ETjjr9/dLy6z/kHg2uLr7wNWZr1PRippjaKOV6eKO8mqXAyMWU3gVXEnWZX5brhRn4dX4CXrMh36KH3pW4B16nwjOZDp0Ie9pFeznORJZu/pw04lpcBL3mQy9GGnklLgJY8yeXkf5om5WVPauPzd53HR8i0Mt9q3jRvDmhtm675eMi1zoS/09od6Ym7vwPEzRsg5fvIUSzftjtS8py8KaTZWpst8KnV0dHhPT0/FdWYs39Kg0pRnwCI1/UmCzGzXiLEv3iZT9/SXr+lOugjAUL/ih3ceYMbyLZqbXlInU6E/dOxk0kU4w459R5ixfAvv/eJWCr39SRdHJFuhT7Ph+gKd+SVpCn2D7dh3hHev2KKzviQmU7X3UyeMS+Ul/minnZKtBOe+Yyx3flATZEi8Mld7f/ma7pLBr2fTWqG3nxWP7+GNN8M0DtaHmgYlikq195kLfZLqPcNtOfoCkCAKfYM1Kvyl6AtBQKFPTJLhB30B5FluOuekzequ2exfex2zprQl8vvVTCilKPQN0L1sAetvbufsscn8596x7whz7tyayO+W9NHlfcIa2RJw1hjj+TXXxv57JHm6p29ScXwhTJ0wjqdXdtZtf5JOuqdvUl1zp/HcPQvZv/Y6Fs+bXpd9Hjp2klWFvrrsS5qTzvQZUM0Vwf6118VYIklapTN9prrh5lXX3GlvNcsl3Uwo6afL+4wZbiYUKUehz6j1N7cnXQRJKYU+o4J64akyL78U+pzSfX9+KfQ5poE88kmhz7DxrZX/9y7dtFvBzyGFPsPuu3FO4DpLN+3mklVPKvw5otBnWNhHak8Mnmbppt0atTcnFPqMi9p9d/hx3BnLt6iGP6MU+oxb3TWbqRPGVbXtwzsP6JHcDFLoc+DplZ1MHD+mqm2PnjjFe1Y+UecSSZIU+pzYc/c1VZ/xf3HK6Vy3vb4FksQo9Dny9MrOqh/R3TtwXBV8GaHQ58zwAznVDN8VZQpvSS89Ty8Uevu5/dHdhH0cf7Gm4U49DZcloc1YviXUerOmtNG9bEG8hZGqabgsCS3sPf/egeMaWrtJKfTyNqu7Zodu3tux74gq95qQQi9n2HP3NaHXXabKvaaj0EtJYUfeOY0e0W02Cr2U1DV3GutvbidMq56a8pqLQi9ldc2dxt4/vo75MycFrquHc5qHmuwklLBNeaNpZN5kqMlOalZt991qvywkPgq9hFJLD7wZy7eosi9FFHoJrZb59JZu2q0n9VJCoZfQVnfNxmrYfu/AcZ31U0Chl0geqMPMOUs37VYX3gQp9BLJcPt9rXbsO6KzfkLUZCdVW7ThKXbsO1KXfelx3frSo7USq6jP41dy9tgW7v3wnNDDd0tpCr00TKG3n2WbdlOH/OvsXwOFXhqunmd/0BdAVDWH3sz2A8eAU8Cgu3eY2f3AB4GTwD7g0+7+WoltrwH+DBgDfM3d1xaXXwR8G5gE/BD4pLufrFQOhb75rCr01X2GXH0BBKtX6Dvc/dURy64G/t7dB83sPgB3v2PUdmOAnwCdwMvAPwMfd/cfm9lfAY+7+7fN7KvAM+7+YKVyKPTNKY7gD5s/cxIbb70icL3OddvZO3D8jOVZfTYglr737r7N3QeLb3cCF5ZY7TLgBXd/sXgW/zbwITMz4DeB7xTX+ybQVW1ZJN1Wd82uqTdfJcNNf5Xa/csFHvL5bEDY0Duwzcx2mcOxSwwAAApFSURBVNmSEp9/BniyxPJpwM9GvH+5uOw84LURXxrDyyWj4gw+/Ef4L1/TfcZn5QI/LG/Bbw253nx3P2hmU4BuM3ve3f8RwMxWAoPAxhLbleq16RWWn7mDoS+ZJQDTp8f3RyPxG74Pj+tSH+DQsZPMWL4l8mi9F6/Ywgv3pudSv9ItUa0jEYc607v7weK/A8Bmhi7bMbNbgA8Ai7x05cDLwLtGvL8QOAi8CpxjZq2jlpf63Q+5e4e7d0yePDlMcSXFVnfNrkuPviDD/fzDdvcd9KEzfhpm6+1ct73iF+PegeM1PbwUeKY3szagxd2PFV9fDXypWCt/B/Ab7v56mc3/GZhVrKnvBz4GfMLd3cz+AfgIQ/f5twDfrfoopKl0zZ1G19xpde3RV041+x8OXD1bCC5f082hYxUbpyIJumWpJMzl/VRg81DdG63AI+6+1cxeAMYzdLkPsNPdbzOzCxhqmru2WLP/OeB7DDXZfd3df1Tc7x3At81sNdAL/EXVRyFNabjWvRHhj+rhnQcihz6Nx1GKOudIalSqZU9KuSa9Qm9/4gOCVmpurNRkF7YiTyR23csWUOjtZ8Xje3ijXl35apTWmv1ZU9qq3lahl1QZvt8fFmfHnmZVa+29Lu8lE9J6Rq6nKL0HNRquSBObOH5MXbsL6/JepMEmjh8Tab7AelPoRWJy1hjj+TXXJl2MMyj0InWQ1oCXotBLJsya0tawNv6pE8bx9MrOhvyuOCj0kgndyxbEXoOflWfvVXsvmVFLh5U8UeglM2rpsBJGVvoCKPQiOaPQi+SMQi+SMwq9SM4o9JIpcTarZaV1QKGXTKl1CuxyI/bW+jhrmqhzjmRK2OGqKl0RZH32HJ3pJTNKjXlfysTxY2IuSbop9JIJUUabTfKx1jRQ6KXphQ381AnjMtN/vhYKvTS1VYW+UIGfNaWtqZ+MqyeFXppamEEzjfj75TcThV6aVtiKuwcaMI1WM1HopSmFvY9fPG/624bUFoVemlDY+/j5Mydlvs29Ggq9NJUok18Mz5Unb6ceeZJ6hd5+7nhsDycGw091lZV+8nFQ6CXVqpkocuL4Maqtr0CX95JqUQM/f+ak3Pe4C6LQS6boPj6YQi+ZUe6xWHk7hV4yYfG86WqeC0kVeZJahd7+ip+fPbaFez88R51vIlLoJbWCKvGeu2dhg0qSLbq8l1QKOstL9RR6SaUVj+9JugiZpdBLKr3xZuXed6qpr55CL01JNfXVU+gldYImihzfqj/bWui/nqTKRSFmhr3vxjkNKEl2KfSSKh5iHbXL10ahF8kZhV6aimrta6fQS1NRrX3tFHpJlfkzJyVdhMxT6CVVburQ5XvcFHpJlfu/9y9JFyHzFHpJlYOvvZF0ETJPoZdUueCcs5MuQuYp9JIqt//2JRU/n3Pn1gaVJLsUekmVoN52R0+calBJskuhl6bTuW570kVoagq9pE5QW/3egeMNKkk2KfSSOhq7Pl4KvaSOxseLl0bDlVSJMiutVEehl1RQ2Bsn1OW9me03sz4z221mPcVlN5nZj8zstJl1lNnukuI2wz9HzWxp8bO7zKx/xGfX1u+wpJlEDXyLxViYHIhypr/K3V8d8f5Z4MPAn5fbwN3/BWgHMLMxQD+wecQqD7j7lyOUQTIo6hl+3UfbYypJPlR9ee/uzwGYhf7a/S1gn7u/VO3vFFl/c7uGy6pR2NA7sM3MHPhzd3+oit/1MeAvRy37nJl9CugB/tDdf17FfqVJda7bHrrN/awxxvNrdAdYD2Gb7Oa7+/uBhcBnzezKKL/EzMYB1wOPjlj8IDCTocv/V4A/LbPtEjPrMbOew4cPR/m1kmIXr9gSOvCzprQp8HUUKvTufrD47wBD9+SXRfw9C4EfuvuhEfs85O6n3P00sKHcPt39IXfvcPeOyZMnR/y1kkad67YzGGbY26LuZQtiK0seBYbezNrMbMLwa+Bqhirxovg4oy7tzez8EW9vqGKf0qTUjTZZYc70U4Hvm9kzwA+ALe6+1cxuMLOXgSuALWb2PQAzu8DMnhje2MzeAXQCj4/a758UmwH3AFcBn6/D8YhIgMCKPHd/Ebi0xPLNvL35bXj5QeDaEe9fB84rsd4noxZWmt+qQl+k9dffrOa5elOPPIlVobefOx7bw4nByrPQjnb22Bbu/fAcNc/FQKGXultV6GPjzgOhpqgq57l7FtatPPJ2Cr3URT2CLo2h0EtNonSwCUtTV8VLz9NL1eII/PyZkzR1Vcx0ppeq1TPwY1vg/pvUr74RFHpJzOJ503VWT4BCLw2jZrh0UOilarOmtIW+xN+/9rqYSyNhqSJPqqYHYZqTQi81UTfZ5qPQS0265k4LDL6GtEsX3dNLzbrmTnurcu6i5Vve1ivPgJ/qfj5VFHqpKwU8/XR5L5IzCr1Izij0Ijmj0IvkjEIvkjMKvUjOKPQiOaPQi+SMQi+SMwq9SM4o9CI5o9CL5IxCL5IzCr1Izij0Ijmj0IvkjEIvkjMKvUjOKPQiOaPQi+SMQi+SM+buwWulhJkdBl5KuhzAO4FXky5EDHRczaXScf2yu08u9UFThT4tzKzH3TuSLke96biaS7XHpct7kZxR6EVyRqGvzkNJFyAmOq7mUtVx6Z5eJGd0phfJGYW+DDO7xMx2j/g5amZLR62zyMz2FH/+ycwuTaq8YYU5rhHr/hczO2VmH2l0OaMKe1xmtqD4+Y/M7P8mUdawQv4N/icz+xsze6Z4TJ8O3LG76yfgBxgD/CtDbZ8jl/9X4Nzi64XA00mXtR7HNeKzvweeAD6SdFnr9P/rHODHwPTi+ylJl7UOx/RHwH3F15OBI8C4SvvSmT6c3wL2ufvbOga5+z+5+8+Lb3cCFza8ZLUpeVxFvwc8Bgw0tkh1Ue64PgE87u4HANy9mY6t3DE5MMHMDPglhkI/WGlHCn04HwP+MmCd/w482YCy1FPJ4zKzacANwFcbXqL6KPf/61eAc81su5ntMrNPNbhctSh3TF8BfhU4CPQBf+DupyvuKenLlrT/AOMY6uo4tcI6VwHPAeclXd56HBfwKDCv+PobNNHlfcBxfYWhK7I2hrqw7gV+Jeky13hMHwEeAAy4GPgpMLHS/lrDfs3k2ELgh+5+qNSHZjYH+Bqw0N3/X0NLVptKx9UBfHvoipF3Atea2aC7FxpZwCpVOq6XgVfd/Thw3Mz+EbgU+EkjC1iFSsf0aWCtD30DvGBmPwXeA/yg3M50eR/s45S5tDez6cDjwCfdPe1/OKOVPS53v8jdZ7j7DOA7wP9qksBDheMCvgv8NzNrNbN3AJczdIWWdpWO6QBD9/uY2VTgEuDFSjtT55wKin8YPwPe7e7/Vlx2G4C7f9XMvgbcyH88+TfoTfBgR9BxjVr3G8Dfuvt3Gl3OqMIcl5ndztDZ8TTwNXdfn1BxQwnxN3gBQ7dg5zN0ib/W3R+uuE+FXiRfdHkvkjMKvUjOKPQiOaPQi+SMQi+SMwq9SM4o9CI5o9CL5Mz/B3G1synaIxcuAAAAAElFTkSuQmCC\n", "text/plain": [ "
" ] @@ -507,7 +507,7 @@ { "data": { "text/plain": [ - "" + "" ] }, "execution_count": 4, @@ -516,7 +516,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYcAAADoCAYAAAAEyyhFAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+j8jraAAAgAElEQVR4nO3dfZRcdZ3n8fcnSSsdZAxCoqYhBlxABJYEWgaOwDHuWaLxgYDDyu64zuzuIYsHXaIMnjDuIuPoCGQdPatnHaL4x64wwhoSkWASVhhQd4DtkA5pSMKGB5EKYwLSoqQP6XS++8e9FSvVdatuVVe66+HzOienu3/3oe5NV9f3/r6/J0UEZmZmpaZN9QWYmVnrcXAwM7NxHBzMzGwcBwczMxvHwcHMzMaZMdUX0AzHHntszJ8/f6ovw8ysrWzatOmliJhdaVtHBIf58+czMDAw1ZdhZtZWJP0ya5vTSmZmNo6Dg5mZjePgYGZm4zg4mJnZOA4OZmY2Tkf0VpqotZsLrNywg13DI8yd1cu1i09h6cK+qb4sM7Mp0/XBYe3mAtfdtZWR0TEACsMjXHfXVgAHCDPrWl2fVlq5YcfBwFA0MjrGyg07puiKzMymXtcHh8LwSMXyXRnlZmbdoKuDw9rNBZSxbe6s3km9FjOzVtLVwWHlhh1UWgdPwLWLT5nsyzEzaxldHRyyUkeBG6PNrLt1dXB4c29PxfJZGeVmZt2iq4ODMhocssrNzLpFVweHV/aOViwfzig3M+sWXRsc3FPJzCxb1wYH91QyM8vWtcEha/CbeyqZmXVxcDAzs2y5goOk5yRtlTQoaSAtu0zSE5IOSOqvcuzVkobSfZeXbfuMpO3ptpvTsvmSRtLXGpT0dxO5QTMzq189s7IuioiXSn4eAi4Fbsk6QNLpwBXAOcA+YL2keyJip6RFwMXAmRHxuqQ5JYc+HREL6rg2MzNroobTShGxLSJqTV16KvBIROyNiP3AgyQBBeBTwI0R8Xp6vt2NXouZmTVX3uAQwEZJmyQtq+P8Q8AFko6RNBNYAhyfbjs53faIpAclvafkuBMkbU7LL6h0YknLJA1IGtizZ08dl2RmZrXkTSudHxGFNPVzn6TtEfFQrYMiYpukm4CNwGvAIFBcPGEG8BbgXOA9wJ2STgReBOZFxMuSzgbWSjotIl4tO/cqYBVAf39/pV6pVc3q7WF4ZPxgN0+dYWaWs+YQEYX0625gDUkbQi4RcWtEnB0RFwKvAE+lm14A7orEo8AB4NiIeD0iXk6P3QQ8TVLLaCpPnWFmlq1mcJB0pKSjit8DF5Gki3IpNjRLmkfS3nB7umktsCjddjLwBuAlSbMlTU/LTwROAp7J+3p5ZU2R4akzzMzy1RzeCvxc0hbgUWBdRKyXdImkF4DzgHWSNgBImivp3pLjV0t6EvgxcFVEDKfl3wNOlDQE/AD4s4gI4ELgcUmDwA+BKyPiN02410NkzciaVW5m1k1qtjlExDPAmRXK15CkmMrLd5E0PBd/rtigHBH7gE9UKF8NrK51XRPltJKZWbauHSHttJKZWbauDQ5ZM686rWRm1sXB4drFp9AzbXwO6bV9+1m7uTAFV2Rm1jq6NjgsXdjHm44Y3+QyOhas3FBr4LeZWWfr2uAA2e0LheER1x7MrKt1dXCotuLbdXdtdYAws67V1cHh2sWn0NszveK2kdExp5fMrGvVM2V3xymu+Lb8jsGK23dlrBZnZtbpurrmAEmA6HO3VjOzQ3R9cAB3azUzK+fggLu1mpmVc3BIZXVrdbuDmXUjB4eUZ2k1M/sDB4eUZ2k1M/sDB4eUZ2k1M/sDB4dU1mjpaqOozcw6lYNDatG7ZtdVbmbWyRwcUg9s31NXuZlZJ3NwSBUyuqxmlZuZdbJcwUHSc5K2ShqUNJCWXSbpCUkHJPVXOfZqSUPpvsvLtn1G0vZ0280l5ddJ2ilph6TFjd5cPbI6Jbmzkpl1o3om3lsUES+V/DwEXArcknWApNOBK4BzgH3Aekn3RMROSYuAi4EzI+J1SXPSY94NXA6cBswF/rekkyNirJ4bq1fUWW5m1skaTitFxLaIqDW3xKnAIxGxNyL2Aw+SBBSATwE3RsTr6fl2p+UXAz+IiNcj4llgJ0lwMTOzSZI3OASwUdImScvqOP8QcIGkYyTNBJYAx6fbTk63PSLpQUnvScv7gF+VnOOFtOwQkpZJGpA0sGfPxBuNZ/ZU/q/IKjcz62R500rnR0QhTf3cJ2l7RDxU66CI2CbpJmAj8BowCBTTQzOAtwDnAu8B7pR0Yt4Lj4hVwCqA/v7+CWd/3tgznb2jByqWm5l1m1yPxRFRSL/uBtZQR5onIm6NiLMj4kLgFeCpdNMLwF2ReBQ4ABwLFPhD7QLguLTssMoaCf2KR0ibWReqGRwkHSnpqOL3wEUk6aJcShqa55G0N9yebloLLEq3nQy8AXgJuBu4XNIbJZ0AnAQ8mvf1GpU1ElrgNR3MrOvkqTm8Ffi5pC0kH9LrImK9pEskvQCcB6yTtAFA0lxJ95Ycv1rSk8CPgasiYjgt/x5woqQh4AfAn6W1iCeAO4EngfXpMYe1pxIkC/5U6rYa4DUdzKzrKKL9O2v29/fHwMDAhM8zf8W6iuUCnr3xQxM+v5lZK5G0KSIqjlNzV5wSs7ymg5kZ4OBwCK/pYGaWcHAo4TUdzMwSDg4lvFSomVnCwaGE00pmZgkHhxIeCGdmlnBwKOGBcGZmCQeHEh4IZ2aWcHAosXRhX+b6Dbu8IpyZdREHhzJ9GamlrJSTmVkncnAos+hds+sqNzPrRA4OZR7YXnnhoKxyM7NO5OBQJqttwW0OZtZNHBzKZLUtuM3BzLqJg0MZtzmYmTk4jOM2BzMzB4dx3OZgZubgMI7bHMzMHBzGcZuDmVnO4CDpOUlbJQ1KGkjLLpP0hKQDkiquQZrud7WkoXTf5SXlN0gqpOcclLQkLZ8vaaSk/O8mepP1cJuDmRnMqGPfRRHxUsnPQ8ClwC1ZB0g6HbgCOAfYB6yXdE9E7Ex3+XpE/NcKhz4dEQvquLamKbjNwcys8bRSRGyLiFpTlZ4KPBIReyNiP/AgSUBpSWs3FyrOygpuczCz7pI3OASwUdImScvqOP8QcIGkYyTNBJYAx5ds/7SkxyV9T9LRJeUnSNos6UFJF1Q6saRlkgYkDezZ05yUz8oNOyrOyiqS6bzNzLpF3uBwfkScBXwQuErShXkOiohtwE3ARmA9MAiMpZu/DbwTWAC8CHwtLX8RmBcRC4HPAbdL+qMK514VEf0R0T97dnMai7NSR0EynbeZWbfIFRwiopB+3Q2sIWlDyCUibo2IsyPiQuAV4Km0/NcRMRYRB4DvFM8ZEa9HxMvp95uAp4GT899S47JSR7N6eybj5c3MWkbN4CDpSElHFb8HLiJJF+UiaU76dR5Je8Pt6c9vL9ntkuI5Jc2WND39/kTgJOCZvK83EdcuPoWeaeNbHV7bt9/LhJpZV8lTc3gr8HNJW4BHgXURsV7SJZJeAM4D1knaACBprqR7S45fLelJ4MfAVRExnJbfnHaPfRxYBHw2Lb8QeFzSIPBD4MqI+M1EbzSPpQv7eNMR4ztwjY6Flwk1s65SsytrRDwDnFmhfA1Jiqm8fBdJw3Px54oNyhHxbzPKVwOra13X4TK8d7Riubuymlk38QjpMlntDtMkp5bMrGs4OJS5dvEp9PZMH1c+FsF1d211gDCzruDgUGbpwj6+eukZTNf4humR0TG3PZhZV3BwqGDpwj4ORKXhcG57MLPu4OCQIavt4c0e82BmXcDBIYPHPJhZN3NwyOAxD2bWzRwcqsga81AYHnHtwcw6moNDFdWm6Xa3VjPrZA4OVWSNeQB3azWzzlbPSnBdpzhN9/I7Bitud7dWM+tUrjnUsHRhH32eUsPMuoyDQw6eUsPMuo2DQw6eUsPMuo2DQ07VptQoDI/w3hvvdw3CzDqGg0MdqnVtLQyPOMVkZh3DwaEO1bq2QpJiWn7HoGsRZtb23JW1DsWurSs37KBQpRtrsRZReoyZWTvJVXOQ9Fy63vOgpIG07DJJT0g6IKm/yrFXSxpK911eUn6DpEJ6zkFJS0q2XSdpp6QdkhZP5AabbenCPn6x4v2Z3VuLRkbHuObOLa5BmFlbqiettCgiFkREMRAMAZcCD2UdIOl04ArgHJJ1qD8s6Z+V7PL19JwLIuLe9Jh3A5cDpwEfAP67pOxczhSplWKCpKvr8jsGWfiljQ4SZtZWGk4rRcQ2AFXo3lniVOCRiNib7vsgSUC5ucoxFwM/iIjXgWcl7SQJLv/Y6LUeDnlTTACv7B1l+R2DDPzyN3x56RmTcXkNWbu5wMoNO9g1PMLcWb1cu/gUgJpli941mwe27zlkH6fTzNqbIqN75iE7Sc8CrwAB3BIRq0q2/QPwFxExUOG4U4EfAecBI8BPgYGI+IykG4A/B14FBoBrIuIVSd8CHo6I76fnuBX4SUT8MOv6+vv7Y2Bg3MtPmrWbC1x311ZGRsdq7vuNjy9oiQ/O8kCw6F2zWb2pcMg99EwTKJmmvFpZuZ5pYuVlZ7bEfZpZNkmbSrJBh8hbczg/IgqS5gD3SdoeEZnppKKI2CbpJmAj8BowCBQ/fb4N/DVJwPlr4GvAv895PUhaBiwDmDdvXt7DDovih+A1d25hrEawvebOLYcc02x5nv7LA0FheITbHn6e8isfPTD+XiqVVdrnhrufcHAwa2O5gkNEFNKvuyWtIUnz1AwO6TG3ArcCSPob4IW0/NfFfSR9B7gn/bEAHF9yiuPSsvLzrgJWQVJzyHMth1Pxg7BWDaI45UbpMRNRGgze3NvDa/v2H3yqLwyPcO3/2nLIk35WIGj2f+DwSOW1MMysPdQMDpKOBKZFxO/S7y8CvpT3BSTNSYPKPJL2hnPT8rdHxIvpbpeQNHAD3A3cLulvgbnAScCjeV9vKtWaxbWoOB5i5YYdVfPzlVI/pbn98hpApQ/kSk/6Ux5Jzazl1WxzkHQisCb9cQZwe0R8RdIlwDeB2cAwMBgRiyXNBb4bEUvS438GHAOMAp+LiJ+m5f8TWEDyWfUc8B+LwULSF0hSTPuB5RHxk2rXONVtDuVOWLEu9wdwzzTxpiNmMLx3lDf39iBx8PvSWkAlorkf9OXna7TNAeDomT1svv6iJl6dmTVbtTaHXA3Sra7VggPUFyCmQnkg6O2ZzsfO7hvX6wjG91Ya+OVv+P7Dz2eeu2e6WPknbpA2a3XNaJC2Oj1744eA+noyHQ6VnvSzAkHWh3lp+drNBVZvqj5mw4HBrP05OBxm9YyHaESlVFAxTVXt6b/RD++VG3ZUDXR9s3odGMw6gIPDJFi6sI+lC/uaXouopwbQrJ5R1QJcb8/0g8HIzNqbg8MkKq1FVOp6Wq68FjCVI5GLgS3LdImvXnqGaw1mHcLBYZIVaxFF5eMUir2VWmkairWbC1UH+PX2THdgMOswDg5TrDxYtJpijaHayG8HBrPO48V+rKob7n7CDdBmXcjBwTKt3VyoOg2GG6DNOpeDg1VUbGfI4gZos87m4GDj5Gln+Nq/8kA3s07m4GDj1BrodvTMHgcGsw7n4GCHyDPQ7YsfOW0Sr8jMpoKDgx3kgW5mVuTgYAdVSyf19kx3O4NZF3FwMKB2Osk1BrPu4uBgNdNJHuhm1n0cHKxmOskD3cy6j+dW6mLFSf+cTjKzcg4OXSrP2hJOJ5l1r1xpJUnPSdoqaVDSQFp2maQnJB2QVHEN0nS/qyUNpfsur7D9Gkkh6dj05/dJ+m36WoOSrm/05ixbrYFuTieZdbd6ag6LIuKlkp+HgEuBW7IOkHQ6cAVwDrAPWC/pnojYmW4/HrgIKF+t/mcR8eE6rs3qUKtnUl8LrSVhZlOj4bRSRGwDkFRtt1OBRyJib7rvgyQB5eZ0+9eBzwM/avQ6rD55eib9YsX7J/GKzKwV5e2tFMBGSZskLavj/EPABZKOkTQTWAIcDyDpYqAQEZWm/jxP0hZJP5FUca4GScskDUga2LNnTx2X1N2qrc/gVJKZFeWtOZwfEQVJc4D7JG2PiIdqHRQR2yTdBGwEXgMGgbE0UPwlSUqp3GPAOyLi95KWAGuBkyqcexWwCqC/vz97+lA76D+v3Vp1fQb3TDKzolw1h4gopF93A2tI2hByiYhbI+LsiLgQeAV4CngncAKwRdJzwHHAY5LeFhGvRsTv02PvBXqKjdXWmLWbCyz80ka+/3B5084fuGeSmZWqWXOQdCQwLSJ+l35/EfClvC8gaU5E7JY0j6S94dyIGAbmlOzzHNAfES9Jehvw64gISeeQBLCX67orOyhPl1XA6SQzO0SetNJbgTVpw/MM4PaIWC/pEuCbwGxgnaTBiFgsaS7w3YhYkh6/WtIxwChwVRoYqvkT4FOS9gMjwOURVVadsapqdVkFr89gZuPVDA4R8QxwZoXyNSQppvLyXSQNz8WfL8jxGvNLvv8W8K1ax1httbqsAgi8PoOZjeO5lTpUrS6rkASGPz13nmsNZjaOp8/oULXSSbN6e7jho6c5MJhZRQ4OHahWOukbH1/goGBdqzjh5K7hEeZ6NoBMDg4dxmszmP1BeSBY9K7ZrN5UOFirLgyPHPx78d/Fodzm0GG8NoNZovigVBgeIUgCwW0PPz/u72NkdIzldwzy3hvvZ+3mwtRcbAtyzaFDeG0G62aVUkWVHpSq9Yl3LeJQrjl0gNInpCxOJ1mnqlRDqPX3kGVkdIyVG3Y0/yLbkINDB/DaDNbNKr3/R0bHmJ4xY3TVeaRJgotTTE4rtT2vzWDdpFL6aFfG+38sgt6e6YcEjt6e6Xzs7D4e2L6n6t+NU0ygTpiZor+/PwYGBqb6MiZdrXmTvDaDdZJK7/fenukc0TONV/aOn224r6TtoVK31bzzjnXyA5akTRFRcSVP1xzamHsmWTfJSh+9cca0ijWE4gd61od6sbxWR45urUW4zaENrd1c4L033u+eSdaxiu/xE1asO5j/z0of/XZklK9eegZ9s3oRyZN+3vf/0oV9/GLF++mb1Vt1v2J319OuX981bRFOK7WZPFVhp5OsnTWSPpro+z1viqnoE+fO48tLz5jQa7aCamkl1xzayNrNBa65c4t7JllHy0ofRSTv71LNer8vXdh3sPaRx20PP9/xNQgHhzZRfLIZq1LTq6c6bdYqylNIWenSiaSP8iimmL7x8QXjglC5gI4fD+EG6TZRayyDU0nWjsrTOYXhEUTlkcxz04Gch/vhp3j+5XcMVt2vMDzCCSvWdezkfa45tImsxjhwKsnaV9YUF+UD1Sb7Pb50YR+fOHdezf1KR2R3WprJNYcWVxz0k5VMmi45lWQtL2ua7KyHniCpDU/ltNrFBufvP/x8zX1HRse45s4tfPaOwY6pSTg4tLBaPSh6e6Y7MFjLq5Q6Ko4bmDurt2IbQ6ukSb+89Ay+vPSMQ4Jb1oNasT2wU8ZF5EorSXpO0lZJg5IG0rLLJD0h6YCkil2h0v2uljSU7ru8wvZrJIWkY9OfJem/Sdop6XFJZzV6c+2uWjuDG5+tXWT1Plq5YQfXLj7lsPVAaqZiY/WzN34oV4+mTpjAr56aw6KIeKnk5yHgUuCWrAMknQ5cAZwD7APWS7onInam248HLgJK620fBE5K//0x8O30a1epNmeSoCWeqszK1TP30a7hkUNGKbfLymzXLj4l15iIdm+wbjitFBHbAJQx82HqVOCRiNib7vsgSUC5Od3+deDzwI9KjrkY+B+RjM57WNIsSW+PiBcbvdZ2U2s1t7k5+2KbTaas9NGsmT0VB68V38eT0QOpmcoD2jQps4t5aYN16bHtIG9wCGCjpABuiYhVOY8bAr4i6RhgBFgCFNNSFwOFiNhSFmD6gF+V/PxCWnZIcJC0DFgGMG9e7V4F7cRzJlmry7u4Tq25j9pVaUDLM7q6mGZqp+CQtyvr+RFxFknK5ypJF+Y5KK1d3ARsBNYDg8CYpJnAXwLX13/JB8+9KiL6I6J/9uzZjZ6mpXjOJGsH9S6uc7gHr0210tHV1fIo7bZORK6aQ0QU0q+7Ja0haUN4KOextwK3Akj6G5KawDuBE4BireE44DFJ5wAF4PiSUxyXlnW0vHMmdcoflLWHemoI0zPSK5M1eG0qld5ftQe8dkox1aw5SDpS0lHF70kakIfyvoCkOenXeSTtDbdHxNaImBMR8yNiPknAOCsi/gm4G/hk2mvpXOC33dDe4NXcrNXUW0MoLq5Tqhvft5V6YJUqjolo9RpEnprDW4E16RP+DJIP9/WSLgG+CcwG1kkajIjFkuYC342IJenxq9M2h1HgqogYrvF695K0TewE9gL/ru67ahN5+k5DZy82Yq2jvJawd9/+umoItRbX6RZ51okYi2j5GoSn7J4i9axC5W6rdrjVO2V1pQbmTmpHaJZabYgwtQ9/XgmuRZQ+mVXr/lbUjVVyO7yyprGoldYs5RpCfnnGRLRqO4RrDpOkniczgf/grOmyFtH56qVn8Nk7BqumNsv39/syv+I6LLUeBqdLHIiY1L991xxaQN4nM6eRbKLqqR0U+99nzXE0q7eHI984wzWECSj+f9V6OGy1uZkcHA6T8j/QWnlHcBrJ8ssKANUmuas2jcXXP76gYq3iho+e5mDQBHkaqUu1wqA5p5UOg0rV96wFTKaiKmmtLeuDv3R7Vnoo68OnOFlctRlQa72uNUcrpZidVppk1RYwKQ0Qzt92r0ae/EufPrPSQ43UDoq11U4fqNYq2mVuJtccmqCeFNJUL2Bik6PaU3ijT/7FtqgTVqyrWAstPmW6dtBe6qlJNLvbq2sOh1E9a+C6sbk71Hr6b/TJvygrABQ/7F07aC/lNYlqj+uTWYtwcGhArfEKWSkkNzZ3lkZ6BVVbGrNazbN0mvZqAaAd10ew/HMzweQ1Vjs41Kn8qbBartAppPZWT2oob68gmNiTP4x/0iy/NtcO2lvegXOHeyEhtznUKc9weHAKqd1VaxdYurAv832Qt1dQtXO7XcCK74E8nzUAR8/s4Ysfqb/bsdscJsDjFTpXtQ/hiaSG8vQKKr6Gn/ytkuJ7IG9j9St7R5veFuHgUEU9jc0er9B6Gk0L1frwh+qpoTx5fwcAy6Oexupmt0U4OFTh8Qqtr9HxArVqBrUaht0ryCZL6XtpwV9tZHhk/HrcRVkPNY3Iu0xoV6m1XGexsbkTlzxsJ1mL0RQDRtaHP9RuNK60YEv5h38nL31prWft5gKv7dtfdZ/SXm0T5ZpDmbzLdbqxeXI02i4wkbQQ1G4XKO7jYGCTZeWGHYyOVe9A1My2TgeH1PwV63Lt58bm5jpc7QITTQsVX8Mf/tYqaqWMjp7Z09T3q9NK5A8MTh00V7W0EFSvGUB2FboYZJwWsk5SLWXU2zOdL37ktKa+nmsOOTmV1JjD1V0UJj5S2DUDaydZg+Nm9fYclqnVcwUHSc8BvwPGgP0R0S/pMuAG4FTgnIioOApN0tXAFSSdfL4TEd9Iy/8auBg4AOwG/jwidkl6H/Aj4Nn0FHdFxJcaursm2rtvP2s3F8b9AvIOWMqzXzsOfpqq7qLFc4DHC1h3mOypUeqpOSyKiJdKfh4CLgVuyTpA0ukkgeEcYB+wXtI9EbETWBkR/yXd7z8B1wNXpof+LCI+XMe1HXaVBpnkmV457371nKsZb45mBKup7i5afB0HAOsWk/l+b7jNISK2RcSOGrudCjwSEXsjYj/wIElAISJeLdnvSCqPLWsppfluqJ0Tr2e/PPvUytGX7vfeG+/nhBXreO+N91fcXus8efZxd1GzzpW35hDARkkB3BIRq3IeNwR8RdIxwAiwBDiYfpL0FeCTwG+BRSXHnSdpC7AL+IuIeKL8xJKWAcsA5s2bl/NyKuvLOS0GHPqBl2d65bz75dmn1pM45KuB5DlPnn3cXdSsc+WtOZwfEWcBHwSuknRhnoMiYhtwE7ARWA8MkrRbFLd/ISKOB24DPp0WPwa8IyLOBL4JrM0496qI6I+I/tmzZ+e8jcoqPcEqY9/SHgPVestU+7nRc000gNRznrzrClS75lo1A0g+/H+x4v08e+OH+MWK9zsQmLWIXMEhIgrp193AGpI2hFwi4taIODsiLgReAZ6qsNttwMfS/V+NiN+n398L9Eg6Nu/rNaJS+uJPz51X84Mtz4df3v3y7NOsANKsYOW0kFnnqplWknQkMC0ifpd+fxGQu/eQpDkRsVvSPJL2hnPT8pMi4v+lu10MbE/L3wb8OiJC0jkkAezlem6qEZXSF/3veEvNlAfU7j2QN31Sa588DbQTXSymnn2cFjLrXDXXc5B0IkltAZJgcntEfEXSJSRpn9nAMDAYEYslzQW+GxFL0uN/BhwDjAKfi4ifpuWrgVNIurL+ErgyIgqSPg18CthP0k7xuYj4P9WucarXkJ5M9fYggsoTA3Zq11ozy6/aeg5e7KcD+UPdzPLwYj9dxqkcM5soz61kZmbjODiYmdk4Dg5mZjaOg4OZmY3TEb2VJO0h6Q5bybHASxnbOkEn318n3xt09v118r1B59zfOyKi4hQTHREcqpE0kNVVqxN08v118r1BZ99fJ98bdP79gdNKZmZWgYODmZmN0w3BIe/04u2qk++vk+8NOvv+OvneoPPvr/PbHMzMrH7dUHMwM7M6OTiYmdk4bRscJJ0iabDk36uSllfY733p9ickPVhS/gFJOyTtlLRicq++uibc2/ck7ZY0NLlXns9E7k/S8ZIekPRkWn715N9Btgne2xGSHpW0JS3/q8m/g+om+t5Mt02XtFnSPZN35fk04W/vOUlb023tPVV0RLT9P2A68E8kAzpKy2cBTwLz0p/nlOz/NHAi8AZgC/Duqb6PZtxb+v2FwFnA0FRf/2H43b0dOCv9/iiSlQU74ndHsjrtm9Lve4BHgHOn+j6adX8l2z8H3A7cM9X30Oz7A54Djp3qa2/Gv7atOZT5F8DTEVE+SvrfAHdFxPNwcJlTSJY53RkRz0TEPuAHJKvRtaJ6742IeAj4zeRd4oTUdX8R8WJEPJZ+/ztgG9Cq85PXe28R6RK5JMGhB2jlHiN1vzclHQd8CPjupF1l4+k1s+kAAAJQSURBVOq+v07SKcHhcuDvK5SfDBwt6R8kbZL0ybS8D/hVyX4v0LofMPXeW7tp+P4kzQcWkjxht6K67y1NuQwCu4H7IqJV7w0a+919A/g8yQqQra6R+wtgY1q+bFKu8jBp+8V+JL0B+ChwXYXNM4CzSZ4AeoF/lPTwJF7ehDRybxHx1CRe4oRM5P4kvQlYDSyPiFcn6ZJza/TeImIMWCBpFrBG0ukR0XJtRw3+3Z0M7I6ITZLeN1nX2ogJvDfPj2S54znAfZK2pzX5ttP2wQH4IPBYRPy6wrYXgJcj4jXgNUkPAWem5ceX7HccUDjsV1q/Ru6tbYIDDd6fpB6SwHBbRNw1eZdblwn97iJiWNIDwAeAlgsONHZ/ZwEflbQEOAL4I0nfj4hPTNpV59fQ7y8iCpCkmiStIUlht2Vw6IS00r+mctUP4EfA+ZJmSJoJ/DFJjvr/AidJOiF9QrgcuHtSrrY+jdxbO6n7/iQJuBXYFhF/O0nX2YhG7m12WmNAUi/wL4Htk3K19av7/iLiuog4LiLmk/zN3d+igQEa+/0dKekoAElHAhfRmoE9n6luEZ/IP+BI4GXgzSVlVwJXlvx8LUnPgiGSFESxfAnJk9rTwBem+l6afG9/D7wIjJI85fyHqb6fZt0fcD5JXvdxYDD9t2Sq76dJ9/bPgc3pvQ0B10/1vTT7vVmy/X20aG+lCfz+TiTp+bgFeKIVP1fq+efpM8zMbJxOSCuZmVmTOTiYmdk4Dg5mZjaOg4OZmY3j4GBmZuM4OJiZ2TgODmZmNs7/B5m1qDwavlChAAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAPoAAAD4CAYAAADFJPs2AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjMsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+AADFEAAAPjUlEQVR4nO3df6zV9X3H8edrgBaYCUSgLSi92ElTUYd6qy5Eoq6VFRuFZp24mC1ZUrWhS93WNpKZTVtdrZuxSZPVUmuyxPmrqdxa2ZiYRl2WqbnIRUBwYqXKxQqo6Kh3CJf3/jjfa7/ce+Cec+6Pc+95vx7Jzb338/1+P+fzPdzX+X6+5/s9vBURmFlr+51mD8DMRp6DbpaAg26WgINuloCDbpbAxGYPYDjMmDEj2tramj0Ms6basGHDvoiYWW1ZSwS9ra2Nzs7OZg/DrKkk/epYyzx1N0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLoKagS9opabOkLkmdRduXJG2VdERS+3G2/ZqkLcW6N5TaHyr66yr67yotWyVph6SXJC0Zyg6aWX3/C+wlEbGv9PsW4IvAD4+1gaQzgS8D5wMfAOskrY2IlyPiqtJ6dwLvFj+fAawAFgCzgSckzY+I3jrGamYlDU/dI2JbRLw0yGqfBp6JiPcj4jDwFLC8vIIkAX8CPFA0XQk8GBEHI+JVYAeVFwoza1CtQQ/gcUkbJF1bR/9bgMWSTpY0BVgKnNpvnYuANyPi5eL3OcDrpeW7irajSLpWUqekzr1799YxJLN8ap26L4qI3ZJmAeslbY+IpwfbKCK2SfousB44AGwCDvdb7Wp+ezQHULWuqvS9GlgN0N7e7iLvZsdR0xE9InYX3/cAa6hjKh0RP46IcyNiMfA20HfkRtJEKuf5D5U22cXRR/1TgN21Pp6ZDTRo0CVNlXRS38/AZVSm5DUpZgFImksl1OWj92eB7RGxq9T2KLBC0omS5gGnA8/V+nhmNlAtU/ePAmsq75kxEbg/ItZJWg58H5gJrJXUFRFLJM0G7omIpcX2P5V0MnAIWBkR75T6XsHRwScitkp6GHiRyjR/pd9xNxsaRYz/09v29vZwkUXLTtKGiKh6T4vvjDNLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S8BBN0vAQTdLwEE3S6Bp9dGLZX9Z1EDfKumOoq1NUk+pdvrdQ9lBM2tifXRJl1ApkXx2RBzsK91UeCUiFtYxNjM7jmbWR/8KcHtEHCz629PoWMzs+JpZH30+cJGkZyU9Jekzpe3mSdpYtF9UrWPXRzerXTPro08EpgMXAp8BHpZ0GvAGMDci3pJ0HtAhaUFEvNevb9dHN6tRM+uj7wIeiYrngCPAjIg4GBFvFdtuAF6hcvQ3swY1sz56B3BpsWw+cAKwT9JMSROK9tOo1Ef/Za2PZ2YDNbM++r3AvZK2UHlH/s8jIiQtBr4l6TDQC1wfEW8P0/6apeT66GYtwvXRzZJz0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0SGHP10Yv2VZJ2FMuWNLpzZlYx5uqjSzoDWAEsAGYDT0iaHxG99eyYmf3WWKyPfiXwYFFs8VVgB3UUdTSzgcZiffQ5wOulPnYVbUdxfXSz2o3F+uiq1lWVvl0f3axGY64+etF+aqmLU4DdtT6emQ005uqjA48CKySdKGkelfroz9X6eGY20Jirjw5slfQw8CKVaf5Kv+NuNjSuj27WIlwf3Sy5em6YsXGsY2M3//gfL7F7fw+zp03mG0s+xbJzBly1tBblI3oCHRu7+cZPNtG9v4cAuvf3cMNDXSy85XE6NnY3e3g2CnyO3iJu6tjMvz7z2oc3HEw9YQK3LT+LZefMYeEtj7O/51BN/XzvqoU+0o9TPkdvcTd1bOa+UsgBfvNBL3/zk010bOyuOeSAj/QtykFvAQ88+3rV9t4jwS0/31p3f/t7DvFXD3VxU8fmoQ7NxggHvQX0Huf06533az+alwVw3zOv+ejeIhz0FjBB1T4eMDz6ju5tN65l0e2/cOjHKQe9BVx9wamDrzQEffOF7v09rHpks8M+DjnoLeDWZWdxzYVzq37sb7j1HOrlhoe6fHQfZ3x5rcW03bi2rvWvuXAuty47a8DluVqIytF+jm/AGRN8ec2qOn3WVG5ddhZQmRXcddVCpk+ZVPP25Sm9z+PHNh/RW8wFt63nzf/9YND1BLx6++VVl/XdLtu9v+fDo3Y9Jk0QU0+YyLs9h3y77Sg63hHdQW9BZ//9Ot47eOxP9n5kgth+29JjLi8rh75RnuKPDgc9oY6N3dzy860fXkefNnkSN1+xoOGQdWzsZtUjm+k5NLT/GsChHznHC7o/vdailp0zZ1hD1NfXUKb0MPBSXblvGzk+oltDhnoeX+aj+/Dw1N1GVPmz7tOmTOLA/x3m0JH6/q48pR86T91tRPU/TWjkaO8p/cjyEd1GVKNT/AkSRyJ8ea4OnrrbmNDopbq+F4jpUyYRga/PH4ODbmPKcF2q62+iYMd3qt8ElIFvgbUxZdk5c/jOF89izrTJQPUaXI04HPB7q+q71z+LptVHl3SzpO6izy5JS4v2Nkk9pfa7h7qTNvYsO2cO/3Xjpey8/XLuumohc6ZNRgz9s/WHx/8EdUQ0rT56scpdEfFPVTZ9JSIW1jE2G8fK79qP1LQ+u2bWRzcbYKSm9dk1sz46wFclvSDpXknTS+3zJG0s6qZfVMfjWQs41rR++pRJTJl0/D/ZiX5lqKqZ9dF/AHybyovIt4E7gb8A3gDmRsRbks4DOiQtiIj3yn0XLzjXAsydO7fG3bDxpto9+/0/sNMn+7vux1P35TVJNwMH+s6tJT0JfD0iBr2+JekfgF0R8c/92tuAxyLizCrbDNq/L6+ZDfHy2kjVR5f08dJqy/v6lDRT0oTi59Oo1Ef/Za2PZ2YDNbM++h2SFlKZuu8ErivaFwPfknQY6AWuj4i3h7ynZon5zjizFuE748ySc9DNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRJw0M0ScNDNEnDQzRKoKeiSdkraLKlLUmfR9iVJWyUdkVT1P40v1vuapC3FujeU2m+W1F302SVpaWnZKkk7JL0kaclQdtDMaq+mCnBJROwr/b6FSi21Hx5rA0lnAl8Gzgc+ANZJWhsRLxer3NVXrLG0zRnACmABMBt4QtL8iOitY6xmVtLw1D0itkXES4Os9mngmYh4PyIOA09RKah4PFcCD0bEwYh4FdhB5YXCzBpUa9ADeFzShqIuea22AIslnSxpCrAUOLW0/KuSXpB0r6TpRdsc4PXSOruKtqNIulZSp6TOvXv31jEks3xqDfqiiDgX+DywUtLiWjaKiG3Ad4H1wDpgE3C4WPwD4JPAQuAN4M6iXdW6qtL36ohoj4j2mTNn1rgbZjnVFPSI2F183wOsoY6pdET8OCLOjYjFwNvAy0X7mxHRGxFHgB+V+tzF0Uf9U4DdtT6emQ00aNAlTZV0Ut/PwGVUpuQ1kTSr+D6Xypt3DxS/f7y02vJSn48CKySdKGkecDrwXK2PZ2YD1fKu+0eBNZL61r8/ItZJWg58H5gJrJXUFRFLJM0G7omIvstlP5V0MnAIWBkR7xTtd0haSGVavhO4DiAitkp6GHiRyjR/pd9xNxsaRQw4/R132tvbo7Ozs9nDMGsqSRsiouo9Lb4zziwBB90sAQfdLAEH3SwBB90sAQfdLAEH3SwBB90sAQfdLAEH3SwBB90sAQfdLAEH3SwBB90sAQfdLAEH3SwBB90sAQfdLAEH3SwBB90sAQfdLAEH3SwBB90sgabVRy8t/7qkkDSj+P1iSe+W6qb/XaM7Z2YVTa2PLulU4HPAa/02/c+I+EIdYzOz42h2ffS7gG9SpVqqmQ2fptVHl3QF0B0Rm6ps9weSNkn6d0kLqnXs+uhmtat16r4oInYXlVHXS9oeEU8PtlFEbJPUVx/9AEV99CL0f0ulMmt/zwOfiIgDkpYCHVQqqvbvezWwGiq112rcD7OUmlUf/ZPAPGCTpJ1UaqA/L+ljEfFeRBwotv03YFLfG3Vm1pim1EePiM0RMSsi2iKiDdgFnBsRv5b0MRU1miWdX4zxrTr3y8xKmlkf/Vj+GPiKpMNAD7AiWqG2s1kTuT66WYtwfXSz5Bx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swQcdLMEHHSzBBx0swRaoiSTpL3Ar0ao+xnAvhHqezzw/o+f/f9ERMystqAlgj6SJHUeq55VBt7/1th/T93NEnDQzRJw0Ae3utkDaDLvfwvwObpZAj6imyXgoJslkDLokj4lqav09Z6kG6qsd3GxfKukp4q2j0h6TtKmov2W0d+DoRvKc1BaNkHSRkmPjd7Ih8dQ91/STkmbi2Wdozv6BkRE6i9gAvBrKjcblNunAS8Cc4vfZxXfBfxu8fMk4Fngwmbvx2g+B6Xlfw3cDzzW7H0Y7f0HdgIzmj32Wr9SHtH7+UPglYjof2fdnwKPRMRrABGxp/geEXGgWGdS8TXe39Gs6zkAkHQKcDlwz6iNcuTUvf/jjYMOK4AHqrTPB6ZLelLSBkl/1regmLJ2AXuA9RHx7CiNdaTU/RwA3wO+CRwZjQGOsEb2P4DHi/ZrR2WUQzCx2QNoJkknAFcAq6osngicR+XVfjLw35KeiYj/iYheYKGkacAaSWdGxJZRG/gwauQ5oBKAPRGxQdLFozXWkdDo3wCwKCJ2S5oFrJe0PSKeHrWB1yn7Ef3zwPMR8WaVZbuAdRHxm4jYBzwN/H55hYjYDzwJ/NFID3QENfIcLAKukLQTeBC4VNJ9ozXgYdbQ30BE7C6+7wHWAOeP0ngbkj3oV1N9ygbwM+AiSRMlTQEuALZJmlkcyZE0GfgssH1URjsy6n4OImJVRJwSEW1Upr2/iIhrRme4w66Rv4Gpkk4CkDQVuAwY0zO6tFP34h/uc8B1pbbrASLi7ojYJmkd8AKV89B7ImKLpLOBf5E0gcoL5cMRMe4uL0Hjz0FTBjsChvA3cBqVUzaoZOj+iFg36jtQB98Ca5ZA9qm7WQoOulkCDrpZAg66WQIOulkCDrpZAg66WQL/DyDCHIXO0GSsAAAAAElFTkSuQmCC\n", "text/plain": [ "
" ] @@ -535,22 +535,22 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 5, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "" + "" ] }, - "execution_count": 13, + "execution_count": 5, "metadata": {}, "output_type": "execute_result" }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAX4AAAEICAYAAABYoZ8gAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+j8jraAAAgAElEQVR4nO29eZgjZ3Xv/znapW519/QyPfs+3ncPtsEGHAzErCbg+LKEJSEhEJJAwk0ISe6FH7+Q4EtuIIQEwhrCDr4Q+xICBuMFb2PPeJ/Fs+8zvW9St/b3/lFVanW3pFZLVSqp9X6ep5/ullTVb1dJ3zr1fc97jiil0Gg0Gk3r4HF7ABqNRqOpL1r4NRqNpsXQwq/RaDQthhZ+jUajaTG08Gs0Gk2LoYVfo9FoWgwt/BqNi4jIfSLyu26PQ9NaaOHXtCwicoOIPCwiEyIyKiIPicgL3B6XRuM0PrcHoNG4gYh0AD8G3gd8HwgALwaSbo5Lo6kHOuLXtCrnASilvqOUyiqlZpRSdyulnhGRd5nR/+fMu4H9InKTtaGIdIrIV0TkrIicFpG/ERFvwfO/IyL7RGRMRH4mIhsLnnuFub8JEfkcIHX9rzUatPBrWpcDQFZEvi4irxKRFfOevxY4DPQCHwV+KCLd5nP/BmSAbcCVwCuB3wUQkVuAvwTeCPQBvwK+Yz7XC/wQ+Gtzv4eB6x36/zSakmjh17QkSqlJ4AZAAV8ChkTkLhHpN18yCHxGKZVWSn0PeB54jfn8q4EPKqXiSqlB4NPAm83t3gv8nVJqn1IqA/wtcIUZ9b8a2KOUukMplQY+A5yrz3+s0cyihV/Tspji/C6l1DrgEmANhhgDnFZzKxgeN5/fCPiBsyIyLiLjwL8CK83XbQT+seC5UQw7Z625/cmCv68Kf9do6oUWfo0GUErtx7BwLjEfWisihf77BuAMhlAngV6lVJf51aGUuth83Ung9wue61JKhZVSDwNngfXWDs39r0ejqTNa+DUtiYhcICIfEpF15u/rgbcAj5ovWQn8sYj4ReQ3gQuBnyilzgJ3A/9bRDpExCMiW0XkpeZ2XwA+IiIXm/vtNLcH+E/gYhF5o4j4gD8GVtXj/9VoCtHCr2lVpjAmcHeKSBxD8J8DPmQ+vxPYDgwDnwBuVUqNmM+9AyP9cy8wBtwBrAZQSv0IuB34rohMmvt8lfncMPCbwCeBEXP/Dzn6X2o0RRDdiEWjmYuIvAv4XaXUDW6PRaNxAh3xazQaTYuhhV+j0WhaDG31aDQaTYuhI36NRqNpMZqiSFtvb6/atGmT28PQaDSapmL37t3DSqm++Y83hfBv2rSJXbt2uT0MjUajaSpE5Hixx7XVo9FoNC2GFn6NRqNpMbTwazQaTYuhhV+j0WhaDC38Go1G02Jo4ddoNJoWQwu/RqPRtBha+DUazZJ47Ogojx0ddXsYmhrQwq/RaCpm75lJ3vHVnfz5HU+7PRRNDWjh12g0FTExnea939xNIp3j2Mg05yYSbg9JUyVa+DUaTVHiyQyf/K/9TKcyAHzu3oOcGZ/h47cY7YV3Hh0pt7mmgdHCr9FoivLYsVG+cP9h7t0/BMCTJ8a5Yn0Xb7t2I9GQj0ePaJ+/WdHCr9FoihJLGJH+s6cnyOUU+85OcvGaDrwe4QWbutl5REf8zYoWfo1GU5R40hD+505PcGwkTjyV5eI1nQBct6WbI8NxBie1z9+MaOHXaDRFiSVnI/7nzkwCcNGaDgCu3dwDwKM6rbMp0cKv0WiKYgn/xEyanz13Dp9H2N7fDsDFazpoD/p45PCwm0PUVIkWfo1GUxTL6gG4e+85tvdHCfq8APi8Hm7Y1su9+4fQfbubDy38Go2mKLFklq6In4DXQzqruNi0eSxuunAl5yYT7DFtIE3zoIVfo9EUJZbMsCIS4ILVUYAFwv9rF6xEBH6xb8CN4WlqwFHhF5E/EZE9IvKciHxHREIisllEdorIIRH5nogEnByDRqOpjngyQ1vQyyVrjUweK6PHorc9yJXru7hn36Abw9PUgGPCLyJrgT8GdiilLgG8wJuB24FPK6W2AWPAu50ag0ajqZ5YMkNbwMdNF6xk3Yrwgogf4OUX9fPs6QkGdFpnU+G01eMDwiLiAyLAWeBlwB3m818H3uDwGDQaTRXEEhmiIR83XdjPgx9+GW1B34LXvPzCfgB+/MzZeg9PUwOOCb9S6jTw98AJDMGfAHYD40opK13gFLDWqTFoNJrqiacyRcW+kO0r27luSzefvecgI7FknUamqRUnrZ4VwC3AZmAN0AbcvITt3yMiu0Rk19DQkEOj1Gg0pTA8/vLCLyJ8/JZLiCcz3P7T/XUamaZWnLR6Xg4cVUoNKaXSwA+B64Eu0/oBWAecLraxUuqLSqkdSqkdfX19Dg5To9EUYyqRIbqI8AOc1x/ld27YzPd3neJRXb+nKXBS+E8A14lIREQEuAnYC9wL3Gq+5p3AnQ6OQaPRVEEmmyOZyS0a8Vt84KbtbOqJ8Cffe4qxeMrh0WlqxUmPfyfGJO4TwLPm3/oi8GHgT0XkENADfMWpMWg0muqIJ7MAFQt/W9DHP73lKoZjSf7sjmf0at4Gp7KzWiVKqY8CH5338BHgGif/rkajqY2pZBqA9qC34m0uXdfJh155Pp/8r/08fWqCK9Z3OTU8TY3olbsajWYBVsTfHvQvabvbdqxHBB44oBMyGhkt/BqNZgFWZc62JUT8AN1tAS5d26mFv8HRwq/RaBZgVeZsr9DjL+Ql2/t48uQ4k4m03cPS2IQWfo1GswAr4m8PVSH85/WRzSkePqRr9TcqWvg1Gs0C8lZPYOnCf+WGLtqDPu4/oIW/UXE0q0ej0TQntVg9fq+HF23t4cdPn+HU2DQv2trL+27cavcQNTWgI36NRrOAWMKa3K0uNnznizZx/qooR4bifOYXB0iks3YOT1MjWvg1Gs0CYqkMAZ+HgK86ibh+Wy93vO9FfPyWi0lmcuw+PmbzCDW1oIVfo9EsIJ7MVGXzzOfaLT34PMKDBRO9uZzi0SMjpLO5mvevqQ4t/BqNZgGxRGbJOfzFaA/6uHJDFw8eNIT/yFCMN3/xUd78xUf59M8PVLSPmZS2iexGC79Go1lALJld8qrdUtywrY/nzkzw+LFRbvncQ+w/N8nl6zr52kPHGJya7dy188gI33jk2JxtnzgxxlX//8/5xqPHbRmLxkALv0ajWYBh9dQe8QPcsL0XpeDtX9lJ0O/hJx94Mf/45itJZ3N87peHAMP++ciPnuXjP95LMmNE+IOTCd77jd3MpLN85VdHyOV04Te70MKv0WgWEKugCUulXL6uk2jQRyar+PxvXc26FRE29bZx2wvW853HTnBgYIpf7h/kyFCcdFax7+wUAB/83lPEkhne+9KtHBuZ5hFd6982tPBrNJoFVNJ9q1J8Xg//43UX8bm3XskLNnXnH//gy7fTGQ7w+9/YzefuPURXxLCWnjk1zuBUgocPj/AHN27lgy/fTlfEz7d3nrBlPBot/BqNpgixZGXdtyrlth3rufmS1XMeWxkN8YXfuopTY9M8dXKc99+4jd72AE+fnOCRw0Z0/5Lz+gj5vbzpqnX8bM85hqYq7+sbS2b40gNH8taRZhYt/BqNZgF2Rvzl2LGpm79742VctaGLN1+znsvWdfHMqXEeOTxCNOTj4jWdAPzmjnVkcop79g1UvO+7njrDJ36yjzufOuPU8JsWLfwajWYOuZwinsrWRfgBbr16HT/8g+uJhvxctq6TQ0Mx7n1+kOu29OD1CADn90fp7wjyqyUUftt1fBRAW0RF0MKv0WjmEE8Z5RrstHoq5fJ1XSgFA5NJrt/ak39cRLhhWx8PHxquOLtn9/ExAj4PT50cZ++ZSaeG3JRo4ddoNHOwum9FbErnXAqXruvM//yibb1znrthew9j02n2nl1cxIemkhwfmeb3XryZgM/Dtx/T6wAK0cKv0WjmkMoYpRSCvvoLf297kLVdYXrbg2xf2T7nuevNC8GvDi5u9+w2bZ6XXdDPay9dzXcfO8kb/vkh/vneQyilUErxtYeO8tzpCfv/iSZAl2XWaDRzSOcM4fd7xZW//94bt4JSiMz9+yujIS5YFeXBQ0OLlnnedcyweS5Z28FHXn0hnRE/T58c51M/e56JmTSZrOKrDx3lrddu4G9/41In/52GRAu/RqOZQyZreOh+rzuGwNuv21jyuRu29fLvjx5nJpUlHCh9R7Lr+BiXr+sk6PPSF/Xy0dddjFKKj961hy8+cCT/Oqv8dKuhrR6NRjMHq2qmz+NOxF+Omy7sJ5XJ8dM9Z0u+JpHOsufMBFdv7J7zuIjwsdddzO/esJk/uHErF6/pyHcaazW08Gs0mjlYwu9WxF+O67Z0s7m3rWyKplX64dK1nQue83iEv37tRfz5zRcQDfl0xK/RaDQAaZetnnKICG+5Zj2PHxvjwMBU0dcMmBU/V3WGyu6rPehnSkf8Go1GAxnL6nFpcncxbr16PQGvp2TUPzBhCH9/R7DsfqIhH7Fk2vbxNQNa+DUazRzSucaN+AG62wL8+iWr+NGTp4su5hqYNOr59EXLC39b0Jtfs9BqNOaZ1Wg0rpHOuJvOWQkv3NLDxEya0+MzC54bmErQ3RZYdB1Ce9CvPX6NRqMByOSsrJ7GlYfz+o3FXQcHF/r8g5MJ+jvK+/tgWD2pbK4lq3c27pnVaDSukDIndwO+xo34t6+MAnBgILbguYHJ5KL+PpBvJt+KUb8Wfo1GM4f85G4DR/ydET8ro8GimT0Dkwn6o4tH/Hnhb8HMnsY9sxqNxhXyefy+xpaH8/qjHBqcG/FnsjmGYxVG/CFD+Kd0xK/RaFqdfB5/A67cLWR7fzsHB2JzMntG4ilyClZW4vHriF+j0WgMZvP4G1sezuuPMpPOzsnsGZi0cvgrsHpC2uPXaDQaoHDlboNH/GbZ5kKf/1yFi7dAe/wajcZlJqbT3PyZB3jyxJjbQykoy9zY8rC938jsOVjg8w+YzdiXEvG3YtmGxj6zGk2LsOfsBPvPTfHlB4+6PRTSmcZeuWvRGfbT3zE3s2dwMoFHjIYuixEN+gFt9diOiHSJyB0isl9E9onIC0WkW0R+LiIHze8rnByDRtMMnBydBuDnewYYi6dcHUsml0OEfKPzRua8/igHC3L5ByYT9EWDFY095Pfg9QhxHfHbzj8CP1VKXQBcDuwD/gK4Rym1HbjH/F2jaWlOmMKfyub4j6dOuzqWdFY1fLRvsbWvnSNDMZQy7lKMxVuL2zxgVPpsD/q0x28nItIJvAT4CoBSKqWUGgduAb5uvuzrwBucGoNG0yycGJ1hY0+ES9d28r3HT+aFzA3S2VzDp3JabF3ZTjyVzRdmG5hMsLKCxVsW7UGfzuO3mc3AEPA1EXlSRL4sIm1Av1LKap9zDugvtrGIvEdEdonIrqGhIQeHqdG4z4nRaTZ0R7htxzr2n5vi8FDctbFksrmGT+W02NrbBsDhIcPuGZyqbPGWRauWZnby7PqAq4DPK6WuBOLMs3WUEdYUDW2UUl9USu1QSu3o6+tzcJgajfucHJ1mfXeES8yuUcdH3BP+VDNZPWZK5+GhGBPTaUbjKdauCFe8vbZ67OcUcEoptdP8/Q6MC8GAiKwGML8POjgGjabhmUoYgrWhO8LaLkO0zhQpN1wvMtlcw+fwW6yMBmkP+jgyFOeJk0Yq7BXruyrevi3Ymu0XHRN+pdQ54KSInG8+dBOwF7gLeKf52DuBO50ag0bTDJwcNUR+Q3eE3vYgfq9wejzh2ngyueaJ+EWErX1tHB6K8eTxMTwCl6+rXPjbQ76WzOP3Obz/PwK+JSIB4Ajw2xgXm++LyLuB48BtDo+hpZhJZfF6hECDF9jSzGJl9GzojuDxCKs6Q65G/KlsrmHbLhZjS187O4+MoBRcsKqDtmDlshZt0YjfUeFXSj0F7Cjy1E1O/t1W5i1fepSetgBfedcL3B6KpkKsHP713REA1nSGOTvhstXTwCWZ57O1r40fPXma8Zk0b7xq7ZK21R6/pik5N5HgvueNaZJYMsPTp8a5Z/8gvzqoM6GahROj03SG/XSGjZWka7vCnHHR6klnFf4GbsIyn619xgTvdCrLVRuWth60PeRjOpUlW6R373JGC3+T8+VfHeF3/u1xxqdTPHtqAqUg4PXwtz/Z33Jv5mbFSuW0WNMV5txkIl8ls96ks7mGbsIyHyuzB1i68LdoobbmObuaopwYnSan4NEjozx9ahyAv3rNhew7O8mdLq8A1cwlnc0xPr2wHMPJIsKfzSkGzYJj9SadzRFoksldgI09ETwC3W0BNvZEFt+ggKhZqK3VyjY0z9nVFOXkmOEFP3x4mKdPjrOxJ8Lbr9vIBauifP6+w66uANXM5bP3HOTFt9/LqbHp/GOpTI5TYzOs657NPV/dZaw8dWuCN5NVTTW5G/R52drXzjWbuhFZ2rjbrUJtWvg1zYQlIg8fHuHpk+Ncvq4Lj0f4vRdv4eBgjPsOaK+/UfjFvkGmkhn+8kfP5S/Iu4+PkcrmuLrAosjn8k+44/Onc6ppVu5afPVdL+ATv3HJkrdr1faLzXV2NXOYmE4zlciwqiPEocEYZyYSXG4uXnnd5Wvo7wjyxfuP8PWHj/Gmzz/MkEvWgQaGppLsOzvJ+f1RHjgwxB27TwFw/4EhfB7hRdt6869d3eluxJ/O5Ag0UcQPRkZUTwWlmOejPX5N03HSjPZvvXpd/rHL1xlL/gM+D+960WYeOTLCR+/aw+7jY9y7Xy+SdouHDw8DcPutl7Fj4wpu/+nzJNJZHjgwxNUbV+QFCCAa8tMR8rln9eSaa3K3FqIt2n5xWZ/dnUdG+MXeAbeH4RinTH//lRf30xn24/UIF6/pzD//tus28OpLV/EPt11OT1uAR4+MuDXUludXB4fpivi5dG0nH3rl+QzHknz+vsPsPTvJS89fWItqTVfYvYg/q/C3yALA2Yi/tQq1Ob1y11X+9YEjnByd5uUXFS0AWncmZtJ89M7nuHx9F799/eaq9qGU4md7zvHyC/vz/v7G7jZeeVE/J8emCQe8+dd2hPz8y9uuBuCefYM8cmQEpdSSJ8A0taGU4qFDw7xoaw9ej3Ddlm6uWN/FZ395EICXbC8u/G6VbWimssy1oj3+Zchl6zo5NBRz1b/7/q6TXPnxu/nID5/l1s8/zH88dYZv7TxR9f6eODHOe7/5BHc9fYZTYzNEgz46wj7+7o2X8o13X1tyu+u29nB2IpEvD6CpH4eH4pydSHDDNkPgRYT33bgVpYwWgRet7liwzZou98o2ZJqoOmettAd8iMCkDcI/MZPOr8JudJb12b18XRdKwZ7TE66N4f7nh0ikc/zoyVMMTiV5xUX9HBqMMTFT3a3lOTPT477nhzg5Os267ggigs/rKfthfeGWbgBt97jA3XvPAfDi7bMTuK+4sJ9L13bymktX4SkSXa/uDDMxk2Ymla3bOC3STVarpxY8HqML12SVn8dCPvjdJ7npH+5vCnt5WQv/peZE5zOn3BP+vWcneel5fez661fw6Edu4l0v2gTA0yfHq9rf0JQh/L86OMTx0WnWVVh7fGtfO73tQR45rIW/nuRyiu8+dpJrNnfna/GAITj/8f7r+djrLy66XVfEyC+vNkCohXQ21zIRPxiWaK1Wz8nRae4zM7R+/5u7uXvPOZtG5wzL+uz2tgdZ2xXOr2itN/FkhmMjcS5a00F70Ec44OWydZ2IwJMnqhT+mJGSOTad5tBgrGLhFzG85UeOjLhWCqAVeejwMCdGp3nbtRsWPOf1SMn5FqtujzvCr5qmHr8dREM+JhO1HefvPHYCAe58//Ws7Qrz748cL/q6Q4Mx3vHVx7j+k7/ktn99xLUFlsta+MHw+d2K+Pefm0IpuLDAw42G/Jy3MsqTZtOIpTI4mSQaNHxJgPUrKl+i/qpLVjMwmeRPv/+0Fv868e2dJ1gR8XPzJauWtJ2bwp/JNU/rRTswIv7qj3M6m+P7u07xsgtWsr0/ypa+tpIXknv2DfDAgSF6o0EeOzqa78VQb5b92b1sXRcnRqcZiy+skeI0e89OAnDRmrmTd1du6OLJE+NVXe2HYkk29ka4zGw2UWnED/Cay1bz4Zsv4K6nz/ChHzytyzk4zNBUkp/vHeDWq9cR9HkX36AAt4RfKWVG/MteGvJ0hH1MzlRv9dyzb4DhWJK3mnd1HSF/yTmD4ViSkN/Dp269DIBHj7pjvS77s2staHrGhQnevWcm6Qz7WWOuxLS4ckMXEzNpjg4vva/q0FSSldEQLz3PyBBZt4SIH+B9N27lz379fO586gz/ct/hJf99TeU8emSETE7xusvXLHlbt4Q/Y1Z0bZV0TjDuwqdqyOPfe2YSEXjpeSsB80JSYs5gOJaitz3I9pXtrq6tWfbCf4kl/FVOptbCvrOTXLg6usDHvdKsy1KNzz80laSvPchvXbeBP3n5eVywKrrkffzBjVt5wxVr+Pu7n9ereR3kudMTBLweLli1MF1zMVwT/qwh/K1l9cxG/PFkZsmficlEhvagD695sbQi/mJ31MOxJH3RICLCNZu72XlktPZ/oAqW/dntCPnZ3NvGnjOTdf272Zxi/7lJLlrdueC5bX3tBH0e9p9b2piyOcVIPEVfNMjKaIgPvHx70VTAxRARPvmmy9jU08YX7tdRv1M8c2qCC1ZHq2qDGQ25I/wpc+6ntSZ3DY9fKcVdT5/ht//tcZ44Ufkc3FQiQ4d5vgA6wn4yOcVMemEq7tBUkl6zptB1W3o4PT7jSu7/shd+MFqzHRmO1fVvHh2Ok0jnFvj7YKTy9bYHGYktbd5hNJ4im1Os7Fh6Mar5hPxeLl3byblJ9zo9LWdyOcVzZya4dO3CC38leD1iZJvUPeK3hL8lpAEwsnpyCuKpLAPm5+HOJyvvZTGVSOdr/lj7A4rOGwzHZoX/WnNtzc6j9Y/6W+Lsbu1r59jIdF07Uu05Y8wpXLi6uBXT2x5gZIkTzlZ1zb4qqhAWo78jyLmJRMtP8iYzRrE0Ozk+Os1UIlO18EP5SUKnSJtWTysJf4dpq00l0vlg7MfPnCVdYebbVCIzR/it6H9+Zk82pxiNp+hrDwBw3sooKyJ+V3z+lji7W/raSGVynB6rX+rU48dGaQ/6OL+/uPB3twUYiS+tTLKVw98XtUv4QyQzuZoyGpYD39l5gnd89TGesnEe6FkzmeCSGoS/M+yvu9VjiV2rrNyFuRG69Zkciad48NBwRdvHkpk51VWtC8n8i/ZoPEVOQa/5+fV4hMvWdS3Z8rWDlhB+qxnz4aH62T2PHR3l6o0rSk6S9VRh9VgR/8poaJFXVkZ/h7GfganWtnvufd6I9u/Zt/Sl9nfsPsUffedJUpm50eGzp8YJ+DycV+LCXwluCH8+q6eFhN+K0KcSaYanUly1oYuOkK9iu8ewego8futCMi/itz6/vQV37D1tAcbi9V+r0RLCv6XOwj8aT3FgIMY1m7tLvqbHtHqWYrMMmgLdGw3UPEaAVWaa6TmXOj01Aol0Nn+rfc++pWc4feXBo/zfp8/w8R/vmfP4s6cnuHBVdRO7Fm5G/K1k9UQLhHo4nmR1V5ibL1nFPfsGK/p8LrB68tbR3Dvp4SJ37J2R+p9jWILwi8haEXmRiLzE+nJyYHbS3RZgRcTP4aGl581Xw+PHjMmaa8sJf1uAVCa3pMqhQ1NJ2oM+IgF7qmn3m3cOA00ywfvY0VH+5sd7K/ZeK2Hn0VGSmRwv3NLD3rOTnJ2o3A48OzHDvrOTbOyJ8M1HT/Cdx4yqq9mc4rnTk/laUdXiqtXTIo1YYK5Qj8RS9LYFOK8/ylQyU9Hxn0pk8uWdocDjn7etJfyFEf+KSIBYMrPgjtFpKjq7InI78BDw18CfmV//3cFx2c6WvnaO1Cnif+zoKEGfp+wHv6fNOPmjS5jgNRZv2ePvA/nsoGYQ/jPjM7znG7v48oNH+dTPnrdtv/c/P0TQ5+GvXnMhAL9cQg73vfsNi+gLv3U1Lzmvj/9553PsPj7Kp372PLFkhhcXqbO/FNyIBq3J3YCvdaweK1ofiaWYmEnT0x5kjdX3eJGeCMlMllQ2Nyedc/YOonjE39s+e8e+wizGNz5T38oClV7W3wCcr5R6tVLqdebX650cmN1s6W3jSBUrZavhsaOjXLmhq+wy/W7z5A9X4PM/eHCY4yNxIwfYRuEP+b10RfwMTDZ2L950NscffvsJ0pkcr7pkFV984IhtpW/vPzDItVt6uHhNBxu6I/xyEbsnl1McHJhCKcUv9w+ytivMBaui/NObr2RNV5h3fe1xvnD/Yd567QZ+/eKl1eeZT2fYTzKTI1EkH9wpMq0Y8ZuifXzE0Iee9kDFfY8tO6fQ6gn5vQR9ngUR/9BUkqDPM2ciuCti6MDEdH0v8JWe3SOAf9FXNTBbV7YzNJWsuQrfYkwl0uw5M8E1m3vKvq7XjPhHYuVF9+FDw7z9qzt565d2cmJ02raMHotVHaGGz+X/v0+f4YkT4/ztGy/l0//tCi5YFeV//Wx/zfs9OTrN4aE4Lz2vDxHhxvP7eOjwcFlf99EjI7zi0w/wP+/cw0OHhnnZBSsRETojfr70jh3kcoodG1fwsdcVL7e8FEplhzhJK6ZzhvxeAl4PR0eMhVQ9bUZVX2BR66+Y8INx7uZrjVWuoXAlv1V+e6zOwl/WLBaRfwIUMA08JSL3AHmlUkr9sbPDs48tvW0AHBmKc8X6Lsf+zoGBGDk1WyOoFD1mxF/O6hmOJfnA955ibVeYcxMJMjllWw6/xcqOEIMNLvz3PT9Eb3uQ11++BhHh+m29eT+9Fv7DzNp4pdmac2NPG4l0jslEJl8yYT7WRfIbjxpld192wcr8c+f1R7n3z26kM+yvaVLXorBsw8oOezK5FiPdgit3wRDuo+Yiz972AL3tQfxe4cwiiQ9WVc/24Nz3S2EZCIvh2MI79hVmxD82XV+rZ7FZwl3m993AXQ6PxVG2rjQzewZjjgq/FcEvlnLZ3Wac8HKLuD7xn/uYmElz5/uv58GDw3ziJ/vyKZh2saojyPMu5BFXSi6nePDQMDeaUTkYC8+mU9kF+W0MZf8AACAASURBVNNLQSnFHU+c4rotsw1SLO91JJYsKfzjZmT2vhu38tjRUV64de6dnV2ptuBOvZ5Mzsrjb52IH4wI/Vje6gni8Qj9HSHOLmL1xJYQ8Q9NJRdU07Ui/vEGE/7rgf8CfqGUmqrDeBxjg/nhPuXwIi4rgu9uL59yGfJ7aQ/68hM+xdh9fIxXXNTPhas7OL8/SnvINyfCtIP+jhBDU0myOZUvMtVI7D07yWg8xYvPm21bmF9/MJmg3UzVXSqPHxvj+Mg0f/yy7fnHrAn3kXiKLSXmZSdm0ojAf3/l+Y4fLzeEP5VpvTx+MITbcvisAGBNZ3jRiH+yhPBHQ34m5on5cCzFlRvmBp2Wxz/eYB7/V4DLgZ+IyD0i8mERubwO47Idv9dDJOB13OO3IvietsVz7bvbAiWtnlQmx6mx6bxF5fEIb7lmg+0Rf39HiJyi7AXITR44aGTOXL9tVviteY5aspF+sOskbQEvr7p0dgK2pyDiL8XETJpoQSVGJ3Ez4m8ljx9mJ3gDBZOvq7tCFXj86Tnbz+5vbmlmo1xDck4qJ0BbwIvfK3X3+MueXaXUTqXUx5RSLwZuA04AHxKRp0TkqyJyW11GaRO1dtqphOGYkWsf8i/eeKOnPVBy9e7JsWlyCjb1tNk9xDkURs+NglKKz993mHufH+SBA0NcuLpjjoVijXmwymykdDbHT549y6svXT1nTYR1sS6XaTU+ncpHaU7jivC34OQuzEbsvW2BvKW4xpxby5Wp8WVN7s63HDvCc+ss5cs1zBN+EaErEmg4qyePUmoE+I75hYhcDdzs0LgcIRry1dxUeTFGYql85LgYPW1BTo0VL8l6zEw93dTrrPCv6phdvXvZOkf/VMU8fmyM2386m7Xz+y/ZMuf5Wi9W49Np4qksl82bgF9hzbuUEf6JmXRJ/99urKX/dbV68umcrWX1WBF7T4Ewr+kMkc4qhmPJkpPr1gLM9vkef8jw+JVSiEjRxVsWKyL+uls9FQm/iHQB7wA2FW7TTFk9YE9T5cUYiScrsnnAiDCfKdEI3urOtdlh4e+3FnFNNY7V893HThAN+njvjVv57uMnFnSwMlYvexmscsxx88PaNi9K83s9dEX8ZYvnjc+k8xNyTuPzGrZDPYvotXrEXxi0re40F3FNJEoK/1QiTdjvXXC8OsI+0llFMpMj5PcW1OlZqA1d4UDDZfVY/AR4FHgWaNou3dGQ3/EDPBJLVdwOsafd8PhzObWgocqxkTgdIV9+ZZ9T9LQH8XqEgQap1zMxk+Y/nz3LrVev4/2/to33/9q2oq/r7wgtGvGnMrmiaZX5KK1IRlBPW2n7zRqftaqzHtS7bEOrpnNaayasCX4wPH6As+MzJTMB59fpye+voGxDyD8bpBSbo+uK+Dk+Ut9mLJVe1kNKqT9VSn1NKfV168vRkTlAR9jvvNUTTxW9qhejuy1AJqeK3oUcG55mc2/bgraNduP1CD1tgYaZ3L3zqdMkMznecs2Gsq9bGQ2W9fi/9/gJrv6bnxf1TssKf3uw7LGYmE7TVSerB4z3rBvC32rpnHmPv+Czu6Yg4i/F/Do9FvnFd+Zn2wpSijVRWhEJNGzJhm+IyO+JyGoR6ba+HB2ZAxgev3MfopzZaKFSj9/y+4rl8h8djjvu71u4UQysFD/YdYpL1nYsWse+vyNUspy0Uoov/+ooU4kM9z6/sASDlXtd7ANbrkGOUqquHj9AZ7i+XbjytXpaTviNc1rowXdF/IT93rJlG6aSmTklmS1m52eM99rgZIJoqHiBxa6In7Hp4j16naLSs5sCPgU8grGYazezi7vKIiJeEXlSRH5s/r5ZRHaKyCER+Z6I1CdFAtPjd9AvnZhJk82pObeL5eguMZmYSGc5MzHjeEaPRZcLk0vFmJhO8+zpCX79osVr3FgRf7EPy67jYxwcNFZh/mLvQuGPp4p7/GDc6pdK54ynsmRyqm4eP9T/opxpwUYsMCvUhUGbiCya0jmVSOe3nbO/eRH/4FSyZCp2V8So1FusR69TVCr8HwK2KaU2KaU2m19bFt3K4APAvoLfbwc+rZTaBowB7658uLXREfKTyjpX9Cqfw19pVk++bMNcoTk5Oo1Szk/sWnSGAw0R8VsNrq/etGLR1/Z3hJhJZ5kqUtb62ztP0B708frL13D/gaEFJW/z9VWKWj0BxqbTeQEsxDpG9Yz4reyQepE2UxdbLavHKqVg9aiwWN0Z4uxiVk+R99H80swDk4mSlXVXuFCvp1LhP4RRr2dJiMg64DXAl83fBXgZcIf5kq9jVP6sC9aV2Smf34oUK434S63aO1qnVM7ZcTSG1bPr+Chej1RUUsPySufXGRqfTvGfz57lDVeu4fWXryGWzLDz6NyepqWyemA2l3+0yNyANV/QGa7bTSqRgJfpVP0iwXQ2h98rjs8tNRpXru/im+++lhdumVuCoz3oY6bM8Z/faN2iIzy3NPPAZPmIH+pbtqFS4Y9jFGn7VxH5rPVVwXafAf6c2UygHmBcKWUp7ylgbbENReQ9IrJLRHYNDdnTCDta0GLNCZYa8UfMRV7zP9hWzZDNdbJ6OsP+ui8gKcbu42NcvKajokYzs7n8c++WHj82RiqT45Yr1nL9tl6CPs+CzlqxZAYRQ1TnY+VxF8vssUrn1jPijywiPHaTyeZaqiSzhYhww/beBRe8gM9LskyTlFiilMc/G/ErpYxeGkUmdqGwXk/jRfwPAZ8AHmbW4z9QbgMReS0wqJTaXc3AlFJfVErtUErt6OurraGFRakGCXaRj/grFP6wKTzzvb0To9N0hv101slL7gr7iaeytna2Ksa5iQTZEqsg09kcT50c56oNi9s8QP62eX5Kp/X7hu4I4YCXG7b1LpjgjSUztAd8RaPanjKLuKy7onp6/BG/l1Q25/i5sUhnVculcpYj6POU7I6VzSniqWzRiD/k9xLweZiYSTM+nSaVzeU73s3HjQqdlQr/W4HdBWmcKeDti2xzPfB6ETkGfBfD4vlHoEtErCO1Dqiso7ENzLZYczbi765wSX/Q58HrEaZTcy9EI7GU7XX3y2EJmZN2z76zk9xw+y/58TNnij6/98wkiXSOHRX4+0B+Qc38RVyDkwk8MivgF6/t5MTo9JwPb6xECh4URPxFFnGNu+DxR0w7ql52j2H1tF7EX4qgz0MyU/zYx0qUa7DY0B3hyFA8n31WyupZ0cAR/63Av4vIBSLye8AfAK8st4FS6iNKqXVKqU3Am4FfKqXeBtxr7g/gncCdVY28CqKOe/wpVkT8FedAiwgRv5d4cu4bazSeymf81APrgujkG+8zvzhAJqc4Nlx8qmjXcWNid8fGyrKE24M+2oO+IhG/UQjLOgfrVoRRam5D+XgqU9Tfh8LSzA0S8QcsO7A+q3czWaWFv4CAz1PS6pksUaDN4sLVHew7O5lfb1LK6ul0oTRzRWdYKXUEQ7x/CLwJeKVSaqLKv/lh4E9F5BCG5/+VKvezZKIlmiDbxUg8uWTBDge8CzzcselUxXcNdpBv/+bQIpLnTk/wsz1Gq8Sh2Fyh/v7jJ7ny43dz+0/3s7YrvCCrohzFFnENTCXmRFbrzFW2p8ZnLzilMjHA+BD7PFI84p9O4/cK4QoK8NnFrPDXL+JvtVTOcgTLePylum9ZXLS6g9PjMxwYMCral7J6gj4vkYC3rlk9i3XgehajA5dFN+AFdooISqnLKvkjSqn7gPvMn48A11Qz2FpxOqtnOJaaU+SpEiIBL9PphRH/1RvrKPwOR/yf+cVBOkI+OsL+fM0Si3v2D+AR4S0vWL/k5uQ97YEFAj0wmWRt1+wHbK3Z+OJ0QR+GeJkGLh6P0F2ibIOxeCtQ14wXa6K7XhO86ZyO+AsJmB6/VWytEGsFeLHJXYALV0cBuP+AkZxSKuIH4zNYT6tnsfSJ19ZlFHWiLeBDxDmPfzSe4rz+pTUGCQd8zBTcxudyirHpNN1t9bMTnPb4Hzw0xG071nNkKL5A+A8PxdmxaQX/3y2XLHm/neHAguqmg5OJOc0uVneGEYHTBasvY8lM2U5ZRtmGYsKfojNcXcevarEi/niR9QpOkM7k9ORuAUGz1lMqmyPom3unl2+7WCriX9MBwM6jo3SG/WVLtUdDfmLJBvH4lVLHy33Va5B24fGIUe3QwayeSnP4LebnaU8lMmRzKj/TXw86HYz4szlFIp2juy1AXzTIUMGq2HQ2x7HhOFur7KI1v5xtMpNlJJ6ac0sd8HlYGQ3Oi/izJT1+sMo2LLR6JmbSdavFb5G3euq0qjOTa810zlLkhb+I3WN9btuKpAWD0Yazt91YlVtq8ZZFe8iXv4OoBy13hp1aCZnJ5sxIfWnCMF/4rYVD9ZzcjYb8iMxmrdiJVR6hPegzhH9qtszCidFpMjlVvfC3zS1nO5SvgDj3Q7a2Kzwn4i+16Ca/30jxzmjj0/Wt0wOzVs90sj7Cn8oq/DY0il8uWMJfzOe3KgCUi+QvXG1E/Yt1zmsP+vJZQvWg5c6wU81YrKv1UoUh7J87uZvv2VtH4fd6xLggOiD8lmBFAj762oMk0rn8sTps1tPZurI64e+K+ElmcvnjZy3mmv8hW7siku+1rJSRe90WLP1hLbWSeWKmvpU5wY2snhz+FivXUI5AmYjfuhgEy1woLbunnL8PRsRfrPyIU7Sc8DvVfrFUC7bFMCZ3Z0+4G8IPVqE2+7N6ZguiefNrE6zI/PCQsUJ5S191K5S7zNIJVknbwRKlb9d2hTk7MUPOtJ2yOUV7sLSAd5mF0ea33JuYTudTX+tFvbN6Mlmls3oKsHz9YhH/rPCXDiIuqjDij+qI31mcivjzlkYZC6EYxuTu7Id6zBT+enr8YJZtcDriXyD8MVZGgyXzoBcjX9wqPrfm+cKIP0w6qxicShbU4i/9Ye2MBFBqbvZXJptjKpmpaw4/FFg9dRL+lF7ANYfyEb9xToL+MhG/KfyrKrF6dMTvHB1hZzz+coW/ytEIHj9Y9XrsPy6xZJGIPzYr/NX6+7CwuNXAVBK/VxasgbBy+U+PT5fskVpIfrK7YF2DlRBQb48/5PcgwpzMLyfJ5LTwFzLr8S+88CbSi1s921a286lbL+OWK9aUfA0Y78fpVLZkSRO7abkz7JzHb7wxykWSxWgLeJlJZ/MTnmPxFAGfp2gBMSfpigSc8fgtq8f0+IH8BO/hwRhbV1ZfiK5rXjlbo/RtaEEbSyuX/9TYzOwFukwhOMvHL/T5rZ+rvTuplvzq7nrl8Wd0rZ5CFov4Az5P2XUdIsJv7li/aDaYZRHXK+pvWeG3u9tNtRF/OOBDqdnoYTSeoqetvouEwOj05ExWj5nyFvTSGfbj9wpDU0mGYykmE5maIn7LDpv1+ItXQFybj/hnZudiykT8xaolxiu4U3CKcMBXv5W7uVzLtV0sR1mPP50rG+0vBSvLTAu/Q0RDfrI5ZXu3G2tiplwkWYz5WRuj8VTd/X0wJkrHp1MLJjRrxRLMSMCHxyP0tBkpnYeHjIyebVVm9MBCgR6YTBRdFt8W9NEV8XO6IOIvNwmf32/BhXA2Z7v+wt8W9Na3Vo/O6smzWFZPuVTOpWAlG9RrgrflhH+2Tra9B3h2+fZSI/65WRuj0/Ut0GbRFfGTUxCzWWDm3wlZi7j2npkEqCniD/m9hP3e/IT4wGRiQQ6/xdquMKfGZso2WrewGq1MFGQ5WZP3kSVaeXYQ9tevGYuuzjmXch5/Mp21LeJvz0f89Vm923JneLZCp70HuJbJXZityT8WT7HCBeG3Ji0nbJ7gtQTL+j+tRVx37z3HtpXtrDFtmGqxGlXPpLJMJjL5cs3z2dLXzqHBWIXCX9rqcSfir18zlnRWaaungECZBVzJjH1Wj/V+dKqO2Hxa7gw71YwllsoQ8HmWHC3Nr8UyGk/RXeeUQSgQfpt9/vi849LXHuT4yDSPHR3l1Zcs3lR9MboiASZmUpwxG2KXSpuzKiVaK3jLefXW5Pocqyc5O1dRbyIBb/6Ow2nS2RwBPbmbp9zK3WQmWzaHfyloj99hnGrGUq7iYznC/tnqi+lsjslExpWIv1T/31qJJzNzapn0RYPEkhlyCm6+ZHXN+19hRvyLrQK2VlDuOjaKR1i0tLK1iMsinnIv4p+/uttJMlk9uVvIYhF/qEwO/1LIZ/UkMozFU7z+cw9y0Czn7AQtd4ajDqVNxRKZqqLBwpWZluj2uOTxw9zcdTuYnlcQzcrl39QTyZetrYUVEaNezyFzsrjUKmBrIc3TJydoCxZvu1hIZyQw5yKYt6xciPjbgr66RPy5nGI6na17KnEjY0X0xSZ3E2n7Iv72goh/37lJnjk1wV1PF+9WZwctJ/zzJ1PtIpbMVhUNFlZftMo1uOnx2x7xpzJzjosl/K+6dLUtKaudZoXOw4Nx+jtKrwLuiwbpiwZJZXMV3ZkZEX/B5G4yg88jBFyIhos163GCeCqDUktPUFjOlJ3czeTKrtpdCtZnZCqRya9s/9XBYVv2XYyWE36nGlvEk5mqPjD5huupzGydHhfSOa2x2133fTqVnRMlX7Kmk7VdYd501Vpb9r/CrDF0aHBq0QwhK+qvRPjnr2SeThmRcL3XV4CxyG9+e04nmO0oVf85pkbFutAXTee0MY/f6xHaAl5iyVnhf+bUuO3JFhYtJ/yWt2t3xF+uj2s5CmuxWCWG3Yj4Qz4vIti+QjQ2b+5jQ0+Eh/7iZWxbWbvNA4bVk1Ow7+zUomsCLjZ9/krOU1dkbu2i+f9HPQkHfMyks7avsZhPtSnJyxmPR/B7peTkrl15/GDW5E9kGDSFP6fgkSMjtu2/kJYTfqdqn8SS1Qr/7IXIrcqcYLzBI34v03ZH/ElnPWPLokplc4tH/KbwVyJsnWZpZmuF93QqQ8Ql4beOX6KI3WAnVsKDjvjnEvR5S3j89kX8MFuobWgqyaqOEG0BLw8eGrJt/4W03KVdRBxZEBNLZGivwuMP+jx4xLCekpkcIu4IP0Ak6LM94p/v8dtN4SrnSq2eSsbTFTY6JyXSOcKm1VKq05LTtOVTfrP5O0QnmKyytPhyJ+DzlPD47ZvcBWgP+ZlKZsjNKNZ0heiKdPDQIR3x20axBue1Eq8y4hcRImYtlrPjM6yMBl1bOdkWsL80wHyP325WFPQmXszq2djTRiTgrSjin5/lNJ3KOCq65QjXqeG65fF3aKtnDkGz4fp87FzABVZN/jSDUwn6okFu2NbL0eH4gr7SdtCSZ9juLIlczujqtNTKnHPGk85wbjLBqs7aVrLWQiTgs30SsVoLrFKs9QftQV/Jcg0WXo/wT2+5kg3dkUX3W5jltLozTDyZZU2XOxZIfpGfwymd2uopjhHxO1urB4z38OBUgqGpJNds7uamC1cyY2PKaCEtKfwRv8/WyNa6e6i2cqNVk//sRIJtNdSuqRW7i4GlszlSmZyjVo9VQnlrX1tFGTc3Xdi/pP1amT1uRvz16sI1m9XTkrJQkmIRfzprdHKz1eMP+RiNpxmbTrMyGmJjTxvv/7Vttu2/kJa0esIBez3+auv05Mdjzjmcm0iwqrN8px4niQTs9fjn1+lxgs688Nt7weyMWCUsDKsnNm8hWj1xKgV5PrFEBo84e76akaDPuyDiz7ddtCmPH4yIf9hsUmStd3GKlry0R2y2eiop/LXYeKy2gKtdFP62oJczZi0bO8g3YXFQMH1eD+++YTMvu2Clrfu1LCSrbMN0KuPa5G49rZ72ClY1txqBIhF/0rzLt9OGKbzTspoWOUXLCr+dK1SrrcU/Ox4fT58aB3A94m+kO6FK+R+vvcj2fRZaPbmcMiep3bV66jG5q/39hQSLZPVYEb9dtXpgbuBYrKGQnbSo1eOztRFLzVZPwJv3V1e7OLnbZnMVSGui2K1IuRYiAS9+rzA+k86/V9yL+M1V1Q5H/JOJ6lafL3eKRfwJByL+wjlCp62elhT+iN/eSUw7rB4LN62eSNCXLz9sB/nmJS5NitaCiOTLNsw2YXEp4g/WK+JP172ncDMQLJLVk/f4bV7AZdHrsNXTksJv++RuqrZ+rIXC7/QtXjnaAl5SZiaOHcRdrGFvB4bwp/IXw2rTdWsl4lCZkflM6Yi/KIEiK3edmNy1jn13W8DxtTwtKfz2T+7WJnBWTf7e9qAjObuVYnf2SD0md51kZTSUn3QH9+5cfF4PAZ/HcasnVmWhweVO0YjftHpCdlo9Zt9dpyd2oYWFP5NTtkW2sRqXulsXDDdtnsJx2NV3d9bjb04xWdUZ4txEwtVG6xZ2ByvFmEqkq75rXc4UW8CVcCidE+pz19+Swm/3Evh4MlNRV6fS4zG2czOjBwoqhdpUqG3axQbldtDfEWJwKpFvgO3m/xHxO1uaWSmls3pKUDSrx8F0Th3xO8Rs8xN7BC6WNAqRVZv/bHm4bkf8VsRh1yKuvEVi47L2erKqI0g6qzg1ZqxtcDXiD/qYsen9WoxEOkcmp7TVU4SiefwOTu46ndEDrS78Nkb8tdwiW5G2+xG/eVxsi/izhPyepu3hap2PI0NxwN0VrRGHm7HoOj2lsVbuWiW6oTCP3773REfYzws2reC6LT227bMULXl5tywZ26yeKpuw5McTaIyIv83miD+edLYks9P0dxjn47DZz9fNcsUhvzefO+4Ek7oyZ0msqD6dVQR8xl39bB6/fUGN1yP84L0vsm1/5WjOUKxGCrte2cFUojbht26v17i4eAsK74Tsi/ib1d+HIhG/i/9LyO/NTyg6ge6+VZpifXdnrZ7mfH+3pPCHbRa4eDJTU4739dt6+fvfvJwXbOq2ZTzVko/4bbIUYk0e8fe2BxGB0+MzrjVatwj5PPkJRSewrB4rpVAzS8C3sO+udRGwM6unnjg2ahFZLyL3isheEdkjIh8wH+8WkZ+LyEHz+wqnxlAKu2ufGN2Zqhc4v9fDrVevw+NxtziW/RG/s7X4ncbv9eRXULrVaN3CaatHl2QuzWzEXyD8afsnd+uJk6POAB9SSl0EXAe8X0QuAv4CuEcptR24x/y9rtg9uetmI247ydeEsSnijzvcb7cerDJ9frcvYCG/h0TaOatndnK3+d/HdlMs4k9ksgR8nqatZOqY8CulziqlnjB/ngL2AWuBW4Cvmy/7OvAGp8ZQirzVY1MEZTTibm6BA2NyKeT32BbxJ9LNL/z9DSP8Xkebrc9G/NrqmY/l48+P+Js12oc6efwisgm4EtgJ9CulzppPnQOKtkQSkfeIyC4R2TU0ZG+n+dmsHhsnMZvYyy6kLeCzrTTATDpb9aK2RmFVp2H1uF1htF5ZPcvhztVurLmduR5/rmkndqEOwi8i7cD/AT6olJosfE4ZibGq2HZKqS8qpXYopXb09fXZOiY7s3qyOUUyk2t6gbOIBL22VeicSWXzd1fNimX1uH1hD/kMq6cwl9xOYgmj0YzX5XmmRsSawJ2b1ZO1tRZ/vXF05CLixxD9bymlfmg+PCAiq83nVwODTo6hGF6PEPB5bJnctWq1N7ulYWF3xG/nAhc3mLV63P0/gv6FdoOdTCXS2uYpQdGIX1s9xRFj1uMrwD6l1D8UPHUX8E7z53cCdzo1hnJEbCrNnK9Hs0yE367jAobH3+x3QlYuv+sRv3kcnbJ7dEnm0hS76CYz2aa2epw809cDbweeFZGnzMf+Evgk8H0ReTdwHLjNwTGUJOK3R+Csu4bwcvH4g758R7FaSGdzpLOq+YW/YSZ3jRjNqcyeqWRaC38JrIg/Od/jb2Krx7EzrZR6EChlGN7k1N+tlHDAa0vRq9mSvc0tcBaRgJehqWTN+7Ei02b3+PvNiN/t82vVfXcq4o8lMnSaDeY1cynq8adzttbirzfNe8mqEbsai0+nlofAWbQFfPnl+7VgzX00u8cfDfr4tfP72OHyquq81eNQSmcsmSGqM3qKUszjT2SyOuJvRuxqv2hZPW57wHYRCdpzXBIp40PS7FaPiPC1377G7WE4bvUshwwsp5iN+PXkbtNjV0ej5Ta5a5fHP7NMrJ5GwenJ3Xgq67qd1agUXcDV5JO7LS38dqxQXW4C1xbwkczkyGRriyzzx6XJI/5GYTbid0b4jdXny+Ou1W6CxUo2pHM6j78ZCft9NkX8yyuPP2JTOQvr2Da7x98oBPOTu/ZbPamMkYGlI/7izGb1zF3ApSP+JiQS8NpSqyeeby+4PKIlK22x1tW7yyWrp1EI5XPJ7Y/4l1tKst14PILfK0VKNjSvfDbvyGvEroVKM8ssq8eK+GtdvautHnux3l9OWD3WudYRf2ms9osWzZ7H37wjr5FwwEsqkyObq632yXQ6azTpaOKrfyFWX4FaI/78BVELvy2EfM5l9eQTFLTHX5LChuvprKEbOo+/CbGr6chyS4OzykvXmsufz+MPtOxbzFaczOqx+i/oiL80QZ8nb7Pl2y7qiL/5sPzMWid4p1OZZTOxCxA1W+/VKvwJbfXYyqzwOxHxLy+70gmCvtlGOMl8o/XmPV4tK/wRvz1duJZTLX6AzrAh/JMz6Zr2o7N67MVrTjA6sXJ3Ou/xL5/3sd1EQ/58MDTbaL155bN5R14jbXZZGqnm7zJVSEfY+PBP1Cr86Sx+r+B3sUH5ciPkc6YZS9yqN7UMusg5RTTkywdDiWVQjqRlP5WdYaMgVa2R7fQyE36rJvtkonbhb+YPRiMS9HudsXqslGQd8ZekI+TPt6ecrUPVvPLZvCOvkRVthsCN1yr86eyyyn/2eoRo0FdzxL8cavE3GiG/J+8v28lyW4ToBNGQLx8MWZ+NjnDzNq5pWeHvMiP+8elavexMfr5gudAR9jM5o7OdGg2nGq7P1ptaPgGM3XSEZyP+CVMzOrXwNx9dESviT9W0n+Vm9YDxJrfD49cRv72E/B5HrJ54ypiPWS5rUZwgGjLKlWdzKv/Z6Gri/gUte6ZDfi9Bn8eGAqxeIAAACmFJREFUiH/5RbYdBbe11TKTzmmP32acmtydTmZ0tL8IHebcVyyRyQu/jviblK6In/FpHfHPpzPsr3nSO5HSEb/dhPwOCf8yfA/bjdWWcjKRZmImjdcjTb3graWFf0UkUFPEn8spw9JYZtFShw3CbxyX5v1gNCJOWT1a+BfHmsi1hL8z7EekVGfZxqelhb8z7K8pq8dK61puH5pO7fE3JEGHJnfjqYzrzeQbnXzEP5PJC38z09LC3xXx52foq2G5psF1hPzEU9mamrHMpHQev92EfF6SOuJ3BcvjnzIj/mZO5YRWF/5woKasnuVagbIzbPmZ1ad0JtJZwrpAm60YVo8z6Zx6crc8HfmFjRkmdcTf3HRF/IxNp1GqutLM0+nlmf/cYUO9Hm312I9jk7tJHfEvhlXKZHImra2eZqcz4ieVyVU9YZa3epZZjZPOcG1lG5RSWvgdIOT3kMg4kcef0QXaFqHdnAOZSlgef3Mfr5YW/hXmAoxq7R7L6lmOK3eh+kJtyUwOpSCko0hbCfm8ZHOKdA1zL8WYTmWXXfBiNz6vh7aAl4mZNJOJjI74m5ku8+RVm9I5O7nb3Ff/+eT9zCrLNuha/M7gRDMWpZSe3K2QaMjPuckZsjmVL/nSrLS08HdGahV+QxiXW756Z40Rv+636wxWNcgZG4U/abYfXW7BixN0hH2cGpsBmnvVLrS48FtX7YlarZ5lJvz5iawqPf7l1oC+UQiaF1I7Uzqtu9ZmXoVaL6IhPydHp4HmrswJrS78ZsQ/VrPVs7w+NGG/F79Xao74dR6/vYQdsHp0o/XK6Qj58lqhI/4mJj+5W6Xw5y2NZSb8IkJHqPqyDdrjdwYn+u7ORvxa+BfDalIEWvibmpDfQ8DnqTqrZzqVwesRAsuwvWAtZRtmUoYwLbcLottYHr+dZRvi+e5b+lwtRkdBCqc1P9isLD/FWgIiQle4+rIN06ksEb+3qYs1lSIa9le9cldP7jqDE1k9y9WudAId8S8jjNLM1U9iLteotqaIX3v8jhDyOWj1aI9/Uaw052YvyQxa+Guq17Oc8587Qj6mqvX4dVaPI+StHicmd/W5WhSrQmezl2QGLfw1RfzTqcyyq8Vv0Rn2V5/Oqa0eR3DC6oknl+ciRCewUji7mtzmAS38VQu/UopDgzH6okEHRuU+Vt/dagrYaeF3hmB+ctdOq8dK59TnajGsiL/Zc/hBCz9dkeqsnkcOj3BsZJo3XLHGgVG5T0fITzqrqvKTrQVcQd2821ZC+QVcDkzu6ov0olgef7NP7IJLwi8iN4vI8yJySET+wo0xWGzsiZBI5/jJs2eXtN23HjtBZ9jPqy9d7dDI3KWn3VjjsPPoyJK3TaSzhPwePJ7m9kEbjdnJXRutnlSGoM+DbxmmJNtNR4HH3+zU/WyLiBf4Z+BVwEXAW0TkonqPw+K2Heu5bF0nf/mjZzk3kahom+FYkrv3nONNV61btpkrr7l0NdtXtvMn33uKU2PTS9pWl2R2Br9X8IjNWT26Fn/FWBbPchB+N2Z0rgEOKaWOAIjId4FbgL0ujAW/18Nn/tsVvOazD/Laf3qQFRUszIgnM6Szirdeu74OI3SHtqCPf3371dzyuYd4/eceoqet8mqEA5MJnR7oACJCyO/lmzuP87M952zZ57nJRN7C0JQnuowifjc+nWuBkwW/nwKunf8iEXkP8B6ADRs2ODqgLX3t/MtvXcUPdp1c/MUmb1nVwbaVUQdH5T5b+tr58jt38O+PHl/SJO/2/nau3dzj4Mhalz962XaePT1u2/6297fzwi36XFVCJODjwzdfwMsvXOn2UGpGqm07WPUfFLkVuFkp9bvm728HrlVK/WGpbXbs2KF27dpVryFqNBrNskBEdiuldsx/3I0ZndNAoUeyznxMo9FoNHXADeF/HNguIptFJAC8GbjLhXFoNBpNS1J3j18plRGRPwR+BniBryql9tR7HBqNRtOquJJ6oZT6CfATN/62RqPRtDp61YZGo9G0GFr4NRqNpsXQwq/RaDQthhZ+jUajaTHqvoCrGkRkCDhe5ea9wLCNw6kXetz1pVnHDc07dj1u59molOqb/2BTCH8tiMiuYivXGh097vrSrOOG5h27Hrd7aKtHo9FoWgwt/BqNRtNitILwf9HtAVSJHnd9adZxQ/OOXY/bJZa9x6/RaDSaubRCxK/RaDSaArTwazQaTYuxrIW/kZq6l0NE1ovIvSKyV0T2iMgHzMc/JiKnReQp8+vVbo91PiJyTESeNce3y3ysW0R+LiIHze8r3B5nISJyfsExfUpEJkXkg414vEXkqyIyKCLPFTxW9PiKwWfN9/szInJVg437UyKy3xzbj0Sky3x8k4jMFBz3LzTYuEu+L0TkI+bxfl5Eft2dUVeBUmpZfmGUfD4MbAECwNPARW6Pq8RYVwNXmT9HgQMYjeg/Bvx3t8e3yNiPAb3zHvtfwF+YP/8FcLvb41zkfXIO2NiIxxt4CXAV8Nxixxd4NfBfgADXATsbbNyvBHzmz7cXjHtT4esa8HgXfV+Yn9GngSCw2dQbr9v/QyVfyznizzd1V0qlAKupe8OhlDqrlHrC/HkK2IfRm7hZuQX4uvnz14E3uDiWxbgJOKyUqnZluKMopR4ARuc9XOr43gL8uzJ4FOgSkdX1Gelcio1bKXW3Uipj/vooRve9hqLE8S7FLcB3lVJJpdRR4BCG7jQ8y1n4izV1b3gxFZFNwJXATvOhPzRvjb/aaJaJiQLuFpHdIvIe87F+pdRZ8+dzQL87Q6uINwPfKfi90Y83lD6+zfSe/x2MuxOLzSLypIjcLyIvdmtQZSj2vmim4z2H5Sz8TYeItAP/B/igUmoS+DywFbgCOAv8bxeHV4oblFJXAa8C3i8iLyl8Uhn3xA2ZM2y2/nw98APzoWY43nNo5ONbChH5KyADfMt86CywQSl1JfCnwLdFpMOt8RWh6d4Xi7Gchb+pmrqLiB9D9L+llPohgFJqQCmVVUrlgC/RgLeRSqnT5vdB4EcYYxywLAbz+6B7IyzLq4AnlFID0BzH26TU8W3497yIvAt4LfA286KFaZWMmD/vxvDKz3NtkPMo875o+ONdiuUs/E3T1F1EBPgKsE8p9Q8Fjxf6s78BPDd/WzcRkTYRiVo/Y0zePYdxnN9pvuydwJ3ujHBR3kKBzdPox7uAUsf3LuAdZnbPdcBEgSXkOiJyM/DnwOuVUtMFj/eJiNf8eQuwHTjizigXUuZ9cRfwZhEJishmjHE/Vu/xVYXbs8tOfmFkORzAiCD+yu3xlBnnDRi3688AT5lfrwa+ATxrPn4XsNrtsc4b9xaMrIangT3WMQZ6gHuAg8AvgG63x1pk7G3ACNBZ8FjDHW+MC9NZII3hIb+71PHFyOb5Z/P9/iywo8HGfQjDE7fe418wX/sm8/3zFPAE8LoGG3fJ9wXwV+bxfh54ldvvl0q/dMkGjUajaTGWs9Wj0Wg0miJo4ddoNJoWQwu/RqPRtBha+DUajabF0MKv0Wg0LYYWfo1Go2kxtPBrNBpNi/H/AKeTAr4MHBJ1AAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAX4AAAEICAYAAABYoZ8gAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjMsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+AADFEAAAgAElEQVR4nO29eXgkd3Wv/55udWtpSaNdo5nxSF5m8zZjLBs7xtjstiE2CcuFhCUJxMkNXHAglwDhhlx+SS6ByxIIWUhM8C+Xa3awMcYGjE3A2MYaWzMeezz2eCx5ds1Ira1b6vV7/6iqVmsdLV3VS533efSou6q6+kgqffrUOed7jhhjUBRFUfxDoNgGKIqiKN6iwq8oiuIzVPgVRVF8hgq/oiiKz1DhVxRF8Rkq/IqiKD5DhV9RioiIPCAi7y62HYq/UOFXfIuIvEREfiUiYyIyIiIPishlxbZLUdymqtgGKEoxEJFG4C7gvwLfBMLA1UCimHYpiheox6/4la0AxpjbjTEZY8yUMebHxpi9IvJ7tvf/Rftu4GkReYXzQhFZJyK3ishxETkqIn8tIsG8/X8gIvtFJCoi94pId96+V9nnGxORfwDE059aUVDhV/zLM0BGRG4TketFpHnO/hcDh4A24OPAd0Wkxd53G5AGzgMuAV4NvBtARF4PfBT4baAd+AVwu72vDfgO8DH7vM8BV7n1AyrKYqjwK77EGDMOvAQwwL8Cp0TkThHptA8ZAj5vjEkZY74BHABea++/HrjFGBMzxgwBnwPeYr/uj4D/ZYzZb4xJA38L7LK9/huAp4wx3zbGpIDPAye8+YkVZQYVfsW32OL8e8aYTcCFwAYsMQY4amZ3MBy093cDIeC4iIyKyCjwL0CHfVw38Pd5+0awwjkb7dcfznt/k/9cUbxChV9RAGPM08BXsT4AADaKSH78fTNwDEuoE0CbMabJ/mo0xlxgH3cY+KO8fU3GmFpjzK+A48BZzgnt85+FoniMCr/iS0Rku4h8UEQ22c/PAt4KPGwf0gG8T0RCIvImYAdwtzHmOPBj4DMi0igiARE5V0SusV/3z8BHROQC+7zr7NcD/BC4QER+W0SqgPcB6734eRUlHxV+xa9MYCVwHxGRGJbg7wM+aO9/BNgCnAb+BnijMWbY3vcOrPLPp4Ao8G2gC8AY8z3g74Cvi8i4fc7r7X2ngTcBnwSG7fM/6OpPqSgLIDqIRVFmIyK/B7zbGPOSYtuiKG6gHr+iKIrPUOFXFEXxGRrqURRF8Rnq8SuKoviMsmjS1tbWZnp6eopthqIoSlmxe/fu08aY9rnby0L4e3p66OvrK7YZiqIoZYWIDC60XUM9iqIoPkOFX1EUxWeo8CuKovgMFX5FURSfocKvKIriM1T4FUVRfIYKv6Iois9Q4S9DfvHsKZ45OVFsMxRFKVNU+MuQP/1GP3/xvSeKbYaiKGVKWazcVWYYn05xejLJ6ckkR6JxNjXXFdskRVHKDPX4y4wXhuO5xz/Yc7yIliiKUq64JvwiUiMivxaRPSLypIj8T3v72SLyiIg8KyLfEJGwWzZUIgPDMQBaI2Hu3HOsyNYoilKOuOnxJ4CXG2N2AruA60TkCqx5pJ8zxmzBmlf6LhdtqDgGbY//XVefzf7j45rkVRRlxbgm/MZi0n4asr8M8HKs4dQAtwGvd8uGSmTgdIzOxmredOlZBATu7FevX1GUleFqjF9EgiLSDwwBPwGeA0aNMWn7kCPARjdtqDQGh+N0t0Zob6jmqvPauGPPUXSKmqIoK8FV4TfGZIwxu4BNwOXAjoUOW+i1InKziPSJSN+pU6fcNLOsGBiO0dNqVfLctGsjh0emePzwaJGtUhSlnPCkqscYMwo8AFwBNImIU0a6CVgwVmGM+bIxptcY09vePm+AjC+JJ9MMTSTobo0A8JoLOglXBTTcoyjKinCzqqddRJrsx7XAK4H9wP3AG+3D3gnc4ZYNlYaT2O2xhb+hJsQrd3Rw195jpDPZYpqmKEoZ4abH3wXcLyJ7gUeBnxhj7gL+HPiAiBwEWoFbXbShohi0Szm7W2cWbd24cyOnJ5M8dGi4WGYpilJmuLZy1xizF7hkge2HsOL9ygoZsD3+fOG/dls7DdVV3NF/jKu3aEhMUZQzoyt3y4jB4RitkTANNaHctppQkOsuXM89+04wncoU0boZ7n7iOH93z9PFNkNRlEVQ4S8jBk7HZ3n7Djft2shkIs39Tw8VwarZPHdqkg98s59//vlzjE2lim2OoigLoMJfRgwOx3KJ3XyuPLeVtvpq7ihydU8qk+VPv9FPKmMwBh5/IVpUexRFWRgV/jJhOpXh2Nh0rpQzn2BA+M2dXfzswFBRvewv3Pcse4+M8ak3XEwwIOweVOFXlFJEhb9MODxil3K2LdyG+aZdG0mms9z75Akvzcqxe3CEL91/kDdeuok3XLqJ87saeXRgpCi2KIqyNCr8ZcJMRc98jx9g56Z1dLfW8YMidOycTKS55Rv9bGyu5eO/eT4Al3Y30394lJSuL1CUkkMHsZQJTg1/zwLJXQAR4aadG/iH+w8yNDFNR0NNQd73V8+d5mh0asljfrr/JEejU3zzj67MVRz19jTz1V8N8NSxcXae1VQQWxRFKQwq/GXCwHCMdbUhmuoWH19w464NfOFnB/nh3uP8/lVnr/k9o7Ekb/u3R8guowfcn75yK709Lbnnvd3W40cHRlT4FaXEUOEvEwaH44t6+w7ndTRwflcjd/QfK4jw7x6MkjXwT7/7Ii7cuG7R48JVATobZ99hrF9Xw6bmWnYPRnn31Ws2RVGUAqLCXyYMDsfZtQzP+aZdG/hfP3qaweHYovmA5fLo4AjhYICXbe+gJhRc8et7u5t58LlhjDGIyJpsURSlcGhytwxIprMciZ7Z4wf4zZ0bgMIMaOkbiHLRpnWrEn2AS3taODWR4IWR+JkPVhTFM1T4y4Cjo1NkzeIVPflsaKrl8rNb+H7/2ga0TKcy7D0ySm9P86rPcZn92r4BredXlFJChb8McAasL1bDP5ebdm3guVMxnjo+vur33HtkjFTGcFl3y5kPXoStHQ001FTRpwu5FKWk0Bh/GTB42mnHvLyY/Q0XdvHxO57ktV/45aztG5tq+eYfX8nGptoznsNZfHVp9+o9/kBAeNHmZnYP6kIuRSklVPjLgIHhOPXVVbRGFi/lzKc5EuaLb72Ep09M5LYZY7j1l8/zZ9/cw9fe/WICgaWTrX0DI5zXUU/zMt9zMXq7m/nMT04xGk8uWYqqKIp3qPCXAYPDMTa31K2oMub6i7q4/qKuWds2Ndfxoe/s5dZfPs8fvvScRV+bzRp2D0Z57cVdix6zXJza/sdeiPLy7Z1rPp+iKGtHY/xlwOBwfNnx/aV4U+8mXn1+J5++9wBPHVs8/v/s0CTj0+ncIqy1sOusJqoCogleRSkhVPhLnHQmy+FofM01+WC1dfjkGy5mXV2IW77x+KKDW5z4/mU9axf+2nCQCzY0qvArSgmhwl/iHB+bJpUxy6rhXw4tkTCffuPFPHNykk/dc2DBY/oGRuhoqOasljMngZdDb08Le46MkkxrwzZFKQVU+EsMYwwnx6f59fMjfKvvMP/ws4PA8it6lsO12zp4x5XdfOXB5/nFs6fm7X90IMplPS0FW23b291MIp1l37GxgpxPUZS1ocndEuOP/89u7n3yZO55QGBbZwPnb2gs6Pt85PodPHjwNH/2rT3ce8tLcxU3x0anODo6xbuvXnuvH4eL7VYTTx0b50WbV18eqihKYVDhLzGeOTnJJZubeP8rttDdGmFjUy3hqsLfmNWGg/z9Wy7h9V96kI9+7wm+9DsvQkRyi60KEd93aKu3PlSisWTBzqkoyurRUE+JkUhlOK+9nmu3dXB2W8QV0Xe4cOM6/vRVW7n7iRN897GjgBXfj4SDbF/fULD3qa4KUl9dxUhchV9RSgHXVEVEzhKR+0Vkv4g8KSLvt7f/lYgcFZF+++sGt2woR6bTWapD3n0e//E153JZTzMfv/NJDo/EeXQgyiWbm6kKFtaGlkiYEfX4FaUkcFNh0sAHjTE7gCuA94jI+fa+zxljdtlfd7toQ9mRSGWoqVpdN8zVEAwIn33zLgDee/vjPH1ifE2N2RajWYVfUUoG14TfGHPcGPOY/XgC2A9sdOv9KgWvPX6As1rq+MRNF7Dn8CjGFDa+79Cqwq8oJYMnCiMiPcAlwCP2pveKyF4R+YqIaJmHTTqTJZM1nnr8Dr91yUZee3EXNaHAsga+rJTmurAmdxWlRHBd+EWkHvgOcIsxZhz4J+BcYBdwHPjMIq+7WUT6RKTv1Kn5teaVyLS9wMlrjx+sVb2fe/MufnzLNUSqC1/s1VofZjiWXNOMAEVRCoOrCiMiISzR/5ox5rsAxpiTxpiMMSYL/Ctw+UKvNcZ82RjTa4zpbW9vd9PMkiFht1BY7cSrtRKuCrC5QCuE59JcFyaRzjK1SJsIRVG8w82qHgFuBfYbYz6btz2/5eNvAfvcsqHccDz+YoR63KYlEgLQOL+ilABuLuC6Cng78ISI9NvbPgq8VUR2AQYYAP7IRRvKCqdpWjFCPW7TEqkGLOHf1OzOXYWiKMvDNeE3xvwSWKjZi5ZvLkIiZcf41eNXFMVFKs+1LGOm0/7w+BVFKS6VpzBljOPxV2SM324Cp8KvKMVHhb+EqGSPv7G2imBAiGq/HkUpOpWnMGVMJXv8IkJzna7eVZRSQIW/hEhUsMcPVoJXhV9Rik9lKkyZkvP4i7SAy220Q6eilAYq/CWEE+OvcbEHfzFR4S8+B4cmePjQcLHNUIpMZSpMmTKzgEs9fsUdPnHXfj78nb3FNkMpMir8JcRMcrcy/ywtdWFGp1JkstqorRhksobHBqNMJrRfkt+pTIUpU6bTGYIBKfj0q1KhJRLGGBibShXbFF9y4MQEk4l0rhmg4l8qU2HKlEQqW7HePlhTuABGYokiW+JP+gZHALRDqqLCX0pMpzMVG98Hy+MHGImpx18M+gaiAKSzhnQmW2RrlGKiwl9CVLrH36Ief1HpGxjJPXZagCv+pHJVpgyx5u2qx68UnqOjUxwbm+bc9ggAU0kN9/gZFf4SYjqVobqCPf7mOvX4i4Xj7V+9xZpmN61xfl9TuSpThiTS2YpdtQvWiuRIOKgefxHYPRglEg6y66wmQIXf76jwlxCV7vEDtNSHtUNnEXh0IMolm5uJVFuzl6ZTGuP3M5WtMmVGpXv8YC3iGtbVu54yPp3iwIlxenuaqbEbADrtQRR/osJfQiR84PE3R8JEVfg95fEXRska6O1uodZ2LDS5628qW2XKDF94/Nqvx3N2D4wQDAi7Njflri+N8fsbFf4Swhcxfh3G4jmPDkTZ0dVAfXVVTvh19a6/qWyVKTN84fHXh5lKZTTU4BGpTJb+w6P0drcA5GL8CU3u+hoV/hLCLx4/wIhW9njCU8fGmUpl6O1pBmaG/Ghy19+4pjIicpaI3C8i+0XkSRF5v729RUR+IiLP2t+b3bKhnDDGMJ3KVLzH7zRq0wSvN/QNWv15HI9fk7sKuOvxp4EPGmN2AFcA7xGR84EPA/cZY7YA99nPfU86a8iamVvxSqXVFn4t6fSGvoERzmqpZf26GiDP49dQj69xTWWMMceNMY/ZjyeA/cBG4CbgNvuw24DXu2VDOZGbvlWlHr9SGIwx9A1Gc94+QDAghIMBTe76HE/cSxHpAS4BHgE6jTHHwfpwADoWec3NItInIn2nTp3ywsyikkg7g9bV41cKw/0Hhjg1keDys1tmba8OBbSc0+e4rjIiUg98B7jFGDO+3NcZY75sjOk1xvS2t7e7Z2CJ4BePv7EmRDAg6vG7zKmJBB/69l62r2/gty7ZOGtfTShIQpO7vsZV4ReREJbof80Y811780kR6bL3dwFDbtpQLjgef3WFe/yBgNBcF9KqHhfJZg1/9q09TEyn+eJbL5lXMFAbCmpy1+e4WdUjwK3AfmPMZ/N23Qm80378TuAOt2woJ/zi8YPVnnlkUoXfLb76qwF+/swpPvbaHWzpbJi3vyYU0OSuz6ly8dxXAW8HnhCRfnvbR4FPAt8UkXcBLwBvctGGssEvMX6wErzq8bvD/uPjfPJHT/PKHR287YruBY+pDQU1uetzXBN+Y8wvAVlk9yvcet9yxU8ef2skzLNDk8U2o+KYTmV43+2Ps64uxN+94WKsm+75VIeCmtz1OZXvXpYJzhJ6v3j8mtwtPP/4wHM8OzTJZ960k9b66kWPqwkFdeauz6l8lSkTnCqLSl+5C5bHH40nyWZNsU0pG7JZc0Yv/adPneTFZ7fw0q1LV8HVhgJMa3LX16jwlwhOsq3Se/WAldzNGhib0hGMy+Vff3GIl//vB0hnFvbUR+NJ9p8Y5zfObTvjuSyPX4Xfz1S+ypQJvvL467VR20o5ODTJsbFp+g+PLrj/kedHMAauPLf1jOfSck5Fhb9E8JvHD2hf/hUQjVt3Rw8cWHgV+0PPDVNdFWDnWevOeK4aTe76nspXmTLBTx5/S0SFf6WMTVm/q58/s7DwP3xomN6e5mVVhVWHAprc9Tkq/CWCnzx+Ff6V43j8Txwd4/RkYta+kViSp09McOU5Zw7zgBXqSaazZDS57lsqX2XKhOlUhqqAUBWs/D+JCv/KGY0nuXiTFcb5zzle/yOHhoHlxfdh5q5S+/X4l8pXmTIhkc76wtsHS3jqwkGt5V8mxhhG4ymuOq+NtvrwvHDPQ4eGqQ0FuWhj07LOp8NYFH8oTRngh+lb+TTr0PVlM5FIk84aWurCvHRLO//5zKlZYZqHnrPi++FlOg7OIkGN8/sXFf4SwQ+D1vNprdd+PctlNGbF95vqQlyzrZ1oPMUTR8cAOD2Z4NmhyWWHeSB/Cpd6/H5Fhb9E8MOg9XzU418+UfsDsrkuzNVb2hGBn9tlnQ878f1lJnZhRvg11ONf/KM0JU4inaXaRx5/Z2M1L4zEtbJkGeSEPxKiJRJm56Ymfv6MNcbioeeGiYSDXLjxzPX7DprcVZYt/CKyUUR+Q0Re6ny5aZjf8JvHf83WDkbjKR4dGCm2KSXPaNwJ9VjVUNdsbaf/8Cij8SQPHRrmsrNbCK2gGqxWB677nmVdLSLyd8CDwMeA/25//ZmLdvkOK8bvH+G/dls71VUB7tl3otimlDyOx99UGwLgmm3tZA1857GjHDoVW1GYB2aSuxrq8S/L7cf/emCbMSZxxiOVVZFIZXIenR+IVFdxzdZ27tl3gr983fkEAouNblCcxVvrbOHfuamJproQX7r/ILD8+n2HXHJXQz2+Zbku5iEg5KYhfmc65S+PH+C6C9dzYnya/iMLNx5TLMbiSRprqnKL+4IB4eot7YzEkjRUV3HBhuXH90Hr+JUzePwi8kXAAHGgX0TuA3JevzHmfe6a5x8S6Ywvpm/l84odnYSCwj37TvCizc3FNqdkicZTNEdm3w1es7WdH+w5xuVntxBc4d1Stdbx+54zhXr67O+7sYakKy7hR49/XW2I3zi3jXv2neAj129fdFSg34nGk/PCgNdstXIk127vWPH5HI8/oXX8vuVMwn8V8CPgp8aYCQ/s8S1+9PgBrr9wPR/+7hM8dXx8xSELvzAaT+VmGDi0N1Tziw+9bMkRi4uhdfzKmVzMrwA7gbtF5D4R+XMR2emBXb7Djx4/wKvO7yQgaHXPEkTjydwMg3w6GmtWHOYBCAUDBAOiyV0fs6TSGGMeNsb8lTHmauDNwAvAB0WkX0S+IiJv9sTKCscYQyLtr149Dq311Vx+dgs/UuFflNF4iqa6wtZWWFO4NMbvV5btYhpjho0xtxtj3mGM2QV8Cdjinmn+IZUxZI0/evEvxPUXdnFwaJKDQxpNnEsynWUykV7Q418LNaGAevw+ZrkLuJpE5H0i8lkR+YKIfAF4pzHmb5Z4zVdEZEhE9uVt+ysROWrfMfSLyA0F+BnKnmkfTd9aiNdcsB6AHz2hXv9cRqecPj2F9fh1/KK/Wa6LeTfQAzyBVeHjfC3FV4HrFtj+OWPMLvvr7mW+f0WT8NH0rYVYv66GF21u4p4nVfjnMrddQ6FQ4fc3y125W2OM+cBKTmyM+U8R6VmxRT7E+Qf0U5O2uVx/YRd/c/d+XhiOs7m1rtjmlAzOsJpCx/hrQgHt1eNjluti/oeI/KGIdIlIi/O1yvd8r4jstUNBi67aEZGbRaRPRPpOnVp4wHSlkEj72+MHq3cPoE3b5uC0ayh0jN9K7qrH71eWqzRJ4NPAQ8yEefqWfMXC/BNwLrALOA58ZrEDjTFfNsb0GmN629vbV/FW5YPj8fs1xg+woakWgKEJbQeVz9iUWx5/UJO7Pma5oZ4PAOcZY06v5c2MMSedxyLyr8BdazlfpaAev9W0raG6ipPj08U2paRwy+OvCQU5PamDcPzKcpXmSax+PWtCRLrynv4WsG+xY/1EQj1+ADoaqxmaUOHPJxpPEg4GqAsX9trQ5K6/Wa7Hn8Fq0nY/y2zSJiK3A9cCbSJyBPg4cK2I7MJq/DYA/NHqzK4sHI/f78Lf2VjDyXEN9eQzGrMWbxW6j1FNVUCF38csV/gfBL4/Z1vjUi8wxrx1gc23LvP9KpKJ6RQBESLVs3/tuaoeH4d6ADoaqukbjBbbjJJisXYNa6U2HGRKhd+3LFdpfgd4zBhzmzHmNqxk79vcM6syed/tj/Oh7+ydt93vC7gcOhtrGJpIYIzO4XVwo10DaKjH7yxX+N8I3CYiO0TkD4E/AV7tnlmVydHRKQaHY/O2+30Bl0NHYw3JdJaxqVSxTSkZ3PL4LeHP6oesT1lWqMcYc0hE3oIV7jkMvNoYM+WqZRVILJEhlpjvZWk5p0Vno9Vi+OR4wldjKJfCGsLihsdvORnWrGd/X3d+5EwTuJ7ASsQ6tABB4BERwRhzsZvGVRqxZJrkAlOPtJzTorOxBoCT49NsW99QZGuKjzGG0QWGsBSCGnv2w3TKn11h/c6ZPP7XeWKFT4gl0qQyZt4/27SGegAruQtoLb/NZCJNOmtoqi28x19rl4dOpTI0FfzsSqmzpPAbYwa9MqTSSaQzpDLWzVM0nqRrXe2sfVUByQ3T9isdDZbHr6t3LUZdWrwFM6Ee7dfjT/ytNB6SH9uPxmYnL63pW3q7XRsO0lhTxZB6/EB+Z04XPP7QTKhHWRv3HxjiS/cfLLYZK0KF3yNiiXTucTQ+e6m8NX1L/xSgi7jyca6T5kjhPX6nE6zW8q+dT91zgC/+7NmyqpBStfGIyTzhH4nNFv7pVNaXg9YXorOxhpPatgHIE3436vir1OMvBM+cnGD/8XGmU9lcX6VyQIXfI+LJxT3+6XSGavX4Abtfj3r8gHtDWGAmuavCvzbu7D+We3xstHwq3FVtPGJyiRh/Qj3+HB0NNQxNTJPNls9ts1s4DoIbVT2a3F07xhju3HMsV412VIVfmYvG+JdHZ2M1qYyZ9zvyI6PxFA01Va5Ue2lyd+30Hx7lhZE473rJ2YB6/MoCODH+UFDmxfgtj1//FDCziEtLOt1r1wAzq8Q1ubt67ug/RrgqwFsu30x1VUCFX5mP4/FvbKpdMMav5ZwWM20bNMEbjadcSexCfnJXQz2rIZ3Jctfe47xiewfrakNsbKrl2Gj5XLMq/B4Rt+ebntVSNz/Uox5/jtwiLk3wutauAaAm7MT41eNfDQ8dGub0ZIKbdm0ArNGhGuNX5jGZSBMKCu0N1fMXcKnHn6Nd2zbkiMaTrizeAggHA4io8K+WO/qP0VBdxbXbOgDY0FSjoR5lPrFEmkh1FS114QXq+DO5W2+/UxMK0lQX0lp+rOSuWzF+EaFWe/KviulUhnv3neC6C9fnHLYNTbUMTSRIlMkAexV+j5hMpImEq2iOhJlKZWb9wyXSWa3jz6Ozocb3oZ50JsvEdNo1jx+sD1lN7q6cBw4MMZFIc9OujbltG5qs3lsnx8rjulW18YhYIk19dVXOg8uP82tr3Nl0NFZz0udVPaNT7jVoc7Dm7mpyd6Xc0X+Mtvpqrjy3Nbdtoy385RLnX+7MXWWNxBIZItVBWuyhGiMxq0OnMcby+DW5m6OzsYaDQ6eLbUZRGXUWb7np8ft87u4d/Uf50Lf3ks3rsRMMCB977fm87YruBV9zbHSK+54e4ncu30wwILntjsdfLnF+FX6PiCXnePx2gjeZyWKMTt/Kp6OhmqGJBNmsIZD3z+Unoi62ZHaoqQqS8LHwP3FkDGPgD68+J7ft0YERPvGDp7i0u5kdXY2zjs9mDR/4Zj+hgPAHV509a1/XOqsaTYVfmUUskaazoYaWyOxQj07fmk9nYw2ZrGE4lsxV+fiNaMxp0Oae8NeGg74O9YxNpWiJhPnQddtz20ZiSV7z+f/klq/3c8d7r5rlkP3bLw/x8KERPvXGi9ncWjfrXDWhIG31YY6NlYfwq9p4hBXqqcrVZTvC7yR5q9Xjz6GLuNztxe9QEwr4OtQzPp1i3Zw+SC2RMJ9648UcODnBp+89kNv+1LFxPn3vAa67YD1vunTTguezavnL45p1TfhF5CsiMiQi+/K2tYjIT0TkWft7s1vvX2pMJtLUVwdz/8hOSWdCxy7Oo8Nu23DKxwleN3vxO9RU+bucc3wqTWPt/KDHy7Z18I4ru7n1l8/z4MHTTKcy3PKNx2mqC/O3v30RIguHHzesqy2bUI+bavNV4Lo52z4M3GeM2QLcZz+veIwxuTr+UDBAY01V7lbeqfvVGP8M+UPX/Uo0niIUFCJh964Lvyd3x6ZSNNYsfEf1ket3cG57hA9+cw9/ecc+njk5yf9+085cqHYhNjTVcnx0qiwGsrgW4zfG/KeI9MzZfBNwrf34NuAB4M/dsqFUSKSzpLOGSLX1626JhHPJOyfGWqMef472eifU41+P32nXsJh3WQis5G5xY/w/3HucXx6cXcHVGgnzJy87l7qwuynI8ekU29c3LLivNhzk8//lEn7rHx/km31H+L3f6OGare1Lnm9DUw2xZIbxqTTrXAzRFQKvk7udxpjjAMaY4yLSsdiBInIzcDPA5s2bPTLPHZw+PY731lQXzkvuaox/LuGqAC2RsK9X747GU6704dMZIucAABqcSURBVM+nNhwoaqjn2ZMTvO/rj1MXDs664z09meCp4+P8y9svJeRCS2qH8akUjUv8ji/atI6/uvECfrr/JB++fvuixznk1/Kr8K8SY8yXgS8D9Pb2lv690xI4nTnzPX4njKEe/8J0NFT7eui6my2ZHWqqihvq+esf7qcuHOTn//1ls0Io/+fhQT72/X189LtP8Kk3XuzKXU82a5hIpGmsWVoC33ZF96I1/XPJr+U/f0PjGY4uLl6rzUkR6QKwvw95/P5FwenFX28Lf3NdOFe1oR7/wvh96PpoPOVqRQ9YeaXpVKYoMekHDgzx82dO8f5XbJkXN3/bFd28/xVb+NbuI7MqawrJRCKNMSzp8a+Uria7lr8MSjq9Fv47gXfaj98J3OHx+xeFuR5/c10oV9WT8/i1V88sOhurGfJxqMcLj782HCRrrEWEXpLOZPnrH+6np7WOd1zZs+Axt7xyC2+9fDP/+MBz/PuDzxfchnG7JUYhhb8tUk04GCiLtg2uhXpE5HasRG6biBwBPg58EvimiLwLeAF4k1vvX0pM5oTf8uqdRm1TycyMx6/dOWfR0VDDqYkEmayZtTTeDxhjLI8/4q7H75QQT3s88/n//voFDg5N8uW3X0p4kRCniPDXr7+Q4ckEn7jrKbrW1XDdhV0Fs2HMEf5FqnpWQyAgdDXVlMVAFjeret66yK5XuPWepUouuZsX4wfLq1OPf2E6G6vJGhieTOTq+v1CPJkhmcl64vEDVtsGlxPJDmPxFJ/7yTNceU4rrzq/c8ljgwHhC2+9hDf/y0N87Pv7uOq8NhoKJNTj05bwz13AtVYWq+WfTKQ5cGJi1rbqqgAXbGh0tXJrMUo2uVtJ5Dz+8EyMHxzhV49/ITpytfz+E34nDNjiQXIXvJ27+4WfPcvoVIr/8brzlyV4NaEg/99NF3LTlx7kH+4/yEeu31EQO8anrP/JhRZwrYUNTbX86rn5DQY/9O093P3EiXnb//33L+Nl2xYtbnQNFX4PiM1L7lpeRjSWyvXqUY9/NvmLuC5iXZGt8RYv2jXAzKJBr/r1HB6J8/8/NMB/6T1rRVUvO89q4g0v2sS//3KA37l8M92tkTXbMu5CqAdgY1MNJ8enSWWyuVLUsXiKnz41xI07N/AGu93D+FSK/3b74xyNFicfoGrjAQuVcwKMqMe/KE6/niEftm0Ysdd4LLVKtBDU2nN3vfL4dw9GSWUMvz+ns+Vy+NB126gKCn979/6C2JIL9RT4w3VDUy1ZM3vV+T1PHieZyfKul5zNNVvbuWZrO6+5YD0w04zPa1T4PWAykSEcDOQSWU7/lWgsSSKdJRQU3yUwz0RbfTUi/mzbMNOL35tQj1eLuJwQVscqOq52NtbwJ9eey71PnlwwlLJSxqdSiEB9gVcHz9Tyz1y3d/Qfo6e1jos3zdy5hqsCNFRX5T7kvUaF3wNiiTR11TMevbMi04nx67zd+YSCAVojYV+WdOZi/C57/DVh74U/IKtPqL776nPY2FTLJ37wFJns2tYejE2laKiuKvi8h7kDWU6OT/PQoWFu3LVxXk6jORJWj7+SiSXTucQuQFVeozadt7s4HQ3+XMQVjVveaKErTubiucdvr01YrdjWhIJ89IYdPH1igq8/+sKabBmfdqefzgZ7EZdTy3/X3uMYAzfu3DDv2OZImBE7n+M1qjge4MzbzafF/qNPpzIa31+EzsZqToz5z+OPxpKsqw25Hv5zCgq8Su6OTCbX3Gb6hovWc3lPC5/58TNr+sAaX6Iz51qoC1fRXBfKefx39h/lwo2NnNdRP+/YlrqQevyVjDNvNx/nNk89/sU5q6WOwyPxsmhzW0ii8aTrpZwwU8fvVXJ3JJ5cc/hKRPiDl/QwEkvy9Jy6+JWwVEvmtbKhyarlf/50jD1Hxrhp58YFj2uOhHNhPa9RxfGASbsXfz7NdofOhMb4F6W7NcJEIp1rYe0XovGk66Wc4H2oJxorzAfa9vVWKeiBE+OrPsdC07cKhSX809zZfwwReN3OhVcct+R16fUaFX4PiCVmx/jBFv6YtXJXPf6F6W6x5poODMeKbIm3RGMp1xO7MOPxexbqiSVpqV/7z7W5pY7aUJADJyZXfY7Fpm8Vgo22x3/HnqNc3tNC17raBY9rjoSJJzNFaY2tiuMBsQU8/pZIiJF4kkRaPf7F6GmzhH/Qb8JvD2FxG6dXjxehnmzWFCyEFQgIWzvrOXBy9R7/2JSbHn8NE4k0h07FuGnXwmEemN26xWtU+D0glsxQv0CMfzqVZTSe0lW7i7CpuQ4RGByOF9sUT4kWIBa+HESE6qqA1avHZcamUmRN4UpUt61vmNf7Zrkk01mmUhlXY/wAoaBw/YXrFz3Oad1SjDi/Ko7L5M/bzcf5o58Ym9aqnkWoCQXZsK7WV8I/lcwwncp6EuMHK9zjhcdf6NXI29Y3cnoyyenJlZf7TkwXviVzPo7wX7O1fckqppzHH/M+h6XC7zJz5+06OMI/kUirx78Em1vqfBXjd277vajqASvB60WMudCL0pxZuavx+p2WzG6Fes5tr6e9oZrfPcPkrha77XYxVu+q4rhMrk9PeLZXn/8PoB7/4vS01fGCjzx+RyC9iPGD5fF7kdwttPBvs4V/NSWd49PudOZ0WFcb4tG/eOUZu246f+Ni1PKr8LtMLDG7F79DS96QDfX4F6e7NcJwLJlrqlXpOJ05vYjxg5Xg9STUU2Dhb6uvpq0+vKqSTrc6c64Up3WLxvgrkFhydktmh3yPTuftLo5T0ukXr9+57W/2KMbvzN11Gzf6D23tXF2C1+1Qz3KpCgZYVxvSqp5KZG5LZoemvIuuZpHxcwq53ut+SfA6nTnX2tpgudR6KPx14WBuBkAh2La+gWdOTpJdYcO2cZeTuyuhpUird1VxXGZyEeF3Pu1BPf6l6G711yKuXIzfI1GqCQU8ifFHY4UfHr99fQNTqQwvjKzMKchN3ypyqAesOzv1+CuQmRj/fHF3buer1eNflEh1FW311b5ZxDUaT9FYU0VV0Jtrwkruuu/xD8eStBZg1W4+2+zWDStN8I5NpQgHAyWRW2uJhLWcsxKJzZm3m49zO1/I299KpKe1zjehnpHY2jtYroSaKm/q+KPxwnv8WzvrEVl5Sef4dIrG2qqiDDmfS3OR+vWo8LvMZGLh5C7M1Gqrx7803a0R3wi/GwK5FNUhb8o5hyeTtBb4A60uXMXmlroVt25wqyXzanBi/F53oFXFcZl4cuEYP6jHv1y6W+s4MT5dlGZWXuNVuwYHr5K70bg7dzLbOhtWFeophcQuWBqQsFtIeElRhF9EBkTkCRHpF5G+YtjgFXPn7eajMf7l4SR4V5rEK0eisZRn7RrASe66KzrTqQzxZMaVD7Tt6xsYOB1b0c8wPp0uGeFvKVK/nmIqzsuMMbuMMb1FtMF1rD49C3v06vEvjx67pHPgdOUneL0awuJQGwqSzhpSGffCPY6oFTrUA1aCN2vg4NDyWzRPTFkJ9FKguUj9etTVdJlYIk3dAold0Bj/cnE8/kqP8zuesafJ3ZD7w1gc4Xcl1LOKnj1utmReKcXq11MsxTHAj0Vkt4jcvNABInKziPSJSN+pU6c8Nq9wTC4wb9ehs9EazOzG0OdKoqkuzLraEIMjle3xO+0avEzuejF3102Pv6e1jnBVgAMnlyf8xhi7qqc0/ueai9Svp1jCf5Ux5kXA9cB7ROSlcw8wxnzZGNNrjOltb2/33sICEU/On7frcM3Wdr727hfnRskpi+OHks6cZ+xpjL+8Pf6qYIAtHfXzEryj8SSPvxCdd/x0KksqY0qqqgd8EuM3xhyzvw8B3wMuL4YdXrDQvF2HQEC46rw2jy0qT7pbIxW/etfrdg3grfC74fGDM5RlpqTzheE4r//Sg7zxnx+a50mXSp8eh8aaEAHxfgqX58IvIhERaXAeA68G9nlth1fElgj1KMunu7WOo9Epkmlv5sMWg5kGbd4md8H9UE8wIK552dvXN3ByPMFoPMmTx8Z4wz//ihdG4mSyhudOzU76zvTpKY3/yUBAaK7zvl9PMTz+TuCXIrIH+DXwQ2PMPUWwwxOWSu4qy6e7NULWwNHRqWKb4hpRJ8Yf8T7U42Yd+Ug8SXNdiEDAnZWyWzutBO9tvxrkLf/yMFUB4ctvt4oFD82pBCuVlsz5NEe8X73ruSIZYw4BO71+32JhJXe1XHOt9OQ1azu7LVJka9whmmvQVozkrovCP+nuamQnR/a5nz7Dlo56bvuDy+loqCYUFA6dmi38pRbqAau6z2uPX11RFzHGEEtmFo3xK8tnc2vl9+WPxpM0VFctuNjPLbzy+N1cjdzZWE1Pax2t9dXc+s7e3KyL7tYIhxYN9ZSO8DdHQgyc9va6VkVykUQ6S2aBebvKymmvr6YuHKzoBG80lqTJwzAPkOuYOTQ+7dp7jMSSbOmod+38IsKP3v9SakKBWY3XzmmLLBDqcVoyl87/ZEskzGMvjHr6nrpyyEViSzRoU1aGiFR8s7ZoPOXpql2A9Y01NNZUrWp27XKJxtzvP1QbDs7rtnl2e4TB4RiZvEEtTqinpDz+ujBRjxu1qfC7iNOLvy6sMf5C0N1SV9F9+aPxpGdD1h1EhO1dja4JfzZrPG8853BuWz2pjOFIdMZZGJ9KURcOEvJo3sFyaImESWcNE7aj6AWl89NXIEu1ZFZWTndbHYdHpmZ5cJVEsQRyx/oGnj4+vuIRhsthbCpF1ng3PD6fc9qtIoD8BO/4dOm0ZHYoxupdFX4XiS3RkllZOT2tEZKZLMfHKrOk0+vOnA47uhqJJTMciRb+9zrswpD15XJOu5VXyK/lL6U+PQ7FWL2rwu8ii83bVVZHbv6uxxUQK+Httz7Cfzw8uOLXJdNZJhNpz2P8ANu7rHLI/SdWNtBkOTj16cUQ/ua6EOtqQzyfl+Adn0qXzOIth1yHTg9r+VX4XSRux/g11FMYzrcFqv/w/B4spcDR0Sl+8expftB/bMWvLUa7BgdnhOHTxwsf5x+e9H41soOIcE57ZF6op+Q8/lxPfu9aM6vwu0hu3q4u4CoITXVhtnbW0zdYmsLfNzACQP+RURLpldXFR4vQmdOhLlxFT2uE/cfd8/gLPWh9uZzTVs+h07NDPSUX47dLeDXGXyFMLjFoXVkdvT0t7B6MlmSCt2/A+kBKprPsOzq2otfOdLAsjijt6GrgaRdCPTMdR4sk/O0RTo4ncv+L4yU0dtGhvrqKUFA87cmvwu8iMY3xF5zLepqZmE7zzDL7r3vJowMjXLCh0X68sruS0SI0aMtn+/pGBkfiuWu2UIzEkkTCwaJNmTunbWZ6W9YumSw14RcRmuxafq9Q4XeRyWR60Xm7yuro7W4BZsIqpcLYVIoDJyd4zQXrOac9smL7RoqYBAWrw6UxFPwDdSTmzpD15ZJf2TORSGNMaa3adfC6X48qkovEE4sPYVFWx6bmWtY31qzYo3abx16IYgz0djdzWXcLfYPRReviv/bI4DyBdaZvFaOcE6ySToD9BU7wjsSSrvXhXw7drXWIWLX84yW4atehORLSqp5KIbbEEBZldYgIl/Y0l5zH3zcwQjAg7NrcxKU9zYzGU/N6wYMVcviL7+3j0/cemLXdCYlUVxXHUdjUXEt9dVXB4/zF9vhrQkE2Nddy6HQs16Ct1Kp6wLrTU4+/QphMpDWx6wKXdTdzbGy6pHrzPzoQ5cINjdSFq7ispyW3bS537rFKPR84MMRYfKZ8Lxrzvl1DPiLC9vUNBS/pHPGgT8+ZOLutnudPT8706Smxqh6w+/XEtZyzIogl0xrqcYHentKK8yfTWfYcHs3Z1dNaR1t9eJ59xhi+33+UrnU1pDKGH+07nttXrHYN+WzvamD/ifGCNgsbiSWLsigtn3PaIjw/K9RTes5YSyTMaDzpStuMhVDhd5HJhPbid4Pt6xuor67KlU8Wm33Hxkiks1zW0wxY3nNvdwuPDs4W/iePjXPoVIz3vvw8zmmLcEfeQq+ReHHaNeSzo6uRiel0we6kppIZplIZWopUw+9wbnuEWDLDsyet0Fsphnqa68Jkzcy8ALdR4XcRnbfrDlXBAJdsbuLREvH4Hc/+UrviCKC3p5nDI1OczOtzf+eeY4SCwg0XdnHjrg08/PwwJ8as/aOl4PHbk6wKFe7JVSoV2+O3K3v6D1s970sxuet1vx4VfheJa3LXNS7raeHAyYlc3LaYPDoQpae1jvaG6ty2y3LhKOuuJJs1/GDPMV66pZ3mSJgbd27AGLhrr+X1j8TcHU+4HLatt2bXFirBGy1ig7Z8nFGd/YdHEYH6Esy7ed2vR4XfRazkrsb43aC3pxljrDLKYmKMoW9gJBffdzh/QyO1oWDuruTRgRGOj01z464NgOWFXrRxHXfuOUYqk2ViOl104a+vrmJzSx37C9Sbv5idOfNZ31hDbSjIcCxJY417Q9/Xgtf9elT4XULn7brLrrOaqApI0RO8z52KEY2ncvF9h5Adjuqz4/x37DlGbSjIq87vzB1z064N7D0ylgtBFKtdQz47uhoK1rOnVDz+QEByXn8pJnbB+349KvwuofN23aUuXMUFG9cVfSGX88Ez1+N3tj11bJxoLMndTxzn1Rd0UpcXZnjdxRsQga/+agAoXruGfLavb2TgdIyp5NqHr5eKxw8zQ1lKsZQT8mL8Guopb3T6lvtc1t3MnsMr74RZSB4diNISCed6wuRzWU8zWQN/f9+zjMZT3GSHeRzWr6vhirNbuWffCaA0hH9HVwNZA88OrT3cE40lCQakJMTW+fuUYkUPQG0oSHVVoLI9fhG5TkQOiMhBEflwMWxwG23Q5j69PS0k0ln2HS18V8nl0jc4Qm9387xB3wCXbG4mIPAfDw/SXBfi6i3t8465adeGXKfRUgj1FLKyZziWpLmuNGLqTmVPKXwILYSIeLp613PhF5Eg8CXgeuB84K0icr7XdriNM2hdk7vucWm3FVcvVpx/aGKaweF4roJnLvXVVezoaiSTNdxwUdeCA76vv7CLUNASxlIIiWxuqaMuHOSpAsT5oyWwatchF+op0Rg/OKt3vRH+YvwWLgcOGmMOAYjI14GbgKcK/UZfvO/Z3BJ5r5lK2cKvHr9rtDdUc3ZbhC/df5Bv7z7i+fs7f+NL5yR287msp4Unj41z066NC+5fVxfi2m0d/OSpkyUR6gkEhG3rG/j27iM8ePD0ms51dHSKizauK5BlayOX3C1Rjx+sD/4HDw7zqs/+fNb2v/3tixZ1LlZLMVRpI3A47/kR4MVzDxKRm4GbATZv3ryqN2pvqGZLZ/2qXlsIrjynlV2bm4r2/n7gA6/aOqv1gde8YnsHFy8hbm+7opuGmip6uxf/cPjTV25l56Z1RetZP5f/es25fL//6JrPs6Wznht3bjjzgR7QUBPiozds5yXnzQ+3lQrvuLJ7wTuSWheuCylkX45lvaHIm4DXGGPebT9/O3C5Mea/Lfaa3t5e09fX55WJiqIoFYGI7DbG9M7dXozk7hHgrLznm4DixGMURVF8SDGE/1Fgi4icLSJh4C3AnUWwQ1EUxZd4HuM3xqRF5L3AvUAQ+Iox5kmv7VAURfErRSk5McbcDdxdjPdWFEXxO7pyV1EUxWeo8CuKovgMFX5FURSfocKvKIriMzxfwLUaROQUMLjKl7cBa1t77j1qs/uUm72gNntFudm8lL3dxph5y5XLQvjXgoj0LbRyrZRRm92n3OwFtdkrys3m1diroR5FURSfocKvKIriM/wg/F8utgGrQG12n3KzF9Rmryg3m1dsb8XH+BVFUZTZ+MHjVxRFUfJQ4VcURfEZFS385TDUXUS+IiJDIrIvb1uLiPxERJ61vy8+vsljROQsEblfRPaLyJMi8n57eynbXCMivxaRPbbN/9PefraIPGLb/A27TXjJICJBEXlcRO6yn5e6vQMi8oSI9ItIn72tZK8LABFpEpFvi8jT9jV9ZSnbLCLb7N+v8zUuIres1OaKFf4yGur+VeC6Ods+DNxnjNkC3Gc/LxXSwAeNMTuAK4D32L/XUrY5AbzcGLMT2AVcJyJXAH8HfM62OQq8q4g2LsT7gf15z0vdXoCXGWN25dWVl/J1AfD3wD3GmO3ATqzfd8nabIw5YP9+dwGXAnHge6zUZmNMRX4BVwL35j3/CPCRYtu1iK09wL685weALvtxF3Cg2DYuYfsdwKvKxWagDngMa87zaaBqoeul2F9Yk+nuA14O3AVIKdtr2zQAtM3ZVrLXBdAIPI9d5FIONs+x89XAg6uxuWI9fhYe6r6xSLaslE5jzHEA+3tHke1ZEBHpAS4BHqHEbbbDJv3AEPAT4Dlg1BiTtg8ptevj88CHgKz9vJXSthfAAD8Wkd0icrO9rZSvi3OAU8C/2yG1fxORCKVtcz5vAW63H6/I5koWfllgm9auFggRqQe+A9xijBkvtj1nwhiTMdbt8SbgcmDHQod5a9XCiMjrgCFjzO78zQscWhL25nGVMeZFWOHV94jIS4tt0BmoAl4E/JMx5hIgRgmFdZbCzu/cCHxrNa+vZOEv56HuJ0WkC8D+PlRke2YhIiEs0f+aMea79uaSttnBGDMKPICVn2gSEWcKXSldH1cBN4rIAPB1rHDP5yldewEwxhyzvw9hxZ0vp7SviyPAEWPMI/bzb2N9EJSyzQ7XA48ZY07az1dkcyULfzkPdb8TeKf9+J1YcfSSQEQEuBXYb4z5bN6uUra5XUSa7Me1wCuxknj3A2+0DysZm40xHzHGbDLG9GBdtz8zxvwuJWovgIhERKTBeYwVf95HCV8XxpgTwGER2WZvegXwFCVscx5vZSbMAyu1udgJCpeTHzcAz2DFc/+i2PYsYuPtwHEgheWBvAsrnnsf8Kz9vaXYdubZ+xKsEMNeoN/+uqHEbb4YeNy2eR/wl/b2c4BfAwexbpmri23rArZfC9xV6vbatu2xv550/t9K+bqw7dsF9NnXxveB5jKwuQ4YBtblbVuRzdqyQVEUxWdUcqhHURRFWQAVfkVRFJ+hwq8oiuIzVPgVRVF8hgq/oiiKz1DhVxRF8Rkq/IqiKD7j/wE7DYSeKXJ5wwAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -568,146 +568,429 @@ "ax" ] }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Interactive Map\n", - "The following map-based visualization makes use of folium. It allows to visualizate geospatial data based on an interactive leaflet map. Since the data in the GeoDataframe is modelled as a set of Point instead of a LineString, we have to manually create a polyline" - ] - }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 18, "metadata": {}, "outputs": [ { "data": { "text/html": [ - "
" + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
uidtidlatlngdatetimeCO2.unitCO2.valueCalculated MAF.unitCalculated MAF.valueConsumption.unit...sensor.engineDisplacementsensor.fuelTypesensor.manufacturersensor.modelsensor.typetrack.appVersiontrack.begintrack.endtrack.lengthtrack.touVersion
058395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.64632751.9553952020-01-17 15:58:38kg/h4.094951g/s5.300929l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
158395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.64632651.9553922020-01-17 15:58:43kg/h4.055918g/s5.250401l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
258395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.64632651.9553932020-01-17 15:58:48kg/h3.982729g/s5.155657l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
358395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.64632651.9553932020-01-17 15:58:53kg/h4.007283g/s5.187442l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
458395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.64632651.9553932020-01-17 15:58:58kg/h4.019175g/s5.202837l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
..................................................................
6558395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.63831151.9579372020-01-17 16:05:51kg/h3.781639g/s4.895346l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
6658395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.63832751.9579912020-01-17 16:05:56kg/h5.149422g/s6.665945l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
6758395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.63685651.9581612020-01-17 16:06:11kg/h4.281626g/s5.542580l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
6858395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.63690851.9582132020-01-17 16:06:16kg/h4.063978g/s5.260834l/h...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
6958395f40e4b0a979d45bd61b5e24ca2463c90936dc7b2d947.63698551.9582332020-01-17 16:06:21NaNNaNNaNNaNNaN...1798gasolineDodgeCalibercarNaN2020-01-17T15:58:38Z2020-01-17T16:06:21Z1.152504NaN
\n", + "

70 rows × 56 columns

\n", + "
" ], "text/plain": [ - "" + " uid tid lat lng \\\n", + "0 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.646327 51.955395 \n", + "1 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.646326 51.955392 \n", + "2 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.646326 51.955393 \n", + "3 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.646326 51.955393 \n", + "4 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.646326 51.955393 \n", + ".. ... ... ... ... \n", + "65 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.638311 51.957937 \n", + "66 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.638327 51.957991 \n", + "67 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.636856 51.958161 \n", + "68 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.636908 51.958213 \n", + "69 58395f40e4b0a979d45bd61b 5e24ca2463c90936dc7b2d94 7.636985 51.958233 \n", + "\n", + " datetime CO2.unit CO2.value Calculated MAF.unit \\\n", + "0 2020-01-17 15:58:38 kg/h 4.094951 g/s \n", + "1 2020-01-17 15:58:43 kg/h 4.055918 g/s \n", + "2 2020-01-17 15:58:48 kg/h 3.982729 g/s \n", + "3 2020-01-17 15:58:53 kg/h 4.007283 g/s \n", + "4 2020-01-17 15:58:58 kg/h 4.019175 g/s \n", + ".. ... ... ... ... \n", + "65 2020-01-17 16:05:51 kg/h 3.781639 g/s \n", + "66 2020-01-17 16:05:56 kg/h 5.149422 g/s \n", + "67 2020-01-17 16:06:11 kg/h 4.281626 g/s \n", + "68 2020-01-17 16:06:16 kg/h 4.063978 g/s \n", + "69 2020-01-17 16:06:21 NaN NaN NaN \n", + "\n", + " Calculated MAF.value Consumption.unit ... sensor.engineDisplacement \\\n", + "0 5.300929 l/h ... 1798 \n", + "1 5.250401 l/h ... 1798 \n", + "2 5.155657 l/h ... 1798 \n", + "3 5.187442 l/h ... 1798 \n", + "4 5.202837 l/h ... 1798 \n", + ".. ... ... ... ... \n", + "65 4.895346 l/h ... 1798 \n", + "66 6.665945 l/h ... 1798 \n", + "67 5.542580 l/h ... 1798 \n", + "68 5.260834 l/h ... 1798 \n", + "69 NaN NaN ... 1798 \n", + "\n", + " sensor.fuelType sensor.manufacturer sensor.model sensor.type \\\n", + "0 gasoline Dodge Caliber car \n", + "1 gasoline Dodge Caliber car \n", + "2 gasoline Dodge Caliber car \n", + "3 gasoline Dodge Caliber car \n", + "4 gasoline Dodge Caliber car \n", + ".. ... ... ... ... \n", + "65 gasoline Dodge Caliber car \n", + "66 gasoline Dodge Caliber car \n", + "67 gasoline Dodge Caliber car \n", + "68 gasoline Dodge Caliber car \n", + "69 gasoline Dodge Caliber car \n", + "\n", + " track.appVersion track.begin track.end track.length \\\n", + "0 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "1 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "2 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "3 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "4 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + ".. ... ... ... ... \n", + "65 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "66 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "67 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "68 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "69 NaN 2020-01-17T15:58:38Z 2020-01-17T16:06:21Z 1.152504 \n", + "\n", + " track.touVersion \n", + "0 NaN \n", + "1 NaN \n", + "2 NaN \n", + "3 NaN \n", + "4 NaN \n", + ".. ... \n", + "65 NaN \n", + "66 NaN \n", + "67 NaN \n", + "68 NaN \n", + "69 NaN \n", + "\n", + "[70 rows x 56 columns]" ] }, - "execution_count": 6, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "import folium\n", - "\n", - "lats = list(some_track['geometry'].apply(lambda coord: coord.y))\n", - "lngs = list(some_track['geometry'].apply(lambda coord: coord.x))\n", - "\n", - "avg_lat = sum(lats) / len(lats)\n", - "avg_lngs = sum(lngs) / len(lngs)\n", - "\n", - "m = folium.Map(location=[avg_lat, avg_lngs], zoom_start=13)\n", - "folium.PolyLine([coords for coords in zip(lats, lngs)], color='blue').add_to(m)\n", - "m" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Example: Visualization with pydeck (deck.gl)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The pydeck library makes use of the basemap tiles from Mapbox. In case you want to visualize the map with basemap tiles, you need to register with MapBox, and configure a specific access token. The service is free until a certain level of traffic is esceeded.\n", - "\n", - "You can either configure it via your terminal (i.e. `export MAPBOX_API_KEY=`), which pydeck will automatically read, or you can pass it as a variable to the generation of pydeck (i.e. `pdk.Deck(mapbox_key=, ...)`." + "TrackConverter(some_track).to_scikitmobility()" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - " \n", - " " - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/plain": [ - "'/home/hafenkran/dev/envirocar/envirocar-py/examples/tracks_muenster.html'" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "import pydeck as pdk\n", - "\n", - "# for pydeck the attributes have to be flat\n", - "track_df['lat'] = track_df['geometry'].apply(lambda coord: coord.y)\n", - "track_df['lng'] = track_df['geometry'].apply(lambda coord: coord.x)\n", - "vis_df = pd.DataFrame(track_df)\n", - "vis_df['speed'] = vis_df['Speed.value']\n", - "\n", - "# omit unit columns\n", - "vis_df_cols = [col for col in vis_df.columns if col.lower()[len(col)-4:len(col)] != 'unit']\n", - "vis_df = vis_df[vis_df_cols]\n", - "\n", - "layer = pdk.Layer(\n", - " 'ScatterplotLayer',\n", - " data=vis_df,\n", - " get_position='[lng, lat]',\n", - " auto_highlight=True,\n", - " get_radius=10, # Radius is given in meters\n", - " get_fill_color='[speed < 20 ? 0 : (speed - 20)*8.5, speed < 50 ? 255 : 255 - (speed-50)*8.5, 0, 140]', # Set an RGBA value for fill\n", - " pickable=True\n", - ")\n", - "\n", - "# Set the viewport location\n", - "view_state = pdk.ViewState(\n", - " longitude=7.5963592529296875,\n", - " latitude=51.96246168188569,\n", - " zoom=10,\n", - " min_zoom=5,\n", - " max_zoom=15,\n", - " pitch=40.5,\n", - " bearing=-27.36)\n", - "\n", - "r = pdk.Deck(\n", - " width=200, \n", - " layers=[layer], \n", - " initial_view_state=view_state #, mapbox_key=\n", - ")\n", - "r.to_html('tracks_muenster.html', iframe_width=900)" - ] + "outputs": [], + "source": [] } ], "metadata": { "kernelspec": { - "display_name": "envirocar", + "display_name": "Python 3", "language": "python", - "name": "envirocar" + "name": "python3" }, "language_info": { "codemirror_mode": { @@ -719,7 +1002,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.6.9" + "version": "3.7.6" } }, "nbformat": 4, diff --git a/examples/attributes.csv b/examples/attributes.csv new file mode 100644 index 0000000..ac5a2f6 --- /dev/null +++ b/examples/attributes.csv @@ -0,0 +1,11605 @@ +geometry,gridId,Weekday,hour,Speed_value_mean +"POLYGON ((6.796332612761113 51.4514254739054, 6.797487589554982 51.4514254739054, 6.797487589554982 51.45121554458679, 6.796332612761113 51.45121554458679, 6.796332612761113 51.4514254739054))",399_4_11,4,11,124.5 +"POLYGON ((6.796332612761113 51.44582702839109, 6.797487589554982 51.44582702839109, 6.797487589554982 51.44561707333063, 6.796332612761113 51.44561707333063, 6.796332612761113 51.44582702839109))",400_4_11,4,11,119.0 +"POLYGON ((6.796332612761113 51.42342638138862, 6.797487589554982 51.42342638138862, 6.797487589554982 51.4232163233493, 6.796332612761113 51.4232163233493, 6.796332612761113 51.42342638138862))",404_4_11,4,11,132.0 +"POLYGON ((6.796332612761113 51.4178245032484, 6.797487589554982 51.4178245032484, 6.797487589554982 51.41761441946149, 6.796332612761113 51.41761441946149, 6.796332612761113 51.4178245032484))",405_4_11,4,11,134.5 +"POLYGON ((6.796332612761113 51.41222193849109, 6.797487589554982 51.41222193849109, 6.797487589554982 51.41201182895544, 6.796332612761113 51.41201182895544, 6.796332612761113 51.41222193849109))",406_4_11,4,11,136.33333333333334 +"POLYGON ((6.805315765602309 53.46077331148496, 6.806470742396177 53.46077331148496, 6.806470742396177 53.46057274876306, 6.805315765602309 53.46057274876306, 6.805315765602309 53.46077331148496))",707_4_7,4,7,50.42857142857143 +"POLYGON ((6.805315765602309 53.45007531074754, 6.806470742396177 53.45007531074754, 6.806470742396177 53.44987469749334, 6.805315765602309 53.44987469749334, 6.805315765602309 53.45007531074754))",709_4_7,4,7,33.333333333333336 +"POLYGON ((6.805315765602309 53.44472529969579, 6.806470742396177 53.44472529969579, 6.806470742396177 53.4445246611733, 6.805315765602309 53.4445246611733, 6.805315765602309 53.44472529969579))",710_4_7,4,7,47.0 +"POLYGON ((6.805315765602309 51.4570232329866, 6.806470742396177 51.4570232329866, 6.806470742396177 51.45681332940866, 6.805315765602309 51.45681332940866, 6.805315765602309 51.4570232329866))",1073_4_11,4,11,126.0 +"POLYGON ((6.805315765602309 51.44022789641294, 6.806470742396177 51.44022789641294, 6.806470742396177 51.44001791560949, 6.805315765602309 51.44001791560949, 6.805315765602309 51.44022789641294))",1076_4_11,4,11,119.5 +"POLYGON ((6.805315765602309 51.43462807794026, 6.806470742396177 51.43462807794026, 6.806470742396177 51.43441807139266, 6.805315765602309 51.43441807139266, 6.805315765602309 51.43462807794026))",1077_4_11,4,11,119.33333333333333 +"POLYGON ((6.805315765602309 51.42902757294237, 6.806470742396177 51.42902757294237, 6.806470742396177 51.42881754064948, 6.805315765602309 51.42881754064948, 6.805315765602309 51.42902757294237))",1078_4_11,4,11,124.75 +"POLYGON ((6.805315765602309 51.42342638138862, 6.806470742396177 51.42342638138862, 6.806470742396177 51.4232163233493, 6.805315765602309 51.4232163233493, 6.805315765602309 51.42342638138862))",1079_4_11,4,11,130.0 +"POLYGON ((6.805315765602309 51.40661868708612, 6.806470742396177 51.40661868708612, 6.806470742396177 51.40640855180059, 6.805315765602309 51.40640855180059, 6.805315765602309 51.40661868708612))",1082_4_11,4,11,127.5 +"POLYGON ((6.805315765602309 51.40101474900292, 6.806470742396177 51.40101474900292, 6.806470742396177 51.40080458796635, 6.805315765602309 51.40080458796635, 6.805315765602309 51.40101474900292))",1083_4_11,4,11,108.0 +"POLYGON ((6.814298918443503 53.46612130124712, 6.815453895237372 53.46612130124712, 6.815453895237372 53.46592076378923, 6.814298918443503 53.46592076378923, 6.814298918443503 53.46612130124712))",1381_4_7,4,7,47.0 +"POLYGON ((6.814298918443503 53.46077331148496, 6.815453895237372 53.46077331148496, 6.815453895237372 53.46057274876306, 6.814298918443503 53.46057274876306, 6.814298918443503 53.46077331148496))",1382_4_7,4,7,59.625 +"POLYGON ((6.814298918443503 53.45542464799784, 6.815453895237372 53.45542464799784, 6.815453895237372 53.45522406001052, 6.814298918443503 53.45522406001052, 6.814298918443503 53.45542464799784))",1383_4_7,4,7,44.3 +"POLYGON ((6.814298918443503 53.45007531074754, 6.815453895237372 53.45007531074754, 6.815453895237372 53.44987469749334, 6.814298918443503 53.44987469749334, 6.814298918443503 53.45007531074754))",1384_4_7,4,7,59.333333333333336 +"POLYGON ((6.814298918443503 53.44472529969579, 6.815453895237372 53.44472529969579, 6.815453895237372 53.4445246611733, 6.814298918443503 53.4445246611733, 6.814298918443503 53.44472529969579))",1385_4_7,4,7,48.5 +"POLYGON ((6.814298918443503 51.52973164964525, 6.815453895237372 51.52973164964525, 6.815453895237372 51.52952208059101, 6.814298918443503 51.52952208059101, 6.814298918443503 51.52973164964525))",1735_4_11,4,11,102.5 +"POLYGON ((6.814298918443503 51.52414281138917, 6.815453895237372 51.52414281138917, 6.815453895237372 51.52393321660929, 6.814298918443503 51.52393321660929, 6.814298918443503 51.52414281138917))",1736_4_11,4,11,100.0 +"POLYGON ((6.814298918443503 51.51855328710132, 6.815453895237372 51.51855328710132, 6.815453895237372 51.51834366659466, 6.814298918443503 51.51834366659466, 6.814298918443503 51.51855328710132))",1737_4_11,4,11,98.25 +"POLYGON ((6.814298918443503 51.5129630767507, 6.815453895237372 51.5129630767507, 6.815453895237372 51.51275343051609, 6.814298918443503 51.51275343051609, 6.814298918443503 51.5129630767507))",1738_4_11,4,11,102.5 +"POLYGON ((6.814298918443503 51.49059537410121, 6.815453895237372 51.49059537410121, 6.815453895237372 51.49038562494316, 6.814298918443503 51.49038562494316, 6.814298918443503 51.49059537410121))",1742_4_11,4,11,109.0 +"POLYGON ((6.814298918443503 51.48500173297243, 6.815453895237372 51.48500173297243, 6.815453895237372 51.48479195808062, 6.814298918443503 51.48479195808062, 6.814298918443503 51.48500173297243))",1743_4_11,4,11,102.75 +"POLYGON ((6.814298918443503 51.4794074055953, 6.815453895237372 51.4794074055953, 6.815453895237372 51.47919760496858, 6.814298918443503 51.47919760496858, 6.814298918443503 51.4794074055953))",1744_4_11,4,11,100.75 +"POLYGON ((6.814298918443503 51.47381239193896, 6.815453895237372 51.47381239193896, 6.815453895237372 51.47360256557617, 6.814298918443503 51.47360256557617, 6.814298918443503 51.47381239193896))",1745_4_11,4,11,106.0 +"POLYGON ((6.814298918443503 51.46821669197261, 6.815453895237372 51.46821669197261, 6.815453895237372 51.46800683987258, 6.814298918443503 51.46800683987258, 6.814298918443503 51.46821669197261))",1746_4_11,4,11,112.75 +"POLYGON ((6.814298918443503 51.46262030566541, 6.815453895237372 51.46262030566541, 6.815453895237372 51.46241042782701, 6.814298918443503 51.46241042782701, 6.814298918443503 51.46262030566541))",1747_4_11,4,11,116.25 +"POLYGON ((6.814298918443503 51.40101474900292, 6.815453895237372 51.40101474900292, 6.815453895237372 51.40080458796635, 6.814298918443503 51.40080458796635, 6.814298918443503 51.40101474900292))",1758_4_11,4,11,118.5 +"POLYGON ((6.814298918443503 51.39541012421094, 6.815453895237372 51.39541012421094, 6.815453895237372 51.39519993742221, 6.814298918443503 51.39519993742221, 6.814298918443503 51.39541012421094))",1759_4_11,4,11,125.0 +"POLYGON ((6.814298918443503 51.38980481267969, 6.815453895237372 51.38980481267969, 6.815453895237372 51.38959460013763, 6.814298918443503 51.38959460013763, 6.814298918443503 51.38980481267969))",1760_4_11,4,11,130.0 +"POLYGON ((6.823282071284699 53.46077331148496, 6.824437048078567 53.46077331148496, 6.824437048078567 53.46057274876306, 6.823282071284699 53.46057274876306, 6.823282071284699 53.46077331148496))",2057_4_7,4,7,59.0 +"POLYGON ((6.823282071284699 53.44472529969579, 6.824437048078567 53.44472529969579, 6.824437048078567 53.4445246611733, 6.823282071284699 53.4445246611733, 6.823282071284699 53.44472529969579))",2060_4_7,4,7,76.0 +"POLYGON ((6.823282071284699 51.53531980190061, 6.824437048078567 51.53531980190061, 6.824437048078567 51.53511025857083, 6.823282071284699 51.53511025857083, 6.823282071284699 51.53531980190061))",2409_4_11,4,11,131.0 +"POLYGON ((6.823282071284699 51.52973164964525, 6.824437048078567 51.52973164964525, 6.824437048078567 51.52952208059101, 6.823282071284699 51.52952208059101, 6.823282071284699 51.52973164964525))",2410_4_11,4,11,122.66666666666667 +"POLYGON ((6.823282071284699 51.5129630767507, 6.824437048078567 51.5129630767507, 6.824437048078567 51.51275343051609, 6.823282071284699 51.51275343051609, 6.823282071284699 51.5129630767507))",2413_4_11,4,11,109.5 +"POLYGON ((6.823282071284699 51.50737218030635, 6.824437048078567 51.50737218030635, 6.824437048078567 51.5071625083426, 6.823282071284699 51.5071625083426, 6.823282071284699 51.50737218030635))",2414_4_11,4,11,111.0 +"POLYGON ((6.823282071284699 51.50178059773727, 6.824437048078567 51.50178059773727, 6.824437048078567 51.50157090004325, 6.823282071284699 51.50157090004325, 6.823282071284699 51.50178059773727))",2415_4_11,4,11,108.0 +"POLYGON ((6.823282071284699 51.49618832901253, 6.824437048078567 51.49618832901253, 6.824437048078567 51.49597860558707, 6.823282071284699 51.49597860558707, 6.823282071284699 51.49618832901253))",2416_4_11,4,11,112.33333333333333 +"POLYGON ((6.823282071284699 51.38980481267969, 6.824437048078567 51.38980481267969, 6.824437048078567 51.38959460013763, 6.823282071284699 51.38959460013763, 6.823282071284699 51.38980481267969))",2435_4_11,4,11,132.0 +"POLYGON ((6.823282071284699 51.38419881437866, 6.824437048078567 51.38419881437866, 6.824437048078567 51.38398857608216, 6.823282071284699 51.38398857608216, 6.823282071284699 51.38419881437866))",2436_4_11,4,11,128.33333333333334 +"POLYGON ((6.823282071284699 51.3785921292774, 6.824437048078567 51.3785921292774, 6.824437048078567 51.37838186522529, 6.823282071284699 51.37838186522529, 6.823282071284699 51.3785921292774))",2437_4_11,4,11,129.66666666666666 +"POLYGON ((6.823282071284699 51.37298475734545, 6.824437048078567 51.37298475734545, 6.824437048078567 51.37277446753659, 6.823282071284699 51.37277446753659, 6.823282071284699 51.37298475734545))",2438_4_11,4,11,126.33333333333333 +"POLYGON ((6.823282071284699 51.36737669855238, 6.824437048078567 51.36737669855238, 6.824437048078567 51.36716638298564, 6.823282071284699 51.36716638298564, 6.823282071284699 51.36737669855238))",2439_4_11,4,11,125.5 +"POLYGON ((6.832265224125893 53.46077331148496, 6.833420200919762 53.46077331148496, 6.833420200919762 53.46057274876306, 6.832265224125893 53.46057274876306, 6.832265224125893 53.46077331148496))",2732_4_7,4,7,23.0 +"POLYGON ((6.832265224125893 53.45542464799784, 6.833420200919762 53.45542464799784, 6.833420200919762 53.45522406001052, 6.832265224125893 53.45522406001052, 6.832265224125893 53.45542464799784))",2733_4_7,4,7,20.75 +"POLYGON ((6.832265224125893 53.44472529969579, 6.833420200919762 53.44472529969579, 6.833420200919762 53.4445246611733, 6.832265224125893 53.4445246611733, 6.832265224125893 53.44472529969579))",2735_4_7,4,7,83.0 +"POLYGON ((6.832265224125893 53.43937461480438, 6.833420200919762 53.43937461480438, 6.833420200919762 53.43917395101216, 6.832265224125893 53.43917395101216, 6.832265224125893 53.43937461480438))",2736_4_7,4,7,84.0 +"POLYGON ((6.82880029374429 53.40170010912716, 6.829955270538158 53.40170010912716, 6.829955270538158 53.40149926745875, 6.82880029374429 53.40149926745875, 6.82880029374429 53.40170010912716))",2743_1_8,1,8,72.66666666666667 +"POLYGON ((6.832265224125893 53.40190094984754, 6.833420200919762 53.40190094984754, 6.833420200919762 53.40170010912716, 6.832265224125893 53.40170010912716, 6.832265224125893 53.40190094984754))",2743_4_7,4,7,87.5 +"POLYGON ((6.82880029374429 53.39634400686365, 6.829955270538158 53.39634400686365, 6.829955270538158 53.39614313991401, 6.82880029374429 53.39614313991401, 6.82880029374429 53.39634400686365))",2744_1_8,1,8,72.0 +"POLYGON ((6.832265224125893 53.39654487286521, 6.833420200919762 53.39654487286521, 6.833420200919762 53.39634400686365, 6.832265224125893 53.39634400686365, 6.832265224125893 53.39654487286521))",2744_4_7,4,7,77.8 +"POLYGON ((6.82880029374429 53.39098723041592, 6.829955270538158 53.39098723041592, 6.829955270538158 53.39078633818363, 6.82880029374429 53.39078633818363, 6.82880029374429 53.39098723041592))",2745_1_8,1,8,79.4 +"POLYGON ((6.832265224125893 53.39118812170008, 6.833420200919762 53.39118812170008, 6.833420200919762 53.39098723041592, 6.832265224125893 53.39098723041592, 6.832265224125893 53.39118812170008))",2745_4_7,4,7,80.16666666666667 +"POLYGON ((6.82880029374429 53.38562977974594, 6.829955270538158 53.38562977974594, 6.829955270538158 53.38542886222958, 6.82880029374429 53.38542886222958, 6.82880029374429 53.38562977974594))",2746_1_8,1,8,84.6 +"POLYGON ((6.832265224125893 53.38583069631412, 6.833420200919762 53.38583069631412, 6.833420200919762 53.38562977974594, 6.832265224125893 53.38562977974594, 6.832265224125893 53.38583069631412))",2746_4_7,4,7,75.8 +"POLYGON ((6.82880029374429 53.38027165481571, 6.829955270538158 53.38027165481571, 6.829955270538158 53.38007071201385, 6.82880029374429 53.38007071201385, 6.82880029374429 53.38027165481571))",2747_1_8,1,8,83.0 +"POLYGON ((6.832265224125893 53.38047259666934, 6.833420200919762 53.38047259666934, 6.833420200919762 53.38027165481571, 6.832265224125893 53.38027165481571, 6.832265224125893 53.38047259666934))",2747_4_7,4,7,79.0 +"POLYGON ((6.832265224125893 51.53531980190061, 6.833420200919762 51.53531980190061, 6.833420200919762 51.53511025857083, 6.832265224125893 51.53511025857083, 6.832265224125893 51.53531980190061))",3084_4_11,4,11,128.0 +"POLYGON ((6.832265224125893 51.36737669855238, 6.833420200919762 51.36737669855238, 6.833420200919762 51.36716638298564, 6.832265224125893 51.36716638298564, 6.832265224125893 51.36737669855238))",3114_4_11,4,11,125.0 +"POLYGON ((6.832265224125893 51.3617679528678, 6.833420200919762 51.3617679528678, 6.833420200919762 51.36155761154204, 6.832265224125893 51.36155761154204, 6.832265224125893 51.3617679528678))",3115_4_11,4,11,128.33333333333334 +"POLYGON ((6.832265224125893 51.35615852026133, 6.833420200919762 51.35615852026133, 6.833420200919762 51.3559481531754, 6.832265224125893 51.3559481531754, 6.832265224125893 51.35615852026133))",3116_4_11,4,11,128.0 +"POLYGON ((6.84124837696709 53.43937461480438, 6.842403353760957 53.43937461480438, 6.842403353760957 53.43917395101216, 6.84124837696709 53.43917395101216, 6.84124837696709 53.43937461480438))",3411_4_7,4,7,80.6 +"POLYGON ((6.837783446585486 53.41241029125373, 6.838938423379354 53.41241029125373, 6.838938423379354 53.41220950014348, 6.837783446585486 53.41220950014348, 6.837783446585486 53.41241029125373))",3416_1_8,1,8,72.33333333333333 +"POLYGON ((6.84124837696709 53.41261108141607, 6.842403353760957 53.41261108141607, 6.842403353760957 53.41241029125373, 6.84124837696709 53.41241029125373, 6.84124837696709 53.41261108141607))",3416_4_7,4,7,97.5 +"POLYGON ((6.837783446585486 53.40705553724449, 6.838938423379354 53.40705553724449, 6.838938423379354 53.40685472085588, 6.837783446585486 53.40685472085588, 6.837783446585486 53.40705553724449))",3417_1_8,1,8,81.5 +"POLYGON ((6.84124837696709 53.40725635268515, 6.842403353760957 53.40725635268515, 6.842403353760957 53.40705553724449, 6.84124837696709 53.40705553724449, 6.84124837696709 53.40725635268515))",3417_4_7,4,7,96.6 +"POLYGON ((6.837783446585486 53.40170010912716, 6.838938423379354 53.40170010912716, 6.838938423379354 53.40149926745875, 6.837783446585486 53.40149926745875, 6.837783446585486 53.40170010912716))",3418_1_8,1,8,74.0 +"POLYGON ((6.84124837696709 53.40190094984754, 6.842403353760957 53.40190094984754, 6.842403353760957 53.40170010912716, 6.84124837696709 53.40170010912716, 6.84124837696709 53.40190094984754))",3418_4_7,4,7,90.0 +"POLYGON ((6.837783446585486 53.38027165481571, 6.838938423379354 53.38027165481571, 6.838938423379354 53.38007071201385, 6.837783446585486 53.38007071201385, 6.837783446585486 53.38027165481571))",3422_1_8,1,8,80.0 +"POLYGON ((6.84124837696709 53.38047259666934, 6.842403353760957 53.38047259666934, 6.842403353760957 53.38027165481571, 6.84124837696709 53.38027165481571, 6.84124837696709 53.38047259666934))",3422_4_7,4,7,87.75 +"POLYGON ((6.837783446585486 53.3749128555872, 6.838938423379354 53.3749128555872, 6.838938423379354 53.37471188749843, 6.837783446585486 53.37471188749843, 6.837783446585486 53.3749128555872))",3423_1_8,1,8,80.0 +"POLYGON ((6.84124837696709 53.3751138227277, 6.842403353760957 53.3751138227277, 6.842403353760957 53.3749128555872, 6.84124837696709 53.3749128555872, 6.84124837696709 53.3751138227277))",3423_4_7,4,7,87.6 +"POLYGON ((6.84124837696709 51.54090726818628, 6.842403353760957 51.54090726818628, 6.842403353760957 51.54069775057981, 6.84124837696709 51.54069775057981, 6.84124837696709 51.54090726818628))",3758_4_11,4,11,109.33333333333333 +"POLYGON ((6.84124837696709 51.35615852026133, 6.842403353760957 51.35615852026133, 6.842403353760957 51.3559481531754, 6.84124837696709 51.3559481531754, 6.84124837696709 51.35615852026133))",3791_4_11,4,11,129.75 +"POLYGON ((6.850231529808284 53.43937461480438, 6.851386506602153 53.43937461480438, 6.851386506602153 53.43917395101216, 6.850231529808284 53.43917395101216, 6.850231529808284 53.43937461480438))",4086_4_7,4,7,75.4 +"POLYGON ((6.846766599426681 53.42311777710027, 6.847921576220548 53.42311777710027, 6.847921576220548 53.42291703654247, 6.846766599426681 53.42291703654247, 6.846766599426681 53.42311777710027))",4089_1_8,1,8,37.8 +"POLYGON ((6.850231529808284 53.42331851671027, 6.851386506602153 53.42331851671027, 6.851386506602153 53.42311777710027, 6.850231529808284 53.42311777710027, 6.850231529808284 53.42331851671027))",4089_4_7,4,7,91.5 +"POLYGON ((6.846766599426681 53.41776437119296, 6.847921576220548 53.41776437119296, 6.847921576220548 53.41756360535965, 6.846766599426681 53.41756360535965, 6.846766599426681 53.41776437119296))",4090_1_8,1,8,58.714285714285715 +"POLYGON ((6.850231529808284 53.41796513607841, 6.851386506602153 53.41796513607841, 6.851386506602153 53.41776437119296, 6.850231529808284 53.41776437119296, 6.850231529808284 53.41796513607841))",4090_4_7,4,7,90.2 +"POLYGON ((6.846766599426681 53.41241029125373, 6.847921576220548 53.41241029125373, 6.847921576220548 53.41220950014348, 6.846766599426681 53.41220950014348, 6.846766599426681 53.41241029125373))",4091_1_8,1,8,72.33333333333333 +"POLYGON ((6.850231529808284 53.41261108141607, 6.851386506602153 53.41261108141607, 6.851386506602153 53.41241029125373, 6.850231529808284 53.41241029125373, 6.850231529808284 53.41261108141607))",4091_4_7,4,7,92.0 +"POLYGON ((6.846766599426681 53.36955338202248, 6.847921576220548 53.36955338202248, 6.847921576220548 53.36935238864535, 6.846766599426681 53.36935238864535, 6.846766599426681 53.36955338202248))",4099_1_8,1,8,80.66666666666667 +"POLYGON ((6.850231529808284 53.36975437445126, 6.851386506602153 53.36975437445126, 6.851386506602153 53.36955338202248, 6.850231529808284 53.36955338202248, 6.850231529808284 53.36975437445126))",4099_4_7,4,7,87.4 +"POLYGON ((6.850231529808284 53.30002016514535, 6.851386506602153 53.30002016514535, 6.851386506602153 53.29981884383951, 6.850231529808284 53.29981884383951, 6.850231529808284 53.30002016514535))",4112_4_7,4,7,81.66666666666667 +"POLYGON ((6.850231529808284 53.2946512722047, 6.851386506602153 53.2946512722047, 6.851386506602153 53.2944499255907, 6.850231529808284 53.2944499255907, 6.850231529808284 53.2946512722047))",4113_4_7,4,7,81.0 +"POLYGON ((6.850231529808284 53.28928170436187, 6.851386506602153 53.28928170436187, 6.851386506602153 53.2890803324383, 6.850231529808284 53.2890803324383, 6.850231529808284 53.28928170436187))",4114_4_7,4,7,87.25 +"POLYGON ((6.850231529808284 51.54090726818628, 6.851386506602153 51.54090726818628, 6.851386506602153 51.54069775057981, 6.850231529808284 51.54069775057981, 6.850231529808284 51.54090726818628))",4433_4_11,4,11,107.25 +"POLYGON ((6.850231529808284 51.3505484007026, 6.851386506602153 51.3505484007026, 6.851386506602153 51.35033800785538, 6.850231529808284 51.35033800785538, 6.850231529808284 51.3505484007026))",4467_4_11,4,11,124.33333333333333 +"POLYGON ((6.85921468264948 53.43937461480438, 6.860369659443348 53.43937461480438, 6.860369659443348 53.43917395101216, 6.85921468264948 53.43917395101216, 6.85921468264948 53.43937461480438))",4761_4_7,4,7,64.33333333333333 +"POLYGON ((6.85921468264948 53.4340232560351, 6.860369659443348 53.4340232560351, 6.860369659443348 53.43382256697173, 6.85921468264948 53.43382256697173, 6.85921468264948 53.4340232560351))",4762_4_7,4,7,43.42857142857143 +"POLYGON ((6.855749752267876 53.42847050901383, 6.856904729061744 53.42847050901383, 6.856904729061744 53.42826979373009, 6.855749752267876 53.42826979373009, 6.855749752267876 53.42847050901383))",4763_1_8,1,8,77.5 +"POLYGON ((6.85921468264948 53.4286712233498, 6.860369659443348 53.4286712233498, 6.860369659443348 53.42847050901383, 6.85921468264948 53.42847050901383, 6.85921468264948 53.4286712233498))",4763_4_7,4,7,90.8 +"POLYGON ((6.855749752267876 53.42311777710027, 6.856904729061744 53.42311777710027, 6.856904729061744 53.42291703654247, 6.855749752267876 53.42291703654247, 6.855749752267876 53.42311777710027))",4764_1_8,1,8,74.0 +"POLYGON ((6.85921468264948 53.42331851671027, 6.860369659443348 53.42331851671027, 6.860369659443348 53.42311777710027, 6.85921468264948 53.42311777710027, 6.85921468264948 53.42331851671027))",4764_4_7,4,7,89.0 +"POLYGON ((6.855749752267876 53.36955338202248, 6.856904729061744 53.36955338202248, 6.856904729061744 53.36935238864535, 6.855749752267876 53.36935238864535, 6.855749752267876 53.36955338202248))",4774_1_8,1,8,82.5 +"POLYGON ((6.85921468264948 53.36975437445126, 6.860369659443348 53.36975437445126, 6.860369659443348 53.36955338202248, 6.85921468264948 53.36955338202248, 6.85921468264948 53.36975437445126))",4774_4_7,4,7,84.0 +"POLYGON ((6.855749752267876 53.36419323408356, 6.856904729061744 53.36419323408356, 6.856904729061744 53.36399221541667, 6.855749752267876 53.36399221541667, 6.855749752267876 53.36419323408356))",4775_1_8,1,8,84.2 +"POLYGON ((6.85921468264948 53.36439425180206, 6.860369659443348 53.36439425180206, 6.860369659443348 53.36419323408356, 6.85921468264948 53.36419323408356, 6.85921468264948 53.36439425180206))",4775_4_7,4,7,78.4 +"POLYGON ((6.855749752267876 53.35883241173252, 6.856904729061744 53.35883241173252, 6.856904729061744 53.35863136777443, 6.855749752267876 53.35863136777443, 6.855749752267876 53.35883241173252))",4776_1_8,1,8,81.0 +"POLYGON ((6.85921468264948 53.35903345474217, 6.860369659443348 53.35903345474217, 6.860369659443348 53.35883241173252, 6.85921468264948 53.35883241173252, 6.85921468264948 53.35903345474217))",4776_4_7,4,7,87.8 +"POLYGON ((6.855749752267876 53.35347091493144, 6.856904729061744 53.35347091493144, 6.856904729061744 53.35326984568072, 6.855749752267876 53.35326984568072, 6.855749752267876 53.35347091493144))",4777_1_8,1,8,81.0 +"POLYGON ((6.85921468264948 53.35367198323363, 6.860369659443348 53.35367198323363, 6.860369659443348 53.35347091493144, 6.85921468264948 53.35347091493144, 6.85921468264948 53.35367198323363))",4777_4_7,4,7,86.0 +"POLYGON ((6.85921468264948 53.30538838322151, 6.860369659443348 53.30538838322151, 6.860369659443348 53.30518708722241, 6.85921468264948 53.30518708722241, 6.85921468264948 53.30538838322151))",4786_4_7,4,7,83.0 +"POLYGON ((6.85921468264948 53.30002016514535, 6.860369659443348 53.30002016514535, 6.860369659443348 53.29981884383951, 6.85921468264948 53.29981884383951, 6.85921468264948 53.30002016514535))",4787_4_7,4,7,73.4 +"POLYGON ((6.85921468264948 53.28928170436187, 6.860369659443348 53.28928170436187, 6.860369659443348 53.2890803324383, 6.85921468264948 53.2890803324383, 6.85921468264948 53.28928170436187))",4789_4_7,4,7,82.0 +"POLYGON ((6.85921468264948 53.28391146157917, 6.860369659443348 53.28391146157917, 6.860369659443348 53.28371006434463, 6.85921468264948 53.28371006434463, 6.85921468264948 53.28391146157917))",4790_4_7,4,7,87.4 +"POLYGON ((6.85921468264948 53.27854054381898, 6.860369659443348 53.27854054381898, 6.860369659443348 53.27833912127205, 6.85921468264948 53.27833912127205, 6.85921468264948 53.27854054381898))",4791_4_7,4,7,88.0 +"POLYGON ((6.85921468264948 51.54090726818628, 6.860369659443348 51.54090726818628, 6.860369659443348 51.54069775057981, 6.85921468264948 51.54069775057981, 6.85921468264948 51.54090726818628))",5108_4_11,4,11,115.0 +"POLYGON ((6.85921468264948 51.3505484007026, 6.860369659443348 51.3505484007026, 6.860369659443348 51.35033800785538, 6.85921468264948 51.35033800785538, 6.85921468264948 51.3505484007026))",5142_4_11,4,11,123.66666666666667 +"POLYGON ((6.85921468264948 51.34493759416129, 6.860369659443348 51.34493759416129, 6.860369659443348 51.34472717555164, 6.85921468264948 51.34472717555164, 6.85921468264948 51.34493759416129))",5143_4_11,4,11,124.0 +"POLYGON ((6.868197835490675 53.4340232560351, 6.869352812284543 53.4340232560351, 6.869352812284543 53.43382256697173, 6.868197835490675 53.43382256697173, 6.868197835490675 53.4340232560351))",5437_4_7,4,7,81.33333333333333 +"POLYGON ((6.868197835490675 53.4286712233498, 6.869352812284543 53.4286712233498, 6.869352812284543 53.42847050901383, 6.868197835490675 53.42847050901383, 6.868197835490675 53.4286712233498))",5438_4_7,4,7,91.0 +"POLYGON ((6.864732905109072 53.35347091493144, 6.865887881902939 53.35347091493144, 6.865887881902939 53.35326984568072, 6.864732905109072 53.35326984568072, 6.864732905109072 53.35347091493144))",5452_1_8,1,8,77.25 +"POLYGON ((6.868197835490675 53.35367198323363, 6.869352812284543 53.35367198323363, 6.869352812284543 53.35347091493144, 6.868197835490675 53.35347091493144, 6.868197835490675 53.35367198323363))",5452_4_7,4,7,78.2 +"POLYGON ((6.864732905109072 53.3481087436424, 6.865887881902939 53.3481087436424, 6.865887881902939 53.34790764909766, 6.864732905109072 53.34790764909766, 6.864732905109072 53.3481087436424))",5453_1_8,1,8,78.83333333333333 +"POLYGON ((6.868197835490675 53.34830983723859, 6.869352812284543 53.34830983723859, 6.869352812284543 53.3481087436424, 6.868197835490675 53.3481087436424, 6.868197835490675 53.34830983723859))",5453_4_7,4,7,83.5 +"POLYGON ((6.864732905109072 53.34274589782754, 6.865887881902939 53.34274589782754, 6.865887881902939 53.34254477798735, 6.864732905109072 53.34254477798735, 6.864732905109072 53.34274589782754))",5454_1_8,1,8,86.0 +"POLYGON ((6.868197835490675 53.34294701671913, 6.869352812284543 53.34294701671913, 6.869352812284543 53.34274589782754, 6.868197835490675 53.34274589782754, 6.868197835490675 53.34294701671913))",5454_4_7,4,7,86.4 +"POLYGON ((6.864732905109072 53.337382377449, 6.865887881902939 53.337382377449, 6.865887881902939 53.33718123231193, 6.864732905109072 53.33718123231193, 6.864732905109072 53.337382377449))",5455_1_8,1,8,89.4 +"POLYGON ((6.868197835490675 53.33758352163741, 6.869352812284543 53.33758352163741, 6.869352812284543 53.337382377449, 6.868197835490675 53.337382377449, 6.868197835490675 53.33758352163741))",5455_4_7,4,7,84.8 +"POLYGON ((6.864732905109072 53.33201818246892, 6.865887881902939 53.33201818246892, 6.865887881902939 53.33181701203356, 6.864732905109072 53.33181701203356, 6.864732905109072 53.33201818246892))",5456_1_8,1,8,90.2 +"POLYGON ((6.868197835490675 53.33221935195557, 6.869352812284543 53.33221935195557, 6.869352812284543 53.33201818246892, 6.868197835490675 53.33201818246892, 6.868197835490675 53.33221935195557))",5456_4_7,4,7,94.5 +"POLYGON ((6.868197835490675 53.30538838322151, 6.869352812284543 53.30538838322151, 6.869352812284543 53.30518708722241, 6.868197835490675 53.30518708722241, 6.868197835490675 53.30538838322151))",5461_4_7,4,7,86.0 +"POLYGON ((6.868197835490675 53.27854054381898, 6.869352812284543 53.27854054381898, 6.869352812284543 53.27833912127205, 6.868197835490675 53.27833912127205, 6.868197835490675 53.27854054381898))",5466_4_7,4,7,88.4 +"POLYGON ((6.868197835490675 53.27316895104364, 6.869352812284543 53.27316895104364, 6.869352812284543 53.27296750318291, 6.868197835490675 53.27296750318291, 6.868197835490675 53.27316895104364))",5467_4_7,4,7,90.5 +"POLYGON ((6.868197835490675 51.54090726818628, 6.869352812284543 51.54090726818628, 6.869352812284543 51.54069775057981, 6.868197835490675 51.54069775057981, 6.868197835490675 51.54090726818628))",5783_4_11,4,11,102.25 +"POLYGON ((6.868197835490675 51.34493759416129, 6.869352812284543 51.34493759416129, 6.869352812284543 51.34472717555164, 6.868197835490675 51.34472717555164, 6.868197835490675 51.34493759416129))",5818_4_11,4,11,128.66666666666666 +"POLYGON ((6.868197835490675 51.3393261006071, 6.869352812284543 51.3393261006071, 6.869352812284543 51.33911565623387, 6.868197835490675 51.33911565623387, 6.868197835490675 51.3393261006071))",5819_4_11,4,11,129.5 +"POLYGON ((6.87718098833187 53.33221935195557, 6.878335965125738 53.33221935195557, 6.878335965125738 53.33201818246892, 6.87718098833187 53.33201818246892, 6.87718098833187 53.33221935195557))",6131_4_7,4,7,91.0 +"POLYGON ((6.873716057950267 53.32665331284949, 6.874871034744134 53.32665331284949, 6.874871034744134 53.32645211711441, 6.873716057950267 53.32645211711441, 6.873716057950267 53.32665331284949))",6132_1_8,1,8,87.6 +"POLYGON ((6.87718098833187 53.3268545076358, 6.878335965125738 53.3268545076358, 6.878335965125738 53.32665331284949, 6.87718098833187 53.32665331284949, 6.87718098833187 53.3268545076358))",6132_4_7,4,7,90.0 +"POLYGON ((6.873716057950267 53.3212877685529, 6.874871034744134 53.3212877685529, 6.874871034744134 53.32108654751671, 6.873716057950267 53.32108654751671, 6.873716057950267 53.3212877685529))",6133_1_8,1,8,84.25 +"POLYGON ((6.87718098833187 53.3214889886403, 6.878335965125738 53.3214889886403, 6.878335965125738 53.3212877685529, 6.87718098833187 53.3212877685529, 6.87718098833187 53.3214889886403))",6133_4_7,4,7,85.25 +"POLYGON ((6.873716057950267 53.30518708722241, 6.874871034744134 53.30518708722241, 6.874871034744134 53.30498579027433, 6.873716057950267 53.30498579027433, 6.873716057950267 53.30518708722241))",6136_1_8,1,8,31.5 +"POLYGON ((6.87718098833187 53.30538838322151, 6.878335965125738 53.30538838322151, 6.878335965125738 53.30518708722241, 6.87718098833187 53.30518708722241, 6.87718098833187 53.30538838322151))",6136_4_7,4,7,88.4 +"POLYGON ((6.87718098833187 53.27316895104364, 6.878335965125738 53.27316895104364, 6.878335965125738 53.27296750318291, 6.87718098833187 53.27296750318291, 6.87718098833187 53.27316895104364))",6142_4_7,4,7,92.33333333333333 +"POLYGON ((6.87718098833187 53.26779668321553, 6.878335965125738 53.26779668321553, 6.878335965125738 53.26759521003959, 6.87718098833187 53.26759521003959, 6.87718098833187 53.26779668321553))",6143_4_7,4,7,90.6 +"POLYGON ((6.87718098833187 53.26242374029707, 6.878335965125738 53.26242374029707, 6.878335965125738 53.26222224180451, 6.87718098833187 53.26222224180451, 6.87718098833187 53.26242374029707))",6144_4_7,4,7,94.75 +"POLYGON ((6.87718098833187 53.25705012225067, 6.878335965125738 53.25705012225067, 6.878335965125738 53.25684859844009, 6.87718098833187 53.25684859844009, 6.87718098833187 53.25705012225067))",6145_4_7,4,7,90.0 +"POLYGON ((6.87718098833187 53.25167582903877, 6.878335965125738 53.25167582903877, 6.878335965125738 53.25147427990875, 6.87718098833187 53.25147427990875, 6.87718098833187 53.25167582903877))",6146_4_7,4,7,89.5 +"POLYGON ((6.87718098833187 53.24630086062384, 6.878335965125738 53.24630086062384, 6.878335965125738 53.24609928617297, 6.87718098833187 53.24609928617297, 6.87718098833187 53.24630086062384))",6147_4_7,4,7,78.2 +"POLYGON ((6.87718098833187 53.24092521696835, 6.878335965125738 53.24092521696835, 6.878335965125738 53.24072361719524, 6.87718098833187 53.24072361719524, 6.87718098833187 53.24092521696835))",6148_4_7,4,7,91.8 +"POLYGON ((6.87718098833187 53.2355488980348, 6.878335965125738 53.2355488980348, 6.878335965125738 53.23534727293804, 6.87718098833187 53.23534727293804, 6.87718098833187 53.2355488980348))",6149_4_7,4,7,97.5 +"POLYGON ((6.87718098833187 53.2301719037857, 6.878335965125738 53.2301719037857, 6.878335965125738 53.22997025336387, 6.87718098833187 53.22997025336387, 6.87718098833187 53.2301719037857))",6150_4_7,4,7,95.25 +"POLYGON ((6.87718098833187 53.22479423418361, 6.878335965125738 53.22479423418361, 6.878335965125738 53.2245925584353, 6.87718098833187 53.2245925584353, 6.87718098833187 53.22479423418361))",6151_4_7,4,7,92.0 +"POLYGON ((6.87718098833187 53.21941588919105, 6.878335965125738 53.21941588919105, 6.878335965125738 53.21921418811488, 6.87718098833187 53.21921418811488, 6.87718098833187 53.21941588919105))",6152_4_7,4,7,99.25 +"POLYGON ((6.87718098833187 53.21403686877061, 6.878335965125738 53.21403686877061, 6.878335965125738 53.21383514236518, 6.87718098833187 53.21383514236518, 6.87718098833187 53.21403686877061))",6153_4_7,4,7,103.33333333333333 +"POLYGON ((6.87718098833187 51.54090726818628, 6.878335965125738 51.54090726818628, 6.878335965125738 51.54069775057981, 6.87718098833187 51.54069775057981, 6.87718098833187 51.54090726818628))",6458_4_11,4,11,109.0 +"POLYGON ((6.87718098833187 51.3393261006071, 6.878335965125738 51.3393261006071, 6.878335965125738 51.33911565623387, 6.87718098833187 51.33911565623387, 6.87718098833187 51.3393261006071))",6494_4_11,4,11,128.0 +"POLYGON ((6.87718098833187 51.33371392000971, 6.878335965125738 51.33371392000971, 6.878335965125738 51.33350344987176, 6.87718098833187 51.33350344987176, 6.87718098833187 51.33371392000971))",6495_4_11,4,11,125.5 +"POLYGON ((6.882699210791462 53.3212877685529, 6.883854187585329 53.3212877685529, 6.883854187585329 53.32108654751671, 6.882699210791462 53.32108654751671, 6.882699210791462 53.3212877685529))",6808_1_8,1,8,82.0 +"POLYGON ((6.886164141173065 53.3214889886403, 6.887319117966934 53.3214889886403, 6.887319117966934 53.3212877685529, 6.886164141173065 53.3212877685529, 6.886164141173065 53.3214889886403))",6808_4_7,4,7,80.0 +"POLYGON ((6.882699210791462 53.31592154954136, 6.883854187585329 53.31592154954136, 6.883854187585329 53.31572030320263, 6.882699210791462 53.31572030320263, 6.882699210791462 53.31592154954136))",6809_1_8,1,8,82.6 +"POLYGON ((6.886164141173065 53.31612279493125, 6.887319117966934 53.31612279493125, 6.887319117966934 53.31592154954136, 6.886164141173065 53.31592154954136, 6.886164141173065 53.31612279493125))",6809_4_7,4,7,64.2 +"POLYGON ((6.882699210791462 53.31055465577712, 6.883854187585329 53.31055465577712, 6.883854187585329 53.31035338413442, 6.882699210791462 53.31035338413442, 6.882699210791462 53.31055465577712))",6810_1_8,1,8,79.8 +"POLYGON ((6.886164141173065 53.3107559264709, 6.887319117966934 53.3107559264709, 6.887319117966934 53.31055465577712, 6.886164141173065 53.31055465577712, 6.886164141173065 53.3107559264709))",6810_4_7,4,7,10.256410256410257 +"POLYGON ((6.882699210791462 53.30518708722241, 6.883854187585329 53.30518708722241, 6.883854187585329 53.30498579027433, 6.882699210791462 53.30498579027433, 6.882699210791462 53.30518708722241))",6811_1_8,1,8,72.66666666666667 +"POLYGON ((6.886164141173065 53.30538838322151, 6.887319117966934 53.30538838322151, 6.887319117966934 53.30518708722241, 6.886164141173065 53.30518708722241, 6.886164141173065 53.30538838322151))",6811_4_7,4,7,60.0 +"POLYGON ((6.886164141173065 53.21403686877061, 6.887319117966934 53.21403686877061, 6.887319117966934 53.21383514236518, 6.886164141173065 53.21383514236518, 6.886164141173065 53.21403686877061))",6828_4_7,4,7,104.0 +"POLYGON ((6.886164141173065 53.2086571728849, 6.887319117966934 53.2086571728849, 6.887319117966934 53.20845542114878, 6.886164141173065 53.20845542114878, 6.886164141173065 53.2086571728849))",6829_4_7,4,7,109.5 +"POLYGON ((6.886164141173065 53.20327680149651, 6.887319117966934 53.20327680149651, 6.887319117966934 53.20307502442831, 6.886164141173065 53.20307502442831, 6.886164141173065 53.20327680149651))",6830_4_7,4,7,108.0 +"POLYGON ((6.886164141173065 51.54090726818628, 6.887319117966934 51.54090726818628, 6.887319117966934 51.54069775057981, 6.886164141173065 51.54069775057981, 6.886164141173065 51.54090726818628))",7133_4_11,4,11,101.66666666666667 +"POLYGON ((6.886164141173065 51.33371392000971, 6.887319117966934 51.33371392000971, 6.887319117966934 51.33350344987176, 6.886164141173065 51.33350344987176, 6.886164141173065 51.33371392000971))",7170_4_11,4,11,124.5 +"POLYGON ((6.886164141173065 51.32810105233887, 6.887319117966934 51.32810105233887, 6.887319117966934 51.32789055643508, 6.886164141173065 51.32789055643508, 6.886164141173065 51.32810105233887))",7171_4_11,4,11,130.66666666666666 +"POLYGON ((6.891682363632657 53.30518708722241, 6.892837340426525 53.30518708722241, 6.892837340426525 53.30498579027433, 6.891682363632657 53.30498579027433, 6.891682363632657 53.30518708722241))",7486_1_8,1,8,88.6 +"POLYGON ((6.89514729401426 53.20327680149651, 6.896302270808129 53.20327680149651, 6.896302270808129 53.20307502442831, 6.89514729401426 53.20307502442831, 6.89514729401426 53.20327680149651))",7505_4_7,4,7,108.0 +"POLYGON ((6.89514729401426 53.19789575456808, 6.896302270808129 53.19789575456808, 6.896302270808129 53.1976939521664, 6.89514729401426 53.1976939521664, 6.89514729401426 53.19789575456808))",7506_4_7,4,7,108.0 +"POLYGON ((6.89514729401426 53.19251403206225, 6.896302270808129 53.19251403206225, 6.896302270808129 53.19231220432569, 6.89514729401426 53.19231220432569, 6.89514729401426 53.19251403206225))",7507_4_7,4,7,103.25 +"POLYGON ((6.89514729401426 53.1871316339417, 6.896302270808129 53.1871316339417, 6.896302270808129 53.18692978086887, 6.89514729401426 53.18692978086887, 6.89514729401426 53.1871316339417))",7508_4_7,4,7,102.0 +"POLYGON ((6.89514729401426 53.18174856016912, 6.896302270808129 53.18174856016912, 6.896302270808129 53.18154668175862, 6.89514729401426 53.18154668175862, 6.89514729401426 53.18174856016912))",7509_4_7,4,7,100.8 +"POLYGON ((6.89514729401426 53.17636481070722, 6.896302270808129 53.17636481070722, 6.896302270808129 53.17616290695764, 6.89514729401426 53.17616290695764, 6.89514729401426 53.17636481070722))",7510_4_7,4,7,109.33333333333333 +"POLYGON ((6.89514729401426 53.17098038551871, 6.896302270808129 53.17098038551871, 6.896302270808129 53.17077845642866, 6.89514729401426 53.17077845642866, 6.89514729401426 53.17098038551871))",7511_4_7,4,7,91.8 +"POLYGON ((6.89514729401426 53.16559528456637, 6.896302270808129 53.16559528456637, 6.896302270808129 53.16539333013444, 6.89514729401426 53.16539333013444, 6.89514729401426 53.16559528456637))",7512_4_7,4,7,104.0 +"POLYGON ((6.89514729401426 53.16020950781293, 6.896302270808129 53.16020950781293, 6.896302270808129 53.16000752803774, 6.89514729401426 53.16000752803774, 6.89514729401426 53.16020950781293))",7513_4_7,4,7,116.75 +"POLYGON ((6.89514729401426 53.15482305522119, 6.896302270808129 53.15482305522119, 6.896302270808129 53.15462105010134, 6.89514729401426 53.15462105010134, 6.89514729401426 53.15482305522119))",7514_4_7,4,7,116.66666666666667 +"POLYGON ((6.89514729401426 53.14943592675395, 6.896302270808129 53.14943592675395, 6.896302270808129 53.14923389628806, 6.89514729401426 53.14923389628806, 6.89514729401426 53.14943592675395))",7515_4_7,4,7,118.25 +"POLYGON ((6.89514729401426 53.14404812237404, 6.896302270808129 53.14404812237404, 6.896302270808129 53.14384606656071, 6.89514729401426 53.14384606656071, 6.89514729401426 53.14404812237404))",7516_4_7,4,7,113.0 +"POLYGON ((6.89514729401426 53.13865964204431, 6.896302270808129 53.13865964204431, 6.896302270808129 53.13845756088212, 6.89514729401426 53.13845756088212, 6.89514729401426 53.13865964204431))",7517_4_7,4,7,114.0 +"POLYGON ((6.89514729401426 53.10631456304106, 6.896302270808129 53.10631456304106, 6.896302270808129 53.10611232975661, 6.89514729401426 53.10611232975661, 6.89514729401426 53.10631456304106))",7523_4_7,4,7,116.66666666666667 +"POLYGON ((6.89514729401426 53.10092135002372, 6.896302270808129 53.10092135002372, 6.896302270808129 53.10071909138069, 6.89514729401426 53.10071909138069, 6.89514729401426 53.10092135002372))",7524_4_7,4,7,54.875 +"POLYGON ((6.89514729401426 53.09552746075998, 6.896302270808129 53.09552746075998, 6.896302270808129 53.09532517675699, 6.89514729401426 53.09532517675699, 6.89514729401426 53.09552746075998))",7525_4_7,4,7,45.666666666666664 +"POLYGON ((6.89514729401426 51.54090726818628, 6.896302270808129 51.54090726818628, 6.896302270808129 51.54069775057981, 6.89514729401426 51.54069775057981, 6.89514729401426 51.54090726818628))",7808_4_11,4,11,100.25 +"POLYGON ((6.89514729401426 51.32810105233887, 6.896302270808129 51.32810105233887, 6.896302270808129 51.32789055643508, 6.89514729401426 51.32789055643508, 6.89514729401426 51.32810105233887))",7846_4_11,4,11,135.0 +"POLYGON ((6.89514729401426 51.32248749756432, 6.896302270808129 51.32248749756432, 6.896302270808129 51.32227697589358, 6.89514729401426 51.32227697589358, 6.89514729401426 51.32248749756432))",7847_4_11,4,11,135.0 +"POLYGON ((6.89514729401426 51.31687325565589, 6.896302270808129 51.31687325565589, 6.896302270808129 51.31666270821702, 6.89514729401426 51.31666270821702, 6.89514729401426 51.31687325565589))",7848_4_11,4,11,130.33333333333334 +"POLYGON ((6.89514729401426 51.31125832658333, 6.896302270808129 51.31125832658333, 6.896302270808129 51.31104775337521, 6.89514729401426 51.31104775337521, 6.89514729401426 51.31125832658333))",7849_4_11,4,11,121.66666666666667 +"POLYGON ((6.89514729401426 51.30564271031648, 6.896302270808129 51.30564271031648, 6.896302270808129 51.30543211133799, 6.89514729401426 51.30543211133799, 6.89514729401426 51.30564271031648))",7850_4_11,4,11,117.0 +"POLYGON ((6.89514729401426 51.30002640682519, 6.896302270808129 51.30002640682519, 6.896302270808129 51.29981578207521, 6.89514729401426 51.29981578207521, 6.89514729401426 51.30002640682519))",7851_4_11,4,11,119.0 +"POLYGON ((6.89514729401426 51.29440941607934, 6.896302270808129 51.29440941607934, 6.896302270808129 51.29419876555671, 6.89514729401426 51.29419876555671, 6.89514729401426 51.29440941607934))",7852_4_11,4,11,115.0 +"POLYGON ((6.89514729401426 51.2887917380488, 6.896302270808129 51.2887917380488, 6.896302270808129 51.28858106175242, 6.89514729401426 51.28858106175242, 6.89514729401426 51.2887917380488))",7853_4_11,4,11,118.0 +"POLYGON ((6.900665516473853 53.30518708722241, 6.90182049326772 53.30518708722241, 6.90182049326772 53.30498579027433, 6.900665516473853 53.30498579027433, 6.900665516473853 53.30518708722241))",8161_1_8,1,8,82.5 +"POLYGON ((6.904130446855456 53.13865964204431, 6.905285423649324 53.13865964204431, 6.905285423649324 53.13845756088212, 6.904130446855456 53.13845756088212, 6.904130446855456 53.13865964204431))",8192_4_7,4,7,114.0 +"POLYGON ((6.904130446855456 53.13327048572761, 6.905285423649324 53.13327048572761, 6.905285423649324 53.13306837921518, 6.904130446855456 53.13306837921518, 6.904130446855456 53.13327048572761))",8193_4_7,4,7,114.75 +"POLYGON ((6.904130446855456 53.12788065338682, 6.905285423649324 53.12788065338682, 6.905285423649324 53.12767852152276, 6.904130446855456 53.12767852152276, 6.904130446855456 53.12788065338682))",8194_4_7,4,7,120.33333333333333 +"POLYGON ((6.904130446855456 53.12249014498484, 6.905285423649324 53.12249014498484, 6.905285423649324 53.12228798776776, 6.904130446855456 53.12228798776776, 6.904130446855456 53.12249014498484))",8195_4_7,4,7,114.75 +"POLYGON ((6.904130446855456 53.11709896048459, 6.905285423649324 53.11709896048459, 6.905285423649324 53.11689677791312, 6.904130446855456 53.11689677791312, 6.904130446855456 53.11709896048459))",8196_4_7,4,7,114.66666666666667 +"POLYGON ((6.904130446855456 53.111707099849, 6.905285423649324 53.111707099849, 6.905285423649324 53.11150489192175, 6.904130446855456 53.11150489192175, 6.904130446855456 53.111707099849))",8197_4_7,4,7,119.66666666666667 +"POLYGON ((6.904130446855456 53.10092135002372, 6.905285423649324 53.10092135002372, 6.905285423649324 53.10071909138069, 6.904130446855456 53.10071909138069, 6.904130446855456 53.10092135002372))",8199_4_7,4,7,27.666666666666668 +"POLYGON ((6.904130446855456 53.09552746075998, 6.905285423649324 53.09552746075998, 6.905285423649324 53.09532517675699, 6.904130446855456 53.09532517675699, 6.904130446855456 53.09552746075998))",8200_4_7,4,7,73.5 +"POLYGON ((6.904130446855456 51.54649404853335, 6.905285423649324 51.54649404853335, 6.905285423649324 51.54628455664903, 6.904130446855456 51.54628455664903, 6.904130446855456 51.54649404853335))",8482_4_11,4,11,101.0 +"POLYGON ((6.904130446855456 51.54090726818628, 6.905285423649324 51.54090726818628, 6.905285423649324 51.54069775057981, 6.904130446855456 51.54069775057981, 6.904130446855456 51.54090726818628))",8483_4_11,4,11,106.0 +"POLYGON ((6.904130446855456 51.2887917380488, 6.905285423649324 51.2887917380488, 6.905285423649324 51.28858106175242, 6.904130446855456 51.28858106175242, 6.904130446855456 51.2887917380488))",8528_4_11,4,11,131.0 +"POLYGON ((6.904130446855456 51.28317337270349, 6.905285423649324 51.28317337270349, 6.905285423649324 51.28296267063224, 6.904130446855456 51.28296267063224, 6.904130446855456 51.28317337270349))",8529_4_11,4,11,131.0 +"POLYGON ((6.904130446855456 51.27755432001338, 6.905285423649324 51.27755432001338, 6.905285423649324 51.27734359216611, 6.904130446855456 51.27734359216611, 6.904130446855456 51.27755432001338))",8530_4_11,4,11,115.5 +"POLYGON ((6.909648669315048 53.30518708722241, 6.910803646108915 53.30518708722241, 6.910803646108915 53.30498579027433, 6.909648669315048 53.30498579027433, 6.909648669315048 53.30518708722241))",8836_1_8,1,8,86.0 +"POLYGON ((6.913113599696651 53.09552746075998, 6.91426857649052 53.09552746075998, 6.91426857649052 53.09532517675699, 6.913113599696651 53.09532517675699, 6.913113599696651 53.09552746075998))",8875_4_7,4,7,81.6 +"POLYGON ((6.913113599696651 51.55208014297293, 6.91426857649052 51.55208014297293, 6.91426857649052 51.55187067680957, 6.913113599696651 51.55187067680957, 6.913113599696651 51.55208014297293))",9156_4_11,4,11,82.66666666666667 +"POLYGON ((6.913113599696651 51.54649404853335, 6.91426857649052 51.54649404853335, 6.91426857649052 51.54628455664903, 6.913113599696651 51.54628455664903, 6.913113599696651 51.54649404853335))",9157_4_11,4,11,86.0 +"POLYGON ((6.913113599696651 51.27193457994841, 6.91426857649052 51.27193457994841, 6.91426857649052 51.27172382632398, 6.913113599696651 51.27172382632398, 6.913113599696651 51.27193457994841))",9206_4_11,4,11,113.5 +"POLYGON ((6.913113599696651 51.26631415247855, 6.91426857649052 51.26631415247855, 6.91426857649052 51.26610337307585, 6.913113599696651 51.26610337307585, 6.913113599696651 51.26631415247855))",9207_4_11,4,11,103.25 +"POLYGON ((6.913113599696651 51.26069303757382, 6.91426857649052 51.26069303757382, 6.91426857649052 51.26048223239173, 6.913113599696651 51.26048223239173, 6.913113599696651 51.26069303757382))",9208_4_11,4,11,96.0 +"POLYGON ((6.913113599696651 51.25507123520425, 6.91426857649052 51.25507123520425, 6.91426857649052 51.25486040424165, 6.913113599696651 51.25486040424165, 6.913113599696651 51.25507123520425))",9209_4_11,4,11,94.5 +"POLYGON ((6.913113599696651 51.24944874533988, 6.91426857649052 51.24944874533988, 6.91426857649052 51.24923788859565, 6.913113599696651 51.24923788859565, 6.913113599696651 51.24944874533988))",9210_4_11,4,11,102.33333333333333 +"POLYGON ((6.913113599696651 51.24382556795081, 6.91426857649052 51.24382556795081, 6.91426857649052 51.24361468542381, 6.913113599696651 51.24361468542381, 6.913113599696651 51.24382556795081))",9211_4_11,4,11,104.75 +"POLYGON ((6.913113599696651 51.23820170300712, 6.91426857649052 51.23820170300712, 6.91426857649052 51.23799079469624, 6.913113599696651 51.23799079469624, 6.913113599696651 51.23820170300712))",9212_4_11,4,11,100.25 +"POLYGON ((6.913113599696651 51.23257715047893, 6.91426857649052 51.23257715047893, 6.91426857649052 51.23236621638306, 6.913113599696651 51.23236621638306, 6.913113599696651 51.23257715047893))",9213_4_11,4,11,98.5 +"POLYGON ((6.913113599696651 51.22695191033639, 6.91426857649052 51.22695191033639, 6.91426857649052 51.2267409504544, 6.913113599696651 51.2267409504544, 6.913113599696651 51.22695191033639))",9214_4_11,4,11,91.25 +"POLYGON ((6.918631822156243 53.30518708722241, 6.91978679895011 53.30518708722241, 6.91978679895011 53.30498579027433, 6.918631822156243 53.30498579027433, 6.918631822156243 53.30518708722241))",9511_1_8,1,8,86.0 +"POLYGON ((6.918631822156243 53.29981884383951, 6.91978679895011 53.29981884383951, 6.91978679895011 53.29961752158463, 6.918631822156243 53.29961752158463, 6.918631822156243 53.29981884383951))",9512_1_8,1,8,85.6 +"POLYGON ((6.922096752537846 53.09552746075998, 6.923251729331715 53.09552746075998, 6.923251729331715 53.09532517675699, 6.922096752537846 53.09532517675699, 6.922096752537846 53.09552746075998))",9550_4_7,4,7,73.75 +"POLYGON ((6.922096752537846 53.09013289521286, 6.923251729331715 53.09013289521286, 6.923251729331715 53.08993058584853, 6.922096752537846 53.08993058584853, 6.922096752537846 53.09013289521286))",9551_4_7,4,7,75.0 +"POLYGON ((6.922096752537846 51.70285430522055, 6.923251729331715 51.70285430522055, 6.923251729331715 51.70264553404269, 6.922096752537846 51.70264553404269, 6.922096752537846 51.70285430522055))",9804_4_10,4,10,141.33333333333334 +"POLYGON ((6.922096752537846 51.69728674413685, 6.923251729331715 51.69728674413685, 6.923251729331715 51.69707794726989, 6.922096752537846 51.69707794726989, 6.922096752537846 51.69728674413685))",9805_4_10,4,10,133.0 +"POLYGON ((6.922096752537846 51.69171849799484, 6.923251729331715 51.69171849799484, 6.923251729331715 51.69150967543757, 6.922096752537846 51.69150967543757, 6.922096752537846 51.69171849799484))",9806_4_10,4,10,128.33333333333334 +"POLYGON ((6.922096752537846 51.68614956676284, 6.923251729331715 51.68614956676284, 6.923251729331715 51.68594071851408, 6.922096752537846 51.68594071851408, 6.922096752537846 51.68614956676284))",9807_4_10,4,10,129.33333333333334 +"POLYGON ((6.922096752537846 51.68057995040915, 6.923251729331715 51.68057995040915, 6.923251729331715 51.68037107646771, 6.922096752537846 51.68037107646771, 6.922096752537846 51.68057995040915))",9808_4_10,4,10,122.33333333333333 +"POLYGON ((6.922096752537846 51.67500964890214, 6.923251729331715 51.67500964890214, 6.923251729331715 51.67480074926682, 6.922096752537846 51.67480074926682, 6.922096752537846 51.67500964890214))",9809_4_10,4,10,117.66666666666667 +"POLYGON ((6.922096752537846 51.66943866221015, 6.923251729331715 51.66943866221015, 6.923251729331715 51.66922973687981, 6.922096752537846 51.66922973687981, 6.922096752537846 51.66943866221015))",9810_4_10,4,10,119.66666666666667 +"POLYGON ((6.922096752537846 51.66365803927503, 6.923251729331715 51.66365803927503, 6.923251729331715 51.6634490872848, 6.922096752537846 51.6634490872848, 6.922096752537846 51.66365803927503))",9811_4_11,4,11,129.25 +"POLYGON ((6.922096752537846 51.55766555153613, 6.923251729331715 51.55766555153613, 6.923251729331715 51.55745611109256, 6.922096752537846 51.55745611109256, 6.922096752537846 51.55766555153613))",9830_4_11,4,11,70.33333333333333 +"POLYGON ((6.922096752537846 51.55208014297293, 6.923251729331715 51.55208014297293, 6.923251729331715 51.55187067680957, 6.922096752537846 51.55187067680957, 6.922096752537846 51.55208014297293))",9831_4_11,4,11,70.0 +"POLYGON ((6.922096752537846 51.22132598254966, 6.923251729331715 51.22132598254966, 6.923251729331715 51.22111499688044, 6.922096752537846 51.22111499688044, 6.922096752537846 51.22132598254966))",9890_4_11,4,11,103.25 +"POLYGON ((6.922096752537846 51.21569936708894, 6.923251729331715 51.21569936708894, 6.923251729331715 51.21548835563136, 6.922096752537846 51.21548835563136, 6.922096752537846 51.21569936708894))",9891_4_11,4,11,113.33333333333333 +"POLYGON ((6.927614974997439 53.29981884383951, 6.928769951791305 53.29981884383951, 6.928769951791305 53.29961752158463, 6.927614974997439 53.29961752158463, 6.927614974997439 53.29981884383951))",10187_1_8,1,8,85.4 +"POLYGON ((6.931079905379042 53.09013289521286, 6.932234882172909 53.09013289521286, 6.932234882172909 53.08993058584853, 6.931079905379042 53.08993058584853, 6.931079905379042 53.09013289521286))",10226_4_7,4,7,77.0 +"POLYGON ((6.931079905379042 51.71955287843905, 6.932234882172909 51.71955287843905, 6.932234882172909 51.7193441843214, 6.931079905379042 51.7193441843214, 6.931079905379042 51.71955287843905))",10476_4_10,4,10,126.0 +"POLYGON ((6.931079905379042 51.71398737233989, 6.932234882172909 51.71398737233989, 6.932234882172909 51.7137786525367, 6.931079905379042 51.7137786525367, 6.931079905379042 51.71398737233989))",10477_4_10,4,10,136.33333333333334 +"POLYGON ((6.931079905379042 51.70842118127764, 6.932234882172909 51.70842118127764, 6.932234882172909 51.70821243578771, 6.931079905379042 51.70821243578771, 6.931079905379042 51.70842118127764))",10478_4_10,4,10,137.33333333333334 +"POLYGON ((6.931079905379042 51.65808565642091, 6.932234882172909 51.65808565642091, 6.932234882172909 51.65787667873322, 6.931079905379042 51.65787667873322, 6.931079905379042 51.65808565642091))",10487_4_11,4,11,134.66666666666666 +"POLYGON ((6.931079905379042 51.6525125882859, 6.932234882172909 51.6525125882859, 6.932234882172909 51.65230358489957, 6.931079905379042 51.65230358489957, 6.931079905379042 51.6525125882859))",10488_4_11,4,11,137.33333333333334 +"POLYGON ((6.931079905379042 51.64693883483844, 6.932234882172909 51.64693883483844, 6.932234882172909 51.64672980575229, 6.931079905379042 51.64672980575229, 6.931079905379042 51.64693883483844))",10489_4_11,4,11,134.5 +"POLYGON ((6.931079905379042 51.64136439604703, 6.932234882172909 51.64136439604703, 6.932234882172909 51.64115534125987, 6.931079905379042 51.64115534125987, 6.931079905379042 51.64136439604703))",10490_4_11,4,11,140.66666666666666 +"POLYGON ((6.931079905379042 51.63578927188018, 6.932234882172909 51.63578927188018, 6.932234882172909 51.63558019139081, 6.931079905379042 51.63558019139081, 6.931079905379042 51.63578927188018))",10491_4_11,4,11,143.0 +"POLYGON ((6.931079905379042 51.63021346230639, 6.932234882172909 51.63021346230639, 6.932234882172909 51.63000435611364, 6.931079905379042 51.63000435611364, 6.931079905379042 51.63021346230639))",10492_4_11,4,11,139.0 +"POLYGON ((6.931079905379042 51.62463696729422, 6.932234882172909 51.62463696729422, 6.932234882172909 51.62442783539692, 6.931079905379042 51.62442783539692, 6.931079905379042 51.62463696729422))",10493_4_11,4,11,130.5 +"POLYGON ((6.931079905379042 51.58000032764819, 6.932234882172909 51.58000032764819, 6.932234882172909 51.57979099007215, 6.931079905379042 51.57979099007215, 6.931079905379042 51.58000032764819))",10501_4_11,4,11,114.0 +"POLYGON ((6.931079905379042 51.5744176622789, 6.932234882172909 51.5744176622789, 6.932234882172909 51.57420829898774, 6.931079905379042 51.57420829898774, 6.931079905379042 51.5744176622789))",10502_4_11,4,11,124.33333333333333 +"POLYGON ((6.931079905379042 51.56883431115794, 6.932234882172909 51.56883431115794, 6.932234882172909 51.56862492215047, 6.931079905379042 51.56862492215047, 6.931079905379042 51.56883431115794))",10503_4_11,4,11,117.0 +"POLYGON ((6.931079905379042 51.56325027425407, 6.932234882172909 51.56325027425407, 6.932234882172909 51.56304085952914, 6.931079905379042 51.56304085952914, 6.931079905379042 51.56325027425407))",10504_4_11,4,11,109.75 +"POLYGON ((6.931079905379042 51.55766555153613, 6.932234882172909 51.55766555153613, 6.932234882172909 51.55745611109256, 6.931079905379042 51.55745611109256, 6.931079905379042 51.55766555153613))",10505_4_11,4,11,91.0 +"POLYGON ((6.931079905379042 51.21569936708894, 6.932234882172909 51.21569936708894, 6.932234882172909 51.21548835563136, 6.931079905379042 51.21548835563136, 6.931079905379042 51.21569936708894))",10566_4_11,4,11,126.0 +"POLYGON ((6.931079905379042 51.21007206392445, 6.932234882172909 51.21007206392445, 6.932234882172909 51.20986102667739, 6.931079905379042 51.20986102667739, 6.931079905379042 51.21007206392445))",10567_4_11,4,11,133.33333333333334 +"POLYGON ((6.931079905379042 51.20444407302639, 6.932234882172909 51.20444407302639, 6.932234882172909 51.20423300998876, 6.931079905379042 51.20423300998876, 6.931079905379042 51.20444407302639))",10568_4_11,4,11,133.33333333333334 +"POLYGON ((6.936598127838634 53.29981884383951, 6.937753104632501 53.29981884383951, 6.937753104632501 53.29961752158463, 6.936598127838634 53.29961752158463, 6.936598127838634 53.29981884383951))",10862_1_8,1,8,89.25 +"POLYGON ((6.940063058220237 53.09013289521286, 6.941218035014105 53.09013289521286, 6.941218035014105 53.08993058584853, 6.940063058220237 53.08993058584853, 6.940063058220237 53.09013289521286))",10901_4_7,4,7,76.0 +"POLYGON ((6.940063058220237 51.72511769960689, 6.941218035014105 51.72511769960689, 6.941218035014105 51.7249090311736, 6.940063058220237 51.7249090311736, 6.940063058220237 51.72511769960689))",11150_4_10,4,10,138.25 +"POLYGON ((6.940063058220237 51.71955287843905, 6.941218035014105 51.71955287843905, 6.941218035014105 51.7193441843214, 6.940063058220237 51.7193441843214, 6.940063058220237 51.71955287843905))",11151_4_10,4,10,125.0 +"POLYGON ((6.940063058220237 51.62463696729422, 6.941218035014105 51.62463696729422, 6.941218035014105 51.62442783539692, 6.940063058220237 51.62442783539692, 6.940063058220237 51.62463696729422))",11168_4_11,4,11,131.0 +"POLYGON ((6.940063058220237 51.61905978681224, 6.941218035014105 51.61905978681224, 6.941218035014105 51.61885062920922, 6.940063058220237 51.61885062920922, 6.940063058220237 51.61905978681224))",11169_4_11,4,11,134.33333333333334 +"POLYGON ((6.940063058220237 51.61348192082902, 6.941218035014105 51.61348192082902, 6.941218035014105 51.6132727375191, 6.940063058220237 51.6132727375191, 6.940063058220237 51.61348192082902))",11170_4_11,4,11,134.33333333333334 +"POLYGON ((6.940063058220237 51.60790336931322, 6.941218035014105 51.60790336931322, 6.941218035014105 51.60769416029522, 6.940063058220237 51.60769416029522, 6.940063058220237 51.60790336931322))",11171_4_11,4,11,132.66666666666666 +"POLYGON ((6.940063058220237 51.60232413223346, 6.941218035014105 51.60232413223346, 6.941218035014105 51.60211489750619, 6.940063058220237 51.60211489750619, 6.940063058220237 51.60232413223346))",11172_4_11,4,11,132.0 +"POLYGON ((6.940063058220237 51.59674420955837, 6.941218035014105 51.59674420955837, 6.941218035014105 51.59653494912067, 6.940063058220237 51.59653494912067, 6.940063058220237 51.59674420955837))",11173_4_11,4,11,115.66666666666667 +"POLYGON ((6.940063058220237 51.59116360125667, 6.941218035014105 51.59116360125667, 6.941218035014105 51.59095431510736, 6.940063058220237 51.59095431510736, 6.940063058220237 51.59116360125667))",11174_4_11,4,11,134.0 +"POLYGON ((6.940063058220237 51.58558230729703, 6.941218035014105 51.58558230729703, 6.941218035014105 51.58537299543494, 6.940063058220237 51.58537299543494, 6.940063058220237 51.58558230729703))",11175_4_11,4,11,131.0 +"POLYGON ((6.940063058220237 51.58000032764819, 6.941218035014105 51.58000032764819, 6.941218035014105 51.57979099007215, 6.940063058220237 51.57979099007215, 6.940063058220237 51.58000032764819))",11176_4_11,4,11,104.66666666666667 +"POLYGON ((6.940063058220237 51.19881539436505, 6.941218035014105 51.19881539436505, 6.941218035014105 51.19860430553571, 6.940063058220237 51.19860430553571, 6.940063058220237 51.19881539436505))",11244_4_11,4,11,124.66666666666667 +"POLYGON ((6.940063058220237 51.19318602791069, 6.941218035014105 51.19318602791069, 6.941218035014105 51.19297491328853, 6.940063058220237 51.19297491328853, 6.940063058220237 51.19318602791069))",11245_4_11,4,11,123.66666666666667 +"POLYGON ((6.940063058220237 51.18755597363364, 6.941218035014105 51.18755597363364, 6.941218035014105 51.18734483321755, 6.940063058220237 51.18734483321755, 6.940063058220237 51.18755597363364))",11246_4_11,4,11,132.0 +"POLYGON ((6.945581280679828 53.2944499255907, 6.946736257473695 53.2944499255907, 6.946736257473695 53.29424857802763, 6.945581280679828 53.29424857802763, 6.945581280679828 53.2944499255907))",11538_1_8,1,8,79.2 +"POLYGON ((6.945581280679828 53.2890803324383, 6.946736257473695 53.2890803324383, 6.946736257473695 53.28887895956561, 6.945581280679828 53.28887895956561, 6.945581280679828 53.2890803324383))",11539_1_8,1,8,89.6 +"POLYGON ((6.945581280679828 53.28371006434463, 6.946736257473695 53.28371006434463, 6.946736257473695 53.28350866616091, 6.945581280679828 53.28350866616091, 6.945581280679828 53.28371006434463))",11540_1_8,1,8,91.75 +"POLYGON ((6.945581280679828 53.27833912127205, 6.946736257473695 53.27833912127205, 6.946736257473695 53.27813769777589, 6.945581280679828 53.27813769777589, 6.945581280679828 53.27833912127205))",11541_1_8,1,8,92.0 +"POLYGON ((6.945581280679828 53.27296750318291, 6.946736257473695 53.27296750318291, 6.946736257473695 53.27276605437289, 6.945581280679828 53.27276605437289, 6.945581280679828 53.27296750318291))",11542_1_8,1,8,86.0 +"POLYGON ((6.945581280679828 53.26759521003959, 6.946736257473695 53.26759521003959, 6.946736257473695 53.26739373591431, 6.945581280679828 53.26739373591431, 6.945581280679828 53.26759521003959))",11543_1_8,1,8,80.0 +"POLYGON ((6.945581280679828 53.26222224180451, 6.946736257473695 53.26222224180451, 6.946736257473695 53.26202074236255, 6.945581280679828 53.26202074236255, 6.945581280679828 53.26222224180451))",11544_1_8,1,8,47.285714285714285 +"POLYGON ((6.949046211061431 53.09013289521286, 6.9502011878553 53.09013289521286, 6.9502011878553 53.08993058584853, 6.949046211061431 53.08993058584853, 6.949046211061431 53.09013289521286))",11576_4_7,4,7,74.6 +"POLYGON ((6.949046211061431 51.73624528727591, 6.9502011878553 51.73624528727591, 6.9502011878553 51.73603667020774, 6.949046211061431 51.73603667020774, 6.949046211061431 51.73624528727591))",11823_4_10,4,10,138.0 +"POLYGON ((6.949046211061431 51.73068183587525, 6.9502011878553 51.73068183587525, 6.9502011878553 51.73047319312511, 6.949046211061431 51.73047319312511, 6.949046211061431 51.73068183587525))",11824_4_10,4,10,140.66666666666666 +"POLYGON ((6.949046211061431 51.1819252315042, 6.9502011878553 51.1819252315042, 6.9502011878553 51.18171406529307, 6.949046211061431 51.18171406529307, 6.949046211061431 51.1819252315042))",11922_4_11,4,11,140.66666666666666 +"POLYGON ((6.949046211061431 51.17629380149273, 6.9502011878553 51.17629380149273, 6.9502011878553 51.17608260948546, 6.949046211061431 51.17608260948546, 6.949046211061431 51.17629380149273))",11923_4_11,4,11,144.0 +"POLYGON ((6.949046211061431 51.17066168356961, 6.9502011878553 51.17066168356961, 6.9502011878553 51.17045046576506, 6.949046211061431 51.17045046576506, 6.949046211061431 51.17066168356961))",11924_4_11,4,11,138.0 +"POLYGON ((6.954564433521024 53.2944499255907, 6.955719410314892 53.2944499255907, 6.955719410314892 53.29424857802763, 6.954564433521024 53.29424857802763, 6.954564433521024 53.2944499255907))",12213_1_8,1,8,55.833333333333336 +"POLYGON ((6.954564433521024 53.26222224180451, 6.955719410314892 53.26222224180451, 6.955719410314892 53.26202074236255, 6.954564433521024 53.26202074236255, 6.954564433521024 53.26222224180451))",12219_1_8,1,8,84.0 +"POLYGON ((6.954564433521024 53.25684859844009, 6.955719410314892 53.25684859844009, 6.955719410314892 53.25664707368005, 6.954564433521024 53.25664707368005, 6.954564433521024 53.25684859844009))",12220_1_8,1,8,86.25 +"POLYGON ((6.954564433521024 53.25147427990875, 6.955719410314892 53.25147427990875, 6.955719410314892 53.25127272982923, 6.954564433521024 53.25127272982923, 6.954564433521024 53.25147427990875))",12221_1_8,1,8,92.2 +"POLYGON ((6.958029363902627 53.09013289521286, 6.959184340696495 53.09013289521286, 6.959184340696495 53.08993058584853, 6.958029363902627 53.08993058584853, 6.958029363902627 53.09013289521286))",12251_4_7,4,7,80.6 +"POLYGON ((6.958029363902627 53.02014462275626, 6.959184340696495 53.02014462275626, 6.959184340696495 53.01994198452034, 6.958029363902627 53.01994198452034, 6.958029363902627 53.02014462275626))",12264_4_6,4,6,83.5 +"POLYGON ((6.958029363902627 53.01474061075, 6.959184340696495 53.01474061075, 6.959184340696495 53.01453794713344, 6.958029363902627 53.01453794713344, 6.958029363902627 53.01474061075))",12265_4_6,4,6,83.66666666666667 +"POLYGON ((6.958029363902627 51.74180805384076, 6.959184340696495 51.74180805384076, 6.959184340696495 51.74159946245334, 6.958029363902627 51.74159946245334, 6.958029363902627 51.74180805384076))",12497_4_10,4,10,128.66666666666666 +"POLYGON ((6.958029363902627 51.73624528727591, 6.959184340696495 51.73624528727591, 6.959184340696495 51.73603667020774, 6.958029363902627 51.73603667020774, 6.958029363902627 51.73624528727591))",12498_4_10,4,10,135.0 +"POLYGON ((6.958029363902627 51.17066168356961, 6.959184340696495 51.17066168356961, 6.959184340696495 51.17045046576506, 6.958029363902627 51.17045046576506, 6.958029363902627 51.17066168356961))",12599_4_11,4,11,136.0 +"POLYGON ((6.958029363902627 51.16502887770522, 6.959184340696495 51.16502887770522, 6.959184340696495 51.16481763410231, 6.958029363902627 51.16481763410231, 6.958029363902627 51.16502887770522))",12600_4_11,4,11,132.33333333333334 +"POLYGON ((6.958029363902627 51.15939538387, 6.959184340696495 51.15939538387, 6.959184340696495 51.1591841144676, 6.958029363902627 51.1591841144676, 6.958029363902627 51.15939538387))",12601_4_11,4,11,138.5 +"POLYGON ((6.963547586362219 53.24609928617297, 6.964702563156086 53.24609928617297, 6.964702563156086 53.24589771077255, 6.963547586362219 53.24589771077255, 6.963547586362219 53.24609928617297))",12897_1_8,1,8,89.0 +"POLYGON ((6.963547586362219 53.24072361719524, 6.964702563156086 53.24072361719524, 6.964702563156086 53.2405220164725, 6.963547586362219 53.2405220164725, 6.963547586362219 53.24072361719524))",12898_1_8,1,8,86.2 +"POLYGON ((6.963547586362219 53.23534727293804, 6.964702563156086 53.23534727293804, 6.964702563156086 53.23514564689159, 6.963547586362219 53.23514564689159, 6.963547586362219 53.23534727293804))",12899_1_8,1,8,83.4 +"POLYGON ((6.963547586362219 53.22997025336387, 6.964702563156086 53.22997025336387, 6.964702563156086 53.22976860199232, 6.963547586362219 53.22976860199232, 6.963547586362219 53.22997025336387))",12900_1_8,1,8,92.5 +"POLYGON ((6.963547586362219 53.18692978086887, 6.964702563156086 53.18692978086887, 6.964702563156086 53.1867279268459, 6.963547586362219 53.1867279268459, 6.963547586362219 53.18692978086887))",12908_1_8,1,8,46.0 +"POLYGON ((6.967012516743822 53.09013289521286, 6.96816749353769 53.09013289521286, 6.96816749353769 53.08993058584853, 6.967012516743822 53.08993058584853, 6.967012516743822 53.09013289521286))",12926_4_7,4,7,88.0 +"POLYGON ((6.967012516743822 53.0847376533454, 6.96816749353769 53.0847376533454, 6.96816749353769 53.08453531861834, 6.967012516743822 53.08453531861834, 6.967012516743822 53.0847376533454))",12927_4_7,4,7,89.33333333333333 +"POLYGON ((6.967012516743822 53.03095061641227, 6.96816749353769 53.03095061641227, 6.96816749353769 53.03074802893349, 6.967012516743822 53.03074802893349, 6.967012516743822 53.03095061641227))",12937_4_6,4,6,84.0 +"POLYGON ((6.967012516743822 53.02554795796478, 6.96816749353769 53.02554795796478, 6.96816749353769 53.02534534510811, 6.967012516743822 53.02534534510811, 6.967012516743822 53.02554795796478))",12938_4_6,4,6,87.4 +"POLYGON ((6.967012516743822 53.02014462275626, 6.96816749353769 53.02014462275626, 6.96816749353769 53.01994198452034, 6.967012516743822 53.01994198452034, 6.967012516743822 53.02014462275626))",12939_4_6,4,6,87.0 +"POLYGON ((6.967012516743822 53.01474061075, 6.96816749353769 53.01474061075, 6.96816749353769 53.01453794713344, 6.967012516743822 53.01453794713344, 6.967012516743822 53.01474061075))",12940_4_6,4,6,82.0 +"POLYGON ((6.967012516743822 53.0093359219093, 6.96816749353769 53.0093359219093, 6.96816749353769 53.00913323291075, 6.967012516743822 53.00913323291075, 6.967012516743822 53.0093359219093))",12941_4_6,4,6,78.0 +"POLYGON ((6.967012516743822 51.79184214057806, 6.96816749353769 51.79184214057806, 6.96816749353769 51.79163378026367, 6.967012516743822 51.79163378026367, 6.967012516743822 51.79184214057806))",13163_4_10,4,10,118.0 +"POLYGON ((6.967012516743822 51.78628553609884, 6.96816749353769 51.78628553609884, 6.96816749353769 51.78607715011448, 6.967012516743822 51.78607715011448, 6.967012516743822 51.78628553609884))",13164_4_10,4,10,122.25 +"POLYGON ((6.967012516743822 51.78072824707143, 6.96816749353769 51.78072824707143, 6.96816749353769 51.78051983541587, 6.967012516743822 51.78051983541587, 6.967012516743822 51.78072824707143))",13165_4_10,4,10,127.0 +"POLYGON ((6.967012516743822 51.77517027346376, 6.96816749353769 51.77517027346376, 6.96816749353769 51.77496183613582, 6.967012516743822 51.77496183613582, 6.967012516743822 51.77517027346376))",13166_4_10,4,10,126.33333333333333 +"POLYGON ((6.967012516743822 51.76961161524382, 6.96816749353769 51.76961161524382, 6.96816749353769 51.76940315224231, 6.967012516743822 51.76940315224231, 6.967012516743822 51.76961161524382))",13167_4_10,4,10,129.66666666666666 +"POLYGON ((6.967012516743822 51.76405227237961, 6.96816749353769 51.76405227237961, 6.96816749353769 51.76384378370332, 6.967012516743822 51.76384378370332, 6.967012516743822 51.76405227237961))",13168_4_10,4,10,136.0 +"POLYGON ((6.967012516743822 51.75849224483915, 6.96816749353769 51.75849224483915, 6.96816749353769 51.75828373048687, 6.967012516743822 51.75828373048687, 6.967012516743822 51.75849224483915))",13169_4_10,4,10,135.0 +"POLYGON ((6.967012516743822 51.75293153259047, 6.96816749353769 51.75293153259047, 6.96816749353769 51.752722992561, 6.967012516743822 51.752722992561, 6.967012516743822 51.75293153259047))",13170_4_10,4,10,134.0 +"POLYGON ((6.967012516743822 51.74737013560165, 6.96816749353769 51.74737013560165, 6.96816749353769 51.74716156989381, 6.967012516743822 51.74716156989381, 6.967012516743822 51.74737013560165))",13171_4_10,4,10,120.0 +"POLYGON ((6.967012516743822 51.15939538387, 6.96816749353769 51.15939538387, 6.96816749353769 51.1591841144676, 6.967012516743822 51.1591841144676, 6.967012516743822 51.15939538387))",13276_4_11,4,11,139.0 +"POLYGON ((6.967012516743822 51.15376120203437, 6.96816749353769 51.15376120203437, 6.96816749353769 51.15354990683139, 6.967012516743822 51.15354990683139, 6.967012516743822 51.15376120203437))",13277_4_11,4,11,137.66666666666666 +"POLYGON ((6.967012516743822 51.14812633216881, 6.96816749353769 51.14812633216881, 6.96816749353769 51.14791501116413, 6.967012516743822 51.14791501116413, 6.967012516743822 51.14812633216881))",13278_4_11,4,11,138.33333333333334 +"POLYGON ((6.967012516743822 51.1424907742438, 6.96816749353769 51.1424907742438, 6.96816749353769 51.14227942743632, 6.967012516743822 51.14227942743632, 6.967012516743822 51.1424907742438))",13279_4_11,4,11,145.0 +"POLYGON ((6.972530739203414 53.2245925584353, 6.973685715997282 53.2245925584353, 6.973685715997282 53.22439088173724, 6.972530739203414 53.22439088173724, 6.972530739203414 53.2245925584353))",13576_1_8,1,8,90.0 +"POLYGON ((6.972530739203414 53.21921418811488, 6.973685715997282 53.21921418811488, 6.973685715997282 53.21901248608889, 6.972530739203414 53.21901248608889, 6.972530739203414 53.21921418811488))",13577_1_8,1,8,92.25 +"POLYGON ((6.972530739203414 53.21383514236518, 6.973685715997282 53.21383514236518, 6.973685715997282 53.21363341500985, 6.972530739203414 53.21363341500985, 6.972530739203414 53.21383514236518))",13578_1_8,1,8,92.0 +"POLYGON ((6.972530739203414 53.20845542114878, 6.973685715997282 53.20845542114878, 6.973685715997282 53.20825366846274, 6.972530739203414 53.20825366846274, 6.972530739203414 53.20845542114878))",13579_1_8,1,8,85.5 +"POLYGON ((6.972530739203414 53.20307502442831, 6.973685715997282 53.20307502442831, 6.973685715997282 53.20287324641014, 6.972530739203414 53.20287324641014, 6.972530739203414 53.20307502442831))",13580_1_8,1,8,83.75 +"POLYGON ((6.972530739203414 53.18692978086887, 6.973685715997282 53.18692978086887, 6.973685715997282 53.1867279268459, 6.972530739203414 53.1867279268459, 6.972530739203414 53.18692978086887))",13583_1_8,1,8,54.294117647058826 +"POLYGON ((6.975995669585017 53.0847376533454, 6.977150646378886 53.0847376533454, 6.977150646378886 53.08453531861834, 6.975995669585017 53.08453531861834, 6.975995669585017 53.0847376533454))",13602_4_7,4,7,84.25 +"POLYGON ((6.975995669585017 53.07934173512065, 6.977150646378886 53.07934173512065, 6.977150646378886 53.07913937502948, 6.975995669585017 53.07913937502948, 6.975995669585017 53.07934173512065))",13603_4_7,4,7,80.0 +"POLYGON ((6.975995669585017 53.07414752500713, 6.977150646378886 53.07414752500713, 6.977150646378886 53.07394514050169, 6.975995669585017 53.07394514050169, 6.975995669585017 53.07414752500713))",13604_4_6,4,6,84.0 +"POLYGON ((6.975995669585017 53.07394514050169, 6.977150646378886 53.07394514050169, 6.977150646378886 53.073742755045, 6.975995669585017 53.073742755045, 6.975995669585017 53.07394514050169))",13604_4_7,4,7,82.5 +"POLYGON ((6.975995669585017 53.06875027932387, 6.977150646378886 53.06875027932387, 6.977150646378886 53.06854786945159, 6.975995669585017 53.06854786945159, 6.975995669585017 53.06875027932387))",13605_4_6,4,6,84.0 +"POLYGON ((6.975995669585017 53.04175390317113, 6.977150646378886 53.04175390317113, 6.977150646378886 53.04155136644395, 6.975995669585017 53.04155136644395, 6.975995669585017 53.04175390317113))",13610_4_6,4,6,87.5 +"POLYGON ((6.975995669585017 53.03635259813547, 6.977150646378886 53.03635259813547, 6.977150646378886 53.03615003603318, 6.975995669585017 53.03615003603318, 6.975995669585017 53.03635259813547))",13611_4_6,4,6,81.5 +"POLYGON ((6.975995669585017 53.03095061641227, 6.977150646378886 53.03095061641227, 6.977150646378886 53.03074802893349, 6.975995669585017 53.03074802893349, 6.975995669585017 53.03095061641227))",13612_4_6,4,6,81.5 +"POLYGON ((6.975995669585017 53.0093359219093, 6.977150646378886 53.0093359219093, 6.977150646378886 53.00913323291075, 6.975995669585017 53.00913323291075, 6.975995669585017 53.0093359219093))",13616_4_6,4,6,87.83333333333333 +"POLYGON ((6.975995669585017 51.80295329602019, 6.977150646378886 51.80295329602019, 6.977150646378886 51.80274498704216, 6.975995669585017 51.80274498704216, 6.975995669585017 51.80295329602019))",13836_4_10,4,10,119.5 +"POLYGON ((6.975995669585017 51.79739806054116, 6.977150646378886 51.79739806054116, 6.977150646378886 51.79718972589554, 6.975995669585017 51.79718972589554, 6.975995669585017 51.79739806054116))",13837_4_10,4,10,115.25 +"POLYGON ((6.975995669585017 51.79184214057806, 6.977150646378886 51.79184214057806, 6.977150646378886 51.79163378026367, 6.975995669585017 51.79163378026367, 6.975995669585017 51.79184214057806))",13838_4_10,4,10,120.0 +"POLYGON ((6.975995669585017 51.1424907742438, 6.977150646378886 51.1424907742438, 6.977150646378886 51.14227942743632, 6.975995669585017 51.14227942743632, 6.975995669585017 51.1424907742438))",13954_4_11,4,11,147.0 +"POLYGON ((6.975995669585017 51.13685452822985, 6.977150646378886 51.13685452822985, 6.977150646378886 51.13664315561846, 6.975995669585017 51.13664315561846, 6.975995669585017 51.13685452822985))",13955_4_11,4,11,149.0 +"POLYGON ((6.975995669585017 51.13121759409751, 6.977150646378886 51.13121759409751, 6.977150646378886 51.1310061956811, 6.975995669585017 51.1310061956811, 6.975995669585017 51.13121759409751))",13956_4_11,4,11,145.66666666666666 +"POLYGON ((6.975995669585017 51.12557997181731, 6.977150646378886 51.12557997181731, 6.977150646378886 51.12536854759478, 6.975995669585017 51.12536854759478, 6.975995669585017 51.12557997181731))",13957_4_11,4,11,126.0 +"POLYGON ((6.981513892044609 53.20307502442831, 6.982668868838476 53.20307502442831, 6.982668868838476 53.20287324641014, 6.981513892044609 53.20287324641014, 6.981513892044609 53.20307502442831))",14255_1_8,1,8,84.0 +"POLYGON ((6.981513892044609 53.1976939521664, 6.982668868838476 53.1976939521664, 6.982668868838476 53.19749214881469, 6.981513892044609 53.19749214881469, 6.981513892044609 53.1976939521664))",14256_1_8,1,8,84.75 +"POLYGON ((6.981513892044609 53.19231220432569, 6.982668868838476 53.19231220432569, 6.982668868838476 53.19211037563906, 6.981513892044609 53.19211037563906, 6.981513892044609 53.19231220432569))",14257_1_8,1,8,66.85714285714286 +"POLYGON ((6.981513892044609 53.18692978086887, 6.982668868838476 53.18692978086887, 6.982668868838476 53.1867279268459, 6.981513892044609 53.1867279268459, 6.981513892044609 53.18692978086887))",14258_1_8,1,8,60.0 +"POLYGON ((6.981513892044609 53.18154668175862, 6.982668868838476 53.18154668175862, 6.982668868838476 53.18134480239792, 6.981513892044609 53.18134480239792, 6.981513892044609 53.18154668175862))",14259_1_8,1,8,118.75 +"POLYGON ((6.981513892044609 53.17616290695764, 6.982668868838476 53.17616290695764, 6.982668868838476 53.17596100225781, 6.981513892044609 53.17596100225781, 6.981513892044609 53.17616290695764))",14260_1_8,1,8,123.0 +"POLYGON ((6.984978822426212 53.06875027932387, 6.986133799220081 53.06875027932387, 6.986133799220081 53.06854786945159, 6.984978822426212 53.06854786945159, 6.984978822426212 53.06875027932387))",14280_4_6,4,6,83.2 +"POLYGON ((6.984978822426212 53.06335235717398, 6.986133799220081 53.06335235717398, 6.986133799220081 53.06314992193349, 6.984978822426212 53.06314992193349, 6.984978822426212 53.06335235717398))",14281_4_6,4,6,82.0 +"POLYGON ((6.984978822426212 53.05795375852062, 6.986133799220081 53.05795375852062, 6.986133799220081 53.05775129791051, 6.984978822426212 53.05775129791051, 6.984978822426212 53.05795375852062))",14282_4_6,4,6,87.0 +"POLYGON ((6.984978822426212 53.05255448332689, 6.986133799220081 53.05255448332689, 6.986133799220081 53.05235199734582, 6.984978822426212 53.05235199734582, 6.984978822426212 53.05255448332689))",14283_4_6,4,6,86.33333333333333 +"POLYGON ((6.984978822426212 53.047154531556, 6.986133799220081 53.047154531556, 6.986133799220081 53.04695202020256, 6.984978822426212 53.04695202020256, 6.984978822426212 53.047154531556))",14284_4_6,4,6,80.2 +"POLYGON ((6.984978822426212 53.04175390317113, 6.986133799220081 53.04175390317113, 6.986133799220081 53.04155136644395, 6.984978822426212 53.04155136644395, 6.984978822426212 53.04175390317113))",14285_4_6,4,6,83.66666666666667 +"POLYGON ((6.984978822426212 53.00393055619749, 6.986133799220081 53.00393055619749, 6.986133799220081 53.00372784181555, 6.984978822426212 53.00372784181555, 6.984978822426212 53.00393055619749))",14292_4_6,4,6,86.8 +"POLYGON ((6.984978822426212 52.99852451357791, 6.986133799220081 52.99852451357791, 6.986133799220081 52.99832177381123, 6.984978822426212 52.99832177381123, 6.984978822426212 52.99852451357791))",14293_4_6,4,6,80.6 +"POLYGON ((6.984978822426212 52.99311779401395, 6.986133799220081 52.99311779401395, 6.986133799220081 52.99291502886113, 6.984978822426212 52.99291502886113, 6.984978822426212 52.99311779401395))",14294_4_6,4,6,91.66666666666667 +"POLYGON ((6.984978822426212 51.81406171365462, 6.986133799220081 51.81406171365462, 6.986133799220081 51.81385345600809, 6.984978822426212 51.81385345600809, 6.984978822426212 51.81406171365462))",14509_4_10,4,10,131.0 +"POLYGON ((6.984978822426212 51.8085078470473, 6.986133799220081 51.8085078470473, 6.986133799220081 51.80829956373562, 6.984978822426212 51.80829956373562, 6.984978822426212 51.8085078470473))",14510_4_10,4,10,131.33333333333334 +"POLYGON ((6.984978822426212 51.80295329602019, 6.986133799220081 51.80295329602019, 6.986133799220081 51.80274498704216, 6.984978822426212 51.80274498704216, 6.984978822426212 51.80295329602019))",14511_4_10,4,10,120.0 +"POLYGON ((6.984978822426212 51.11994166135985, 6.986133799220081 51.11994166135985, 6.986133799220081 51.11973021133011, 6.984978822426212 51.11973021133011, 6.984978822426212 51.11994166135985))",14633_4_11,4,11,128.33333333333334 +"POLYGON ((6.984978822426212 51.11430266269571, 6.986133799220081 51.11430266269571, 6.986133799220081 51.11409118685765, 6.984978822426212 51.11409118685765, 6.984978822426212 51.11430266269571))",14634_4_11,4,11,134.0 +"POLYGON ((6.984978822426212 51.10866297579555, 6.986133799220081 51.10866297579555, 6.986133799220081 51.10845147414806, 6.984978822426212 51.10845147414806, 6.984978822426212 51.10866297579555))",14635_4_11,4,11,139.66666666666666 +"POLYGON ((6.984978822426212 51.10302260063, 6.986133799220081 51.10302260063, 6.986133799220081 51.10281107317198, 6.984978822426212 51.10281107317198, 6.984978822426212 51.10302260063))",14636_4_11,4,11,145.5 +"POLYGON ((6.984978822426212 51.09738153716972, 6.986133799220081 51.09738153716972, 6.986133799220081 51.09716998390009, 6.984978822426212 51.09716998390009, 6.984978822426212 51.09738153716972))",14637_4_11,4,11,149.66666666666666 +"POLYGON ((6.984978822426212 51.09173978538543, 6.986133799220081 51.09173978538543, 6.986133799220081 51.09152820630307, 6.984978822426212 51.09152820630307, 6.984978822426212 51.09173978538543))",14638_4_11,4,11,145.5 +"POLYGON ((6.984978822426212 51.08609734524783, 6.986133799220081 51.08609734524783, 6.986133799220081 51.08588574035166, 6.984978822426212 51.08588574035166, 6.984978822426212 51.08609734524783))",14639_4_11,4,11,144.33333333333334 +"POLYGON ((6.984978822426212 51.08045421672767, 6.986133799220081 51.08045421672767, 6.986133799220081 51.08024258601659, 6.984978822426212 51.08024258601659, 6.984978822426212 51.08045421672767))",14640_4_11,4,11,140.66666666666666 +"POLYGON ((6.984978822426212 51.07481039979572, 6.986133799220081 51.07481039979572, 6.986133799220081 51.07459874326862, 6.984978822426212 51.07459874326862, 6.984978822426212 51.07481039979572))",14641_4_11,4,11,135.33333333333334 +"POLYGON ((6.984978822426212 51.06916589442276, 6.986133799220081 51.06916589442276, 6.986133799220081 51.06895421207856, 6.984978822426212 51.06895421207856, 6.984978822426212 51.06916589442276))",14642_4_11,4,11,132.0 +"POLYGON ((6.984978822426212 51.06352070057959, 6.986133799220081 51.06352070057959, 6.986133799220081 51.06330899241719, 6.984978822426212 51.06330899241719, 6.984978822426212 51.06352070057959))",14643_4_11,4,11,122.5 +"POLYGON ((6.990497044885805 53.17616290695764, 6.991652021679672 53.17616290695764, 6.991652021679672 53.17596100225781, 6.990497044885805 53.17596100225781, 6.990497044885805 53.17616290695764))",14935_1_8,1,8,125.66666666666667 +"POLYGON ((6.990497044885805 53.17077845642866, 6.991652021679672 53.17077845642866, 6.991652021679672 53.17057652638831, 6.990497044885805 53.17057652638831, 6.990497044885805 53.17077845642866))",14936_1_8,1,8,123.0 +"POLYGON ((6.993961975267408 53.05795375852062, 6.995116952061276 53.05795375852062, 6.995116952061276 53.05775129791051, 6.993961975267408 53.05775129791051, 6.993961975267408 53.05795375852062))",14957_4_6,4,6,87.75 +"POLYGON ((6.993961975267408 53.05255448332689, 6.995116952061276 53.05255448332689, 6.995116952061276 53.05235199734582, 6.993961975267408 53.05235199734582, 6.993961975267408 53.05255448332689))",14958_4_6,4,6,83.5 +"POLYGON ((6.993961975267408 52.99311779401395, 6.995116952061276 52.99311779401395, 6.995116952061276 52.99291502886113, 6.993961975267408 52.99291502886113, 6.993961975267408 52.99311779401395))",14969_4_6,4,6,90.5 +"POLYGON ((6.993961975267408 52.98771039746896, 6.995116952061276 52.98771039746896, 6.995116952061276 52.98750760692865, 6.993961975267408 52.98750760692865, 6.993961975267408 52.98771039746896))",14970_4_6,4,6,81.0 +"POLYGON ((6.993961975267408 52.98230232390637, 6.995116952061276 52.98230232390637, 6.995116952061276 52.98209950797717, 6.993961975267408 52.98209950797717, 6.993961975267408 52.98230232390637))",14971_4_6,4,6,92.25 +"POLYGON ((6.993961975267408 51.82516739373847, 6.995116952061276 51.82516739373847, 6.995116952061276 51.82495918741866, 6.993961975267408 51.82495918741866, 6.993961975267408 51.82516739373847))",15182_4_10,4,10,132.0 +"POLYGON ((6.993961975267408 51.81961489587428, 6.995116952061276 51.81961489587428, 6.995116952061276 51.81940666389172, 6.993961975267408 51.81940666389172, 6.993961975267408 51.81961489587428))",15183_4_10,4,10,133.0 +"POLYGON ((6.993961975267408 51.81406171365462, 6.995116952061276 51.81406171365462, 6.995116952061276 51.81385345600809, 6.993961975267408 51.81385345600809, 6.993961975267408 51.81406171365462))",15184_4_10,4,10,134.5 +"POLYGON ((6.993961975267408 51.06352070057959, 6.995116952061276 51.06352070057959, 6.995116952061276 51.06330899241719, 6.993961975267408 51.06330899241719, 6.993961975267408 51.06352070057959))",15318_4_11,4,11,121.0 +"POLYGON ((6.993961975267408 51.05787481823707, 6.995116952061276 51.05787481823707, 6.995116952061276 51.05766308425537, 6.993961975267408 51.05766308425537, 6.993961975267408 51.05787481823707))",15319_4_11,4,11,55.125 +"POLYGON ((6.993961975267408 51.05222824736604, 6.995116952061276 51.05222824736604, 6.995116952061276 51.05201648756395, 6.993961975267408 51.05201648756395, 6.993961975267408 51.05222824736604))",15320_4_11,4,11,25.642857142857142 +"POLYGON ((6.999480197727 53.17077845642866, 7.000635174520867 53.17077845642866, 7.000635174520867 53.17057652638831, 6.999480197727 53.17057652638831, 6.999480197727 53.17077845642866))",15611_1_8,1,8,120.0 +"POLYGON ((6.999480197727 53.16539333013444, 7.000635174520867 53.16539333013444, 7.000635174520867 53.16519137475216, 6.999480197727 53.16519137475216, 6.999480197727 53.16539333013444))",15612_1_8,1,8,122.0 +"POLYGON ((7.002945128108603 52.98230232390637, 7.004100104902471 52.98230232390637, 7.004100104902471 52.98209950797717, 7.002945128108603 52.98209950797717, 7.002945128108603 52.98230232390637))",15646_4_6,4,6,94.0 +"POLYGON ((7.002945128108603 52.97689357328959, 7.004100104902471 52.97689357328959, 7.004100104902471 52.97669073197016, 7.002945128108603 52.97669073197016, 7.002945128108603 52.97689357328959))",15647_4_6,4,6,89.8 +"POLYGON ((7.002945128108603 52.97148414558205, 7.004100104902471 52.97148414558205, 7.004100104902471 52.97128127887102, 7.002945128108603 52.97128127887102, 7.002945128108603 52.97148414558205))",15648_4_6,4,6,93.66666666666667 +"POLYGON ((7.002945128108603 51.8640157195421, 7.004100104902471 51.8640157195421, 7.004100104902471 51.86380769282766, 7.002945128108603 51.86380769282766, 7.002945128108603 51.8640157195421))",15850_4_10,4,10,128.0 +"POLYGON ((7.002945128108603 51.85846801126341, 7.004100104902471 51.85846801126341, 7.004100104902471 51.85825995889471, 7.002945128108603 51.85825995889471, 7.002945128108603 51.85846801126341))",15851_4_10,4,10,130.33333333333334 +"POLYGON ((7.002945128108603 51.85291961885511, 7.004100104902471 51.85291961885511, 7.004100104902471 51.85271154083092, 7.002945128108603 51.85271154083092, 7.002945128108603 51.85291961885511))",15852_4_10,4,10,131.33333333333334 +"POLYGON ((7.002945128108603 51.84737054228486, 7.004100104902471 51.84737054228486, 7.004100104902471 51.84716243860395, 7.002945128108603 51.84716243860395, 7.002945128108603 51.84737054228486))",15853_4_10,4,10,131.5 +"POLYGON ((7.002945128108603 51.84182078152033, 7.004100104902471 51.84182078152033, 7.004100104902471 51.84161265218152, 7.002945128108603 51.84161265218152, 7.002945128108603 51.84182078152033))",15854_4_10,4,10,131.33333333333334 +"POLYGON ((7.002945128108603 51.83627033652927, 7.004100104902471 51.83627033652927, 7.004100104902471 51.83606218153133, 7.002945128108603 51.83606218153133, 7.002945128108603 51.83627033652927))",15855_4_10,4,10,132.0 +"POLYGON ((7.002945128108603 51.83071920727939, 7.004100104902471 51.83071920727939, 7.004100104902471 51.83051102662112, 7.002945128108603 51.83051102662112, 7.002945128108603 51.83071920727939))",15856_4_10,4,10,132.66666666666666 +"POLYGON ((7.002945128108603 51.82516739373847, 7.004100104902471 51.82516739373847, 7.004100104902471 51.82495918741866, 7.002945128108603 51.82495918741866, 7.002945128108603 51.82516739373847))",15857_4_10,4,10,132.0 +"POLYGON ((7.002945128108603 51.05222824736604, 7.004100104902471 51.05222824736604, 7.004100104902471 51.05201648756395, 7.002945128108603 51.05201648756395, 7.002945128108603 51.05222824736604))",15995_4_11,4,11,69.5 +"POLYGON ((7.002945128108603 51.04658098793738, 7.004100104902471 51.04658098793738, 7.004100104902471 51.04636920231382, 7.002945128108603 51.04636920231382, 7.002945128108603 51.04658098793738))",15996_4_11,4,11,31.933333333333334 +"POLYGON ((7.002945128108603 51.040933039922, 7.004100104902471 51.040933039922, 7.004100104902471 51.04072122847587, 7.002945128108603 51.04072122847587, 7.002945128108603 51.040933039922))",15997_4_11,4,11,7.0 +"POLYGON ((7.008463350568195 53.16539333013444, 7.009618327362062 53.16539333013444, 7.009618327362062 53.16519137475216, 7.008463350568195 53.16519137475216, 7.008463350568195 53.16539333013444))",16287_1_8,1,8,124.66666666666667 +"POLYGON ((7.011928280949798 52.97148414558205, 7.013083257743667 52.97148414558205, 7.013083257743667 52.97128127887102, 7.011928280949798 52.97128127887102, 7.011928280949798 52.97148414558205))",16323_4_6,4,6,96.0 +"POLYGON ((7.011928280949798 52.96607404074725, 7.013083257743667 52.96607404074725, 7.013083257743667 52.96587114864323, 7.011928280949798 52.96587114864323, 7.011928280949798 52.96607404074725))",16324_4_6,4,6,88.0 +"POLYGON ((7.011928280949798 52.96066325874865, 7.013083257743667 52.96066325874865, 7.013083257743667 52.96046034125028, 7.011928280949798 52.96046034125028, 7.011928280949798 52.96066325874865))",16325_4_6,4,6,88.25 +"POLYGON ((7.011928280949798 51.880654739924, 7.013083257743667 51.880654739924, 7.013083257743667 51.88044679016511, 7.011928280949798 51.88044679016511, 7.011928280949798 51.880654739924))",16522_4_10,4,10,122.0 +"POLYGON ((7.011928280949798 51.87510908383999, 7.013083257743667 51.87510908383999, 7.013083257743667 51.87490110843048, 7.011928280949798 51.87490110843048, 7.011928280949798 51.87510908383999))",16523_4_10,4,10,121.33333333333333 +"POLYGON ((7.011928280949798 51.86956274372349, 7.013083257743667 51.86956274372349, 7.013083257743667 51.86935474266212, 7.011928280949798 51.86935474266212, 7.011928280949798 51.86956274372349))",16524_4_10,4,10,127.0 +"POLYGON ((7.011928280949798 51.8640157195421, 7.013083257743667 51.8640157195421, 7.013083257743667 51.86380769282766, 7.011928280949798 51.86380769282766, 7.011928280949798 51.8640157195421))",16525_4_10,4,10,128.0 +"POLYGON ((7.011928280949798 51.040933039922, 7.013083257743667 51.040933039922, 7.013083257743667 51.04072122847587, 7.011928280949798 51.04072122847587, 7.011928280949798 51.040933039922))",16672_4_11,4,11,19.357142857142858 +"POLYGON ((7.011928280949798 51.03528440329082, 7.013083257743667 51.03528440329082, 7.013083257743667 51.03507256602103, 7.011928280949798 51.03507256602103, 7.011928280949798 51.03528440329082))",16673_4_11,4,11,49.0 +"POLYGON ((7.011928280949798 51.02963507801479, 7.013083257743667 51.02963507801479, 7.013083257743667 51.02942321492026, 7.011928280949798 51.02942321492026, 7.011928280949798 51.02963507801479))",16674_4_11,4,11,35.5 +"POLYGON ((7.011928280949798 51.0239850640649, 7.013083257743667 51.0239850640649, 7.013083257743667 51.02377317514453, 7.011928280949798 51.02377317514453, 7.011928280949798 51.0239850640649))",16675_4_11,4,11,38.2 +"POLYGON ((7.011928280949798 51.01833436141212, 7.013083257743667 51.01833436141212, 7.013083257743667 51.01812244666484, 7.011928280949798 51.01812244666484, 7.011928280949798 51.01833436141212))",16676_4_11,4,11,60.166666666666664 +"POLYGON ((7.011928280949798 51.01268297002749, 7.013083257743667 51.01268297002749, 7.013083257743667 51.0124710294522, 7.011928280949798 51.0124710294522, 7.011928280949798 51.01268297002749))",16677_4_11,4,11,78.4 +"POLYGON ((7.011928280949798 51.00703088988206, 7.013083257743667 51.00703088988206, 7.013083257743667 51.00681892347767, 7.011928280949798 51.00681892347767, 7.011928280949798 51.00703088988206))",16678_4_11,4,11,92.0 +"POLYGON ((7.011928280949798 51.00137812094687, 7.013083257743667 51.00137812094687, 7.013083257743667 51.00116612871231, 7.011928280949798 51.00116612871231, 7.011928280949798 51.00137812094687))",16679_4_11,4,11,99.25 +"POLYGON ((7.011928280949798 50.99572466319303, 7.013083257743667 50.99572466319303, 7.013083257743667 50.99551264512719, 7.011928280949798 50.99551264512719, 7.011928280949798 50.99572466319303))",16680_4_11,4,11,102.75 +"POLYGON ((7.011928280949798 50.99007051659164, 7.013083257743667 50.99007051659164, 7.013083257743667 50.98985847269347, 7.011928280949798 50.98985847269347, 7.011928280949798 50.99007051659164))",16681_4_11,4,11,119.0 +"POLYGON ((7.011928280949798 50.98441568111384, 7.013083257743667 50.98441568111384, 7.013083257743667 50.98420361138225, 7.011928280949798 50.98420361138225, 7.011928280949798 50.98441568111384))",16682_4_11,4,11,125.5 +"POLYGON ((7.01744650340939 53.16539333013444, 7.018601480203258 53.16539333013444, 7.018601480203258 53.16519137475216, 7.01744650340939 53.16519137475216, 7.01744650340939 53.16539333013444))",16962_1_8,1,8,127.0 +"POLYGON ((7.020911433790993 52.96066325874865, 7.022066410584862 52.96066325874865, 7.022066410584862 52.96046034125028, 7.020911433790993 52.96046034125028, 7.020911433790993 52.96066325874865))",17000_4_6,4,6,87.0 +"POLYGON ((7.020911433790993 52.95525179954976, 7.022066410584862 52.95525179954976, 7.022066410584862 52.95504885665565, 7.020911433790993 52.95504885665565, 7.020911433790993 52.95525179954976))",17001_4_6,4,6,94.8 +"POLYGON ((7.020911433790993 52.94983966311409, 7.022066410584862 52.94983966311409, 7.022066410584862 52.94963669482289, 7.020911433790993 52.94963669482289, 7.020911433790993 52.94983966311409))",17002_4_6,4,6,89.6 +"POLYGON ((7.020911433790993 52.94442684940518, 7.022066410584862 52.94442684940518, 7.022066410584862 52.94422385571553, 7.020911433790993 52.94422385571553, 7.020911433790993 52.94442684940518))",17003_4_6,4,6,83.0 +"POLYGON ((7.020911433790993 51.90283052458348, 7.022066410584862 51.90283052458348, 7.022066410584862 51.90262267741496, 7.020911433790993 51.90262267741496, 7.020911433790993 51.90283052458348))",17193_4_10,4,10,130.0 +"POLYGON ((7.020911433790993 51.89728760430516, 7.022066410584862 51.89728760430516, 7.022066410584862 51.89707973149088, 7.020911433790993 51.89707973149088, 7.020911433790993 51.89728760430516))",17194_4_10,4,10,131.0 +"POLYGON ((7.020911433790993 51.89174400012412, 7.022066410584862 51.89174400012412, 7.022066410584862 51.89153610166287, 7.020911433790993 51.89153610166287, 7.020911433790993 51.89174400012412))",17195_4_10,4,10,135.33333333333334 +"POLYGON ((7.020911433790993 51.88619971200789, 7.022066410584862 51.88619971200789, 7.022066410584862 51.88599178789842, 7.020911433790993 51.88599178789842, 7.020911433790993 51.88619971200789))",17196_4_10,4,10,136.0 +"POLYGON ((7.020911433790993 50.98441568111384, 7.022066410584862 50.98441568111384, 7.022066410584862 50.98420361138225, 7.020911433790993 50.98420361138225, 7.020911433790993 50.98441568111384))",17357_4_11,4,11,128.5 +"POLYGON ((7.020911433790993 50.9787601567308, 7.022066410584862 50.9787601567308, 7.022066410584862 50.97854806116471, 7.020911433790993 50.97854806116471, 7.020911433790993 50.9787601567308))",17358_4_11,4,11,130.0 +"POLYGON ((7.026429656250586 53.16539333013444, 7.027584633044453 53.16539333013444, 7.027584633044453 53.16519137475216, 7.026429656250586 53.16519137475216, 7.026429656250586 53.16539333013444))",17637_1_8,1,8,125.5 +"POLYGON ((7.026429656250586 53.16000752803774, 7.027584633044453 53.16000752803774, 7.027584633044453 53.15980554731215, 7.026429656250586 53.15980554731215, 7.026429656250586 53.16000752803774))",17638_1_8,1,8,125.0 +"POLYGON ((7.029894586632189 52.94442684940518, 7.031049563426057 52.94442684940518, 7.031049563426057 52.94422385571553, 7.029894586632189 52.94422385571553, 7.029894586632189 52.94442684940518))",17678_4_6,4,6,79.25 +"POLYGON ((7.029894586632189 52.9390133583866, 7.031049563426057 52.9390133583866, 7.031049563426057 52.93881033929713, 7.029894586632189 52.93881033929713, 7.029894586632189 52.9390133583866))",17679_4_6,4,6,82.6 +"POLYGON ((7.029894586632189 52.93359919002194, 7.031049563426057 52.93359919002194, 7.031049563426057 52.93339614553128, 7.029894586632189 52.93339614553128, 7.029894586632189 52.93359919002194))",17680_4_6,4,6,89.8 +"POLYGON ((7.029894586632189 51.92499536731991, 7.031049563426057 51.92499536731991, 7.031049563426057 51.92478762272226, 7.029894586632189 51.92478762272226, 7.029894586632189 51.92499536731991))",17864_4_10,4,10,133.0 +"POLYGON ((7.029894586632189 51.91945518232724, 7.031049563426057 51.91945518232724, 7.031049563426057 51.9192474120887, 7.029894586632189 51.9192474120887, 7.029894586632189 51.91945518232724))",17865_4_10,4,10,132.33333333333334 +"POLYGON ((7.029894586632189 51.91391431356198, 7.031049563426057 51.91391431356198, 7.031049563426057 51.91370651768134, 7.029894586632189 51.91370651768134, 7.029894586632189 51.91391431356198))",17866_4_10,4,10,128.5 +"POLYGON ((7.029894586632189 51.90837276099158, 7.031049563426057 51.90837276099158, 7.031049563426057 51.90816493946761, 7.029894586632189 51.90816493946761, 7.029894586632189 51.90837276099158))",17867_4_10,4,10,131.0 +"POLYGON ((7.029894586632189 51.90283052458348, 7.031049563426057 51.90283052458348, 7.031049563426057 51.90262267741496, 7.029894586632189 51.90262267741496, 7.029894586632189 51.90283052458348))",17868_4_10,4,10,131.5 +"POLYGON ((7.029894586632189 50.9787601567308, 7.031049563426057 50.9787601567308, 7.031049563426057 50.97854806116471, 7.029894586632189 50.97854806116471, 7.029894586632189 50.9787601567308))",18033_4_11,4,11,115.5 +"POLYGON ((7.029894586632189 50.97310394341371, 7.031049563426057 50.97310394341371, 7.031049563426057 50.97289182201201, 7.029894586632189 50.97289182201201, 7.029894586632189 50.97310394341371))",18034_4_11,4,11,120.33333333333333 +"POLYGON ((7.029894586632189 50.96744704113375, 7.031049563426057 50.96744704113375, 7.031049563426057 50.96723489389538, 7.029894586632189 50.96723489389538, 7.029894586632189 50.96744704113375))",18035_4_11,4,11,110.25 +"POLYGON ((7.029894586632189 50.96178944986216, 7.031049563426057 50.96178944986216, 7.031049563426057 50.96157727678604, 7.029894586632189 50.96157727678604, 7.029894586632189 50.96178944986216))",18036_4_11,4,11,113.33333333333333 +"POLYGON ((7.035412809091781 53.16000752803774, 7.036567785885648 53.16000752803774, 7.036567785885648 53.15980554731215, 7.035412809091781 53.15980554731215, 7.035412809091781 53.16000752803774))",18313_1_8,1,8,120.0 +"POLYGON ((7.038877739473384 52.92818434427479, 7.040032716267253 52.92818434427479, 7.040032716267253 52.92798127438157, 7.038877739473384 52.92798127438157, 7.038877739473384 52.92818434427479))",18356_4_6,4,6,61.333333333333336 +"POLYGON ((7.038877739473384 52.92276882110875, 7.040032716267253 52.92276882110875, 7.040032716267253 52.92256572581162, 7.038877739473384 52.92256572581162, 7.038877739473384 52.92276882110875))",18357_4_6,4,6,33.916666666666664 +"POLYGON ((7.038877739473384 52.91735262048748, 7.040032716267253 52.91735262048748, 7.040032716267253 52.91714949978509, 7.038877739473384 52.91714949978509, 7.038877739473384 52.91735262048748))",18358_4_6,4,6,71.0 +"POLYGON ((7.038877739473384 52.91193574237465, 7.040032716267253 52.91193574237465, 7.040032716267253 52.91173259626562, 7.038877739473384 52.91173259626562, 7.038877739473384 52.91193574237465))",18359_4_6,4,6,88.8 +"POLYGON ((7.038877739473384 52.90651818673392, 7.040032716267253 52.90651818673392, 7.040032716267253 52.90631501521688, 7.038877739473384 52.90631501521688, 7.038877739473384 52.90651818673392))",18360_4_6,4,6,99.5 +"POLYGON ((7.038877739473384 52.901099953529, 7.040032716267253 52.901099953529, 7.040032716267253 52.90089675660258, 7.038877739473384 52.90089675660258, 7.038877739473384 52.901099953529))",18361_4_6,4,6,108.5 +"POLYGON ((7.038877739473384 52.89568104272359, 7.040032716267253 52.89568104272359, 7.040032716267253 52.89547782038646, 7.038877739473384 52.89547782038646, 7.038877739473384 52.89568104272359))",18362_4_6,4,6,107.0 +"POLYGON ((7.038877739473384 52.89026145428144, 7.040032716267253 52.89026145428144, 7.040032716267253 52.89005820653222, 7.038877739473384 52.89005820653222, 7.038877739473384 52.89026145428144))",18363_4_6,4,6,107.0 +"POLYGON ((7.038877739473384 52.88484118816631, 7.040032716267253 52.88484118816631, 7.040032716267253 52.88463791500366, 7.038877739473384 52.88463791500366, 7.038877739473384 52.88484118816631))",18364_4_6,4,6,106.0 +"POLYGON ((7.038877739473384 52.87942024434197, 7.040032716267253 52.87942024434197, 7.040032716267253 52.87921694576453, 7.038877739473384 52.87921694576453, 7.038877739473384 52.87942024434197))",18365_4_6,4,6,90.25 +"POLYGON ((7.038877739473384 52.87399862277223, 7.040032716267253 52.87399862277223, 7.040032716267253 52.87379529877863, 7.038877739473384 52.87379529877863, 7.038877739473384 52.87399862277223))",18366_4_6,4,6,93.5 +"POLYGON ((7.038877739473384 51.93607368611787, 7.040032716267253 51.93607368611787, 7.040032716267253 51.93586599279832, 7.038877739473384 51.93586599279832, 7.038877739473384 51.93607368611787))",18537_4_10,4,10,125.0 +"POLYGON ((7.038877739473384 51.93053486857259, 7.040032716267253 51.93053486857259, 7.040032716267253 51.93032714961459, 7.038877739473384 51.93032714961459, 7.038877739473384 51.93053486857259))",18538_4_10,4,10,128.75 +"POLYGON ((7.038877739473384 51.92499536731991, 7.040032716267253 51.92499536731991, 7.040032716267253 51.92478762272226, 7.038877739473384 51.92478762272226, 7.038877739473384 51.92499536731991))",18539_4_10,4,10,129.5 +"POLYGON ((7.038877739473384 50.96178944986216, 7.040032716267253 50.96178944986216, 7.040032716267253 50.96157727678604, 7.038877739473384 50.96157727678604, 7.038877739473384 50.96178944986216))",18711_4_11,4,11,114.0 +"POLYGON ((7.038877739473384 50.95613116957018, 7.040032716267253 50.95613116957018, 7.040032716267253 50.95591897065526, 7.038877739473384 50.95591897065526, 7.038877739473384 50.95613116957018))",18712_4_11,4,11,118.0 +"POLYGON ((7.038877739473384 50.95047220022911, 7.040032716267253 50.95047220022911, 7.040032716267253 50.9502599754743, 7.038877739473384 50.9502599754743, 7.038877739473384 50.95047220022911))",18713_4_11,4,11,120.66666666666667 +"POLYGON ((7.038877739473384 50.94481254181025, 7.040032716267253 50.94481254181025, 7.040032716267253 50.94460029121445, 7.038877739473384 50.94460029121445, 7.038877739473384 50.94481254181025))",18714_4_11,4,11,111.5 +"POLYGON ((7.038877739473384 50.93915219428492, 7.040032716267253 50.93915219428492, 7.040032716267253 50.93893991784707, 7.038877739473384 50.93893991784707, 7.038877739473384 50.93915219428492))",18715_4_11,4,11,87.0 +"POLYGON ((7.044395961932976 53.16000752803774, 7.045550938726843 53.16000752803774, 7.045550938726843 53.15980554731215, 7.044395961932976 53.15980554731215, 7.044395961932976 53.16000752803774))",18988_1_8,1,8,121.0 +"POLYGON ((7.047860892314579 52.87399862277223, 7.049015869108447 52.87399862277223, 7.049015869108447 52.87379529877863, 7.047860892314579 52.87379529877863, 7.047860892314579 52.87399862277223))",19041_4_6,4,6,104.0 +"POLYGON ((7.047860892314579 52.8685763234209, 7.049015869108447 52.8685763234209, 7.049015869108447 52.86837297400978, 7.047860892314579 52.86837297400978, 7.047860892314579 52.8685763234209))",19042_4_6,4,6,91.25 +"POLYGON ((7.047860892314579 52.86315334625181, 7.049015869108447 52.86315334625181, 7.049015869108447 52.86294997142182, 7.047860892314579 52.86294997142182, 7.047860892314579 52.86315334625181))",19043_4_6,4,6,49.2 +"POLYGON ((7.047860892314579 52.00801611171079, 7.049015869108447 52.00801611171079, 7.049015869108447 52.00780875157925, 7.047860892314579 52.00780875157925, 7.047860892314579 52.00801611171079))",19199_4_10,4,10,111.0 +"POLYGON ((7.047860892314579 52.0024861793843, 7.049015869108447 52.0024861793843, 7.049015869108447 52.0022787936303, 7.047860892314579 52.0022787936303, 7.047860892314579 52.0024861793843))",19200_4_10,4,10,112.66666666666667 +"POLYGON ((7.047860892314579 51.99695556377629, 7.049015869108447 51.99695556377629, 7.049015869108447 51.99674815239861, 7.047860892314579 51.99674815239861, 7.047860892314579 51.99695556377629))",19201_4_10,4,10,113.66666666666667 +"POLYGON ((7.047860892314579 51.9914242648539, 7.049015869108447 51.9914242648539, 7.049015869108447 51.99121682785128, 7.047860892314579 51.99121682785128, 7.047860892314579 51.9914242648539))",19202_4_10,4,10,108.75 +"POLYGON ((7.047860892314579 51.98589228258424, 7.049015869108447 51.98589228258424, 7.049015869108447 51.98568481995545, 7.047860892314579 51.98568481995545, 7.047860892314579 51.98589228258424))",19203_4_10,4,10,85.4 +"POLYGON ((7.047860892314579 51.98035961693446, 7.049015869108447 51.98035961693446, 7.049015869108447 51.98015212867828, 7.047860892314579 51.98015212867828, 7.047860892314579 51.98035961693446))",19204_4_10,4,10,77.4 +"POLYGON ((7.047860892314579 51.97482626787175, 7.049015869108447 51.97482626787175, 7.049015869108447 51.97461875398695, 7.047860892314579 51.97461875398695, 7.047860892314579 51.97482626787175))",19205_4_10,4,10,80.25 +"POLYGON ((7.047860892314579 51.96929223536331, 7.049015869108447 51.96929223536331, 7.049015869108447 51.96908469584864, 7.047860892314579 51.96908469584864, 7.047860892314579 51.96929223536331))",19206_4_10,4,10,79.8 +"POLYGON ((7.047860892314579 51.96375751937633, 7.049015869108447 51.96375751937633, 7.049015869108447 51.9635499542306, 7.047860892314579 51.9635499542306, 7.047860892314579 51.96375751937633))",19207_4_10,4,10,77.2 +"POLYGON ((7.047860892314579 51.95822211987809, 7.049015869108447 51.95822211987809, 7.049015869108447 51.95801452910005, 7.047860892314579 51.95801452910005, 7.047860892314579 51.95822211987809))",19208_4_10,4,10,81.25 +"POLYGON ((7.047860892314579 51.95268603683583, 7.049015869108447 51.95268603683583, 7.049015869108447 51.95247842042424, 7.047860892314579 51.95247842042424, 7.047860892314579 51.95268603683583))",19209_4_10,4,10,55.42857142857143 +"POLYGON ((7.047860892314579 51.94714927021683, 7.049015869108447 51.94714927021683, 7.049015869108447 51.94694162817048, 7.047860892314579 51.94694162817048, 7.047860892314579 51.94714927021683))",19210_4_10,4,10,76.6 +"POLYGON ((7.047860892314579 51.9416118199884, 7.049015869108447 51.9416118199884, 7.049015869108447 51.94140415230606, 7.047860892314579 51.94140415230606, 7.047860892314579 51.9416118199884))",19211_4_10,4,10,103.66666666666667 +"POLYGON ((7.047860892314579 51.93607368611787, 7.049015869108447 51.93607368611787, 7.049015869108447 51.93586599279832, 7.047860892314579 51.93586599279832, 7.047860892314579 51.93607368611787))",19212_4_10,4,10,119.0 +"POLYGON ((7.047860892314579 50.93915219428492, 7.049015869108447 50.93915219428492, 7.049015869108447 50.93893991784707, 7.047860892314579 50.93893991784707, 7.047860892314579 50.93915219428492))",19390_4_11,4,11,40.4 +"POLYGON ((7.047860892314579 50.93349115762445, 7.049015869108447 50.93349115762445, 7.049015869108447 50.93327885534347, 7.047860892314579 50.93327885534347, 7.047860892314579 50.93349115762445))",19391_4_11,4,11,24.833333333333332 +"POLYGON ((7.053379114774171 53.15462105010134, 7.054534091568039 53.15462105010134, 7.054534091568039 53.15441904403104, 7.053379114774171 53.15441904403104, 7.053379114774171 53.15462105010134))",19664_1_8,1,8,124.25 +"POLYGON ((7.056844045155775 52.86315334625181, 7.057999021949643 52.86315334625181, 7.057999021949643 52.86294997142182, 7.056844045155775 52.86294997142182, 7.056844045155775 52.86315334625181))",19718_4_6,4,6,87.25 +"POLYGON ((7.056844045155775 52.85772969122882, 7.057999021949643 52.85772969122882, 7.057999021949643 52.8575262909786, 7.056844045155775 52.8575262909786, 7.056844045155775 52.85772969122882))",19719_4_6,4,6,100.5 +"POLYGON ((7.056844045155775 52.02460180933041, 7.057999021949643 52.02460180933041, 7.057999021949643 52.02439452605886, 7.056844045155775 52.02439452605886, 7.056844045155775 52.02460180933041))",19871_4_10,4,10,115.66666666666667 +"POLYGON ((7.056844045155775 52.0190739266509, 7.057999021949643 52.0190739266509, 7.057999021949643 52.01886661776059, 7.056844045155775 52.01886661776059, 7.056844045155775 52.0190739266509))",19872_4_10,4,10,118.33333333333333 +"POLYGON ((7.056844045155775 52.01354536078868, 7.057999021949643 52.01354536078868, 7.057999021949643 52.01333802627838, 7.056844045155775 52.01333802627838, 7.056844045155775 52.01354536078868))",19873_4_10,4,10,115.0 +"POLYGON ((7.056844045155775 52.00801611171079, 7.057999021949643 52.00801611171079, 7.057999021949643 52.00780875157925, 7.056844045155775 52.00780875157925, 7.056844045155775 52.00801611171079))",19874_4_10,4,10,113.33333333333333 +"POLYGON ((7.056844045155775 50.93349115762445, 7.057999021949643 50.93349115762445, 7.057999021949643 50.93327885534347, 7.056844045155775 50.93327885534347, 7.056844045155775 50.93349115762445))",20066_4_11,4,11,52.5 +"POLYGON ((7.056844045155775 50.92782943180022, 7.057999021949643 50.92782943180022, 7.057999021949643 50.92761710367505, 7.056844045155775 50.92761710367505, 7.056844045155775 50.92782943180022))",20067_4_11,4,11,56.0 +"POLYGON ((7.056844045155775 50.92216701678363, 7.057999021949643 50.92216701678363, 7.057999021949643 50.92195466281319, 7.056844045155775 50.92195466281319, 7.056844045155775 50.92216701678363))",20068_4_11,4,11,68.0 +"POLYGON ((7.062362267615367 53.15462105010134, 7.063517244409233 53.15462105010134, 7.063517244409233 53.15441904403104, 7.062362267615367 53.15441904403104, 7.062362267615367 53.15462105010134))",20339_1_8,1,8,127.0 +"POLYGON ((7.062362267615367 53.14923389628806, 7.063517244409233 53.14923389628806, 7.063517244409233 53.14903186487165, 7.062362267615367 53.14903186487165, 7.062362267615367 53.14923389628806))",20340_1_8,1,8,126.5 +"POLYGON ((7.06582719799697 52.85230535831581, 7.066982174790837 52.85230535831581, 7.066982174790837 52.852101932644, 7.06582719799697 52.852101932644, 7.06582719799697 52.85230535831581))",20395_4_6,4,6,98.0 +"POLYGON ((7.06582719799697 52.06880028015009, 7.066982174790837 52.06880028015009, 7.066982174790837 52.06859320178398, 7.06582719799697 52.06859320178398, 7.06582719799697 52.06880028015009))",20538_4_10,4,10,74.0 +"POLYGON ((7.06582719799697 52.06327786174344, 7.066982174790837 52.06327786174344, 7.066982174790837 52.06307075776851, 7.06582719799697 52.06307075776851, 7.06582719799697 52.06327786174344))",20539_4_10,4,10,75.8 +"POLYGON ((7.06582719799697 52.05775476041848, 7.066982174790837 52.05775476041848, 7.066982174790837 52.05754763083345, 7.06582719799697 52.05754763083345, 7.06582719799697 52.05775476041848))",20540_4_10,4,10,72.0 +"POLYGON ((7.06582719799697 52.05223097614206, 7.066982174790837 52.05223097614206, 7.066982174790837 52.05202382094572, 7.06582719799697 52.05202382094572, 7.06582719799697 52.05223097614206))",20541_4_10,4,10,67.4 +"POLYGON ((7.06582719799697 52.0467065088811, 7.066982174790837 52.0467065088811, 7.066982174790837 52.04649932807219, 7.06582719799697 52.04649932807219, 7.06582719799697 52.0467065088811))",20542_4_10,4,10,66.0 +"POLYGON ((7.06582719799697 52.0411813586025, 7.066982174790837 52.0411813586025, 7.066982174790837 52.04097415217977, 7.06582719799697 52.04097415217977, 7.06582719799697 52.0411813586025))",20543_4_10,4,10,69.8 +"POLYGON ((7.06582719799697 52.0356555252732, 7.066982174790837 52.0356555252732, 7.066982174790837 52.03544829323544, 7.06582719799697 52.03544829323544, 7.06582719799697 52.0356555252732))",20544_4_10,4,10,70.33333333333333 +"POLYGON ((7.06582719799697 52.03012900886018, 7.066982174790837 52.03012900886018, 7.066982174790837 52.02992175120615, 7.06582719799697 52.02992175120615, 7.06582719799697 52.03012900886018))",20545_4_10,4,10,92.0 +"POLYGON ((7.06582719799697 50.92216701678363, 7.066982174790837 50.92216701678363, 7.066982174790837 50.92195466281319, 7.06582719799697 50.92195466281319, 7.06582719799697 50.92216701678363))",20743_4_11,4,11,58.375 +"POLYGON ((7.071345420456561 53.14923389628806, 7.072500397250429 53.14923389628806, 7.072500397250429 53.14903186487165, 7.071345420456561 53.14903186487165, 7.071345420456561 53.14923389628806))",21015_1_8,1,8,119.75 +"POLYGON ((7.074810350838165 52.85230535831581, 7.075965327632034 52.85230535831581, 7.075965327632034 52.852101932644, 7.074810350838165 52.852101932644, 7.074810350838165 52.85230535831581))",21070_4_6,4,6,98.75 +"POLYGON ((7.074810350838165 52.07984306834098, 7.075965327632034 52.07984306834098, 7.075965327632034 52.07963604118883, 7.074810350838165 52.07963604118883, 7.074810350838165 52.07984306834098))",21211_4_10,4,10,60.75 +"POLYGON ((7.074810350838165 52.07432201567154, 7.075965327632034 52.07432201567154, 7.075965327632034 52.07411496291304, 7.074810350838165 52.07411496291304, 7.074810350838165 52.07432201567154))",21212_4_10,4,10,69.83333333333333 +"POLYGON ((7.074810350838165 52.06880028015009, 7.075965327632034 52.06880028015009, 7.075965327632034 52.06859320178398, 7.074810350838165 52.06859320178398, 7.074810350838165 52.06880028015009))",21213_4_10,4,10,73.25 +"POLYGON ((7.074810350838165 50.92216701678363, 7.075965327632034 50.92216701678363, 7.075965327632034 50.92195466281319, 7.074810350838165 50.92195466281319, 7.074810350838165 50.92216701678363))",21418_4_11,4,11,69.25 +"POLYGON ((7.074810350838165 50.91650391254608, 7.075965327632034 50.91650391254608, 7.075965327632034 50.9162915327293, 7.074810350838165 50.9162915327293, 7.074810350838165 50.91650391254608))",21419_4_11,4,11,61.5 +"POLYGON ((7.080328573297757 53.14923389628806, 7.081483550091624 53.14923389628806, 7.081483550091624 53.14903186487165, 7.080328573297757 53.14903186487165, 7.080328573297757 53.14923389628806))",21690_1_8,1,8,123.66666666666667 +"POLYGON ((7.08379350367936 52.85230535831581, 7.084948480473228 52.85230535831581, 7.084948480473228 52.852101932644, 7.08379350367936 52.852101932644, 7.08379350367936 52.85230535831581))",21745_4_6,4,6,50.5 +"POLYGON ((7.08379350367936 52.12398691101088, 7.084948480473228 52.12398691101088, 7.084948480473228 52.12378008866467, 7.08379350367936 52.12378008866467, 7.08379350367936 52.12398691101088))",21878_4_10,4,10,131.0 +"POLYGON ((7.08379350367936 52.11847131996105, 7.084948480473228 52.11847131996105, 7.084948480473228 52.11826447201846, 7.08379350367936 52.11826447201846, 7.08379350367936 52.11847131996105))",21879_4_10,4,10,125.33333333333333 +"POLYGON ((7.08379350367936 52.11295504632529, 7.084948480473228 52.11295504632529, 7.084948480473228 52.11274817278507, 7.08379350367936 52.11274817278507, 7.08379350367936 52.11295504632529))",21880_4_10,4,10,125.66666666666667 +"POLYGON ((7.08379350367936 52.10743809007026, 7.084948480473228 52.10743809007026, 7.084948480473228 52.10723119093118, 7.08379350367936 52.10723119093118, 7.08379350367936 52.10743809007026))",21881_4_10,4,10,126.0 +"POLYGON ((7.08379350367936 52.10192045116266, 7.084948480473228 52.10192045116266, 7.084948480473228 52.10171352642346, 7.08379350367936 52.10171352642346, 7.08379350367936 52.10192045116266))",21882_4_10,4,10,124.66666666666667 +"POLYGON ((7.08379350367936 52.0964021295692, 7.084948480473228 52.0964021295692, 7.084948480473228 52.09619517922864, 7.08379350367936 52.09619517922864, 7.08379350367936 52.0964021295692))",21883_4_10,4,10,119.0 +"POLYGON ((7.08379350367936 52.0908831252566, 7.084948480473228 52.0908831252566, 7.084948480473228 52.09067614931342, 7.08379350367936 52.09067614931342, 7.08379350367936 52.0908831252566))",21884_4_10,4,10,128.66666666666666 +"POLYGON ((7.08379350367936 52.0853634381916, 7.084948480473228 52.0853634381916, 7.084948480473228 52.08515643664456, 7.08379350367936 52.08515643664456, 7.08379350367936 52.0853634381916))",21885_4_10,4,10,96.25 +"POLYGON ((7.08379350367936 52.07984306834098, 7.084948480473228 52.07984306834098, 7.084948480473228 52.07963604118883, 7.08379350367936 52.07963604118883, 7.08379350367936 52.07984306834098))",21886_4_10,4,10,84.5 +"POLYGON ((7.08379350367936 50.91650391254608, 7.084948480473228 50.91650391254608, 7.084948480473228 50.9162915327293, 7.08379350367936 50.9162915327293, 7.08379350367936 50.91650391254608))",22094_4_11,4,11,79.0 +"POLYGON ((7.089311726138952 53.14384606656071, 7.09046670293282 53.14384606656071, 7.09046670293282 53.14364400979679, 7.089311726138952 53.14364400979679, 7.089311726138952 53.14384606656071))",22366_1_8,1,8,122.33333333333333 +"POLYGON ((7.092776656520555 52.84688034747667, 7.093931633314424 52.84688034747667, 7.093931633314424 52.84667689638194, 7.092776656520555 52.84667689638194, 7.092776656520555 52.84688034747667))",22421_4_6,4,6,81.33333333333333 +"POLYGON ((7.092776656520555 52.16257693875852, 7.093931633314424 52.16257693875852, 7.093931633314424 52.1623702955518, 7.092776656520555 52.1623702955518, 7.092776656520555 52.16257693875852))",22546_4_10,4,10,130.0 +"POLYGON ((7.092776656520555 52.15706612487497, 7.093931633314424 52.15706612487497, 7.093931633314424 52.15685945608067, 7.092776656520555 52.15685945608067, 7.092776656520555 52.15706612487497))",22547_4_10,4,10,130.33333333333334 +"POLYGON ((7.092776656520555 52.15155462863945, 7.093931633314424 52.15155462863945, 7.093931633314424 52.15134793425629, 7.092776656520555 52.15134793425629, 7.092776656520555 52.15155462863945))",22548_4_10,4,10,131.33333333333334 +"POLYGON ((7.092776656520555 52.14604245001846, 7.093931633314424 52.14604245001846, 7.093931633314424 52.1458357300452, 7.092776656520555 52.1458357300452, 7.092776656520555 52.14604245001846))",22549_4_10,4,10,136.33333333333334 +"POLYGON ((7.092776656520555 52.14052958897853, 7.093931633314424 52.14052958897853, 7.093931633314424 52.14032284341391, 7.092776656520555 52.14032284341391, 7.092776656520555 52.14052958897853))",22550_4_10,4,10,141.33333333333334 +"POLYGON ((7.092776656520555 52.13501604548625, 7.093931633314424 52.13501604548625, 7.093931633314424 52.134809274329, 7.092776656520555 52.134809274329, 7.092776656520555 52.13501604548625))",22551_4_10,4,10,143.5 +"POLYGON ((7.092776656520555 52.12950181950816, 7.093931633314424 52.12950181950816, 7.093931633314424 52.12929502275706, 7.092776656520555 52.12929502275706, 7.092776656520555 52.12950181950816))",22552_4_10,4,10,132.33333333333334 +"POLYGON ((7.092776656520555 52.12398691101088, 7.093931633314424 52.12398691101088, 7.093931633314424 52.12378008866467, 7.092776656520555 52.12378008866467, 7.092776656520555 52.12398691101088))",22553_4_10,4,10,134.0 +"POLYGON ((7.092776656520555 50.91650391254608, 7.093931633314424 50.91650391254608, 7.093931633314424 50.9162915327293, 7.092776656520555 50.9162915327293, 7.092776656520555 50.91650391254608))",22769_4_11,4,11,49.375 +"POLYGON ((7.098294878980147 53.14384606656071, 7.099449855774014 53.14384606656071, 7.099449855774014 53.14364400979679, 7.098294878980147 53.14364400979679, 7.098294878980147 53.14384606656071))",23041_1_8,1,8,124.0 +"POLYGON ((7.10175980936175 52.84688034747667, 7.102914786155619 52.84688034747667, 7.102914786155619 52.84667689638194, 7.10175980936175 52.84667689638194, 7.10175980936175 52.84688034747667))",23096_4_6,4,6,85.0 +"POLYGON ((7.10175980936175 52.1735965196037, 7.102914786155619 52.1735965196037, 7.102914786155619 52.17338992756842, 7.10175980936175 52.17338992756842, 7.10175980936175 52.1735965196037))",23219_4_10,4,10,133.33333333333334 +"POLYGON ((7.10175980936175 52.16808707032359, 7.102914786155619 52.16808707032359, 7.102914786155619 52.16788045270322, 7.10175980936175 52.16788045270322, 7.10175980936175 52.16808707032359))",23220_4_10,4,10,132.33333333333334 +"POLYGON ((7.10175980936175 52.16257693875852, 7.102914786155619 52.16257693875852, 7.102914786155619 52.1623702955518, 7.10175980936175 52.1623702955518, 7.10175980936175 52.16257693875852))",23221_4_10,4,10,131.0 +"POLYGON ((7.10175980936175 50.91650391254608, 7.102914786155619 50.91650391254608, 7.102914786155619 50.9162915327293, 7.10175980936175 50.9162915327293, 7.10175980936175 50.91650391254608))",23444_4_11,4,11,33.0 +"POLYGON ((7.10175980936175 50.9162915327293, 7.102914786155619 50.9162915327293, 7.102914786155619 50.91607915194325, 7.10175980936175 50.91607915194325, 7.10175980936175 50.9162915327293))",23444_4_12,4,12,52.6 +"POLYGON ((7.107278031821342 53.14923389628806, 7.10843300861521 53.14923389628806, 7.10843300861521 53.14903186487165, 7.107278031821342 53.14903186487165, 7.107278031821342 53.14923389628806))",23715_1_8,1,8,123.5 +"POLYGON ((7.107278031821342 53.14384606656071, 7.10843300861521 53.14384606656071, 7.10843300861521 53.14364400979679, 7.107278031821342 53.14364400979679, 7.107278031821342 53.14384606656071))",23716_1_8,1,8,124.0 +"POLYGON ((7.110742962202945 52.84145465867531, 7.111897938996814 52.84145465867531, 7.111897938996814 52.84125118215631, 7.110742962202945 52.84125118215631, 7.110742962202945 52.84145465867531))",23772_4_6,4,6,90.2 +"POLYGON ((7.106123055027474 52.18970774253543, 7.107278031821342 52.18970774253543, 7.107278031821342 52.18950122532928, 7.106123055027474 52.18950122532928, 7.106123055027474 52.18970774253543))",23891_0_12,0,12,59.25 +"POLYGON ((7.106123055027474 52.18764252730608, 7.107278031821342 52.18764252730608, 7.107278031821342 52.18743600050706, 7.106123055027474 52.18743600050706, 7.106123055027474 52.18764252730608))",23891_0_22,0,22,50.60005700000001 +"POLYGON ((7.107278031821342 52.19032728839824, 7.10843300861521 52.19032728839824, 7.10843300861521 52.19012077406992, 7.107278031821342 52.19012077406992, 7.107278031821342 52.19032728839824))",23891_1_9,1,9,49.0 +"POLYGON ((7.110742962202945 52.19012077406992, 7.111897938996814 52.19012077406992, 7.111897938996814 52.18991425878232, 7.110742962202945 52.18991425878232, 7.110742962202945 52.19012077406992))",23891_4_10,4,10,129.0 +"POLYGON ((7.111897938996814 52.18826210194742, 7.113052915790681 52.18826210194742, 7.113052915790681 52.18805557802626, 7.111897938996814 52.18805557802626, 7.111897938996814 52.18826210194742))",23891_5_19,5,19,50.25000025 +"POLYGON ((7.111897938996814 52.18743600050706, 7.113052915790681 52.18743600050706, 7.113052915790681 52.18722947274873, 7.111897938996814 52.18722947274873, 7.111897938996814 52.18743600050706))",23891_5_23,5,23,53.96617024999999 +"POLYGON ((7.113052915790681 52.18970774253543, 7.11420789258455 52.18970774253543, 7.11420789258455 52.18950122532928, 7.113052915790681 52.18950122532928, 7.113052915790681 52.18970774253543))",23891_6_12,6,12,53.6 +"POLYGON ((7.113052915790681 52.18950122532928, 7.11420789258455 52.18950122532928, 7.11420789258455 52.18929470716385, 7.113052915790681 52.18929470716385, 7.113052915790681 52.18950122532928))",23891_6_13,6,13,50.218962444444436 +"POLYGON ((7.113052915790681 52.18929470716385, 7.11420789258455 52.18929470716385, 7.11420789258455 52.18908818803912, 7.113052915790681 52.18908818803912, 7.113052915790681 52.18929470716385))",23891_6_14,6,14,50.2590295 +"POLYGON ((7.110742962202945 52.18461337144328, 7.111897938996814 52.18461337144328, 7.111897938996814 52.18440683057438, 7.110742962202945 52.18440683057438, 7.110742962202945 52.18461337144328))",23892_4_10,4,10,128.33333333333334 +"POLYGON ((7.110742962202945 52.17910528663241, 7.111897938996814 52.17910528663241, 7.111897938996814 52.17889872018095, 7.110742962202945 52.17889872018095, 7.110742962202945 52.17910528663241))",23893_4_10,4,10,129.0 +"POLYGON ((7.110742962202945 50.9162915327293, 7.111897938996814 50.9162915327293, 7.111897938996814 50.91607915194325, 7.110742962202945 50.91607915194325, 7.110742962202945 50.9162915327293))",24119_4_12,4,12,45.0 +"POLYGON ((7.110742962202945 50.91062771339484, 7.111897938996814 50.91062771339484, 7.111897938996814 50.91041530676133, 7.110742962202945 50.91041530676133, 7.110742962202945 50.91062771339484))",24120_4_12,4,12,33.46153846153846 +"POLYGON ((7.116261184662538 53.14923389628806, 7.117416161456405 53.14923389628806, 7.117416161456405 53.14903186487165, 7.116261184662538 53.14903186487165, 7.116261184662538 53.14923389628806))",24390_1_8,1,8,123.0 +"POLYGON ((7.119726115044141 52.84145465867531, 7.120881091838009 52.84145465867531, 7.120881091838009 52.84125118215631, 7.119726115044141 52.84125118215631, 7.119726115044141 52.84145465867531))",24447_4_6,4,6,94.75 +"POLYGON ((7.115106207868669 52.20622601111886, 7.116261184662538 52.20622601111886, 7.116261184662538 52.20601957064934, 7.115106207868669 52.20601957064934, 7.115106207868669 52.20622601111886))",24563_0_12,0,12,108.0 +"POLYGON ((7.115106207868669 52.20416156326215, 7.116261184662538 52.20416156326215, 7.116261184662538 52.20395511320116, 7.115106207868669 52.20395511320116, 7.115106207868669 52.20416156326215))",24563_0_22,0,22,111.42637966666666 +"POLYGON ((7.116261184662538 52.20684532677264, 7.117416161456405 52.20684532677264, 7.117416161456405 52.20663888918052, 7.116261184662538 52.20663888918052, 7.116261184662538 52.20684532677264))",24563_1_9,1,9,124.5 +"POLYGON ((7.117416161456405 52.20601957064934, 7.118571138250273 52.20601957064934, 7.118571138250273 52.20581312922067, 7.117416161456405 52.20581312922067, 7.117416161456405 52.20601957064934))",24563_2_13,2,13,132.0 +"POLYGON ((7.118571138250273 52.20746463379425, 7.119726115044141 52.20746463379425, 7.119726115044141 52.20725819907951, 7.118571138250273 52.20725819907951, 7.118571138250273 52.20746463379425))",24563_3_6,3,6,141.0 +"POLYGON ((7.118571138250273 52.20622601111886, 7.119726115044141 52.20622601111886, 7.119726115044141 52.20601957064934, 7.118571138250273 52.20601957064934, 7.118571138250273 52.20622601111886))",24563_3_12,3,12,115.5 +"POLYGON ((7.118571138250273 52.20540024348591, 7.119726115044141 52.20540024348591, 7.119726115044141 52.20519379917982, 7.118571138250273 52.20519379917982, 7.118571138250273 52.20540024348591))",24563_3_16,3,16,119.0 +"POLYGON ((7.119726115044141 52.20787750034636, 7.120881091838009 52.20787750034636, 7.120881091838009 52.20767106754987, 7.119726115044141 52.20767106754987, 7.119726115044141 52.20787750034636))",24563_4_4,4,4,147.0 +"POLYGON ((7.119726115044141 52.20767106754987, 7.120881091838009 52.20767106754987, 7.120881091838009 52.20746463379425, 7.119726115044141 52.20746463379425, 7.119726115044141 52.20767106754987))",24563_4_5,4,5,130.0000015 +"POLYGON ((7.119726115044141 52.20663888918052, 7.120881091838009 52.20663888918052, 7.120881091838009 52.20643245062926, 7.119726115044141 52.20643245062926, 7.119726115044141 52.20663888918052))",24563_4_10,4,10,129.0 +"POLYGON ((7.120881091838009 52.20787750034636, 7.122036068631877 52.20787750034636, 7.122036068631877 52.20767106754987, 7.120881091838009 52.20767106754987, 7.120881091838009 52.20787750034636))",24563_5_4,5,4,118.5 +"POLYGON ((7.120881091838009 52.20746463379425, 7.122036068631877 52.20746463379425, 7.122036068631877 52.20725819907951, 7.120881091838009 52.20725819907951, 7.120881091838009 52.20746463379425))",24563_5_6,5,6,157.0 +"POLYGON ((7.120881091838009 52.20684532677264, 7.122036068631877 52.20684532677264, 7.122036068631877 52.20663888918052, 7.120881091838009 52.20663888918052, 7.120881091838009 52.20684532677264))",24563_5_9,5,9,112.0 +"POLYGON ((7.120881091838009 52.20643245062926, 7.122036068631877 52.20643245062926, 7.122036068631877 52.20622601111886, 7.120881091838009 52.20622601111886, 7.120881091838009 52.20643245062926))",24563_5_11,5,11,128.3080885 +"POLYGON ((7.120881091838009 52.2047809076902, 7.122036068631877 52.2047809076902, 7.122036068631877 52.20457446050666, 7.120881091838009 52.20457446050666, 7.120881091838009 52.2047809076902))",24563_5_19,5,19,136.499999 +"POLYGON ((7.120881091838009 52.20395511320116, 7.122036068631877 52.20395511320116, 7.122036068631877 52.20374866218101, 7.120881091838009 52.20374866218101, 7.120881091838009 52.20395511320116))",24563_5_23,5,23,117.0000005 +"POLYGON ((7.122036068631877 52.20663888918052, 7.123191045425745 52.20663888918052, 7.123191045425745 52.20643245062926, 7.122036068631877 52.20643245062926, 7.122036068631877 52.20663888918052))",24563_6_10,6,10,125.573616 +"POLYGON ((7.122036068631877 52.20622601111886, 7.123191045425745 52.20622601111886, 7.123191045425745 52.20601957064934, 7.122036068631877 52.20601957064934, 7.122036068631877 52.20622601111886))",24563_6_12,6,12,127.8 +"POLYGON ((7.122036068631877 52.20601957064934, 7.123191045425745 52.20601957064934, 7.123191045425745 52.20581312922067, 7.122036068631877 52.20581312922067, 7.122036068631877 52.20601957064934))",24563_6_13,6,13,111.68842649999999 +"POLYGON ((7.122036068631877 52.20581312922067, 7.123191045425745 52.20581312922067, 7.123191045425745 52.20560668683286, 7.122036068631877 52.20560668683286, 7.122036068631877 52.20581312922067))",24563_6_14,6,14,118.879653 +"POLYGON ((7.115106207868669 52.20072060368815, 7.116261184662538 52.20072060368815, 7.116261184662538 52.200514137641, 7.115106207868669 52.200514137641, 7.115106207868669 52.20072060368815))",24564_0_12,0,12,114.33333333333333 +"POLYGON ((7.115106207868669 52.19865590005318, 7.116261184662538 52.19865590005318, 7.116261184662538 52.1984494244141, 7.115106207868669 52.1984494244141, 7.115106207868669 52.19865590005318))",24564_0_22,0,22,99.2840285 +"POLYGON ((7.116261184662538 52.20133999607449, 7.117416161456405 52.20133999607449, 7.117416161456405 52.20113353290489, 7.116261184662538 52.20113353290489, 7.116261184662538 52.20133999607449))",24564_1_9,1,9,118.75 +"POLYGON ((7.117416161456405 52.200514137641, 7.118571138250273 52.200514137641, 7.118571138250273 52.20030767063469, 7.117416161456405 52.20030767063469, 7.117416161456405 52.200514137641))",24564_2_13,2,13,97.0 +"POLYGON ((7.118571138250273 52.20195937982822, 7.119726115044141 52.20195937982822, 7.119726115044141 52.20175291953616, 7.118571138250273 52.20175291953616, 7.118571138250273 52.20195937982822))",24564_3_6,3,6,135.66666666666666 +"POLYGON ((7.118571138250273 52.20072060368815, 7.119726115044141 52.20072060368815, 7.119726115044141 52.200514137641, 7.118571138250273 52.200514137641, 7.118571138250273 52.20072060368815))",24564_3_12,3,12,111.33333333333333 +"POLYGON ((7.118571138250273 52.19989473374445, 7.119726115044141 52.19989473374445, 7.119726115044141 52.19968826386057, 7.118571138250273 52.19968826386057, 7.118571138250273 52.19989473374445))",24564_3_16,3,16,105.0 +"POLYGON ((7.119726115044141 52.20237229753485, 7.120881091838009 52.20237229753485, 7.120881091838009 52.20216583916113, 7.119726115044141 52.20216583916113, 7.119726115044141 52.20237229753485))",24564_4_4,4,4,127.5 +"POLYGON ((7.119726115044141 52.20216583916113, 7.120881091838009 52.20216583916113, 7.120881091838009 52.20195937982822, 7.119726115044141 52.20195937982822, 7.119726115044141 52.20216583916113))",24564_4_5,4,5,118.2 +"POLYGON ((7.119726115044141 52.20113353290489, 7.120881091838009 52.20113353290489, 7.120881091838009 52.20092706877611, 7.119726115044141 52.20092706877611, 7.119726115044141 52.20113353290489))",24564_4_10,4,10,130.0 +"POLYGON ((7.120881091838009 52.20237229753485, 7.122036068631877 52.20237229753485, 7.122036068631877 52.20216583916113, 7.120881091838009 52.20216583916113, 7.120881091838009 52.20237229753485))",24564_5_4,5,4,116.0 +"POLYGON ((7.120881091838009 52.20195937982822, 7.122036068631877 52.20195937982822, 7.122036068631877 52.20175291953616, 7.120881091838009 52.20175291953616, 7.120881091838009 52.20195937982822))",24564_5_6,5,6,111.33333333333333 +"POLYGON ((7.120881091838009 52.20133999607449, 7.122036068631877 52.20133999607449, 7.122036068631877 52.20113353290489, 7.120881091838009 52.20113353290489, 7.120881091838009 52.20133999607449))",24564_5_9,5,9,109.7556122 +"POLYGON ((7.120881091838009 52.20092706877611, 7.122036068631877 52.20092706877611, 7.122036068631877 52.20072060368815, 7.120881091838009 52.20072060368815, 7.120881091838009 52.20092706877611))",24564_5_11,5,11,113.52924225 +"POLYGON ((7.120881091838009 52.1992753212152, 7.122036068631877 52.1992753212152, 7.122036068631877 52.19906884845373, 7.120881091838009 52.19906884845373, 7.120881091838009 52.1992753212152))",24564_5_19,5,19,132.88377466666668 +"POLYGON ((7.120881091838009 52.1984494244141, 7.122036068631877 52.1984494244141, 7.122036068631877 52.19824294781583, 7.120881091838009 52.19824294781583, 7.120881091838009 52.1984494244141))",24564_5_23,5,23,115.69747299999999 +"POLYGON ((7.122036068631877 52.20113353290489, 7.123191045425745 52.20113353290489, 7.123191045425745 52.20092706877611, 7.122036068631877 52.20092706877611, 7.122036068631877 52.20113353290489))",24564_6_10,6,10,117.2503555 +"POLYGON ((7.122036068631877 52.20072060368815, 7.123191045425745 52.20072060368815, 7.123191045425745 52.200514137641, 7.122036068631877 52.200514137641, 7.122036068631877 52.20072060368815))",24564_6_12,6,12,115.8 +"POLYGON ((7.122036068631877 52.200514137641, 7.123191045425745 52.200514137641, 7.123191045425745 52.20030767063469, 7.122036068631877 52.20030767063469, 7.122036068631877 52.200514137641))",24564_6_13,6,13,108.979575 +"POLYGON ((7.122036068631877 52.20030767063469, 7.123191045425745 52.20030767063469, 7.123191045425745 52.20010120266917, 7.122036068631877 52.20010120266917, 7.122036068631877 52.20030767063469))",24564_6_14,6,14,112.21944979999998 +"POLYGON ((7.115106207868669 52.19521451417156, 7.116261184662538 52.19521451417156, 7.116261184662538 52.19500802254554, 7.115106207868669 52.19500802254554, 7.115106207868669 52.19521451417156))",24565_0_12,0,12,109.5 +"POLYGON ((7.115106207868669 52.1931495547457, 7.116261184662538 52.1931495547457, 7.116261184662538 52.19294305352728, 7.115106207868669 52.19294305352728, 7.115106207868669 52.1931495547457))",24565_0_22,0,22,87.07270033333333 +"POLYGON ((7.116261184662538 52.19583398329424, 7.117416161456405 52.19583398329424, 7.117416161456405 52.1956274945459, 7.116261184662538 52.1956274945459, 7.116261184662538 52.19583398329424))",24565_1_9,1,9,99.5 +"POLYGON ((7.117416161456405 52.19500802254554, 7.118571138250273 52.19500802254554, 7.118571138250273 52.19480152996029, 7.117416161456405 52.19480152996029, 7.117416161456405 52.19500802254554))",24565_2_13,2,13,68.33333333333333 +"POLYGON ((7.118571138250273 52.19645344378389, 7.119726115044141 52.19645344378389, 7.119726115044141 52.19624695791322, 7.118571138250273 52.19624695791322, 7.118571138250273 52.19645344378389))",24565_3_6,3,6,92.2 +"POLYGON ((7.118571138250273 52.19521451417156, 7.119726115044141 52.19521451417156, 7.119726115044141 52.19500802254554, 7.118571138250273 52.19500802254554, 7.118571138250273 52.19521451417156))",24565_3_12,3,12,81.0 +"POLYGON ((7.118571138250273 52.19438854191208, 7.119726115044141 52.19438854191208, 7.119726115044141 52.19418204644913, 7.118571138250273 52.19418204644913, 7.118571138250273 52.19438854191208))",24565_3_16,3,16,76.8 +"POLYGON ((7.119726115044141 52.19686641264756, 7.120881091838009 52.19686641264756, 7.120881091838009 52.19665992869533, 7.119726115044141 52.19665992869533, 7.119726115044141 52.19686641264756))",24565_4_4,4,4,80.66666666666667 +"POLYGON ((7.119726115044141 52.19665992869533, 7.120881091838009 52.19665992869533, 7.120881091838009 52.19645344378389, 7.119726115044141 52.19645344378389, 7.119726115044141 52.19665992869533))",24565_4_5,4,5,76.6 +"POLYGON ((7.119726115044141 52.1956274945459, 7.120881091838009 52.1956274945459, 7.120881091838009 52.19542100483834, 7.119726115044141 52.19542100483834, 7.119726115044141 52.1956274945459))",24565_4_10,4,10,129.66666666666666 +"POLYGON ((7.120881091838009 52.19686641264756, 7.122036068631877 52.19686641264756, 7.122036068631877 52.19665992869533, 7.120881091838009 52.19665992869533, 7.120881091838009 52.19686641264756))",24565_5_4,5,4,72.66666666666667 +"POLYGON ((7.120881091838009 52.19645344378389, 7.122036068631877 52.19645344378389, 7.122036068631877 52.19624695791322, 7.120881091838009 52.19624695791322, 7.120881091838009 52.19645344378389))",24565_5_6,5,6,99.2 +"POLYGON ((7.120881091838009 52.19583398329424, 7.122036068631877 52.19583398329424, 7.122036068631877 52.1956274945459, 7.120881091838009 52.1956274945459, 7.120881091838009 52.19583398329424))",24565_5_9,5,9,80.4452914 +"POLYGON ((7.120881091838009 52.19542100483834, 7.122036068631877 52.19542100483834, 7.122036068631877 52.19521451417156, 7.120881091838009 52.19521451417156, 7.120881091838009 52.19542100483834))",24565_5_11,5,11,78.20025816666667 +"POLYGON ((7.120881091838009 52.19376905264549, 7.122036068631877 52.19376905264549, 7.122036068631877 52.1935625543048, 7.120881091838009 52.1935625543048, 7.120881091838009 52.19376905264549))",24565_5_19,5,19,110.5000015 +"POLYGON ((7.120881091838009 52.19294305352728, 7.122036068631877 52.19294305352728, 7.122036068631877 52.19273655134961, 7.120881091838009 52.19273655134961, 7.120881091838009 52.19294305352728))",24565_5_23,5,23,96.4302746 +"POLYGON ((7.122036068631877 52.1956274945459, 7.123191045425745 52.1956274945459, 7.123191045425745 52.19542100483834, 7.122036068631877 52.19542100483834, 7.122036068631877 52.1956274945459))",24565_6_10,6,10,77.44862342857142 +"POLYGON ((7.122036068631877 52.19521451417156, 7.123191045425745 52.19521451417156, 7.123191045425745 52.19500802254554, 7.122036068631877 52.19500802254554, 7.122036068631877 52.19521451417156))",24565_6_12,6,12,96.76923076923077 +"POLYGON ((7.122036068631877 52.19500802254554, 7.123191045425745 52.19500802254554, 7.123191045425745 52.19480152996029, 7.122036068631877 52.19480152996029, 7.122036068631877 52.19500802254554))",24565_6_13,6,13,93.9923077 +"POLYGON ((7.122036068631877 52.19480152996029, 7.123191045425745 52.19480152996029, 7.123191045425745 52.19459503641581, 7.122036068631877 52.19459503641581, 7.122036068631877 52.19480152996029))",24565_6_14,6,14,84.3228838 +"POLYGON ((7.115106207868669 52.18970774253543, 7.116261184662538 52.18970774253543, 7.116261184662538 52.18950122532928, 7.115106207868669 52.18950122532928, 7.115106207868669 52.18970774253543))",24566_0_12,0,12,90.25 +"POLYGON ((7.115106207868669 52.18764252730608, 7.116261184662538 52.18764252730608, 7.116261184662538 52.18743600050706, 7.115106207868669 52.18743600050706, 7.115106207868669 52.18764252730608))",24566_0_22,0,22,79.15045457142857 +"POLYGON ((7.116261184662538 52.19032728839824, 7.117416161456405 52.19032728839824, 7.117416161456405 52.19012077406992, 7.116261184662538 52.19012077406992, 7.116261184662538 52.19032728839824))",24566_1_9,1,9,74.16666666666667 +"POLYGON ((7.117416161456405 52.18950122532928, 7.118571138250273 52.18950122532928, 7.118571138250273 52.18929470716385, 7.117416161456405 52.18929470716385, 7.117416161456405 52.18950122532928))",24566_2_13,2,13,65.0 +"POLYGON ((7.118571138250273 52.1909468256276, 7.119726115044141 52.1909468256276, 7.119726115044141 52.19074031417708, 7.118571138250273 52.19074031417708, 7.118571138250273 52.1909468256276))",24566_3_6,3,6,91.0 +"POLYGON ((7.118571138250273 52.18970774253543, 7.119726115044141 52.18970774253543, 7.119726115044141 52.18950122532928, 7.118571138250273 52.18950122532928, 7.118571138250273 52.18970774253543))",24566_3_12,3,12,84.5 +"POLYGON ((7.118571138250273 52.18888166795513, 7.119726115044141 52.18888166795513, 7.119726115044141 52.18867514691184, 7.118571138250273 52.18867514691184, 7.118571138250273 52.18888166795513))",24566_3_16,3,16,80.5 +"POLYGON ((7.119726115044141 52.19135984565082, 7.120881091838009 52.19135984565082, 7.120881091838009 52.19115333611884, 7.119726115044141 52.19115333611884, 7.119726115044141 52.19135984565082))",24566_4_4,4,4,83.0 +"POLYGON ((7.119726115044141 52.19115333611884, 7.120881091838009 52.19115333611884, 7.120881091838009 52.1909468256276, 7.119726115044141 52.1909468256276, 7.119726115044141 52.19115333611884))",24566_4_5,4,5,89.33333333333333 +"POLYGON ((7.119726115044141 52.19012077406992, 7.120881091838009 52.19012077406992, 7.120881091838009 52.18991425878232, 7.119726115044141 52.18991425878232, 7.119726115044141 52.19012077406992))",24566_4_10,4,10,130.0 +"POLYGON ((7.120881091838009 52.19135984565082, 7.122036068631877 52.19135984565082, 7.122036068631877 52.19115333611884, 7.120881091838009 52.19115333611884, 7.120881091838009 52.19135984565082))",24566_5_4,5,4,75.0 +"POLYGON ((7.120881091838009 52.1909468256276, 7.122036068631877 52.1909468256276, 7.122036068631877 52.19074031417708, 7.120881091838009 52.19074031417708, 7.120881091838009 52.1909468256276))",24566_5_6,5,6,99.5 +"POLYGON ((7.120881091838009 52.19032728839824, 7.122036068631877 52.19032728839824, 7.122036068631877 52.19012077406992, 7.120881091838009 52.19012077406992, 7.120881091838009 52.19032728839824))",24566_5_9,5,9,76.820536 +"POLYGON ((7.120881091838009 52.18991425878232, 7.122036068631877 52.18991425878232, 7.122036068631877 52.18970774253543, 7.120881091838009 52.18970774253543, 7.120881091838009 52.18991425878232))",24566_5_11,5,11,80.20999900000001 +"POLYGON ((7.120881091838009 52.18826210194742, 7.122036068631877 52.18826210194742, 7.122036068631877 52.18805557802626, 7.120881091838009 52.18805557802626, 7.120881091838009 52.18826210194742))",24566_5_19,5,19,89.672542 +"POLYGON ((7.120881091838009 52.18743600050706, 7.122036068631877 52.18743600050706, 7.122036068631877 52.18722947274873, 7.120881091838009 52.18722947274873, 7.120881091838009 52.18743600050706))",24566_5_23,5,23,79.39820337500001 +"POLYGON ((7.122036068631877 52.19012077406992, 7.123191045425745 52.19012077406992, 7.123191045425745 52.18991425878232, 7.122036068631877 52.18991425878232, 7.122036068631877 52.19012077406992))",24566_6_10,6,10,78.3024765 +"POLYGON ((7.122036068631877 52.18970774253543, 7.123191045425745 52.18970774253543, 7.123191045425745 52.18950122532928, 7.122036068631877 52.18950122532928, 7.122036068631877 52.18970774253543))",24566_6_12,6,12,80.61111111111111 +"POLYGON ((7.122036068631877 52.18950122532928, 7.123191045425745 52.18950122532928, 7.123191045425745 52.18929470716385, 7.122036068631877 52.18929470716385, 7.122036068631877 52.18950122532928))",24566_6_13,6,13,83.47956485714285 +"POLYGON ((7.122036068631877 52.18929470716385, 7.123191045425745 52.18929470716385, 7.123191045425745 52.18908818803912, 7.122036068631877 52.18908818803912, 7.122036068631877 52.18929470716385))",24566_6_14,6,14,78.6810535 +"POLYGON ((7.119726115044141 50.91062771339484, 7.120881091838009 50.91062771339484, 7.120881091838009 50.91041530676133, 7.119726115044141 50.91041530676133, 7.119726115044141 50.91062771339484))",24795_4_12,4,12,27.8 +"POLYGON ((7.119726115044141 50.90496320478125, 7.120881091838009 50.90496320478125, 7.120881091838009 50.90475077229924, 7.119726115044141 50.90475077229924, 7.119726115044141 50.90496320478125))",24796_4_12,4,12,28.0 +"POLYGON ((7.125244337503733 53.15462105010134, 7.126399314297601 53.15462105010134, 7.126399314297601 53.15441904403104, 7.125244337503733 53.15441904403104, 7.125244337503733 53.15462105010134))",25064_1_8,1,8,126.25 +"POLYGON ((7.128709267885336 52.84145465867531, 7.129864244679204 52.84145465867531, 7.129864244679204 52.84125118215631, 7.128709267885336 52.84125118215631, 7.128709267885336 52.84145465867531))",25122_4_6,4,6,104.0 +"POLYGON ((7.128709267885336 52.83602829187569, 7.129864244679204 52.83602829187569, 7.129864244679204 52.83582478993105, 7.128709267885336 52.83582478993105, 7.128709267885336 52.83602829187569))",25123_4_6,4,6,98.0 +"POLYGON ((7.124089360709864 52.21723477985736, 7.125244337503733 52.21723477985736, 7.125244337503733 52.21702839053928, 7.124089360709864 52.21702839053928, 7.124089360709864 52.21723477985736))",25236_0_12,0,12,124.0 +"POLYGON ((7.124089360709864 52.21517084351927, 7.125244337503733 52.21517084351927, 7.125244337503733 52.21496444461067, 7.124089360709864 52.21496444461067, 7.124089360709864 52.21517084351927))",25236_0_22,0,22,113.07594866666666 +"POLYGON ((7.125244337503733 52.21785394205742, 7.126399314297601 52.21785394205742, 7.126399314297601 52.21764755561643, 7.125244337503733 52.21764755561643, 7.125244337503733 52.21785394205742))",25236_1_9,1,9,130.0 +"POLYGON ((7.126399314297601 52.21702839053928, 7.127554291091469 52.21702839053928, 7.127554291091469 52.21682200026213, 7.126399314297601 52.21682200026213, 7.126399314297601 52.21702839053928))",25236_2_13,2,13,167.0 +"POLYGON ((7.127554291091469 52.21847309562614, 7.128709267885336 52.21847309562614, 7.128709267885336 52.21826671206225, 7.127554291091469 52.21826671206225, 7.127554291091469 52.21847309562614))",25236_3_6,3,6,144.5 +"POLYGON ((7.127554291091469 52.21723477985736, 7.128709267885336 52.21723477985736, 7.128709267885336 52.21702839053928, 7.127554291091469 52.21702839053928, 7.127554291091469 52.21723477985736))",25236_3_12,3,12,122.66666666666667 +"POLYGON ((7.127554291091469 52.21640921683073, 7.128709267885336 52.21640921683073, 7.128709267885336 52.21620282367644, 7.127554291091469 52.21620282367644, 7.127554291091469 52.21640921683073))",25236_3_16,3,16,132.33333333333334 +"POLYGON ((7.128709267885336 52.21888585987679, 7.129864244679204 52.21888585987679, 7.129864244679204 52.21867947823097, 7.128709267885336 52.21867947823097, 7.128709267885336 52.21888585987679))",25236_4_4,4,4,186.0 +"POLYGON ((7.128709267885336 52.21867947823097, 7.129864244679204 52.21867947823097, 7.129864244679204 52.21847309562614, 7.128709267885336 52.21847309562614, 7.128709267885336 52.21867947823097))",25236_4_5,4,5,142.0 +"POLYGON ((7.128709267885336 52.21764755561643, 7.129864244679204 52.21764755561643, 7.129864244679204 52.21744116821642, 7.128709267885336 52.21744116821642, 7.128709267885336 52.21764755561643))",25236_4_10,4,10,136.0 +"POLYGON ((7.129864244679204 52.21888585987679, 7.131019221473072 52.21888585987679, 7.131019221473072 52.21867947823097, 7.129864244679204 52.21867947823097, 7.129864244679204 52.21888585987679))",25236_5_4,5,4,128.5 +"POLYGON ((7.129864244679204 52.21847309562614, 7.131019221473072 52.21847309562614, 7.131019221473072 52.21826671206225, 7.129864244679204 52.21826671206225, 7.129864244679204 52.21847309562614))",25236_5_6,5,6,167.5 +"POLYGON ((7.129864244679204 52.21785394205742, 7.131019221473072 52.21785394205742, 7.131019221473072 52.21764755561643, 7.129864244679204 52.21764755561643, 7.129864244679204 52.21785394205742))",25236_5_9,5,9,130.999998 +"POLYGON ((7.129864244679204 52.21744116821642, 7.131019221473072 52.21744116821642, 7.131019221473072 52.21723477985736, 7.129864244679204 52.21723477985736, 7.129864244679204 52.21744116821642))",25236_5_11,5,11,133.86321650000002 +"POLYGON ((7.129864244679204 52.21579003449074, 7.131019221473072 52.21579003449074, 7.131019221473072 52.21558363845931, 7.129864244679204 52.21558363845931, 7.129864244679204 52.21579003449074))",25236_5_19,5,19,142.5 +"POLYGON ((7.129864244679204 52.21496444461067, 7.131019221473072 52.21496444461067, 7.131019221473072 52.21475804474301, 7.129864244679204 52.21475804474301, 7.129864244679204 52.21496444461067))",25236_5_23,5,23,125.56880633333333 +"POLYGON ((7.131019221473072 52.21764755561643, 7.13217419826694 52.21764755561643, 7.13217419826694 52.21744116821642, 7.131019221473072 52.21744116821642, 7.131019221473072 52.21764755561643))",25236_6_10,6,10,127.52331566666668 +"POLYGON ((7.131019221473072 52.21723477985736, 7.13217419826694 52.21723477985736, 7.13217419826694 52.21702839053928, 7.131019221473072 52.21702839053928, 7.131019221473072 52.21723477985736))",25236_6_12,6,12,124.85714285714286 +"POLYGON ((7.131019221473072 52.21702839053928, 7.13217419826694 52.21702839053928, 7.13217419826694 52.21682200026213, 7.131019221473072 52.21682200026213, 7.131019221473072 52.21702839053928))",25236_6_13,6,13,116.0892136 +"POLYGON ((7.131019221473072 52.21682200026213, 7.13217419826694 52.21682200026213, 7.13217419826694 52.21661560902595, 7.131019221473072 52.21661560902595, 7.131019221473072 52.21682200026213))",25236_6_14,6,14,116.44808033333334 +"POLYGON ((7.124089360709864 52.21173073649737, 7.125244337503733 52.21173073649737, 7.125244337503733 52.21152432160419, 7.124089360709864 52.21152432160419, 7.124089360709864 52.21173073649737))",25237_0_12,0,12,123.33333333333333 +"POLYGON ((7.124089360709864 52.20966654440628, 7.125244337503733 52.20966654440628, 7.125244337503733 52.20946011992212, 7.124089360709864 52.20946011992212, 7.124089360709864 52.20966654440628))",25237_0_22,0,22,113.92449925 +"POLYGON ((7.125244337503733 52.21234997542239, 7.126399314297601 52.21234997542239, 7.126399314297601 52.21214356340648, 7.125244337503733 52.21214356340648, 7.125244337503733 52.21234997542239))",25237_1_9,1,9,131.0 +"POLYGON ((7.126399314297601 52.21152432160419, 7.127554291091469 52.21152432160419, 7.127554291091469 52.21131790575192, 7.126399314297601 52.21131790575192, 7.126399314297601 52.21152432160419))",25237_2_13,2,13,147.0 +"POLYGON ((7.127554291091469 52.21296920571566, 7.128709267885336 52.21296920571566, 7.128709267885336 52.21276279657698, 7.127554291091469 52.21276279657698, 7.127554291091469 52.21296920571566))",25237_3_6,3,6,138.33333333333334 +"POLYGON ((7.127554291091469 52.21173073649737, 7.128709267885336 52.21173073649737, 7.128709267885336 52.21152432160419, 7.127554291091469 52.21152432160419, 7.127554291091469 52.21173073649737))",25237_3_12,3,12,124.33333333333333 +"POLYGON ((7.127554291091469 52.2109050711701, 7.128709267885336 52.2109050711701, 7.128709267885336 52.21069865244054, 7.127554291091469 52.21069865244054, 7.127554291091469 52.2109050711701))",25237_3_16,3,16,132.0 +"POLYGON ((7.128709267885336 52.21338202111578, 7.129864244679204 52.21338202111578, 7.129864244679204 52.21317561389526, 7.128709267885336 52.21317561389526, 7.128709267885336 52.21338202111578))",25237_4_4,4,4,172.66666666666666 +"POLYGON ((7.128709267885336 52.21317561389526, 7.129864244679204 52.21317561389526, 7.129864244679204 52.21296920571566, 7.128709267885336 52.21296920571566, 7.128709267885336 52.21317561389526))",25237_4_5,4,5,140.65125971428571 +"POLYGON ((7.128709267885336 52.21214356340648, 7.129864244679204 52.21214356340648, 7.129864244679204 52.21193715043147, 7.128709267885336 52.21193715043147, 7.128709267885336 52.21214356340648))",25237_4_10,4,10,129.0 +"POLYGON ((7.129864244679204 52.21338202111578, 7.131019221473072 52.21338202111578, 7.131019221473072 52.21317561389526, 7.129864244679204 52.21317561389526, 7.129864244679204 52.21338202111578))",25237_5_4,5,4,128.66666666666666 +"POLYGON ((7.129864244679204 52.21296920571566, 7.131019221473072 52.21296920571566, 7.131019221473072 52.21276279657698, 7.129864244679204 52.21276279657698, 7.129864244679204 52.21296920571566))",25237_5_6,5,6,179.5 +"POLYGON ((7.129864244679204 52.21234997542239, 7.131019221473072 52.21234997542239, 7.131019221473072 52.21214356340648, 7.129864244679204 52.21214356340648, 7.129864244679204 52.21234997542239))",25237_5_9,5,9,124.3398735 +"POLYGON ((7.129864244679204 52.21193715043147, 7.131019221473072 52.21193715043147, 7.131019221473072 52.21173073649737, 7.129864244679204 52.21173073649737, 7.129864244679204 52.21193715043147))",25237_5_11,5,11,129.39337575 +"POLYGON ((7.129864244679204 52.21028581210415, 7.131019221473072 52.21028581210415, 7.131019221473072 52.2100793904973, 7.129864244679204 52.2100793904973, 7.129864244679204 52.21028581210415))",25237_5_19,5,19,141.333334 +"POLYGON ((7.129864244679204 52.20946011992212, 7.131019221473072 52.20946011992212, 7.131019221473072 52.20925369447885, 7.129864244679204 52.20925369447885, 7.129864244679204 52.20946011992212))",25237_5_23,5,23,119.938944 +"POLYGON ((7.131019221473072 52.21214356340648, 7.13217419826694 52.21214356340648, 7.13217419826694 52.21193715043147, 7.131019221473072 52.21193715043147, 7.131019221473072 52.21214356340648))",25237_6_10,6,10,129.426862 +"POLYGON ((7.131019221473072 52.21173073649737, 7.13217419826694 52.21173073649737, 7.13217419826694 52.21152432160419, 7.131019221473072 52.21152432160419, 7.131019221473072 52.21173073649737))",25237_6_12,6,12,131.22222222222223 +"POLYGON ((7.131019221473072 52.21152432160419, 7.13217419826694 52.21152432160419, 7.13217419826694 52.21131790575192, 7.131019221473072 52.21131790575192, 7.131019221473072 52.21152432160419))",25237_6_13,6,13,104.4087557 +"POLYGON ((7.131019221473072 52.21131790575192, 7.13217419826694 52.21131790575192, 7.13217419826694 52.21111148894056, 7.131019221473072 52.21111148894056, 7.131019221473072 52.21131790575192))",25237_6_14,6,14,115.98821475 +"POLYGON ((7.124089360709864 52.20622601111886, 7.125244337503733 52.20622601111886, 7.125244337503733 52.20601957064934, 7.124089360709864 52.20601957064934, 7.124089360709864 52.20622601111886))",25238_0_12,0,12,120.0 +"POLYGON ((7.124089360709864 52.20416156326215, 7.125244337503733 52.20416156326215, 7.125244337503733 52.20395511320116, 7.124089360709864 52.20395511320116, 7.124089360709864 52.20416156326215))",25238_0_22,0,22,113.499999 +"POLYGON ((7.125244337503733 52.20684532677264, 7.126399314297601 52.20684532677264, 7.126399314297601 52.20663888918052, 7.125244337503733 52.20663888918052, 7.125244337503733 52.20684532677264))",25238_1_9,1,9,117.0 +"POLYGON ((7.126399314297601 52.20601957064934, 7.127554291091469 52.20601957064934, 7.127554291091469 52.20581312922067, 7.126399314297601 52.20581312922067, 7.126399314297601 52.20601957064934))",25238_2_13,2,13,147.5 +"POLYGON ((7.127554291091469 52.20746463379425, 7.128709267885336 52.20746463379425, 7.128709267885336 52.20725819907951, 7.127554291091469 52.20725819907951, 7.127554291091469 52.20746463379425))",25238_3_6,3,6,147.0 +"POLYGON ((7.127554291091469 52.20622601111886, 7.128709267885336 52.20622601111886, 7.128709267885336 52.20601957064934, 7.127554291091469 52.20601957064934, 7.127554291091469 52.20622601111886))",25238_3_12,3,12,117.0 +"POLYGON ((7.127554291091469 52.20540024348591, 7.128709267885336 52.20540024348591, 7.128709267885336 52.20519379917982, 7.127554291091469 52.20519379917982, 7.127554291091469 52.20540024348591))",25238_3_16,3,16,123.0 +"POLYGON ((7.128709267885336 52.20787750034636, 7.129864244679204 52.20787750034636, 7.129864244679204 52.20767106754987, 7.128709267885336 52.20767106754987, 7.128709267885336 52.20787750034636))",25238_4_4,4,4,155.0 +"POLYGON ((7.128709267885336 52.20767106754987, 7.129864244679204 52.20767106754987, 7.129864244679204 52.20746463379425, 7.128709267885336 52.20746463379425, 7.128709267885336 52.20767106754987))",25238_4_5,4,5,132.5 +"POLYGON ((7.128709267885336 52.20663888918052, 7.129864244679204 52.20663888918052, 7.129864244679204 52.20643245062926, 7.128709267885336 52.20643245062926, 7.128709267885336 52.20663888918052))",25238_4_10,4,10,129.0 +"POLYGON ((7.129864244679204 52.20787750034636, 7.131019221473072 52.20787750034636, 7.131019221473072 52.20767106754987, 7.129864244679204 52.20767106754987, 7.129864244679204 52.20787750034636))",25238_5_4,5,4,127.0 +"POLYGON ((7.129864244679204 52.20746463379425, 7.131019221473072 52.20746463379425, 7.131019221473072 52.20725819907951, 7.129864244679204 52.20725819907951, 7.129864244679204 52.20746463379425))",25238_5_6,5,6,181.5 +"POLYGON ((7.129864244679204 52.20684532677264, 7.131019221473072 52.20684532677264, 7.131019221473072 52.20663888918052, 7.129864244679204 52.20663888918052, 7.129864244679204 52.20684532677264))",25238_5_9,5,9,114.83667333333334 +"POLYGON ((7.129864244679204 52.20643245062926, 7.131019221473072 52.20643245062926, 7.131019221473072 52.20622601111886, 7.129864244679204 52.20622601111886, 7.129864244679204 52.20643245062926))",25238_5_11,5,11,130.999998 +"POLYGON ((7.129864244679204 52.2047809076902, 7.131019221473072 52.2047809076902, 7.131019221473072 52.20457446050666, 7.129864244679204 52.20457446050666, 7.129864244679204 52.2047809076902))",25238_5_19,5,19,138.499997 +"POLYGON ((7.129864244679204 52.20395511320116, 7.131019221473072 52.20395511320116, 7.131019221473072 52.20374866218101, 7.129864244679204 52.20374866218101, 7.129864244679204 52.20395511320116))",25238_5_23,5,23,114.500001 +"POLYGON ((7.131019221473072 52.20663888918052, 7.13217419826694 52.20663888918052, 7.13217419826694 52.20643245062926, 7.131019221473072 52.20643245062926, 7.131019221473072 52.20663888918052))",25238_6_10,6,10,130.00000266666666 +"POLYGON ((7.131019221473072 52.20622601111886, 7.13217419826694 52.20622601111886, 7.13217419826694 52.20601957064934, 7.131019221473072 52.20601957064934, 7.131019221473072 52.20622601111886))",25238_6_12,6,12,132.5 +"POLYGON ((7.131019221473072 52.20601957064934, 7.13217419826694 52.20601957064934, 7.13217419826694 52.20581312922067, 7.131019221473072 52.20581312922067, 7.131019221473072 52.20601957064934))",25238_6_13,6,13,112.00000025 +"POLYGON ((7.131019221473072 52.20581312922067, 7.13217419826694 52.20581312922067, 7.13217419826694 52.20560668683286, 7.131019221473072 52.20560668683286, 7.131019221473072 52.20581312922067))",25238_6_14,6,14,111.30260300000002 +"POLYGON ((7.124089360709864 52.19521451417156, 7.125244337503733 52.19521451417156, 7.125244337503733 52.19500802254554, 7.124089360709864 52.19500802254554, 7.124089360709864 52.19521451417156))",25240_0_12,0,12,106.66666666666667 +"POLYGON ((7.124089360709864 52.1931495547457, 7.125244337503733 52.1931495547457, 7.125244337503733 52.19294305352728, 7.124089360709864 52.19294305352728, 7.124089360709864 52.1931495547457))",25240_0_22,0,22,99.90850633333334 +"POLYGON ((7.125244337503733 52.19583398329424, 7.126399314297601 52.19583398329424, 7.126399314297601 52.1956274945459, 7.125244337503733 52.1956274945459, 7.125244337503733 52.19583398329424))",25240_1_9,1,9,116.0 +"POLYGON ((7.126399314297601 52.19500802254554, 7.127554291091469 52.19500802254554, 7.127554291091469 52.19480152996029, 7.126399314297601 52.19480152996029, 7.126399314297601 52.19500802254554))",25240_2_13,2,13,95.66666666666667 +"POLYGON ((7.127554291091469 52.19645344378389, 7.128709267885336 52.19645344378389, 7.128709267885336 52.19624695791322, 7.127554291091469 52.19624695791322, 7.127554291091469 52.19645344378389))",25240_3_6,3,6,102.66666666666667 +"POLYGON ((7.127554291091469 52.19521451417156, 7.128709267885336 52.19521451417156, 7.128709267885336 52.19500802254554, 7.127554291091469 52.19500802254554, 7.127554291091469 52.19521451417156))",25240_3_12,3,12,98.0 +"POLYGON ((7.127554291091469 52.19438854191208, 7.128709267885336 52.19438854191208, 7.128709267885336 52.19418204644913, 7.127554291091469 52.19418204644913, 7.127554291091469 52.19438854191208))",25240_3_16,3,16,99.33333333333333 +"POLYGON ((7.128709267885336 52.19686641264756, 7.129864244679204 52.19686641264756, 7.129864244679204 52.19665992869533, 7.128709267885336 52.19665992869533, 7.128709267885336 52.19686641264756))",25240_4_4,4,4,86.4 +"POLYGON ((7.128709267885336 52.19665992869533, 7.129864244679204 52.19665992869533, 7.129864244679204 52.19645344378389, 7.128709267885336 52.19645344378389, 7.128709267885336 52.19665992869533))",25240_4_5,4,5,111.33333333333333 +"POLYGON ((7.129864244679204 52.19686641264756, 7.131019221473072 52.19686641264756, 7.131019221473072 52.19665992869533, 7.129864244679204 52.19665992869533, 7.129864244679204 52.19686641264756))",25240_5_4,5,4,96.33333333333333 +"POLYGON ((7.129864244679204 52.19645344378389, 7.131019221473072 52.19645344378389, 7.131019221473072 52.19624695791322, 7.129864244679204 52.19624695791322, 7.129864244679204 52.19645344378389))",25240_5_6,5,6,122.66666666666667 +"POLYGON ((7.129864244679204 52.19583398329424, 7.131019221473072 52.19583398329424, 7.131019221473072 52.1956274945459, 7.129864244679204 52.1956274945459, 7.129864244679204 52.19583398329424))",25240_5_9,5,9,92.691442 +"POLYGON ((7.129864244679204 52.19542100483834, 7.131019221473072 52.19542100483834, 7.131019221473072 52.19521451417156, 7.129864244679204 52.19521451417156, 7.129864244679204 52.19542100483834))",25240_5_11,5,11,83.5588652 +"POLYGON ((7.129864244679204 52.19376905264549, 7.131019221473072 52.19376905264549, 7.131019221473072 52.1935625543048, 7.129864244679204 52.1935625543048, 7.129864244679204 52.19376905264549))",25240_5_19,5,19,101.49999975 +"POLYGON ((7.129864244679204 52.19294305352728, 7.131019221473072 52.19294305352728, 7.131019221473072 52.19273655134961, 7.129864244679204 52.19273655134961, 7.129864244679204 52.19294305352728))",25240_5_23,5,23,90.419928 +"POLYGON ((7.131019221473072 52.1956274945459, 7.13217419826694 52.1956274945459, 7.13217419826694 52.19542100483834, 7.131019221473072 52.19542100483834, 7.131019221473072 52.1956274945459))",25240_6_10,6,10,102.5475992 +"POLYGON ((7.131019221473072 52.19521451417156, 7.13217419826694 52.19521451417156, 7.13217419826694 52.19500802254554, 7.131019221473072 52.19500802254554, 7.131019221473072 52.19521451417156))",25240_6_12,6,12,96.63636363636364 +"POLYGON ((7.131019221473072 52.19500802254554, 7.13217419826694 52.19500802254554, 7.13217419826694 52.19480152996029, 7.131019221473072 52.19480152996029, 7.131019221473072 52.19500802254554))",25240_6_13,6,13,102.83333283333333 +"POLYGON ((7.131019221473072 52.19480152996029, 7.13217419826694 52.19480152996029, 7.13217419826694 52.19459503641581, 7.131019221473072 52.19459503641581, 7.131019221473072 52.19480152996029))",25240_6_14,6,14,98.27759175 +"POLYGON ((7.124089360709864 52.18970774253543, 7.125244337503733 52.18970774253543, 7.125244337503733 52.18950122532928, 7.124089360709864 52.18950122532928, 7.124089360709864 52.18970774253543))",25241_0_12,0,12,108.0 +"POLYGON ((7.124089360709864 52.18764252730608, 7.125244337503733 52.18764252730608, 7.125244337503733 52.18743600050706, 7.124089360709864 52.18743600050706, 7.124089360709864 52.18764252730608))",25241_0_22,0,22,100.13485 +"POLYGON ((7.125244337503733 52.19032728839824, 7.126399314297601 52.19032728839824, 7.126399314297601 52.19012077406992, 7.125244337503733 52.19012077406992, 7.125244337503733 52.19032728839824))",25241_1_9,1,9,98.0 +"POLYGON ((7.126399314297601 52.18950122532928, 7.127554291091469 52.18950122532928, 7.127554291091469 52.18929470716385, 7.126399314297601 52.18929470716385, 7.126399314297601 52.18950122532928))",25241_2_13,2,13,85.0 +"POLYGON ((7.127554291091469 52.18970774253543, 7.128709267885336 52.18970774253543, 7.128709267885336 52.18950122532928, 7.127554291091469 52.18950122532928, 7.127554291091469 52.18970774253543))",25241_3_12,3,12,96.0 +"POLYGON ((7.127554291091469 52.18888166795513, 7.128709267885336 52.18888166795513, 7.128709267885336 52.18867514691184, 7.127554291091469 52.18867514691184, 7.127554291091469 52.18888166795513))",25241_3_16,3,16,105.0 +"POLYGON ((7.129864244679204 52.19135984565082, 7.131019221473072 52.19135984565082, 7.131019221473072 52.19115333611884, 7.129864244679204 52.19115333611884, 7.129864244679204 52.19135984565082))",25241_5_4,5,4,92.0 +"POLYGON ((7.129864244679204 52.19032728839824, 7.131019221473072 52.19032728839824, 7.131019221473072 52.19012077406992, 7.129864244679204 52.19012077406992, 7.129864244679204 52.19032728839824))",25241_5_9,5,9,90.471622 +"POLYGON ((7.129864244679204 52.18991425878232, 7.131019221473072 52.18991425878232, 7.131019221473072 52.18970774253543, 7.129864244679204 52.18970774253543, 7.129864244679204 52.18991425878232))",25241_5_11,5,11,85.740738 +"POLYGON ((7.129864244679204 52.18826210194742, 7.131019221473072 52.18826210194742, 7.131019221473072 52.18805557802626, 7.129864244679204 52.18805557802626, 7.129864244679204 52.18826210194742))",25241_5_19,5,19,106.999998 +"POLYGON ((7.131019221473072 52.18970774253543, 7.13217419826694 52.18970774253543, 7.13217419826694 52.18950122532928, 7.131019221473072 52.18950122532928, 7.131019221473072 52.18970774253543))",25241_6_12,6,12,97.33333333333333 +"POLYGON ((7.131019221473072 52.18950122532928, 7.13217419826694 52.18950122532928, 7.13217419826694 52.18929470716385, 7.131019221473072 52.18929470716385, 7.131019221473072 52.18950122532928))",25241_6_13,6,13,104.1251485 +"POLYGON ((7.131019221473072 52.18929470716385, 7.13217419826694 52.18929470716385, 7.13217419826694 52.18908818803912, 7.131019221473072 52.18908818803912, 7.131019221473072 52.18929470716385))",25241_6_14,6,14,96.537353 +"POLYGON ((7.128709267885336 50.90496320478125, 7.129864244679204 50.90496320478125, 7.129864244679204 50.90475077229924, 7.128709267885336 50.90475077229924, 7.128709267885336 50.90496320478125))",25471_4_12,4,12,34.416666666666664 +"POLYGON ((7.134227490344928 53.16000752803774, 7.135382467138795 53.16000752803774, 7.135382467138795 53.15980554731215, 7.134227490344928 53.15980554731215, 7.134227490344928 53.16000752803774))",25738_1_8,1,8,125.5 +"POLYGON ((7.134227490344928 53.15462105010134, 7.135382467138795 53.15462105010134, 7.135382467138795 53.15441904403104, 7.134227490344928 53.15441904403104, 7.134227490344928 53.15462105010134))",25739_1_8,1,8,124.5 +"POLYGON ((7.137692420726531 52.83602829187569, 7.1388473975204 52.83602829187569, 7.1388473975204 52.83582478993105, 7.137692420726531 52.83582478993105, 7.137692420726531 52.83602829187569))",25798_4_6,4,6,92.8 +"POLYGON ((7.13307251355106 52.22824082065669, 7.134227490344928 52.22824082065669, 7.134227490344928 52.22803448248497, 7.13307251355106 52.22803448248497, 7.13307251355106 52.22824082065669))",25909_0_12,0,12,142.0 +"POLYGON ((7.13307251355106 52.22617739578664, 7.134227490344928 52.22617739578664, 7.134227490344928 52.22597104802536, 7.13307251355106 52.22597104802536, 7.13307251355106 52.22617739578664))",25909_0_22,0,22,110.5437315 +"POLYGON ((7.134227490344928 52.22885982941818, 7.135382467138795 52.22885982941818, 7.135382467138795 52.22865349412329, 7.134227490344928 52.22865349412329, 7.134227490344928 52.22885982941818))",25909_1_9,1,9,129.0 +"POLYGON ((7.136537443932664 52.22947882954919, 7.137692420726531 52.22947882954919, 7.137692420726531 52.22927249713111, 7.136537443932664 52.22927249713111, 7.136537443932664 52.22947882954919))",25909_3_6,3,6,142.0 +"POLYGON ((7.136537443932664 52.22824082065669, 7.137692420726531 52.22824082065669, 7.137692420726531 52.22803448248497, 7.136537443932664 52.22803448248497, 7.136537443932664 52.22824082065669))",25909_3_12,3,12,132.0 +"POLYGON ((7.136537443932664 52.22741546221611, 7.137692420726531 52.22741546221611, 7.137692420726531 52.22720912020861, 7.136537443932664 52.22720912020861, 7.136537443932664 52.22741546221611))",25909_3_16,3,16,129.0 +"POLYGON ((7.137692420726531 52.22989149150852, 7.1388473975204 52.22989149150852, 7.1388473975204 52.22968516100832, 7.137692420726531 52.22968516100832, 7.137692420726531 52.22989149150852))",25909_4_4,4,4,156.0 +"POLYGON ((7.137692420726531 52.22968516100832, 7.1388473975204 52.22968516100832, 7.1388473975204 52.22947882954919, 7.137692420726531 52.22947882954919, 7.137692420726531 52.22968516100832))",25909_4_5,4,5,145.0 +"POLYGON ((7.137692420726531 52.22865349412329, 7.1388473975204 52.22865349412329, 7.1388473975204 52.22844715786945, 7.137692420726531 52.22844715786945, 7.137692420726531 52.22865349412329))",25909_4_10,4,10,137.0 +"POLYGON ((7.1388473975204 52.22989149150852, 7.140002374314267 52.22989149150852, 7.140002374314267 52.22968516100832, 7.1388473975204 52.22968516100832, 7.1388473975204 52.22989149150852))",25909_5_4,5,4,128.0 +"POLYGON ((7.1388473975204 52.22947882954919, 7.140002374314267 52.22947882954919, 7.140002374314267 52.22927249713111, 7.1388473975204 52.22927249713111, 7.1388473975204 52.22947882954919))",25909_5_6,5,6,166.0 +"POLYGON ((7.1388473975204 52.22885982941818, 7.140002374314267 52.22885982941818, 7.140002374314267 52.22865349412329, 7.1388473975204 52.22865349412329, 7.1388473975204 52.22885982941818))",25909_5_9,5,9,107.01247 +"POLYGON ((7.1388473975204 52.22844715786945, 7.140002374314267 52.22844715786945, 7.140002374314267 52.22824082065669, 7.1388473975204 52.22824082065669, 7.1388473975204 52.22844715786945))",25909_5_11,5,11,131.293556 +"POLYGON ((7.1388473975204 52.22597104802536, 7.140002374314267 52.22597104802536, 7.140002374314267 52.22576469930512, 7.1388473975204 52.22576469930512, 7.1388473975204 52.22597104802536))",25909_5_23,5,23,119.09578 +"POLYGON ((7.140002374314267 52.22865349412329, 7.141157351108135 52.22865349412329, 7.141157351108135 52.22844715786945, 7.140002374314267 52.22844715786945, 7.140002374314267 52.22865349412329))",25909_6_10,6,10,133.0 +"POLYGON ((7.140002374314267 52.22824082065669, 7.141157351108135 52.22824082065669, 7.141157351108135 52.22803448248497, 7.140002374314267 52.22803448248497, 7.140002374314267 52.22824082065669))",25909_6_12,6,12,123.66666666666667 +"POLYGON ((7.140002374314267 52.22803448248497, 7.141157351108135 52.22803448248497, 7.141157351108135 52.22782814335431, 7.140002374314267 52.22782814335431, 7.140002374314267 52.22803448248497))",25909_6_13,6,13,126.948688 +"POLYGON ((7.140002374314267 52.22782814335431, 7.141157351108135 52.22782814335431, 7.141157351108135 52.22762180326468, 7.140002374314267 52.22762180326468, 7.140002374314267 52.22782814335431))",25909_6_14,6,14,118.0 +"POLYGON ((7.13307251355106 52.22273814123256, 7.134227490344928 52.22273814123256, 7.134227490344928 52.22253177748828, 7.13307251355106 52.22253177748828, 7.13307251355106 52.22273814123256))",25910_0_12,0,12,138.66666666666666 +"POLYGON ((7.13307251355106 52.22067446063481, 7.134227490344928 52.22067446063481, 7.134227490344928 52.2204680873005, 7.13307251355106 52.2204680873005, 7.13307251355106 52.22067446063481))",25910_0_22,0,22,114.3086585 +"POLYGON ((7.134227490344928 52.22335722671143, 7.135382467138795 52.22335722671143, 7.135382467138795 52.22315086584413, 7.134227490344928 52.22315086584413, 7.134227490344928 52.22335722671143))",25910_1_9,1,9,136.75 +"POLYGON ((7.135382467138795 52.22253177748828, 7.136537443932664 52.22253177748828, 7.136537443932664 52.22232541278502, 7.135382467138795 52.22232541278502, 7.135382467138795 52.22253177748828))",25910_2_13,2,13,166.0 +"POLYGON ((7.136537443932664 52.2239763035594, 7.137692420726531 52.2239763035594, 7.137692420726531 52.22376994556906, 7.136537443932664 52.22376994556906, 7.136537443932664 52.2239763035594))",25910_3_6,3,6,145.0 +"POLYGON ((7.136537443932664 52.22273814123256, 7.137692420726531 52.22273814123256, 7.137692420726531 52.22253177748828, 7.136537443932664 52.22253177748828, 7.136537443932664 52.22273814123256))",25910_3_12,3,12,134.33333333333334 +"POLYGON ((7.136537443932664 52.22191268050148, 7.137692420726531 52.22191268050148, 7.137692420726531 52.22170631292122, 7.136537443932664 52.22170631292122, 7.136537443932664 52.22191268050148))",25910_3_16,3,16,135.33333333333334 +"POLYGON ((7.137692420726531 52.22438901666312, 7.1388473975204 52.22438901666312, 7.1388473975204 52.22418266059076, 7.137692420726531 52.22418266059076, 7.137692420726531 52.22438901666312))",25910_4_4,4,4,180.33333333333334 +"POLYGON ((7.137692420726531 52.22418266059076, 7.1388473975204 52.22418266059076, 7.1388473975204 52.2239763035594, 7.137692420726531 52.2239763035594, 7.137692420726531 52.22418266059076))",25910_4_5,4,5,145.42857285714285 +"POLYGON ((7.137692420726531 52.22315086584413, 7.1388473975204 52.22315086584413, 7.1388473975204 52.22294450401785, 7.137692420726531 52.22294450401785, 7.137692420726531 52.22315086584413))",25910_4_10,4,10,138.0 +"POLYGON ((7.1388473975204 52.22438901666312, 7.140002374314267 52.22438901666312, 7.140002374314267 52.22418266059076, 7.1388473975204 52.22418266059076, 7.1388473975204 52.22438901666312))",25910_5_4,5,4,128.66666666666666 +"POLYGON ((7.1388473975204 52.2239763035594, 7.140002374314267 52.2239763035594, 7.140002374314267 52.22376994556906, 7.1388473975204 52.22376994556906, 7.1388473975204 52.2239763035594))",25910_5_6,5,6,166.66666666666666 +"POLYGON ((7.1388473975204 52.22335722671143, 7.140002374314267 52.22335722671143, 7.140002374314267 52.22315086584413, 7.1388473975204 52.22315086584413, 7.1388473975204 52.22335722671143))",25910_5_9,5,9,118.246192 +"POLYGON ((7.1388473975204 52.22294450401785, 7.140002374314267 52.22294450401785, 7.140002374314267 52.22273814123256, 7.1388473975204 52.22273814123256, 7.1388473975204 52.22294450401785))",25910_5_11,5,11,133.7499995 +"POLYGON ((7.1388473975204 52.22129357488368, 7.140002374314267 52.22129357488368, 7.140002374314267 52.2210872044264, 7.1388473975204 52.2210872044264, 7.1388473975204 52.22129357488368))",25910_5_19,5,19,143.75000225 +"POLYGON ((7.1388473975204 52.2204680873005, 7.140002374314267 52.2204680873005, 7.140002374314267 52.22026171300718, 7.1388473975204 52.22026171300718, 7.1388473975204 52.2204680873005))",25910_5_23,5,23,116.49269199999999 +"POLYGON ((7.140002374314267 52.22315086584413, 7.141157351108135 52.22315086584413, 7.141157351108135 52.22294450401785, 7.140002374314267 52.22294450401785, 7.140002374314267 52.22315086584413))",25910_6_10,6,10,131.333334 +"POLYGON ((7.140002374314267 52.22273814123256, 7.141157351108135 52.22273814123256, 7.141157351108135 52.22253177748828, 7.140002374314267 52.22253177748828, 7.140002374314267 52.22273814123256))",25910_6_12,6,12,124.16666666666667 +"POLYGON ((7.140002374314267 52.22253177748828, 7.141157351108135 52.22253177748828, 7.141157351108135 52.22232541278502, 7.140002374314267 52.22232541278502, 7.140002374314267 52.22253177748828))",25910_6_13,6,13,129.6250005 +"POLYGON ((7.140002374314267 52.22232541278502, 7.141157351108135 52.22232541278502, 7.141157351108135 52.22211904712275, 7.140002374314267 52.22211904712275, 7.140002374314267 52.22232541278502))",25910_6_14,6,14,115.669838 +"POLYGON ((7.13307251355106 52.21723477985736, 7.134227490344928 52.21723477985736, 7.134227490344928 52.21702839053928, 7.13307251355106 52.21702839053928, 7.13307251355106 52.21723477985736))",25911_0_12,0,12,130.0 +"POLYGON ((7.13307251355106 52.21517084351927, 7.134227490344928 52.21517084351927, 7.134227490344928 52.21496444461067, 7.13307251355106 52.21496444461067, 7.13307251355106 52.21517084351927))",25911_0_22,0,22,114.5000015 +"POLYGON ((7.134227490344928 52.21785394205742, 7.135382467138795 52.21785394205742, 7.135382467138795 52.21764755561643, 7.134227490344928 52.21764755561643, 7.134227490344928 52.21785394205742))",25911_1_9,1,9,136.0 +"POLYGON ((7.135382467138795 52.21702839053928, 7.136537443932664 52.21702839053928, 7.136537443932664 52.21682200026213, 7.135382467138795 52.21682200026213, 7.135382467138795 52.21702839053928))",25911_2_13,2,13,171.0 +"POLYGON ((7.136537443932664 52.21847309562614, 7.137692420726531 52.21847309562614, 7.137692420726531 52.21826671206225, 7.136537443932664 52.21826671206225, 7.136537443932664 52.21847309562614))",25911_3_6,3,6,146.0 +"POLYGON ((7.136537443932664 52.21723477985736, 7.137692420726531 52.21723477985736, 7.137692420726531 52.21702839053928, 7.136537443932664 52.21702839053928, 7.136537443932664 52.21723477985736))",25911_3_12,3,12,128.0 +"POLYGON ((7.136537443932664 52.21640921683073, 7.137692420726531 52.21640921683073, 7.137692420726531 52.21620282367644, 7.136537443932664 52.21620282367644, 7.136537443932664 52.21640921683073))",25911_3_16,3,16,135.0 +"POLYGON ((7.137692420726531 52.21888585987679, 7.1388473975204 52.21888585987679, 7.1388473975204 52.21867947823097, 7.137692420726531 52.21867947823097, 7.137692420726531 52.21888585987679))",25911_4_4,4,4,188.0 +"POLYGON ((7.137692420726531 52.21867947823097, 7.1388473975204 52.21867947823097, 7.1388473975204 52.21847309562614, 7.137692420726531 52.21847309562614, 7.137692420726531 52.21867947823097))",25911_4_5,4,5,140.499998 +"POLYGON ((7.137692420726531 52.21764755561643, 7.1388473975204 52.21764755561643, 7.1388473975204 52.21744116821642, 7.137692420726531 52.21744116821642, 7.137692420726531 52.21764755561643))",25911_4_10,4,10,137.0 +"POLYGON ((7.1388473975204 52.21888585987679, 7.140002374314267 52.21888585987679, 7.140002374314267 52.21867947823097, 7.1388473975204 52.21867947823097, 7.1388473975204 52.21888585987679))",25911_5_4,5,4,129.0 +"POLYGON ((7.1388473975204 52.21847309562614, 7.140002374314267 52.21847309562614, 7.140002374314267 52.21826671206225, 7.1388473975204 52.21826671206225, 7.1388473975204 52.21847309562614))",25911_5_6,5,6,175.0 +"POLYGON ((7.1388473975204 52.21785394205742, 7.140002374314267 52.21785394205742, 7.140002374314267 52.21764755561643, 7.1388473975204 52.21764755561643, 7.1388473975204 52.21785394205742))",25911_5_9,5,9,123.316772 +"POLYGON ((7.1388473975204 52.21744116821642, 7.140002374314267 52.21744116821642, 7.140002374314267 52.21723477985736, 7.1388473975204 52.21723477985736, 7.1388473975204 52.21744116821642))",25911_5_11,5,11,134.602869 +"POLYGON ((7.1388473975204 52.21579003449074, 7.140002374314267 52.21579003449074, 7.140002374314267 52.21558363845931, 7.1388473975204 52.21558363845931, 7.1388473975204 52.21579003449074))",25911_5_19,5,19,143.499996 +"POLYGON ((7.1388473975204 52.21496444461067, 7.140002374314267 52.21496444461067, 7.140002374314267 52.21475804474301, 7.1388473975204 52.21475804474301, 7.1388473975204 52.21496444461067))",25911_5_23,5,23,125.0 +"POLYGON ((7.140002374314267 52.21764755561643, 7.141157351108135 52.21764755561643, 7.141157351108135 52.21744116821642, 7.140002374314267 52.21744116821642, 7.140002374314267 52.21764755561643))",25911_6_10,6,10,129.711753 +"POLYGON ((7.140002374314267 52.21723477985736, 7.141157351108135 52.21723477985736, 7.141157351108135 52.21702839053928, 7.140002374314267 52.21702839053928, 7.140002374314267 52.21723477985736))",25911_6_12,6,12,122.0 +"POLYGON ((7.140002374314267 52.21702839053928, 7.141157351108135 52.21702839053928, 7.141157351108135 52.21682200026213, 7.140002374314267 52.21682200026213, 7.140002374314267 52.21702839053928))",25911_6_13,6,13,124.97101566666667 +"POLYGON ((7.140002374314267 52.21682200026213, 7.141157351108135 52.21682200026213, 7.141157351108135 52.21661560902595, 7.140002374314267 52.21661560902595, 7.140002374314267 52.21682200026213))",25911_6_14,6,14,115.000001 +"POLYGON ((7.13307251355106 52.19521451417156, 7.134227490344928 52.19521451417156, 7.134227490344928 52.19500802254554, 7.13307251355106 52.19500802254554, 7.13307251355106 52.19521451417156))",25915_0_12,0,12,81.4 +"POLYGON ((7.13307251355106 52.1931495547457, 7.134227490344928 52.1931495547457, 7.134227490344928 52.19294305352728, 7.13307251355106 52.19294305352728, 7.13307251355106 52.1931495547457))",25915_0_22,0,22,97.6 +"POLYGON ((7.134227490344928 52.19583398329424, 7.135382467138795 52.19583398329424, 7.135382467138795 52.1956274945459, 7.134227490344928 52.1956274945459, 7.134227490344928 52.19583398329424))",25915_1_9,1,9,119.5 +"POLYGON ((7.135382467138795 52.19500802254554, 7.136537443932664 52.19500802254554, 7.136537443932664 52.19480152996029, 7.135382467138795 52.19480152996029, 7.135382467138795 52.19500802254554))",25915_2_13,2,13,105.0 +"POLYGON ((7.136537443932664 52.19645344378389, 7.137692420726531 52.19645344378389, 7.137692420726531 52.19624695791322, 7.136537443932664 52.19624695791322, 7.136537443932664 52.19645344378389))",25915_3_6,3,6,98.25 +"POLYGON ((7.136537443932664 52.19521451417156, 7.137692420726531 52.19521451417156, 7.137692420726531 52.19500802254554, 7.136537443932664 52.19500802254554, 7.136537443932664 52.19521451417156))",25915_3_12,3,12,97.6 +"POLYGON ((7.136537443932664 52.19438854191208, 7.137692420726531 52.19438854191208, 7.137692420726531 52.19418204644913, 7.136537443932664 52.19418204644913, 7.136537443932664 52.19438854191208))",25915_3_16,3,16,94.4 +"POLYGON ((7.137692420726531 52.19686641264756, 7.1388473975204 52.19686641264756, 7.1388473975204 52.19665992869533, 7.137692420726531 52.19665992869533, 7.137692420726531 52.19686641264756))",25915_4_4,4,4,91.25 +"POLYGON ((7.137692420726531 52.19665992869533, 7.1388473975204 52.19665992869533, 7.1388473975204 52.19645344378389, 7.137692420726531 52.19645344378389, 7.137692420726531 52.19665992869533))",25915_4_5,4,5,114.75 +"POLYGON ((7.1388473975204 52.19686641264756, 7.140002374314267 52.19686641264756, 7.140002374314267 52.19665992869533, 7.1388473975204 52.19665992869533, 7.1388473975204 52.19686641264756))",25915_5_4,5,4,102.0 +"POLYGON ((7.1388473975204 52.19645344378389, 7.140002374314267 52.19645344378389, 7.140002374314267 52.19624695791322, 7.1388473975204 52.19624695791322, 7.1388473975204 52.19645344378389))",25915_5_6,5,6,124.33333333333333 +"POLYGON ((7.1388473975204 52.19583398329424, 7.140002374314267 52.19583398329424, 7.140002374314267 52.1956274945459, 7.1388473975204 52.1956274945459, 7.1388473975204 52.19583398329424))",25915_5_9,5,9,95.0000008 +"POLYGON ((7.1388473975204 52.19542100483834, 7.140002374314267 52.19542100483834, 7.140002374314267 52.19521451417156, 7.1388473975204 52.19521451417156, 7.1388473975204 52.19542100483834))",25915_5_11,5,11,84.17766900000001 +"POLYGON ((7.1388473975204 52.19376905264549, 7.140002374314267 52.19376905264549, 7.140002374314267 52.1935625543048, 7.1388473975204 52.1935625543048, 7.1388473975204 52.19376905264549))",25915_5_19,5,19,97.999997 +"POLYGON ((7.1388473975204 52.19294305352728, 7.140002374314267 52.19294305352728, 7.140002374314267 52.19273655134961, 7.1388473975204 52.19273655134961, 7.1388473975204 52.19294305352728))",25915_5_23,5,23,88.82409779999999 +"POLYGON ((7.140002374314267 52.1956274945459, 7.141157351108135 52.1956274945459, 7.141157351108135 52.19542100483834, 7.140002374314267 52.19542100483834, 7.140002374314267 52.1956274945459))",25915_6_10,6,10,99.99023249999999 +"POLYGON ((7.140002374314267 52.19521451417156, 7.141157351108135 52.19521451417156, 7.141157351108135 52.19500802254554, 7.140002374314267 52.19500802254554, 7.140002374314267 52.19521451417156))",25915_6_12,6,12,91.92307692307692 +"POLYGON ((7.140002374314267 52.19500802254554, 7.141157351108135 52.19500802254554, 7.141157351108135 52.19480152996029, 7.140002374314267 52.19480152996029, 7.140002374314267 52.19500802254554))",25915_6_13,6,13,100.41551722222223 +"POLYGON ((7.140002374314267 52.19480152996029, 7.141157351108135 52.19480152996029, 7.141157351108135 52.19459503641581, 7.140002374314267 52.19459503641581, 7.140002374314267 52.19480152996029))",25915_6_14,6,14,98.18956025 +"POLYGON ((7.137692420726531 50.90496320478125, 7.1388473975204 50.90496320478125, 7.1388473975204 50.90475077229924, 7.137692420726531 50.90475077229924, 7.137692420726531 50.90496320478125))",26146_4_12,4,12,40.57142857142857 +"POLYGON ((7.137692420726531 50.89929800686006, 7.1388473975204 50.89929800686006, 7.1388473975204 50.89908554852845, 7.137692420726531 50.89908554852845, 7.137692420726531 50.89929800686006))",26147_4_12,4,12,17.285714285714285 +"POLYGON ((7.143210643186123 53.16539333013444, 7.144365619979991 53.16539333013444, 7.144365619979991 53.16519137475216, 7.143210643186123 53.16519137475216, 7.143210643186123 53.16539333013444))",26412_1_8,1,8,128.5 +"POLYGON ((7.143210643186123 53.16000752803774, 7.144365619979991 53.16000752803774, 7.144365619979991 53.15980554731215, 7.143210643186123 53.15980554731215, 7.143210643186123 53.16000752803774))",26413_1_8,1,8,126.5 +"POLYGON ((7.146675573567726 52.83602829187569, 7.147830550361595 52.83602829187569, 7.147830550361595 52.83582478993105, 7.146675573567726 52.83582478993105, 7.146675573567726 52.83602829187569))",26473_4_6,4,6,89.5 +"POLYGON ((7.142055666392255 52.23374281816351, 7.143210643186123 52.23374281816351, 7.143210643186123 52.23353650556308, 7.142055666392255 52.23353650556308, 7.142055666392255 52.23374281816351))",26583_0_12,0,12,142.5 +"POLYGON ((7.142055666392255 52.23167964900849, 7.143210643186123 52.23167964900849, 7.143210643186123 52.23147332681898, 7.142055666392255 52.23147332681898, 7.142055666392255 52.23167964900849))",26583_0_22,0,22,116.99999966666667 +"POLYGON ((7.143210643186123 52.2343617502114, 7.144365619979991 52.2343617502114, 7.144365619979991 52.23415544048767, 7.143210643186123 52.23415544048767, 7.143210643186123 52.2343617502114))",26583_1_9,1,9,143.0 +"POLYGON ((7.144365619979991 52.23353650556308, 7.145520596773859 52.23353650556308, 7.145520596773859 52.23333019200375, 7.144365619979991 52.23333019200375, 7.144365619979991 52.23353650556308))",26583_2_13,2,13,160.0 +"POLYGON ((7.145520596773859 52.23498067362926, 7.146675573567726 52.23498067362926, 7.146675573567726 52.2347743667822, 7.145520596773859 52.2347743667822, 7.145520596773859 52.23498067362926))",26583_3_6,3,6,125.33333333333333 +"POLYGON ((7.145520596773859 52.23374281816351, 7.146675573567726 52.23374281816351, 7.146675573567726 52.23353650556308, 7.145520596773859 52.23353650556308, 7.145520596773859 52.23374281816351))",26583_3_12,3,12,129.33333333333334 +"POLYGON ((7.145520596773859 52.23291756200838, 7.146675573567726 52.23291756200838, 7.146675573567726 52.23271124557235, 7.145520596773859 52.23271124557235, 7.145520596773859 52.23291756200838))",26583_3_16,3,16,126.66666666666667 +"POLYGON ((7.146675573567726 52.23539328444672, 7.147830550361595 52.23539328444672, 7.147830550361595 52.23518697951744, 7.146675573567726 52.23518697951744, 7.146675573567726 52.23539328444672))",26583_4_4,4,4,182.0 +"POLYGON ((7.146675573567726 52.23518697951744, 7.147830550361595 52.23518697951744, 7.147830550361595 52.23498067362926, 7.146675573567726 52.23498067362926, 7.146675573567726 52.23518697951744))",26583_4_5,4,5,141.750001 +"POLYGON ((7.146675573567726 52.23415544048767, 7.147830550361595 52.23415544048767, 7.147830550361595 52.23394912980503, 7.146675573567726 52.23394912980503, 7.146675573567726 52.23415544048767))",26583_4_10,4,10,133.0 +"POLYGON ((7.147830550361595 52.23539328444672, 7.148985527155462 52.23539328444672, 7.148985527155462 52.23518697951744, 7.147830550361595 52.23518697951744, 7.147830550361595 52.23539328444672))",26583_5_4,5,4,129.0 +"POLYGON ((7.147830550361595 52.23498067362926, 7.148985527155462 52.23498067362926, 7.148985527155462 52.2347743667822, 7.147830550361595 52.2347743667822, 7.147830550361595 52.23498067362926))",26583_5_6,5,6,187.0 +"POLYGON ((7.147830550361595 52.2343617502114, 7.148985527155462 52.2343617502114, 7.148985527155462 52.23415544048767, 7.147830550361595 52.23415544048767, 7.147830550361595 52.2343617502114))",26583_5_9,5,9,130.275157 +"POLYGON ((7.147830550361595 52.23394912980503, 7.148985527155462 52.23394912980503, 7.148985527155462 52.23374281816351, 7.147830550361595 52.23374281816351, 7.147830550361595 52.23394912980503))",26583_5_11,5,11,126.63266 +"POLYGON ((7.147830550361595 52.23229860982354, 7.148985527155462 52.23229860982354, 7.148985527155462 52.23209229051077, 7.147830550361595 52.23209229051077, 7.147830550361595 52.23229860982354))",26583_5_19,5,19,146.82634566666667 +"POLYGON ((7.147830550361595 52.23147332681898, 7.148985527155462 52.23147332681898, 7.148985527155462 52.23126700367055, 7.147830550361595 52.23126700367055, 7.147830550361595 52.23147332681898))",26583_5_23,5,23,122.810317 +"POLYGON ((7.148985527155462 52.23415544048767, 7.150140503949331 52.23415544048767, 7.150140503949331 52.23394912980503, 7.148985527155462 52.23394912980503, 7.148985527155462 52.23415544048767))",26583_6_10,6,10,133.00000133333333 +"POLYGON ((7.148985527155462 52.23374281816351, 7.150140503949331 52.23374281816351, 7.150140503949331 52.23353650556308, 7.148985527155462 52.23353650556308, 7.148985527155462 52.23374281816351))",26583_6_12,6,12,128.5 +"POLYGON ((7.148985527155462 52.23353650556308, 7.150140503949331 52.23353650556308, 7.150140503949331 52.23333019200375, 7.148985527155462 52.23333019200375, 7.148985527155462 52.23353650556308))",26583_6_13,6,13,130.5 +"POLYGON ((7.148985527155462 52.23333019200375, 7.150140503949331 52.23333019200375, 7.150140503949331 52.23312387748552, 7.148985527155462 52.23312387748552, 7.148985527155462 52.23333019200375))",26583_6_14,6,14,118.47597966666666 +"POLYGON ((7.148985527155462 52.23250492817739, 7.150140503949331 52.23250492817739, 7.150140503949331 52.23229860982354, 7.148985527155462 52.23229860982354, 7.148985527155462 52.23250492817739))",26583_6_18,6,18,115.33914933333334 +"POLYGON ((7.142055666392255 52.22824082065669, 7.143210643186123 52.22824082065669, 7.143210643186123 52.22803448248497, 7.142055666392255 52.22803448248497, 7.142055666392255 52.22824082065669))",26584_0_12,0,12,140.33333333333334 +"POLYGON ((7.142055666392255 52.22617739578664, 7.143210643186123 52.22617739578664, 7.143210643186123 52.22597104802536, 7.142055666392255 52.22597104802536, 7.142055666392255 52.22617739578664))",26584_0_22,0,22,114.00000066666666 +"POLYGON ((7.143210643186123 52.22885982941818, 7.144365619979991 52.22885982941818, 7.144365619979991 52.22865349412329, 7.143210643186123 52.22865349412329, 7.143210643186123 52.22885982941818))",26584_1_9,1,9,144.5 +"POLYGON ((7.144365619979991 52.22803448248497, 7.145520596773859 52.22803448248497, 7.145520596773859 52.22782814335431, 7.144365619979991 52.22782814335431, 7.144365619979991 52.22803448248497))",26584_2_13,2,13,157.66666666666666 +"POLYGON ((7.145520596773859 52.22947882954919, 7.146675573567726 52.22947882954919, 7.146675573567726 52.22927249713111, 7.145520596773859 52.22927249713111, 7.145520596773859 52.22947882954919))",26584_3_6,3,6,126.5 +"POLYGON ((7.145520596773859 52.22824082065669, 7.146675573567726 52.22824082065669, 7.146675573567726 52.22803448248497, 7.145520596773859 52.22803448248497, 7.145520596773859 52.22824082065669))",26584_3_12,3,12,132.66666666666666 +"POLYGON ((7.145520596773859 52.22741546221611, 7.146675573567726 52.22741546221611, 7.146675573567726 52.22720912020861, 7.145520596773859 52.22720912020861, 7.145520596773859 52.22741546221611))",26584_3_16,3,16,129.0 +"POLYGON ((7.146675573567726 52.22989149150852, 7.147830550361595 52.22989149150852, 7.147830550361595 52.22968516100832, 7.146675573567726 52.22968516100832, 7.146675573567726 52.22989149150852))",26584_4_4,4,4,165.5 +"POLYGON ((7.146675573567726 52.22968516100832, 7.147830550361595 52.22968516100832, 7.147830550361595 52.22947882954919, 7.146675573567726 52.22947882954919, 7.146675573567726 52.22968516100832))",26584_4_5,4,5,143.33333416666667 +"POLYGON ((7.146675573567726 52.22865349412329, 7.147830550361595 52.22865349412329, 7.147830550361595 52.22844715786945, 7.146675573567726 52.22844715786945, 7.146675573567726 52.22865349412329))",26584_4_10,4,10,135.5 +"POLYGON ((7.147830550361595 52.22989149150852, 7.148985527155462 52.22989149150852, 7.148985527155462 52.22968516100832, 7.147830550361595 52.22968516100832, 7.147830550361595 52.22989149150852))",26584_5_4,5,4,128.66666666666666 +"POLYGON ((7.147830550361595 52.22947882954919, 7.148985527155462 52.22947882954919, 7.148985527155462 52.22927249713111, 7.147830550361595 52.22927249713111, 7.147830550361595 52.22947882954919))",26584_5_6,5,6,170.5 +"POLYGON ((7.147830550361595 52.22885982941818, 7.148985527155462 52.22885982941818, 7.148985527155462 52.22865349412329, 7.147830550361595 52.22865349412329, 7.147830550361595 52.22885982941818))",26584_5_9,5,9,109.95881274999999 +"POLYGON ((7.147830550361595 52.22844715786945, 7.148985527155462 52.22844715786945, 7.148985527155462 52.22824082065669, 7.147830550361595 52.22824082065669, 7.147830550361595 52.22844715786945))",26584_5_11,5,11,128.33333433333334 +"POLYGON ((7.147830550361595 52.2267964333167, 7.148985527155462 52.2267964333167, 7.148985527155462 52.2265900884323, 7.147830550361595 52.2265900884323, 7.147830550361595 52.2267964333167))",26584_5_19,5,19,148.66666833333332 +"POLYGON ((7.147830550361595 52.22597104802536, 7.148985527155462 52.22597104802536, 7.148985527155462 52.22576469930512, 7.147830550361595 52.22576469930512, 7.147830550361595 52.22597104802536))",26584_5_23,5,23,121.74618966666667 +"POLYGON ((7.148985527155462 52.22865349412329, 7.150140503949331 52.22865349412329, 7.150140503949331 52.22844715786945, 7.148985527155462 52.22844715786945, 7.148985527155462 52.22865349412329))",26584_6_10,6,10,133.69876233333332 +"POLYGON ((7.148985527155462 52.22824082065669, 7.150140503949331 52.22824082065669, 7.150140503949331 52.22803448248497, 7.148985527155462 52.22803448248497, 7.148985527155462 52.22824082065669))",26584_6_12,6,12,118.0 +"POLYGON ((7.148985527155462 52.22803448248497, 7.150140503949331 52.22803448248497, 7.150140503949331 52.22782814335431, 7.148985527155462 52.22782814335431, 7.148985527155462 52.22803448248497))",26584_6_13,6,13,128.5999996 +"POLYGON ((7.148985527155462 52.22782814335431, 7.150140503949331 52.22782814335431, 7.150140503949331 52.22762180326468, 7.148985527155462 52.22762180326468, 7.148985527155462 52.22782814335431))",26584_6_14,6,14,114.48095475 +"POLYGON ((7.142055666392255 52.19521451417156, 7.143210643186123 52.19521451417156, 7.143210643186123 52.19500802254554, 7.142055666392255 52.19500802254554, 7.142055666392255 52.19521451417156))",26590_0_12,0,12,75.5 +"POLYGON ((7.142055666392255 52.1931495547457, 7.143210643186123 52.1931495547457, 7.143210643186123 52.19294305352728, 7.142055666392255 52.19294305352728, 7.142055666392255 52.1931495547457))",26590_0_22,0,22,98.5098432 +"POLYGON ((7.143210643186123 52.19583398329424, 7.144365619979991 52.19583398329424, 7.144365619979991 52.1956274945459, 7.143210643186123 52.1956274945459, 7.143210643186123 52.19583398329424))",26590_1_9,1,9,100.75 +"POLYGON ((7.144365619979991 52.19500802254554, 7.145520596773859 52.19500802254554, 7.145520596773859 52.19480152996029, 7.144365619979991 52.19480152996029, 7.144365619979991 52.19500802254554))",26590_2_13,2,13,107.5 +"POLYGON ((7.145520596773859 52.19645344378389, 7.146675573567726 52.19645344378389, 7.146675573567726 52.19624695791322, 7.145520596773859 52.19624695791322, 7.145520596773859 52.19645344378389))",26590_3_6,3,6,107.25 +"POLYGON ((7.145520596773859 52.19521451417156, 7.146675573567726 52.19521451417156, 7.146675573567726 52.19500802254554, 7.145520596773859 52.19500802254554, 7.145520596773859 52.19521451417156))",26590_3_12,3,12,100.75 +"POLYGON ((7.145520596773859 52.19438854191208, 7.146675573567726 52.19438854191208, 7.146675573567726 52.19418204644913, 7.145520596773859 52.19418204644913, 7.145520596773859 52.19438854191208))",26590_3_16,3,16,118.33333333333333 +"POLYGON ((7.146675573567726 52.19686641264756, 7.147830550361595 52.19686641264756, 7.147830550361595 52.19665992869533, 7.146675573567726 52.19665992869533, 7.146675573567726 52.19686641264756))",26590_4_4,4,4,107.75 +"POLYGON ((7.146675573567726 52.19665992869533, 7.147830550361595 52.19665992869533, 7.147830550361595 52.19645344378389, 7.146675573567726 52.19645344378389, 7.146675573567726 52.19665992869533))",26590_4_5,4,5,111.33333333333333 +"POLYGON ((7.147830550361595 52.19686641264756, 7.148985527155462 52.19686641264756, 7.148985527155462 52.19665992869533, 7.147830550361595 52.19665992869533, 7.147830550361595 52.19686641264756))",26590_5_4,5,4,108.0 +"POLYGON ((7.147830550361595 52.19645344378389, 7.148985527155462 52.19645344378389, 7.148985527155462 52.19624695791322, 7.147830550361595 52.19624695791322, 7.147830550361595 52.19645344378389))",26590_5_6,5,6,133.33333333333334 +"POLYGON ((7.147830550361595 52.19583398329424, 7.148985527155462 52.19583398329424, 7.148985527155462 52.1956274945459, 7.147830550361595 52.1956274945459, 7.147830550361595 52.19583398329424))",26590_5_9,5,9,95.0019812 +"POLYGON ((7.147830550361595 52.19542100483834, 7.148985527155462 52.19542100483834, 7.148985527155462 52.19521451417156, 7.147830550361595 52.19521451417156, 7.147830550361595 52.19542100483834))",26590_5_11,5,11,92.055295 +"POLYGON ((7.147830550361595 52.19376905264549, 7.148985527155462 52.19376905264549, 7.148985527155462 52.1935625543048, 7.147830550361595 52.1935625543048, 7.147830550361595 52.19376905264549))",26590_5_19,5,19,97.4000006 +"POLYGON ((7.147830550361595 52.19294305352728, 7.148985527155462 52.19294305352728, 7.148985527155462 52.19273655134961, 7.147830550361595 52.19273655134961, 7.147830550361595 52.19294305352728))",26590_5_23,5,23,94.083799 +"POLYGON ((7.148985527155462 52.1956274945459, 7.150140503949331 52.1956274945459, 7.150140503949331 52.19542100483834, 7.148985527155462 52.19542100483834, 7.148985527155462 52.1956274945459))",26590_6_10,6,10,108.4830328 +"POLYGON ((7.148985527155462 52.19521451417156, 7.150140503949331 52.19521451417156, 7.150140503949331 52.19500802254554, 7.148985527155462 52.19500802254554, 7.148985527155462 52.19521451417156))",26590_6_12,6,12,90.41666666666667 +"POLYGON ((7.148985527155462 52.19500802254554, 7.150140503949331 52.19500802254554, 7.150140503949331 52.19480152996029, 7.148985527155462 52.19480152996029, 7.148985527155462 52.19500802254554))",26590_6_13,6,13,97.76880539999999 +"POLYGON ((7.148985527155462 52.19480152996029, 7.150140503949331 52.19480152996029, 7.150140503949331 52.19459503641581, 7.148985527155462 52.19459503641581, 7.148985527155462 52.19480152996029))",26590_6_14,6,14,98.3999994 +"POLYGON ((7.146675573567726 50.89929800686006, 7.147830550361595 50.89929800686006, 7.147830550361595 50.89908554852845, 7.146675573567726 50.89908554852845, 7.146675573567726 50.89929800686006))",26822_4_12,4,12,29.5 +"POLYGON ((7.154503749615054 53.62604812231981, 7.155658726408922 53.62604812231981, 7.155658726408922 53.62584834116528, 7.154503749615054 53.62584834116528, 7.154503749615054 53.62604812231981))",27001_3_8,3,8,10.333333333333334 +"POLYGON ((7.155658726408922 53.62564855906501, 7.15681370320279 53.62564855906501, 7.15681370320279 53.62544877601898, 7.155658726408922 53.62544877601898, 7.155658726408922 53.62564855906501))",27001_4_10,4,10,10.787673428571429 +"POLYGON ((7.154503749615054 53.62072030120368, 7.155658726408922 53.62072030120368, 7.155658726408922 53.62052049482848, 7.154503749615054 53.62052049482848, 7.154503749615054 53.62072030120368))",27002_3_8,3,8,41.44444444444444 +"POLYGON ((7.155658726408922 53.62131971465448, 7.15681370320279 53.62131971465448, 7.15681370320279 53.62111991111668, 7.155658726408922 53.62111991111668, 7.155658726408922 53.62131971465448))",27002_4_5,4,5,24.0 +"POLYGON ((7.155658726408922 53.62032068750747, 7.15681370320279 53.62032068750747, 7.15681370320279 53.62012087924066, 7.155658726408922 53.62012087924066, 7.155658726408922 53.62032068750747))",27002_4_10,4,10,22.73080125 +"POLYGON ((7.15681370320279 53.62092010663308, 7.157968679996657 53.62092010663308, 7.157968679996657 53.62072030120368, 7.15681370320279 53.62072030120368, 7.15681370320279 53.62092010663308))",27002_5_7,5,7,23.666666666666668 +"POLYGON ((7.152193796027319 53.17077845642866, 7.153348772821186 53.17077845642866, 7.153348772821186 53.17057652638831, 7.152193796027319 53.17057652638831, 7.152193796027319 53.17077845642866))",27086_1_8,1,8,127.0 +"POLYGON ((7.152193796027319 53.16539333013444, 7.153348772821186 53.16539333013444, 7.153348772821186 53.16519137475216, 7.152193796027319 53.16519137475216, 7.152193796027319 53.16539333013444))",27087_1_8,1,8,127.33333333333333 +"POLYGON ((7.155658726408922 52.83602829187569, 7.15681370320279 52.83602829187569, 7.15681370320279 52.83582478993105, 7.155658726408922 52.83582478993105, 7.155658726408922 52.83602829187569))",27148_4_6,4,6,107.33333333333333 +"POLYGON ((7.155658726408922 52.83060124704174, 7.15681370320279 52.83060124704174, 7.15681370320279 52.8303977196701, 7.155658726408922 52.8303977196701, 7.155658726408922 52.83060124704174))",27149_4_6,4,6,95.0 +"POLYGON ((7.15103881923345 52.24268210979737, 7.152193796027319 52.24268210979737, 7.152193796027319 52.24247583874759, 7.15103881923345 52.24247583874759, 7.15103881923345 52.24268210979737))",27256_0_22,0,22,117.999998 +"POLYGON ((7.153348772821186 52.24453850609869, 7.154503749615054 52.24453850609869, 7.154503749615054 52.24433224367824, 7.153348772821186 52.24433224367824, 7.153348772821186 52.24453850609869))",27256_2_13,2,13,144.0 +"POLYGON ((7.154503749615054 52.24598231619542, 7.155658726408922 52.24598231619542, 7.155658726408922 52.24577606048656, 7.154503749615054 52.24577606048656, 7.154503749615054 52.24598231619542))",27256_3_6,3,6,100.0 +"POLYGON ((7.155658726408922 52.24639482473675, 7.15681370320279 52.24639482473675, 7.15681370320279 52.24618857094548, 7.155658726408922 52.24618857094548, 7.155658726408922 52.24639482473675))",27256_4_4,4,4,180.0 +"POLYGON ((7.155658726408922 52.24618857094548, 7.15681370320279 52.24618857094548, 7.15681370320279 52.24598231619542, 7.155658726408922 52.24598231619542, 7.155658726408922 52.24618857094548))",27256_4_5,4,5,139.0 +"POLYGON ((7.155658726408922 52.24515728760723, 7.15681370320279 52.24515728760723, 7.15681370320279 52.24495102806318, 7.155658726408922 52.24495102806318, 7.155658726408922 52.24515728760723))",27256_4_10,4,10,133.0 +"POLYGON ((7.15681370320279 52.24598231619542, 7.157968679996657 52.24598231619542, 7.157968679996657 52.24577606048656, 7.15681370320279 52.24577606048656, 7.15681370320279 52.24598231619542))",27256_5_6,5,6,195.0 +"POLYGON ((7.15681370320279 52.24536354619247, 7.157968679996657 52.24536354619247, 7.157968679996657 52.24515728760723, 7.15681370320279 52.24515728760723, 7.15681370320279 52.24536354619247))",27256_5_9,5,9,132.619052 +"POLYGON ((7.15681370320279 52.24247583874759, 7.157968679996657 52.24247583874759, 7.157968679996657 52.24226956673898, 7.15681370320279 52.24226956673898, 7.15681370320279 52.24247583874759))",27256_5_23,5,23,124.438497 +"POLYGON ((7.157968679996657 52.24474476756033, 7.159123656790526 52.24474476756033, 7.159123656790526 52.24453850609869, 7.157968679996657 52.24453850609869, 7.157968679996657 52.24474476756033))",27256_6_12,6,12,126.66666666666667 +"POLYGON ((7.157968679996657 52.24453850609869, 7.159123656790526 52.24453850609869, 7.159123656790526 52.24433224367824, 7.157968679996657 52.24433224367824, 7.157968679996657 52.24453850609869))",27256_6_13,6,13,132.499997 +"POLYGON ((7.157968679996657 52.24433224367824, 7.159123656790526 52.24433224367824, 7.159123656790526 52.24412598029897, 7.157968679996657 52.24412598029897, 7.157968679996657 52.24433224367824))",27256_6_14,6,14,134.0996825 +"POLYGON ((7.157968679996657 52.24350718440832, 7.159123656790526 52.24350718440832, 7.159123656790526 52.24330091719381, 7.157968679996657 52.24330091719381, 7.157968679996657 52.24350718440832))",27256_6_18,6,18,124.180853 +"POLYGON ((7.15103881923345 52.2392441337868, 7.152193796027319 52.2392441337868, 7.152193796027319 52.23903784675639, 7.15103881923345 52.23903784675639, 7.15103881923345 52.2392441337868))",27257_0_12,0,12,147.33333333333334 +"POLYGON ((7.15103881923345 52.23718122033414, 7.152193796027319 52.23718122033414, 7.152193796027319 52.23697492371512, 7.15103881923345 52.23697492371512, 7.15103881923345 52.23718122033414))",27257_0_22,0,22,118.24999875 +"POLYGON ((7.152193796027319 52.2398629891249, 7.153348772821186 52.2398629891249, 7.153348772821186 52.23965670497105, 7.152193796027319 52.23965670497105, 7.152193796027319 52.2398629891249))",27257_1_9,1,9,146.5 +"POLYGON ((7.153348772821186 52.23903784675639, 7.154503749615054 52.23903784675639, 7.154503749615054 52.23883155876712, 7.153348772821186 52.23883155876712, 7.153348772821186 52.23903784675639))",27257_2_13,2,13,150.0 +"POLYGON ((7.154503749615054 52.24048183583341, 7.155658726408922 52.24048183583341, 7.155658726408922 52.24027555455608, 7.154503749615054 52.24027555455608, 7.154503749615054 52.24048183583341))",27257_3_6,3,6,119.0 +"POLYGON ((7.154503749615054 52.2392441337868, 7.155658726408922 52.2392441337868, 7.155658726408922 52.23903784675639, 7.154503749615054 52.23903784675639, 7.154503749615054 52.2392441337868))",27257_3_12,3,12,125.75 +"POLYGON ((7.154503749615054 52.23841897991204, 7.155658726408922 52.23841897991204, 7.155658726408922 52.23821268904621, 7.154503749615054 52.23821268904621, 7.154503749615054 52.23841897991204))",27257_3_16,3,16,133.75 +"POLYGON ((7.155658726408922 52.24089439551153, 7.15681370320279 52.24089439551153, 7.15681370320279 52.24068811615189, 7.155658726408922 52.24068811615189, 7.155658726408922 52.24089439551153))",27257_4_4,4,4,183.0 +"POLYGON ((7.155658726408922 52.24068811615189, 7.15681370320279 52.24068811615189, 7.15681370320279 52.24048183583341, 7.155658726408922 52.24048183583341, 7.155658726408922 52.24068811615189))",27257_4_5,4,5,145.62499987500001 +"POLYGON ((7.155658726408922 52.23965670497105, 7.15681370320279 52.23965670497105, 7.15681370320279 52.23945041985834, 7.155658726408922 52.23945041985834, 7.155658726408922 52.23965670497105))",27257_4_10,4,10,134.25 +"POLYGON ((7.15681370320279 52.24089439551153, 7.157968679996657 52.24089439551153, 7.157968679996657 52.24068811615189, 7.15681370320279 52.24068811615189, 7.15681370320279 52.24089439551153))",27257_5_4,5,4,128.5 +"POLYGON ((7.15681370320279 52.24048183583341, 7.157968679996657 52.24048183583341, 7.157968679996657 52.24027555455608, 7.15681370320279 52.24027555455608, 7.15681370320279 52.24048183583341))",27257_5_6,5,6,199.0 +"POLYGON ((7.15681370320279 52.2398629891249, 7.157968679996657 52.2398629891249, 7.157968679996657 52.23965670497105, 7.15681370320279 52.23965670497105, 7.15681370320279 52.2398629891249))",27257_5_9,5,9,129.4505175 +"POLYGON ((7.15681370320279 52.23945041985834, 7.157968679996657 52.23945041985834, 7.157968679996657 52.2392441337868, 7.15681370320279 52.2392441337868, 7.15681370320279 52.23945041985834))",27257_5_11,5,11,128.46001719999998 +"POLYGON ((7.15681370320279 52.23780010443797, 7.157968679996657 52.23780010443797, 7.157968679996657 52.23759381069556, 7.15681370320279 52.23759381069556, 7.15681370320279 52.23780010443797))",27257_5_19,5,19,145.50000225 +"POLYGON ((7.15681370320279 52.23697492371512, 7.157968679996657 52.23697492371512, 7.157968679996657 52.23676862613724, 7.15681370320279 52.23676862613724, 7.15681370320279 52.23697492371512))",27257_5_23,5,23,121.297128 +"POLYGON ((7.157968679996657 52.23965670497105, 7.159123656790526 52.23965670497105, 7.159123656790526 52.23945041985834, 7.157968679996657 52.23945041985834, 7.157968679996657 52.23965670497105))",27257_6_10,6,10,130.000004 +"POLYGON ((7.157968679996657 52.2392441337868, 7.159123656790526 52.2392441337868, 7.159123656790526 52.23903784675639, 7.157968679996657 52.23903784675639, 7.157968679996657 52.2392441337868))",27257_6_12,6,12,127.91666666666667 +"POLYGON ((7.157968679996657 52.23903784675639, 7.159123656790526 52.23903784675639, 7.159123656790526 52.23883155876712, 7.157968679996657 52.23883155876712, 7.157968679996657 52.23903784675639))",27257_6_13,6,13,131.847899875 +"POLYGON ((7.157968679996657 52.23883155876712, 7.159123656790526 52.23883155876712, 7.159123656790526 52.23862526981901, 7.157968679996657 52.23862526981901, 7.157968679996657 52.23883155876712))",27257_6_14,6,14,133.566861 +"POLYGON ((7.157968679996657 52.23800639722153, 7.159123656790526 52.23800639722153, 7.159123656790526 52.23780010443797, 7.157968679996657 52.23780010443797, 7.157968679996657 52.23800639722153))",27257_6_18,6,18,119.8793666 +"POLYGON ((7.15103881923345 52.23374281816351, 7.152193796027319 52.23374281816351, 7.152193796027319 52.23353650556308, 7.15103881923345 52.23353650556308, 7.15103881923345 52.23374281816351))",27258_0_12,0,12,146.0 +"POLYGON ((7.15103881923345 52.23167964900849, 7.152193796027319 52.23167964900849, 7.152193796027319 52.23147332681898, 7.15103881923345 52.23147332681898, 7.15103881923345 52.23167964900849))",27258_0_22,0,22,116.999999 +"POLYGON ((7.154503749615054 52.23498067362926, 7.155658726408922 52.23498067362926, 7.155658726408922 52.2347743667822, 7.154503749615054 52.2347743667822, 7.154503749615054 52.23498067362926))",27258_3_6,3,6,121.0 +"POLYGON ((7.154503749615054 52.23374281816351, 7.155658726408922 52.23374281816351, 7.155658726408922 52.23353650556308, 7.154503749615054 52.23353650556308, 7.154503749615054 52.23374281816351))",27258_3_12,3,12,127.0 +"POLYGON ((7.154503749615054 52.23291756200838, 7.155658726408922 52.23291756200838, 7.155658726408922 52.23271124557235, 7.154503749615054 52.23271124557235, 7.154503749615054 52.23291756200838))",27258_3_16,3,16,131.0 +"POLYGON ((7.155658726408922 52.23539328444672, 7.15681370320279 52.23539328444672, 7.15681370320279 52.23518697951744, 7.155658726408922 52.23518697951744, 7.155658726408922 52.23539328444672))",27258_4_4,4,4,183.0 +"POLYGON ((7.155658726408922 52.23518697951744, 7.15681370320279 52.23518697951744, 7.15681370320279 52.23498067362926, 7.155658726408922 52.23498067362926, 7.155658726408922 52.23518697951744))",27258_4_5,4,5,148.000002 +"POLYGON ((7.155658726408922 52.23415544048767, 7.15681370320279 52.23415544048767, 7.15681370320279 52.23394912980503, 7.155658726408922 52.23394912980503, 7.155658726408922 52.23415544048767))",27258_4_10,4,10,130.0 +"POLYGON ((7.15681370320279 52.23539328444672, 7.157968679996657 52.23539328444672, 7.157968679996657 52.23518697951744, 7.15681370320279 52.23518697951744, 7.15681370320279 52.23539328444672))",27258_5_4,5,4,128.0 +"POLYGON ((7.15681370320279 52.23498067362926, 7.157968679996657 52.23498067362926, 7.157968679996657 52.2347743667822, 7.15681370320279 52.2347743667822, 7.15681370320279 52.23498067362926))",27258_5_6,5,6,197.0 +"POLYGON ((7.15681370320279 52.2343617502114, 7.157968679996657 52.2343617502114, 7.157968679996657 52.23415544048767, 7.15681370320279 52.23415544048767, 7.15681370320279 52.2343617502114))",27258_5_9,5,9,133.242188 +"POLYGON ((7.15681370320279 52.23394912980503, 7.157968679996657 52.23394912980503, 7.157968679996657 52.23374281816351, 7.15681370320279 52.23374281816351, 7.15681370320279 52.23394912980503))",27258_5_11,5,11,123.071757 +"POLYGON ((7.15681370320279 52.23229860982354, 7.157968679996657 52.23229860982354, 7.157968679996657 52.23209229051077, 7.15681370320279 52.23209229051077, 7.15681370320279 52.23229860982354))",27258_5_19,5,19,147.000003 +"POLYGON ((7.15681370320279 52.23147332681898, 7.157968679996657 52.23147332681898, 7.157968679996657 52.23126700367055, 7.15681370320279 52.23126700367055, 7.15681370320279 52.23147332681898))",27258_5_23,5,23,121.0 +"POLYGON ((7.157968679996657 52.23415544048767, 7.159123656790526 52.23415544048767, 7.159123656790526 52.23394912980503, 7.157968679996657 52.23394912980503, 7.157968679996657 52.23415544048767))",27258_6_10,6,10,129.237137 +"POLYGON ((7.157968679996657 52.23374281816351, 7.159123656790526 52.23374281816351, 7.159123656790526 52.23353650556308, 7.157968679996657 52.23353650556308, 7.157968679996657 52.23374281816351))",27258_6_12,6,12,130.33333333333334 +"POLYGON ((7.157968679996657 52.23353650556308, 7.159123656790526 52.23353650556308, 7.159123656790526 52.23333019200375, 7.157968679996657 52.23333019200375, 7.157968679996657 52.23353650556308))",27258_6_13,6,13,130.499997 +"POLYGON ((7.157968679996657 52.23333019200375, 7.159123656790526 52.23333019200375, 7.159123656790526 52.23312387748552, 7.157968679996657 52.23312387748552, 7.157968679996657 52.23333019200375))",27258_6_14,6,14,135.500002 +"POLYGON ((7.157968679996657 52.23250492817739, 7.159123656790526 52.23250492817739, 7.159123656790526 52.23229860982354, 7.157968679996657 52.23229860982354, 7.157968679996657 52.23250492817739))",27258_6_18,6,18,114.999997 +"POLYGON ((7.15103881923345 52.19521451417156, 7.152193796027319 52.19521451417156, 7.152193796027319 52.19500802254554, 7.15103881923345 52.19500802254554, 7.15103881923345 52.19521451417156))",27265_0_12,0,12,75.4 +"POLYGON ((7.15103881923345 52.1931495547457, 7.152193796027319 52.1931495547457, 7.152193796027319 52.19294305352728, 7.15103881923345 52.19294305352728, 7.15103881923345 52.1931495547457))",27265_0_22,0,22,96.0000012 +"POLYGON ((7.152193796027319 52.19583398329424, 7.153348772821186 52.19583398329424, 7.153348772821186 52.1956274945459, 7.152193796027319 52.1956274945459, 7.152193796027319 52.19583398329424))",27265_1_9,1,9,92.75 +"POLYGON ((7.153348772821186 52.19500802254554, 7.154503749615054 52.19500802254554, 7.154503749615054 52.19480152996029, 7.153348772821186 52.19480152996029, 7.153348772821186 52.19500802254554))",27265_2_13,2,13,104.66666666666667 +"POLYGON ((7.154503749615054 52.19645344378389, 7.155658726408922 52.19645344378389, 7.155658726408922 52.19624695791322, 7.154503749615054 52.19624695791322, 7.154503749615054 52.19645344378389))",27265_3_6,3,6,93.5 +"POLYGON ((7.154503749615054 52.19521451417156, 7.155658726408922 52.19521451417156, 7.155658726408922 52.19500802254554, 7.154503749615054 52.19500802254554, 7.154503749615054 52.19521451417156))",27265_3_12,3,12,97.5 +"POLYGON ((7.154503749615054 52.19438854191208, 7.155658726408922 52.19438854191208, 7.155658726408922 52.19418204644913, 7.154503749615054 52.19418204644913, 7.154503749615054 52.19438854191208))",27265_3_16,3,16,114.25 +"POLYGON ((7.155658726408922 52.19686641264756, 7.15681370320279 52.19686641264756, 7.15681370320279 52.19665992869533, 7.155658726408922 52.19665992869533, 7.155658726408922 52.19686641264756))",27265_4_4,4,4,105.75 +"POLYGON ((7.155658726408922 52.19665992869533, 7.15681370320279 52.19665992869533, 7.15681370320279 52.19645344378389, 7.155658726408922 52.19645344378389, 7.155658726408922 52.19665992869533))",27265_4_5,4,5,90.0 +"POLYGON ((7.15681370320279 52.19686641264756, 7.157968679996657 52.19686641264756, 7.157968679996657 52.19665992869533, 7.15681370320279 52.19665992869533, 7.15681370320279 52.19686641264756))",27265_5_4,5,4,113.0 +"POLYGON ((7.15681370320279 52.19645344378389, 7.157968679996657 52.19645344378389, 7.157968679996657 52.19624695791322, 7.15681370320279 52.19624695791322, 7.15681370320279 52.19645344378389))",27265_5_6,5,6,126.66666666666667 +"POLYGON ((7.15681370320279 52.19583398329424, 7.157968679996657 52.19583398329424, 7.157968679996657 52.1956274945459, 7.15681370320279 52.1956274945459, 7.15681370320279 52.19583398329424))",27265_5_9,5,9,99.70652150000001 +"POLYGON ((7.15681370320279 52.19542100483834, 7.157968679996657 52.19542100483834, 7.157968679996657 52.19521451417156, 7.15681370320279 52.19521451417156, 7.15681370320279 52.19542100483834))",27265_5_11,5,11,106.35191100000002 +"POLYGON ((7.15681370320279 52.19376905264549, 7.157968679996657 52.19376905264549, 7.157968679996657 52.1935625543048, 7.15681370320279 52.1935625543048, 7.15681370320279 52.19376905264549))",27265_5_19,5,19,95.94017124999999 +"POLYGON ((7.15681370320279 52.19294305352728, 7.157968679996657 52.19294305352728, 7.157968679996657 52.19273655134961, 7.15681370320279 52.19273655134961, 7.15681370320279 52.19294305352728))",27265_5_23,5,23,94.2692042 +"POLYGON ((7.157968679996657 52.1956274945459, 7.159123656790526 52.1956274945459, 7.159123656790526 52.19542100483834, 7.157968679996657 52.19542100483834, 7.157968679996657 52.1956274945459))",27265_6_10,6,10,118.14081975 +"POLYGON ((7.157968679996657 52.19521451417156, 7.159123656790526 52.19521451417156, 7.159123656790526 52.19500802254554, 7.157968679996657 52.19500802254554, 7.157968679996657 52.19521451417156))",27265_6_12,6,12,90.14285714285714 +"POLYGON ((7.157968679996657 52.19500802254554, 7.159123656790526 52.19500802254554, 7.159123656790526 52.19480152996029, 7.157968679996657 52.19480152996029, 7.157968679996657 52.19500802254554))",27265_6_13,6,13,98.061259125 +"POLYGON ((7.157968679996657 52.19480152996029, 7.159123656790526 52.19480152996029, 7.159123656790526 52.19459503641581, 7.157968679996657 52.19459503641581, 7.157968679996657 52.19480152996029))",27265_6_14,6,14,99.5142864 +"POLYGON ((7.155658726408922 50.89929800686006, 7.15681370320279 50.89929800686006, 7.15681370320279 50.89908554852845, 7.155658726408922 50.89908554852845, 7.155658726408922 50.89929800686006))",27497_4_12,4,12,60.0 +"POLYGON ((7.163486902456249 53.62604812231981, 7.164641879250117 53.62604812231981, 7.164641879250117 53.62584834116528, 7.163486902456249 53.62584834116528, 7.163486902456249 53.62604812231981))",27676_3_8,3,8,32.0 +"POLYGON ((7.164641879250117 53.62664746010891, 7.165796856043984 53.62664746010891, 7.165796856043984 53.62644768179162, 7.164641879250117 53.62644768179162, 7.164641879250117 53.62664746010891))",27676_4_5,4,5,22.0 +"POLYGON ((7.164641879250117 53.62564855906501, 7.165796856043984 53.62564855906501, 7.165796856043984 53.62544877601898, 7.164641879250117 53.62544877601898, 7.164641879250117 53.62564855906501))",27676_4_10,4,10,17.0 +"POLYGON ((7.163486902456249 53.62072030120368, 7.164641879250117 53.62072030120368, 7.164641879250117 53.62052049482848, 7.163486902456249 53.62052049482848, 7.163486902456249 53.62072030120368))",27677_3_8,3,8,48.0 +"POLYGON ((7.164641879250117 53.62131971465448, 7.165796856043984 53.62131971465448, 7.165796856043984 53.62111991111668, 7.164641879250117 53.62111991111668, 7.164641879250117 53.62131971465448))",27677_4_5,4,5,52.1 +"POLYGON ((7.164641879250117 53.62052049482848, 7.165796856043984 53.62052049482848, 7.165796856043984 53.62032068750747, 7.164641879250117 53.62032068750747, 7.164641879250117 53.62052049482848))",27677_4_9,4,9,22.846876428571427 +"POLYGON ((7.164641879250117 53.62032068750747, 7.165796856043984 53.62032068750747, 7.165796856043984 53.62012087924066, 7.164641879250117 53.62012087924066, 7.164641879250117 53.62032068750747))",27677_4_10,4,10,39.8119478 +"POLYGON ((7.165796856043984 53.62092010663308, 7.166951832837853 53.62092010663308, 7.166951832837853 53.62072030120368, 7.165796856043984 53.62072030120368, 7.165796856043984 53.62092010663308))",27677_5_7,5,7,34.0 +"POLYGON ((7.165796856043984 53.61559163816897, 7.166951832837853 53.61559163816897, 7.166951832837853 53.6153918075175, 7.165796856043984 53.6153918075175, 7.165796856043984 53.61559163816897))",27678_5_7,5,7,41.083333333333336 +"POLYGON ((7.161176948868514 53.17077845642866, 7.162331925662381 53.17077845642866, 7.162331925662381 53.17057652638831, 7.161176948868514 53.17057652638831, 7.161176948868514 53.17077845642866))",27761_1_8,1,8,128.25 +"POLYGON ((7.164641879250117 52.83060124704174, 7.165796856043984 52.83060124704174, 7.165796856043984 52.8303977196701, 7.164641879250117 52.8303977196701, 7.164641879250117 52.83060124704174))",27824_4_6,4,6,67.66666666666667 +"POLYGON ((7.160021972074645 52.78614181109583, 7.161176948868514 52.78614181109583, 7.161176948868514 52.78593807549001, 7.160021972074645 52.78593807549001, 7.160021972074645 52.78614181109583))",27832_0_11,0,11,182.0 +"POLYGON ((7.160021972074645 52.78410441210948, 7.161176948868514 52.78410441210948, 7.161176948868514 52.78390066696404, 7.160021972074645 52.78390066696404, 7.160021972074645 52.78410441210948))",27832_0_21,0,21,131.310246 +"POLYGON ((7.161176948868514 52.78654927944563, 7.162331925662381 52.78654927944563, 7.162331925662381 52.78634554574771, 7.161176948868514 52.78634554574771, 7.161176948868514 52.78654927944563))",27832_1_9,1,9,135.0 +"POLYGON ((7.162331925662381 52.78573433893022, 7.163486902456249 52.78573433893022, 7.163486902456249 52.78553060141649, 7.162331925662381 52.78553060141649, 7.162331925662381 52.78573433893022))",27832_2_13,2,13,181.0 +"POLYGON ((7.163486902456249 52.78716047481576, 7.164641879250117 52.78716047481576, 7.164641879250117 52.78695674397967, 7.163486902456249 52.78695674397967, 7.163486902456249 52.78716047481576))",27832_3_6,3,6,199.0 +"POLYGON ((7.163486902456249 52.78593807549001, 7.164641879250117 52.78593807549001, 7.164641879250117 52.78573433893022, 7.163486902456249 52.78573433893022, 7.163486902456249 52.78593807549001))",27832_3_12,3,12,132.0 +"POLYGON ((7.164641879250117 52.78756793362613, 7.165796856043984 52.78756793362613, 7.165796856043984 52.78736420469792, 7.164641879250117 52.78736420469792, 7.164641879250117 52.78756793362613))",27832_4_4,4,4,134.66666666666666 +"POLYGON ((7.164641879250117 52.78716047481576, 7.165796856043984 52.78716047481576, 7.165796856043984 52.78695674397967, 7.164641879250117 52.78695674397967, 7.164641879250117 52.78716047481576))",27832_4_6,4,6,107.74760157142858 +"POLYGON ((7.164641879250117 52.78675301218963, 7.165796856043984 52.78675301218963, 7.165796856043984 52.78654927944563, 7.164641879250117 52.78654927944563, 7.164641879250117 52.78675301218963))",27832_4_8,4,8,132.32685933333335 +"POLYGON ((7.164641879250117 52.78512312352715, 7.165796856043984 52.78512312352715, 7.165796856043984 52.78491938315155, 7.164641879250117 52.78491938315155, 7.164641879250117 52.78512312352715))",27832_4_16,4,16,93.5000005 +"POLYGON ((7.165796856043984 52.78756793362613, 7.166951832837853 52.78756793362613, 7.166951832837853 52.78736420469792, 7.165796856043984 52.78736420469792, 7.165796856043984 52.78756793362613))",27832_5_4,5,4,143.5 +"POLYGON ((7.165796856043984 52.78716047481576, 7.166951832837853 52.78716047481576, 7.166951832837853 52.78695674397967, 7.165796856043984 52.78695674397967, 7.165796856043984 52.78716047481576))",27832_5_6,5,6,153.5 +"POLYGON ((7.165796856043984 52.78675301218963, 7.166951832837853 52.78675301218963, 7.166951832837853 52.78654927944563, 7.165796856043984 52.78654927944563, 7.165796856043984 52.78675301218963))",27832_5_8,5,8,67.1627615 +"POLYGON ((7.165796856043984 52.78634554574771, 7.166951832837853 52.78634554574771, 7.166951832837853 52.78614181109583, 7.165796856043984 52.78614181109583, 7.165796856043984 52.78634554574771))",27832_5_10,5,10,85.9710128 +"POLYGON ((7.165796856043984 52.78573433893022, 7.166951832837853 52.78573433893022, 7.166951832837853 52.78553060141649, 7.165796856043984 52.78553060141649, 7.165796856043984 52.78573433893022))",27832_5_13,5,13,115.428571 +"POLYGON ((7.165796856043984 52.78553060141649, 7.166951832837853 52.78553060141649, 7.166951832837853 52.7853268629488, 7.165796856043984 52.7853268629488, 7.165796856043984 52.78553060141649))",27832_5_14,5,14,80.3773052 +"POLYGON ((7.165796856043984 52.78512312352715, 7.166951832837853 52.78512312352715, 7.166951832837853 52.78491938315155, 7.165796856043984 52.78491938315155, 7.165796856043984 52.78512312352715))",27832_5_16,5,16,171.5 +"POLYGON ((7.165796856043984 52.78451189953844, 7.166951832837853 52.78451189953844, 7.166951832837853 52.78430815630094, 7.165796856043984 52.78430815630094, 7.165796856043984 52.78451189953844))",27832_5_19,5,19,89.99999975 +"POLYGON ((7.165796856043984 52.78390066696404, 7.166951832837853 52.78390066696404, 7.166951832837853 52.78369692086464, 7.165796856043984 52.78369692086464, 7.165796856043984 52.78390066696404))",27832_5_22,5,22,99.32594011111112 +"POLYGON ((7.166951832837853 52.78634554574771, 7.168106809631721 52.78634554574771, 7.168106809631721 52.78614181109583, 7.166951832837853 52.78614181109583, 7.166951832837853 52.78634554574771))",27832_6_10,6,10,125.00000066666666 +"POLYGON ((7.166951832837853 52.78614181109583, 7.168106809631721 52.78614181109583, 7.168106809631721 52.78593807549001, 7.166951832837853 52.78593807549001, 7.166951832837853 52.78614181109583))",27832_6_11,6,11,128.33333333333334 +"POLYGON ((7.166951832837853 52.78593807549001, 7.168106809631721 52.78593807549001, 7.168106809631721 52.78573433893022, 7.166951832837853 52.78573433893022, 7.166951832837853 52.78593807549001))",27832_6_12,6,12,124.23199166666666 +"POLYGON ((7.166951832837853 52.78573433893022, 7.168106809631721 52.78573433893022, 7.168106809631721 52.78553060141649, 7.166951832837853 52.78553060141649, 7.166951832837853 52.78573433893022))",27832_6_13,6,13,99.7777768888889 +"POLYGON ((7.166951832837853 52.78553060141649, 7.168106809631721 52.78553060141649, 7.168106809631721 52.7853268629488, 7.166951832837853 52.7853268629488, 7.166951832837853 52.78553060141649))",27832_6_14,6,14,163.5 +"POLYGON ((7.166951832837853 52.78512312352715, 7.168106809631721 52.78512312352715, 7.168106809631721 52.78491938315155, 7.166951832837853 52.78491938315155, 7.166951832837853 52.78512312352715))",27832_6_16,6,16,175.5 +"POLYGON ((7.166951832837853 52.78471564182197, 7.168106809631721 52.78471564182197, 7.168106809631721 52.78451189953844, 7.166951832837853 52.78451189953844, 7.166951832837853 52.78471564182197))",27832_6_18,6,18,79.3999994 +"POLYGON ((7.160021972074645 52.78070853513817, 7.161176948868514 52.78070853513817, 7.161176948868514 52.78050477409298, 7.160021972074645 52.78050477409298, 7.160021972074645 52.78070853513817))",27833_0_11,0,11,177.0 +"POLYGON ((7.160021972074645 52.77867088175586, 7.161176948868514 52.77867088175586, 7.161176948868514 52.77846711117056, 7.160021972074645 52.77846711117056, 7.160021972074645 52.77867088175586))",27833_0_21,0,21,132.34716225 +"POLYGON ((7.161176948868514 52.78111605436656, 7.162331925662381 52.78111605436656, 7.162331925662381 52.78091229522936, 7.161176948868514 52.78091229522936, 7.161176948868514 52.78111605436656))",27833_1_9,1,9,127.0 +"POLYGON ((7.162331925662381 52.78030101209377, 7.163486902456249 52.78030101209377, 7.163486902456249 52.78009724914057, 7.162331925662381 52.78009724914057, 7.162331925662381 52.78030101209377))",27833_2_13,2,13,183.0 +"POLYGON ((7.163486902456249 52.78172732605418, 7.164641879250117 52.78172732605418, 7.164641879250117 52.78152356977896, 7.163486902456249 52.78152356977896, 7.163486902456249 52.78172732605418))",27833_3_6,3,6,185.0 +"POLYGON ((7.163486902456249 52.78050477409298, 7.164641879250117 52.78050477409298, 7.164641879250117 52.78030101209377, 7.163486902456249 52.78030101209377, 7.163486902456249 52.78050477409298))",27833_3_12,3,12,132.33333333333334 +"POLYGON ((7.164641879250117 52.78213483574262, 7.165796856043984 52.78213483574262, 7.165796856043984 52.7819310813754, 7.164641879250117 52.7819310813754, 7.164641879250117 52.78213483574262))",27833_4_4,4,4,157.66666666666666 +"POLYGON ((7.164641879250117 52.78172732605418, 7.165796856043984 52.78172732605418, 7.165796856043984 52.78152356977896, 7.164641879250117 52.78152356977896, 7.164641879250117 52.78172732605418))",27833_4_6,4,6,106.57142842857142 +"POLYGON ((7.164641879250117 52.78131981254975, 7.165796856043984 52.78131981254975, 7.165796856043984 52.78111605436656, 7.164641879250117 52.78111605436656, 7.164641879250117 52.78131981254975))",27833_4_8,4,8,124.31866166666667 +"POLYGON ((7.164641879250117 52.77968972037214, 7.165796856043984 52.77968972037214, 7.165796856043984 52.77948595455692, 7.164641879250117 52.77948595455692, 7.164641879250117 52.77968972037214))",27833_4_16,4,16,95.99999875 +"POLYGON ((7.165796856043984 52.78213483574262, 7.166951832837853 52.78213483574262, 7.166951832837853 52.7819310813754, 7.165796856043984 52.7819310813754, 7.165796856043984 52.78213483574262))",27833_5_4,5,4,145.0 +"POLYGON ((7.165796856043984 52.78172732605418, 7.166951832837853 52.78172732605418, 7.166951832837853 52.78152356977896, 7.165796856043984 52.78152356977896, 7.165796856043984 52.78172732605418))",27833_5_6,5,6,180.5 +"POLYGON ((7.165796856043984 52.78131981254975, 7.166951832837853 52.78131981254975, 7.166951832837853 52.78111605436656, 7.165796856043984 52.78111605436656, 7.165796856043984 52.78131981254975))",27833_5_8,5,8,65.38413385714286 +"POLYGON ((7.165796856043984 52.78091229522936, 7.166951832837853 52.78091229522936, 7.166951832837853 52.78070853513817, 7.165796856043984 52.78070853513817, 7.165796856043984 52.78091229522936))",27833_5_10,5,10,85.6000002 +"POLYGON ((7.165796856043984 52.78030101209377, 7.166951832837853 52.78030101209377, 7.166951832837853 52.78009724914057, 7.165796856043984 52.78009724914057, 7.165796856043984 52.78030101209377))",27833_5_13,5,13,118.249998875 +"POLYGON ((7.165796856043984 52.78009724914057, 7.166951832837853 52.78009724914057, 7.166951832837853 52.77989348523337, 7.165796856043984 52.77989348523337, 7.165796856043984 52.78009724914057))",27833_5_14,5,14,71.99999966666667 +"POLYGON ((7.165796856043984 52.77968972037214, 7.166951832837853 52.77968972037214, 7.166951832837853 52.77948595455692, 7.165796856043984 52.77948595455692, 7.165796856043984 52.77968972037214))",27833_5_16,5,16,169.66666666666666 +"POLYGON ((7.165796856043984 52.77907842006442, 7.166951832837853 52.77907842006442, 7.166951832837853 52.77887465138716, 7.165796856043984 52.77887465138716, 7.165796856043984 52.77907842006442))",27833_5_19,5,19,87.9999998 +"POLYGON ((7.165796856043984 52.77846711117056, 7.166951832837853 52.77846711117056, 7.166951832837853 52.77826333963123, 7.165796856043984 52.77826333963123, 7.165796856043984 52.77846711117056))",27833_5_22,5,22,101.463969375 +"POLYGON ((7.166951832837853 52.78091229522936, 7.168106809631721 52.78091229522936, 7.168106809631721 52.78070853513817, 7.166951832837853 52.78070853513817, 7.166951832837853 52.78091229522936))",27833_6_10,6,10,122.4999985 +"POLYGON ((7.166951832837853 52.78070853513817, 7.168106809631721 52.78070853513817, 7.168106809631721 52.78050477409298, 7.166951832837853 52.78050477409298, 7.166951832837853 52.78070853513817))",27833_6_11,6,11,127.0 +"POLYGON ((7.166951832837853 52.78050477409298, 7.168106809631721 52.78050477409298, 7.168106809631721 52.78030101209377, 7.166951832837853 52.78030101209377, 7.166951832837853 52.78050477409298))",27833_6_12,6,12,125.2499995 +"POLYGON ((7.166951832837853 52.78030101209377, 7.168106809631721 52.78030101209377, 7.168106809631721 52.78009724914057, 7.166951832837853 52.78009724914057, 7.166951832837853 52.78030101209377))",27833_6_13,6,13,99.55555544444445 +"POLYGON ((7.166951832837853 52.78009724914057, 7.168106809631721 52.78009724914057, 7.168106809631721 52.77989348523337, 7.166951832837853 52.77989348523337, 7.166951832837853 52.78009724914057))",27833_6_14,6,14,169.33333333333334 +"POLYGON ((7.166951832837853 52.77968972037214, 7.168106809631721 52.77968972037214, 7.168106809631721 52.77948595455692, 7.166951832837853 52.77948595455692, 7.166951832837853 52.77968972037214))",27833_6_16,6,16,175.0 +"POLYGON ((7.166951832837853 52.77928218778767, 7.168106809631721 52.77928218778767, 7.168106809631721 52.77907842006442, 7.166951832837853 52.77907842006442, 7.166951832837853 52.77928218778767))",27833_6_18,6,18,80.15964883333334 +"POLYGON ((7.160021972074645 52.7752745807801, 7.161176948868514 52.7752745807801, 7.161176948868514 52.7750707942942, 7.160021972074645 52.7750707942942, 7.160021972074645 52.7752745807801))",27834_0_11,0,11,173.5 +"POLYGON ((7.160021972074645 52.77323667298842, 7.161176948868514 52.77323667298842, 7.161176948868514 52.77303287696191, 7.160021972074645 52.77303287696191, 7.160021972074645 52.77323667298842))",27834_0_21,0,21,134.66666666666666 +"POLYGON ((7.161176948868514 52.77568215088978, 7.162331925662381 52.77568215088978, 7.162331925662381 52.77547836631197, 7.161176948868514 52.77547836631197, 7.161176948868514 52.77568215088978))",27834_1_9,1,9,126.75 +"POLYGON ((7.162331925662381 52.77486700685424, 7.163486902456249 52.77486700685424, 7.163486902456249 52.77466321846023, 7.162331925662381 52.77466321846023, 7.162331925662381 52.77486700685424))",27834_2_13,2,13,181.0 +"POLYGON ((7.163486902456249 52.77629349889892, 7.164641879250117 52.77629349889892, 7.164641879250117 52.77608971718325, 7.163486902456249 52.77608971718325, 7.163486902456249 52.77629349889892))",27834_3_6,3,6,149.0 +"POLYGON ((7.163486902456249 52.7750707942942, 7.164641879250117 52.7750707942942, 7.164641879250117 52.77486700685424, 7.163486902456249 52.77486700685424, 7.163486902456249 52.7750707942942))",27834_3_12,3,12,132.66666666666666 +"POLYGON ((7.164641879250117 52.77670105946815, 7.165796856043984 52.77670105946815, 7.165796856043984 52.77649727966055, 7.164641879250117 52.77649727966055, 7.164641879250117 52.77670105946815))",27834_4_4,4,4,185.5 +"POLYGON ((7.164641879250117 52.77629349889892, 7.165796856043984 52.77629349889892, 7.165796856043984 52.77608971718325, 7.164641879250117 52.77608971718325, 7.164641879250117 52.77629349889892))",27834_4_6,4,6,104.75000025 +"POLYGON ((7.164641879250117 52.77588593451353, 7.165796856043984 52.77588593451353, 7.165796856043984 52.77568215088978, 7.164641879250117 52.77568215088978, 7.164641879250117 52.77588593451353))",27834_4_8,4,8,120.5 +"POLYGON ((7.164641879250117 52.77425563881002, 7.165796856043984 52.77425563881002, 7.165796856043984 52.77405184755383, 7.164641879250117 52.77405184755383, 7.164641879250117 52.77425563881002))",27834_4_16,4,16,96.48976339999999 +"POLYGON ((7.165796856043984 52.77629349889892, 7.166951832837853 52.77629349889892, 7.166951832837853 52.77608971718325, 7.165796856043984 52.77608971718325, 7.165796856043984 52.77629349889892))",27834_5_6,5,6,198.5 +"POLYGON ((7.165796856043984 52.77588593451353, 7.166951832837853 52.77588593451353, 7.166951832837853 52.77568215088978, 7.165796856043984 52.77568215088978, 7.165796856043984 52.77588593451353))",27834_5_8,5,8,60.26007128571428 +"POLYGON ((7.165796856043984 52.77547836631197, 7.166951832837853 52.77547836631197, 7.166951832837853 52.7752745807801, 7.165796856043984 52.7752745807801, 7.165796856043984 52.77547836631197))",27834_5_10,5,10,85.40000119999999 +"POLYGON ((7.165796856043984 52.77486700685424, 7.166951832837853 52.77486700685424, 7.166951832837853 52.77466321846023, 7.165796856043984 52.77466321846023, 7.165796856043984 52.77486700685424))",27834_5_13,5,13,114.14285842857143 +"POLYGON ((7.165796856043984 52.77466321846023, 7.166951832837853 52.77466321846023, 7.166951832837853 52.77445942911215, 7.165796856043984 52.77445942911215, 7.165796856043984 52.77466321846023))",27834_5_14,5,14,72.33333416666666 +"POLYGON ((7.165796856043984 52.77425563881002, 7.166951832837853 52.77425563881002, 7.166951832837853 52.77405184755383, 7.165796856043984 52.77405184755383, 7.165796856043984 52.77425563881002))",27834_5_16,5,16,167.0 +"POLYGON ((7.165796856043984 52.77364426217926, 7.166951832837853 52.77364426217926, 7.166951832837853 52.77344046806088, 7.165796856043984 52.77344046806088, 7.165796856043984 52.77364426217926))",27834_5_19,5,19,89.059322 +"POLYGON ((7.165796856043984 52.77303287696191, 7.166951832837853 52.77303287696191, 7.166951832837853 52.77282907998131, 7.165796856043984 52.77282907998131, 7.165796856043984 52.77303287696191))",27834_5_22,5,22,100.95895580000001 +"POLYGON ((7.166951832837853 52.77547836631197, 7.168106809631721 52.77547836631197, 7.168106809631721 52.7752745807801, 7.166951832837853 52.7752745807801, 7.166951832837853 52.77547836631197))",27834_6_10,6,10,122.000001 +"POLYGON ((7.166951832837853 52.7752745807801, 7.168106809631721 52.7752745807801, 7.168106809631721 52.7750707942942, 7.166951832837853 52.7750707942942, 7.166951832837853 52.7752745807801))",27834_6_11,6,11,131.33333333333334 +"POLYGON ((7.166951832837853 52.7750707942942, 7.168106809631721 52.7750707942942, 7.168106809631721 52.77486700685424, 7.166951832837853 52.77486700685424, 7.166951832837853 52.7750707942942))",27834_6_12,6,12,125.98733150000001 +"POLYGON ((7.166951832837853 52.77486700685424, 7.168106809631721 52.77486700685424, 7.168106809631721 52.77466321846023, 7.166951832837853 52.77466321846023, 7.166951832837853 52.77486700685424))",27834_6_13,6,13,106.00000088888889 +"POLYGON ((7.166951832837853 52.77466321846023, 7.168106809631721 52.77466321846023, 7.168106809631721 52.77445942911215, 7.166951832837853 52.77445942911215, 7.166951832837853 52.77466321846023))",27834_6_14,6,14,172.0 +"POLYGON ((7.166951832837853 52.77425563881002, 7.168106809631721 52.77425563881002, 7.168106809631721 52.77405184755383, 7.166951832837853 52.77405184755383, 7.166951832837853 52.77425563881002))",27834_6_16,6,16,169.0 +"POLYGON ((7.166951832837853 52.77384805534357, 7.168106809631721 52.77384805534357, 7.168106809631721 52.77364426217926, 7.166951832837853 52.77364426217926, 7.166951832837853 52.77384805534357))",27834_6_18,6,18,79.52477516666666 +"POLYGON ((7.160021972074645 52.76983994798583, 7.161176948868514 52.76983994798583, 7.161176948868514 52.76963613605787, 7.160021972074645 52.76963613605787, 7.160021972074645 52.76983994798583))",27835_0_11,0,11,159.0 +"POLYGON ((7.160021972074645 52.76780178577133, 7.161176948868514 52.76780178577133, 7.161176948868514 52.76759796430225, 7.160021972074645 52.76759796430225, 7.160021972074645 52.76780178577133))",27835_0_21,0,21,134.936088 +"POLYGON ((7.161176948868514 52.77024756897946, 7.162331925662381 52.77024756897946, 7.162331925662381 52.77004375895969, 7.161176948868514 52.77004375895969, 7.161176948868514 52.77024756897946))",27835_1_9,1,9,119.66666666666667 +"POLYGON ((7.162331925662381 52.7694323231758, 7.163486902456249 52.7694323231758, 7.163486902456249 52.76922850933963, 7.162331925662381 52.76922850933963, 7.162331925662381 52.7694323231758))",27835_2_13,2,13,179.0 +"POLYGON ((7.163486902456249 52.77085899331417, 7.164641879250117 52.77085899331417, 7.164641879250117 52.77065518615668, 7.163486902456249 52.77065518615668, 7.163486902456249 52.77085899331417))",27835_3_6,3,6,139.0 +"POLYGON ((7.163486902456249 52.76963613605787, 7.164641879250117 52.76963613605787, 7.164641879250117 52.7694323231758, 7.163486902456249 52.7694323231758, 7.163486902456249 52.76963613605787))",27835_3_12,3,12,134.33333333333334 +"POLYGON ((7.164641879250117 52.77126660476684, 7.165796856043984 52.77126660476684, 7.165796856043984 52.77106279951754, 7.164641879250117 52.77106279951754, 7.164641879250117 52.77126660476684))",27835_4_4,4,4,180.5 +"POLYGON ((7.164641879250117 52.77085899331417, 7.165796856043984 52.77085899331417, 7.165796856043984 52.77065518615668, 7.164641879250117 52.77065518615668, 7.164641879250117 52.77085899331417))",27835_4_6,4,6,108.000000625 +"POLYGON ((7.164641879250117 52.77045137804512, 7.165796856043984 52.77045137804512, 7.165796856043984 52.77024756897946, 7.164641879250117 52.77024756897946, 7.164641879250117 52.77045137804512))",27835_4_8,4,8,119.33333033333334 +"POLYGON ((7.164641879250117 52.76882087880497, 7.165796856043984 52.76882087880497, 7.165796856043984 52.76861706210646, 7.164641879250117 52.76861706210646, 7.164641879250117 52.76882087880497))",27835_4_16,4,16,98.7500005 +"POLYGON ((7.165796856043984 52.77126660476684, 7.166951832837853 52.77126660476684, 7.166951832837853 52.77106279951754, 7.165796856043984 52.77106279951754, 7.165796856043984 52.77126660476684))",27835_5_4,5,4,138.0 +"POLYGON ((7.165796856043984 52.77085899331417, 7.166951832837853 52.77085899331417, 7.166951832837853 52.77065518615668, 7.165796856043984 52.77065518615668, 7.165796856043984 52.77085899331417))",27835_5_6,5,6,196.5 +"POLYGON ((7.165796856043984 52.77045137804512, 7.166951832837853 52.77045137804512, 7.166951832837853 52.77024756897946, 7.165796856043984 52.77024756897946, 7.165796856043984 52.77045137804512))",27835_5_8,5,8,43.578615 +"POLYGON ((7.165796856043984 52.77004375895969, 7.166951832837853 52.77004375895969, 7.166951832837853 52.76983994798583, 7.165796856043984 52.76983994798583, 7.165796856043984 52.77004375895969))",27835_5_10,5,10,85.50000133333333 +"POLYGON ((7.165796856043984 52.76983994798583, 7.166951832837853 52.76983994798583, 7.166951832837853 52.76963613605787, 7.165796856043984 52.76963613605787, 7.165796856043984 52.76983994798583))",27835_5_11,5,11,125.999998 +"POLYGON ((7.165796856043984 52.7694323231758, 7.166951832837853 52.7694323231758, 7.166951832837853 52.76922850933963, 7.165796856043984 52.76922850933963, 7.165796856043984 52.7694323231758))",27835_5_13,5,13,115.63129728571428 +"POLYGON ((7.165796856043984 52.76922850933963, 7.166951832837853 52.76922850933963, 7.166951832837853 52.76902469454935, 7.165796856043984 52.76902469454935, 7.165796856043984 52.76922850933963))",27835_5_14,5,14,87.8 +"POLYGON ((7.165796856043984 52.76882087880497, 7.166951832837853 52.76882087880497, 7.166951832837853 52.76861706210646, 7.165796856043984 52.76861706210646, 7.165796856043984 52.76882087880497))",27835_5_16,5,16,157.5 +"POLYGON ((7.165796856043984 52.76820942584713, 7.166951832837853 52.76820942584713, 7.166951832837853 52.76800560628629, 7.165796856043984 52.76800560628629, 7.165796856043984 52.76820942584713))",27835_5_19,5,19,88.6000002 +"POLYGON ((7.165796856043984 52.76759796430225, 7.166951832837853 52.76759796430225, 7.166951832837853 52.76739414187905, 7.165796856043984 52.76739414187905, 7.165796856043984 52.76759796430225))",27835_5_22,5,22,101.59864725 +"POLYGON ((7.166951832837853 52.77004375895969, 7.168106809631721 52.77004375895969, 7.168106809631721 52.76983994798583, 7.166951832837853 52.76983994798583, 7.166951832837853 52.77004375895969))",27835_6_10,6,10,121.66666633333334 +"POLYGON ((7.166951832837853 52.76983994798583, 7.168106809631721 52.76983994798583, 7.168106809631721 52.76963613605787, 7.166951832837853 52.76963613605787, 7.166951832837853 52.76983994798583))",27835_6_11,6,11,131.5 +"POLYGON ((7.166951832837853 52.76963613605787, 7.168106809631721 52.76963613605787, 7.168106809631721 52.7694323231758, 7.166951832837853 52.7694323231758, 7.166951832837853 52.76963613605787))",27835_6_12,6,12,125.68847766666666 +"POLYGON ((7.166951832837853 52.7694323231758, 7.168106809631721 52.7694323231758, 7.168106809631721 52.76922850933963, 7.166951832837853 52.76922850933963, 7.166951832837853 52.7694323231758))",27835_6_13,6,13,99.44444366666667 +"POLYGON ((7.166951832837853 52.76922850933963, 7.168106809631721 52.76922850933963, 7.168106809631721 52.76902469454935, 7.166951832837853 52.76902469454935, 7.166951832837853 52.76922850933963))",27835_6_14,6,14,172.5 +"POLYGON ((7.166951832837853 52.76882087880497, 7.168106809631721 52.76882087880497, 7.168106809631721 52.76861706210646, 7.166951832837853 52.76861706210646, 7.166951832837853 52.76882087880497))",27835_6_16,6,16,169.66666666666666 +"POLYGON ((7.166951832837853 52.76841324445385, 7.168106809631721 52.76841324445385, 7.168106809631721 52.76820942584713, 7.166951832837853 52.76820942584713, 7.166951832837853 52.76841324445385))",27835_6_18,6,18,79.6000006 +"POLYGON ((7.160021972074645 52.76440463671953, 7.161176948868514 52.76440463671953, 7.161176948868514 52.76420079934817, 7.160021972074645 52.76420079934817, 7.160021972074645 52.76440463671953))",27836_0_11,0,11,122.0 +"POLYGON ((7.160021972074645 52.7623662200688, 7.161176948868514 52.7623662200688, 7.161176948868514 52.76216237315582, 7.160021972074645 52.76216237315582, 7.160021972074645 52.7623662200688))",27836_0_21,0,21,131.39120125 +"POLYGON ((7.161176948868514 52.7648123085998, 7.162331925662381 52.7648123085998, 7.162331925662381 52.76460847313674, 7.161176948868514 52.76460847313674, 7.161176948868514 52.7648123085998))",27836_1_9,1,9,132.66666666666666 +"POLYGON ((7.162331925662381 52.76399696102266, 7.163486902456249 52.76399696102266, 7.163486902456249 52.76379312174299, 7.162331925662381 52.76379312174299, 7.162331925662381 52.76399696102266))",27836_2_13,2,13,178.5 +"POLYGON ((7.163486902456249 52.7654238092641, 7.164641879250117 52.7654238092641, 7.164641879250117 52.76521997666347, 7.163486902456249 52.76521997666347, 7.163486902456249 52.7654238092641))",27836_3_6,3,6,164.0 +"POLYGON ((7.163486902456249 52.76420079934817, 7.164641879250117 52.76420079934817, 7.164641879250117 52.76399696102266, 7.163486902456249 52.76399696102266, 7.163486902456249 52.76420079934817))",27836_3_12,3,12,139.0 +"POLYGON ((7.164641879250117 52.76583147160291, 7.165796856043984 52.76583147160291, 7.165796856043984 52.76562764091057, 7.164641879250117 52.76562764091057, 7.164641879250117 52.76583147160291))",27836_4_4,4,4,158.33333333333334 +"POLYGON ((7.164641879250117 52.7654238092641, 7.165796856043984 52.7654238092641, 7.165796856043984 52.76521997666347, 7.164641879250117 52.76521997666347, 7.164641879250117 52.7654238092641))",27836_4_6,4,6,113.125000375 +"POLYGON ((7.164641879250117 52.76501614310871, 7.165796856043984 52.76501614310871, 7.165796856043984 52.7648123085998, 7.164641879250117 52.7648123085998, 7.164641879250117 52.76501614310871))",27836_4_8,4,8,117.000002 +"POLYGON ((7.164641879250117 52.76338544032117, 7.165796856043984 52.76338544032117, 7.165796856043984 52.76318159817903, 7.164641879250117 52.76318159817903, 7.164641879250117 52.76338544032117))",27836_4_16,4,16,94.2000006 +"POLYGON ((7.165796856043984 52.76583147160291, 7.166951832837853 52.76583147160291, 7.166951832837853 52.76562764091057, 7.165796856043984 52.76562764091057, 7.165796856043984 52.76583147160291))",27836_5_4,5,4,139.0 +"POLYGON ((7.165796856043984 52.7654238092641, 7.166951832837853 52.7654238092641, 7.166951832837853 52.76521997666347, 7.165796856043984 52.76521997666347, 7.165796856043984 52.7654238092641))",27836_5_6,5,6,184.5 +"POLYGON ((7.165796856043984 52.76501614310871, 7.166951832837853 52.76501614310871, 7.166951832837853 52.7648123085998, 7.165796856043984 52.7648123085998, 7.165796856043984 52.76501614310871))",27836_5_8,5,8,28.5979923125 +"POLYGON ((7.165796856043984 52.76460847313674, 7.166951832837853 52.76460847313674, 7.166951832837853 52.76440463671953, 7.165796856043984 52.76440463671953, 7.165796856043984 52.76460847313674))",27836_5_10,5,10,89.28104820000001 +"POLYGON ((7.165796856043984 52.76440463671953, 7.166951832837853 52.76440463671953, 7.166951832837853 52.76420079934817, 7.165796856043984 52.76420079934817, 7.165796856043984 52.76440463671953))",27836_5_11,5,11,123.66666633333334 +"POLYGON ((7.165796856043984 52.76399696102266, 7.166951832837853 52.76399696102266, 7.166951832837853 52.76379312174299, 7.165796856043984 52.76379312174299, 7.165796856043984 52.76399696102266))",27836_5_13,5,13,111.71428528571428 +"POLYGON ((7.165796856043984 52.76379312174299, 7.166951832837853 52.76379312174299, 7.166951832837853 52.76358928150916, 7.165796856043984 52.76358928150916, 7.165796856043984 52.76379312174299))",27836_5_14,5,14,89.5999998 +"POLYGON ((7.165796856043984 52.76338544032117, 7.166951832837853 52.76338544032117, 7.166951832837853 52.76318159817903, 7.165796856043984 52.76318159817903, 7.165796856043984 52.76338544032117))",27836_5_16,5,16,165.0 +"POLYGON ((7.165796856043984 52.76277391103225, 7.166951832837853 52.76277391103225, 7.166951832837853 52.76257006602761, 7.165796856043984 52.76257006602761, 7.165796856043984 52.76277391103225))",27836_5_19,5,19,86.7999996 +"POLYGON ((7.165796856043984 52.76216237315582, 7.166951832837853 52.76216237315582, 7.166951832837853 52.76195852528866, 7.165796856043984 52.76195852528866, 7.165796856043984 52.76216237315582))",27836_5_22,5,22,100.22536866666665 +"POLYGON ((7.166951832837853 52.76460847313674, 7.168106809631721 52.76460847313674, 7.168106809631721 52.76440463671953, 7.166951832837853 52.76440463671953, 7.166951832837853 52.76460847313674))",27836_6_10,6,10,122.75000275 +"POLYGON ((7.166951832837853 52.76440463671953, 7.168106809631721 52.76440463671953, 7.168106809631721 52.76420079934817, 7.166951832837853 52.76420079934817, 7.166951832837853 52.76440463671953))",27836_6_11,6,11,123.25 +"POLYGON ((7.166951832837853 52.76420079934817, 7.168106809631721 52.76420079934817, 7.168106809631721 52.76399696102266, 7.166951832837853 52.76399696102266, 7.166951832837853 52.76420079934817))",27836_6_12,6,12,126.7500005 +"POLYGON ((7.166951832837853 52.76399696102266, 7.168106809631721 52.76399696102266, 7.168106809631721 52.76379312174299, 7.166951832837853 52.76379312174299, 7.166951832837853 52.76399696102266))",27836_6_13,6,13,102.25000075 +"POLYGON ((7.166951832837853 52.76379312174299, 7.168106809631721 52.76379312174299, 7.168106809631721 52.76358928150916, 7.166951832837853 52.76358928150916, 7.166951832837853 52.76379312174299))",27836_6_14,6,14,169.33333333333334 +"POLYGON ((7.166951832837853 52.76338544032117, 7.168106809631721 52.76338544032117, 7.168106809631721 52.76318159817903, 7.166951832837853 52.76318159817903, 7.166951832837853 52.76338544032117))",27836_6_16,6,16,178.0 +"POLYGON ((7.166951832837853 52.76297775508272, 7.168106809631721 52.76297775508272, 7.168106809631721 52.76277391103225, 7.166951832837853 52.76277391103225, 7.166951832837853 52.76297775508272))",27836_6_18,6,18,80.3333335 +"POLYGON ((7.160021972074645 52.75896864694543, 7.161176948868514 52.75896864694543, 7.161176948868514 52.75876478412933, 7.160021972074645 52.75876478412933, 7.160021972074645 52.75896864694543))",27837_0_11,0,11,88.0 +"POLYGON ((7.160021972074645 52.75692997584505, 7.161176948868514 52.75692997584505, 7.161176948868514 52.75672610348683, 7.160021972074645 52.75672610348683, 7.160021972074645 52.75692997584505))",27837_0_21,0,21,129.31019600000002 +"POLYGON ((7.161176948868514 52.75937636971503, 7.162331925662381 52.75937636971503, 7.162331925662381 52.75917250880733, 7.161176948868514 52.75917250880733, 7.161176948868514 52.75937636971503))",27837_1_9,1,9,130.0 +"POLYGON ((7.162331925662381 52.75856092035903, 7.163486902456249 52.75856092035903, 7.163486902456249 52.75835705563452, 7.162331925662381 52.75835705563452, 7.162331925662381 52.75856092035903))",27837_2_13,2,13,179.0 +"POLYGON ((7.163486902456249 52.75998794671293, 7.164641879250117 52.75998794671293, 7.164641879250117 52.75978408866782, 7.163486902456249 52.75978408866782, 7.163486902456249 52.75998794671293))",27837_3_6,3,6,198.0 +"POLYGON ((7.163486902456249 52.75876478412933, 7.164641879250117 52.75876478412933, 7.164641879250117 52.75856092035903, 7.163486902456249 52.75856092035903, 7.163486902456249 52.75876478412933))",27837_3_12,3,12,136.0 +"POLYGON ((7.164641879250117 52.76039565994057, 7.165796856043984 52.76039565994057, 7.165796856043984 52.76019180380386, 7.164641879250117 52.76019180380386, 7.164641879250117 52.76039565994057))",27837_4_4,4,4,119.33333333333333 +"POLYGON ((7.164641879250117 52.75998794671293, 7.165796856043984 52.75998794671293, 7.165796856043984 52.75978408866782, 7.164641879250117 52.75978408866782, 7.164641879250117 52.75998794671293))",27837_4_6,4,6,108.24999975 +"POLYGON ((7.164641879250117 52.75958022966853, 7.165796856043984 52.75958022966853, 7.165796856043984 52.75937636971503, 7.164641879250117 52.75937636971503, 7.164641879250117 52.75958022966853))",27837_4_8,4,8,118.30590266666667 +"POLYGON ((7.164641879250117 52.75794932332288, 7.165796856043984 52.75794932332288, 7.165796856043984 52.75774545573574, 7.164641879250117 52.75774545573574, 7.164641879250117 52.75794932332288))",27837_4_16,4,16,91.1137626 +"POLYGON ((7.165796856043984 52.76039565994057, 7.166951832837853 52.76039565994057, 7.166951832837853 52.76019180380386, 7.165796856043984 52.76019180380386, 7.165796856043984 52.76039565994057))",27837_5_4,5,4,133.0 +"POLYGON ((7.165796856043984 52.75998794671293, 7.166951832837853 52.75998794671293, 7.166951832837853 52.75978408866782, 7.165796856043984 52.75978408866782, 7.165796856043984 52.75998794671293))",27837_5_6,5,6,168.66666666666666 +"POLYGON ((7.165796856043984 52.75958022966853, 7.166951832837853 52.75958022966853, 7.166951832837853 52.75937636971503, 7.165796856043984 52.75937636971503, 7.165796856043984 52.75958022966853))",27837_5_8,5,8,6.070582171428572 +"POLYGON ((7.165796856043984 52.75917250880733, 7.166951832837853 52.75917250880733, 7.166951832837853 52.75896864694543, 7.165796856043984 52.75896864694543, 7.165796856043984 52.75917250880733))",27837_5_10,5,10,82.6837258 +"POLYGON ((7.165796856043984 52.75896864694543, 7.166951832837853 52.75896864694543, 7.166951832837853 52.75876478412933, 7.165796856043984 52.75876478412933, 7.165796856043984 52.75896864694543))",27837_5_11,5,11,121.23055575 +"POLYGON ((7.165796856043984 52.75856092035903, 7.166951832837853 52.75856092035903, 7.166951832837853 52.75835705563452, 7.165796856043984 52.75835705563452, 7.165796856043984 52.75856092035903))",27837_5_13,5,13,110.6250005 +"POLYGON ((7.165796856043984 52.75835705563452, 7.166951832837853 52.75835705563452, 7.166951832837853 52.75815318995581, 7.165796856043984 52.75815318995581, 7.165796856043984 52.75835705563452))",27837_5_14,5,14,89.2422542 +"POLYGON ((7.165796856043984 52.75794932332288, 7.166951832837853 52.75794932332288, 7.166951832837853 52.75774545573574, 7.165796856043984 52.75774545573574, 7.165796856043984 52.75794932332288))",27837_5_16,5,16,171.5 +"POLYGON ((7.165796856043984 52.75733771769883, 7.166951832837853 52.75733771769883, 7.166951832837853 52.75713384724906, 7.165796856043984 52.75713384724906, 7.165796856043984 52.75733771769883))",27837_5_19,5,19,87.199999 +"POLYGON ((7.165796856043984 52.75672610348683, 7.166951832837853 52.75672610348683, 7.166951832837853 52.75652223017438, 7.165796856043984 52.75652223017438, 7.165796856043984 52.75672610348683))",27837_5_22,5,22,95.59763355555555 +"POLYGON ((7.166951832837853 52.75917250880733, 7.168106809631721 52.75917250880733, 7.168106809631721 52.75896864694543, 7.166951832837853 52.75896864694543, 7.166951832837853 52.75917250880733))",27837_6_10,6,10,122.74999975 +"POLYGON ((7.166951832837853 52.75896864694543, 7.168106809631721 52.75896864694543, 7.168106809631721 52.75876478412933, 7.166951832837853 52.75876478412933, 7.166951832837853 52.75896864694543))",27837_6_11,6,11,121.33333333333333 +"POLYGON ((7.166951832837853 52.75876478412933, 7.168106809631721 52.75876478412933, 7.168106809631721 52.75856092035903, 7.166951832837853 52.75856092035903, 7.166951832837853 52.75876478412933))",27837_6_12,6,12,118.19938533333334 +"POLYGON ((7.166951832837853 52.75856092035903, 7.168106809631721 52.75856092035903, 7.168106809631721 52.75835705563452, 7.166951832837853 52.75835705563452, 7.166951832837853 52.75856092035903))",27837_6_13,6,13,99.00424133333333 +"POLYGON ((7.166951832837853 52.75835705563452, 7.168106809631721 52.75835705563452, 7.168106809631721 52.75815318995581, 7.166951832837853 52.75815318995581, 7.166951832837853 52.75835705563452))",27837_6_14,6,14,165.0 +"POLYGON ((7.166951832837853 52.75794932332288, 7.168106809631721 52.75794932332288, 7.168106809631721 52.75774545573574, 7.166951832837853 52.75774545573574, 7.166951832837853 52.75794932332288))",27837_6_16,6,16,170.0 +"POLYGON ((7.166951832837853 52.7575415871944, 7.168106809631721 52.7575415871944, 7.168106809631721 52.75733771769883, 7.166951832837853 52.75733771769883, 7.166951832837853 52.7575415871944))",27837_6_18,6,18,80.20469440000001 +"POLYGON ((7.160021972074645 52.75353197862776, 7.161176948868514 52.75353197862776, 7.161176948868514 52.75332809036559, 7.160021972074645 52.75332809036559, 7.160021972074645 52.75353197862776))",27838_0_11,0,11,107.75 +"POLYGON ((7.160021972074645 52.75149305306432, 7.161176948868514 52.75149305306432, 7.161176948868514 52.75128915525953, 7.160021972074645 52.75128915525953, 7.160021972074645 52.75149305306432))",27838_0_21,0,21,127.424359 +"POLYGON ((7.161176948868514 52.75393975228936, 7.162331925662381 52.75393975228936, 7.162331925662381 52.75373586593569, 7.161176948868514 52.75373586593569, 7.161176948868514 52.75393975228936))",27838_1_9,1,9,131.66666666666666 +"POLYGON ((7.162331925662381 52.75312420114916, 7.163486902456249 52.75312420114916, 7.163486902456249 52.75292031097846, 7.162331925662381 52.75292031097846, 7.162331925662381 52.75312420114916))",27838_2_13,2,13,180.5 +"POLYGON ((7.163486902456249 52.7545514056249, 7.164641879250117 52.7545514056249, 7.164641879250117 52.75434752213398, 7.163486902456249 52.75434752213398, 7.163486902456249 52.7545514056249))",27838_3_6,3,6,210.5 +"POLYGON ((7.163486902456249 52.75332809036559, 7.164641879250117 52.75332809036559, 7.164641879250117 52.75312420114916, 7.163486902456249 52.75312420114916, 7.163486902456249 52.75332809036559))",27838_3_12,3,12,134.0 +"POLYGON ((7.163486902456249 52.75230863474086, 7.164641879250117 52.75230863474086, 7.164641879250117 52.75210474075312, 7.163486902456249 52.75210474075312, 7.163486902456249 52.75230863474086))",27838_3_17,3,17,7.2631578947368425 +"POLYGON ((7.164641879250117 52.75495916974405, 7.165796856043984 52.75495916974405, 7.165796856043984 52.7547552881616, 7.164641879250117 52.7547552881616, 7.164641879250117 52.75495916974405))",27838_4_4,4,4,143.66666666666666 +"POLYGON ((7.164641879250117 52.7545514056249, 7.165796856043984 52.7545514056249, 7.165796856043984 52.75434752213398, 7.164641879250117 52.75434752213398, 7.164641879250117 52.7545514056249))",27838_4_6,4,6,108.42857185714286 +"POLYGON ((7.164641879250117 52.75414363768879, 7.165796856043984 52.75414363768879, 7.165796856043984 52.75393975228936, 7.164641879250117 52.75393975228936, 7.164641879250117 52.75414363768879))",27838_4_8,4,8,117.50000025 +"POLYGON ((7.164641879250117 52.75251252777431, 7.165796856043984 52.75251252777431, 7.165796856043984 52.75230863474086, 7.164641879250117 52.75230863474086, 7.164641879250117 52.75251252777431))",27838_4_16,4,16,81.885187 +"POLYGON ((7.165796856043984 52.75495916974405, 7.166951832837853 52.75495916974405, 7.166951832837853 52.7547552881616, 7.165796856043984 52.7547552881616, 7.165796856043984 52.75495916974405))",27838_5_4,5,4,137.33333333333334 +"POLYGON ((7.165796856043984 52.7545514056249, 7.166951832837853 52.7545514056249, 7.166951832837853 52.75434752213398, 7.165796856043984 52.75434752213398, 7.165796856043984 52.7545514056249))",27838_5_6,5,6,173.0 +"POLYGON ((7.165796856043984 52.75414363768879, 7.166951832837853 52.75414363768879, 7.166951832837853 52.75393975228936, 7.165796856043984 52.75393975228936, 7.165796856043984 52.75414363768879))",27838_5_8,5,8,67.07039499999999 +"POLYGON ((7.165796856043984 52.75373586593569, 7.166951832837853 52.75373586593569, 7.166951832837853 52.75353197862776, 7.165796856043984 52.75353197862776, 7.165796856043984 52.75373586593569))",27838_5_10,5,10,83.318659 +"POLYGON ((7.165796856043984 52.75353197862776, 7.166951832837853 52.75353197862776, 7.166951832837853 52.75332809036559, 7.165796856043984 52.75332809036559, 7.165796856043984 52.75353197862776))",27838_5_11,5,11,130.85879633333334 +"POLYGON ((7.165796856043984 52.75312420114916, 7.166951832837853 52.75312420114916, 7.166951832837853 52.75292031097846, 7.165796856043984 52.75292031097846, 7.165796856043984 52.75312420114916))",27838_5_13,5,13,112.43096671428573 +"POLYGON ((7.165796856043984 52.75292031097846, 7.166951832837853 52.75292031097846, 7.166951832837853 52.75271641985353, 7.165796856043984 52.75271641985353, 7.165796856043984 52.75292031097846))",27838_5_14,5,14,86.7999996 +"POLYGON ((7.165796856043984 52.75251252777431, 7.166951832837853 52.75251252777431, 7.166951832837853 52.75230863474086, 7.165796856043984 52.75230863474086, 7.165796856043984 52.75251252777431))",27838_5_16,5,16,173.33333333333334 +"POLYGON ((7.165796856043984 52.75190084581112, 7.166951832837853 52.75190084581112, 7.166951832837853 52.75169694991487, 7.165796856043984 52.75169694991487, 7.165796856043984 52.75190084581112))",27838_5_19,5,19,86.8000014 +"POLYGON ((7.165796856043984 52.75128915525953, 7.166951832837853 52.75128915525953, 7.166951832837853 52.75108525650045, 7.165796856043984 52.75108525650045, 7.165796856043984 52.75128915525953))",27838_5_22,5,22,101.829421 +"POLYGON ((7.166951832837853 52.75373586593569, 7.168106809631721 52.75373586593569, 7.168106809631721 52.75353197862776, 7.166951832837853 52.75353197862776, 7.166951832837853 52.75373586593569))",27838_6_10,6,10,121.66666866666667 +"POLYGON ((7.166951832837853 52.75353197862776, 7.168106809631721 52.75353197862776, 7.168106809631721 52.75332809036559, 7.166951832837853 52.75332809036559, 7.166951832837853 52.75353197862776))",27838_6_11,6,11,123.33333333333333 +"POLYGON ((7.166951832837853 52.75332809036559, 7.168106809631721 52.75332809036559, 7.168106809631721 52.75312420114916, 7.166951832837853 52.75312420114916, 7.166951832837853 52.75332809036559))",27838_6_12,6,12,122.0 +"POLYGON ((7.166951832837853 52.75312420114916, 7.168106809631721 52.75312420114916, 7.168106809631721 52.75292031097846, 7.166951832837853 52.75292031097846, 7.166951832837853 52.75312420114916))",27838_6_13,6,13,100.19647975 +"POLYGON ((7.166951832837853 52.75292031097846, 7.168106809631721 52.75292031097846, 7.168106809631721 52.75271641985353, 7.166951832837853 52.75271641985353, 7.166951832837853 52.75292031097846))",27838_6_14,6,14,165.0 +"POLYGON ((7.166951832837853 52.75251252777431, 7.168106809631721 52.75251252777431, 7.168106809631721 52.75230863474086, 7.166951832837853 52.75230863474086, 7.166951832837853 52.75251252777431))",27838_6_16,6,16,156.0 +"POLYGON ((7.166951832837853 52.75210474075312, 7.168106809631721 52.75210474075312, 7.168106809631721 52.75190084581112, 7.166951832837853 52.75190084581112, 7.166951832837853 52.75210474075312))",27838_6_18,6,18,80.3333325 +"POLYGON ((7.160021972074645 52.74809463173079, 7.161176948868514 52.74809463173079, 7.161176948868514 52.7478907180212, 7.160021972074645 52.7478907180212, 7.160021972074645 52.74809463173079))",27839_0_11,0,11,141.5 +"POLYGON ((7.160021972074645 52.7460554516909, 7.161176948868514 52.7460554516909, 7.161176948868514 52.74585152843818, 7.160021972074645 52.74585152843818, 7.160021972074645 52.7460554516909))",27839_0_21,0,21,112.16483649999999 +"POLYGON ((7.161176948868514 52.74850245628708, 7.162331925662381 52.74850245628708, 7.162331925662381 52.74829854448608, 7.161176948868514 52.74829854448608, 7.161176948868514 52.74850245628708))",27839_1_9,1,9,132.0 +"POLYGON ((7.162331925662381 52.74768680335729, 7.163486902456249 52.74768680335729, 7.163486902456249 52.74748288773909, 7.162331925662381 52.74748288773909, 7.162331925662381 52.74768680335729))",27839_2_13,2,13,179.0 +"POLYGON ((7.163486902456249 52.74911418596427, 7.164641879250117 52.74911418596427, 7.164641879250117 52.74891027702618, 7.163486902456249 52.74891027702618, 7.163486902456249 52.74911418596427))",27839_3_6,3,6,194.5 +"POLYGON ((7.163486902456249 52.7478907180212, 7.164641879250117 52.7478907180212, 7.164641879250117 52.74768680335729, 7.163486902456249 52.74768680335729, 7.163486902456249 52.7478907180212))",27839_3_12,3,12,134.66666666666666 +"POLYGON ((7.163486902456249 52.74687113515861, 7.164641879250117 52.74687113515861, 7.164641879250117 52.74666721572315, 7.163486902456249 52.74666721572315, 7.163486902456249 52.74687113515861))",27839_3_17,3,17,48.44444444444444 +"POLYGON ((7.164641879250117 52.7495220009776, 7.165796856043984 52.7495220009776, 7.165796856043984 52.74931809394808, 7.164641879250117 52.74931809394808, 7.164641879250117 52.7495220009776))",27839_4_4,4,4,169.0 +"POLYGON ((7.164641879250117 52.74911418596427, 7.165796856043984 52.74911418596427, 7.165796856043984 52.74891027702618, 7.164641879250117 52.74891027702618, 7.164641879250117 52.74911418596427))",27839_4_6,4,6,117.33333333333333 +"POLYGON ((7.164641879250117 52.74870636713377, 7.165796856043984 52.74870636713377, 7.165796856043984 52.74850245628708, 7.164641879250117 52.74850245628708, 7.164641879250117 52.74870636713377))",27839_4_8,4,8,118.99999875 +"POLYGON ((7.164641879250117 52.74707505363974, 7.165796856043984 52.74707505363974, 7.165796856043984 52.74687113515861, 7.164641879250117 52.74687113515861, 7.164641879250117 52.74707505363974))",27839_4_16,4,16,92.999999 +"POLYGON ((7.165796856043984 52.7495220009776, 7.166951832837853 52.7495220009776, 7.166951832837853 52.74931809394808, 7.165796856043984 52.74931809394808, 7.165796856043984 52.7495220009776))",27839_5_4,5,4,137.66666666666666 +"POLYGON ((7.165796856043984 52.74911418596427, 7.166951832837853 52.74911418596427, 7.166951832837853 52.74891027702618, 7.165796856043984 52.74891027702618, 7.165796856043984 52.74911418596427))",27839_5_6,5,6,191.5 +"POLYGON ((7.165796856043984 52.74870636713377, 7.166951832837853 52.74870636713377, 7.166951832837853 52.74850245628708, 7.165796856043984 52.74850245628708, 7.165796856043984 52.74870636713377))",27839_5_8,5,8,67.50217814285715 +"POLYGON ((7.165796856043984 52.74829854448608, 7.166951832837853 52.74829854448608, 7.166951832837853 52.74809463173079, 7.165796856043984 52.74809463173079, 7.165796856043984 52.74829854448608))",27839_5_10,5,10,85.2259182 +"POLYGON ((7.165796856043984 52.74809463173079, 7.166951832837853 52.74809463173079, 7.166951832837853 52.7478907180212, 7.165796856043984 52.7478907180212, 7.165796856043984 52.74809463173079))",27839_5_11,5,11,137.480979 +"POLYGON ((7.165796856043984 52.74768680335729, 7.166951832837853 52.74768680335729, 7.166951832837853 52.74748288773909, 7.165796856043984 52.74748288773909, 7.165796856043984 52.74768680335729))",27839_5_13,5,13,109.9311915 +"POLYGON ((7.165796856043984 52.74748288773909, 7.166951832837853 52.74748288773909, 7.166951832837853 52.74727897116657, 7.165796856043984 52.74727897116657, 7.165796856043984 52.74748288773909))",27839_5_14,5,14,88.4567004 +"POLYGON ((7.165796856043984 52.74707505363974, 7.166951832837853 52.74707505363974, 7.166951832837853 52.74687113515861, 7.165796856043984 52.74687113515861, 7.165796856043984 52.74707505363974))",27839_5_16,5,16,176.5 +"POLYGON ((7.165796856043984 52.74646329533339, 7.166951832837853 52.74646329533339, 7.166951832837853 52.7462593739893, 7.165796856043984 52.7462593739893, 7.165796856043984 52.74646329533339))",27839_5_19,5,19,91.2 +"POLYGON ((7.165796856043984 52.74585152843818, 7.166951832837853 52.74585152843818, 7.166951832837853 52.74564760423113, 7.165796856043984 52.74564760423113, 7.165796856043984 52.74585152843818))",27839_5_22,5,22,100.3103673 +"POLYGON ((7.166951832837853 52.74829854448608, 7.168106809631721 52.74829854448608, 7.168106809631721 52.74809463173079, 7.166951832837853 52.74809463173079, 7.166951832837853 52.74829854448608))",27839_6_10,6,10,121.04637825 +"POLYGON ((7.166951832837853 52.74809463173079, 7.168106809631721 52.74809463173079, 7.168106809631721 52.7478907180212, 7.166951832837853 52.7478907180212, 7.166951832837853 52.74809463173079))",27839_6_11,6,11,119.33333333333333 +"POLYGON ((7.166951832837853 52.7478907180212, 7.168106809631721 52.7478907180212, 7.168106809631721 52.74768680335729, 7.166951832837853 52.74768680335729, 7.166951832837853 52.7478907180212))",27839_6_12,6,12,118.67590625 +"POLYGON ((7.166951832837853 52.74768680335729, 7.168106809631721 52.74768680335729, 7.168106809631721 52.74748288773909, 7.166951832837853 52.74748288773909, 7.166951832837853 52.74768680335729))",27839_6_13,6,13,97.86596722222222 +"POLYGON ((7.166951832837853 52.74748288773909, 7.168106809631721 52.74748288773909, 7.168106809631721 52.74727897116657, 7.166951832837853 52.74727897116657, 7.166951832837853 52.74748288773909))",27839_6_14,6,14,171.0 +"POLYGON ((7.166951832837853 52.74707505363974, 7.168106809631721 52.74707505363974, 7.168106809631721 52.74687113515861, 7.166951832837853 52.74687113515861, 7.166951832837853 52.74707505363974))",27839_6_16,6,16,159.0 +"POLYGON ((7.166951832837853 52.74666721572315, 7.168106809631721 52.74666721572315, 7.168106809631721 52.74646329533339, 7.166951832837853 52.74646329533339, 7.166951832837853 52.74666721572315))",27839_6_18,6,18,81.4 +"POLYGON ((7.160021972074645 52.74265660621878, 7.161176948868514 52.74265660621878, 7.161176948868514 52.74245266706043, 7.160021972074645 52.74245266706043, 7.160021972074645 52.74265660621878))",27840_0_11,0,11,163.5 +"POLYGON ((7.160021972074645 52.74061717168906, 7.161176948868514 52.74061717168906, 7.161176948868514 52.74041322298707, 7.160021972074645 52.74041322298707, 7.160021972074645 52.74061717168906))",27840_0_21,0,21,100.250001 +"POLYGON ((7.161176948868514 52.74306448167244, 7.162331925662381 52.74306448167244, 7.162331925662381 52.74286054442278, 7.161176948868514 52.74286054442278, 7.161176948868514 52.74306448167244))",27840_1_9,1,9,135.33333333333334 +"POLYGON ((7.162331925662381 52.74224872694772, 7.163486902456249 52.74224872694772, 7.163486902456249 52.74204478588066, 7.162331925662381 52.74204478588066, 7.162331925662381 52.74224872694772))",27840_2_13,2,13,183.5 +"POLYGON ((7.163486902456249 52.74367628769531, 7.164641879250117 52.74367628769531, 7.164641879250117 52.7434723533087, 7.163486902456249 52.7434723533087, 7.163486902456249 52.74367628769531))",27840_3_6,3,6,175.5 +"POLYGON ((7.163486902456249 52.74245266706043, 7.164641879250117 52.74245266706043, 7.164641879250117 52.74224872694772, 7.163486902456249 52.74224872694772, 7.163486902456249 52.74245266706043))",27840_3_12,3,12,135.66666666666666 +"POLYGON ((7.163486902456249 52.7414329569533, 7.164641879250117 52.7414329569533, 7.164641879250117 52.74122901206879, 7.163486902456249 52.74122901206879, 7.163486902456249 52.7414329569533))",27840_3_17,3,17,148.5 +"POLYGON ((7.164641879250117 52.74408415360551, 7.165796856043984 52.74408415360551, 7.165796856043984 52.74388022112758, 7.164641879250117 52.74388022112758, 7.164641879250117 52.74408415360551))",27840_4_4,4,4,196.0 +"POLYGON ((7.164641879250117 52.74367628769531, 7.165796856043984 52.74367628769531, 7.165796856043984 52.7434723533087, 7.164641879250117 52.7434723533087, 7.164641879250117 52.74367628769531))",27840_4_6,4,6,118.000000125 +"POLYGON ((7.164641879250117 52.74326841796774, 7.165796856043984 52.74326841796774, 7.165796856043984 52.74306448167244, 7.164641879250117 52.74306448167244, 7.164641879250117 52.74326841796774))",27840_4_8,4,8,123.97008433333333 +"POLYGON ((7.164641879250117 52.74163690088344, 7.165796856043984 52.74163690088344, 7.165796856043984 52.7414329569533, 7.164641879250117 52.7414329569533, 7.164641879250117 52.74163690088344))",27840_4_16,4,16,105.52462275 +"POLYGON ((7.165796856043984 52.74408415360551, 7.166951832837853 52.74408415360551, 7.166951832837853 52.74388022112758, 7.165796856043984 52.74388022112758, 7.165796856043984 52.74408415360551))",27840_5_4,5,4,136.33333333333334 +"POLYGON ((7.165796856043984 52.74367628769531, 7.166951832837853 52.74367628769531, 7.166951832837853 52.7434723533087, 7.165796856043984 52.7434723533087, 7.165796856043984 52.74367628769531))",27840_5_6,5,6,207.5 +"POLYGON ((7.165796856043984 52.74326841796774, 7.166951832837853 52.74326841796774, 7.166951832837853 52.74306448167244, 7.165796856043984 52.74306448167244, 7.165796856043984 52.74326841796774))",27840_5_8,5,8,74.5287734 +"POLYGON ((7.165796856043984 52.74286054442278, 7.166951832837853 52.74286054442278, 7.166951832837853 52.74265660621878, 7.165796856043984 52.74265660621878, 7.165796856043984 52.74286054442278))",27840_5_10,5,10,104.8925585 +"POLYGON ((7.165796856043984 52.74265660621878, 7.166951832837853 52.74265660621878, 7.166951832837853 52.74245266706043, 7.165796856043984 52.74245266706043, 7.165796856043984 52.74265660621878))",27840_5_11,5,11,142.33333433333334 +"POLYGON ((7.165796856043984 52.74224872694772, 7.166951832837853 52.74224872694772, 7.166951832837853 52.74204478588066, 7.165796856043984 52.74204478588066, 7.165796856043984 52.74224872694772))",27840_5_13,5,13,111.653018 +"POLYGON ((7.165796856043984 52.74204478588066, 7.166951832837853 52.74204478588066, 7.166951832837853 52.74184084385923, 7.165796856043984 52.74184084385923, 7.165796856043984 52.74204478588066))",27840_5_14,5,14,89.5450558 +"POLYGON ((7.165796856043984 52.74163690088344, 7.166951832837853 52.74163690088344, 7.166951832837853 52.7414329569533, 7.165796856043984 52.7414329569533, 7.165796856043984 52.74163690088344))",27840_5_16,5,16,174.5 +"POLYGON ((7.165796856043984 52.74102506622992, 7.166951832837853 52.74102506622992, 7.166951832837853 52.74082111943667, 7.165796856043984 52.74082111943667, 7.165796856043984 52.74102506622992))",27840_5_19,5,19,90.3999988 +"POLYGON ((7.165796856043984 52.74041322298707, 7.166951832837853 52.74041322298707, 7.166951832837853 52.74020927333071, 7.165796856043984 52.74020927333071, 7.165796856043984 52.74041322298707))",27840_5_22,5,22,99.26782444444444 +"POLYGON ((7.166951832837853 52.74286054442278, 7.168106809631721 52.74286054442278, 7.168106809631721 52.74265660621878, 7.166951832837853 52.74265660621878, 7.166951832837853 52.74286054442278))",27840_6_10,6,10,118.43031575 +"POLYGON ((7.166951832837853 52.74265660621878, 7.168106809631721 52.74265660621878, 7.168106809631721 52.74245266706043, 7.166951832837853 52.74245266706043, 7.166951832837853 52.74265660621878))",27840_6_11,6,11,118.0 +"POLYGON ((7.166951832837853 52.74245266706043, 7.168106809631721 52.74245266706043, 7.168106809631721 52.74224872694772, 7.166951832837853 52.74224872694772, 7.166951832837853 52.74245266706043))",27840_6_12,6,12,111.19439925 +"POLYGON ((7.166951832837853 52.74224872694772, 7.168106809631721 52.74224872694772, 7.168106809631721 52.74204478588066, 7.166951832837853 52.74204478588066, 7.166951832837853 52.74224872694772))",27840_6_13,6,13,101.487138 +"POLYGON ((7.166951832837853 52.74204478588066, 7.168106809631721 52.74204478588066, 7.168106809631721 52.74184084385923, 7.166951832837853 52.74184084385923, 7.166951832837853 52.74204478588066))",27840_6_14,6,14,166.66666666666666 +"POLYGON ((7.166951832837853 52.74163690088344, 7.168106809631721 52.74163690088344, 7.168106809631721 52.7414329569533, 7.166951832837853 52.7414329569533, 7.166951832837853 52.74163690088344))",27840_6_16,6,16,159.33333333333334 +"POLYGON ((7.166951832837853 52.74122901206879, 7.168106809631721 52.74122901206879, 7.168106809631721 52.74102506622992, 7.166951832837853 52.74102506622992, 7.166951832837853 52.74122901206879))",27840_6_18,6,18,80.383869 +"POLYGON ((7.160021972074645 52.73721790205605, 7.161176948868514 52.73721790205605, 7.161176948868514 52.73701393744759, 7.160021972074645 52.73701393744759, 7.160021972074645 52.73721790205605))",27841_0_11,0,11,170.33333333333334 +"POLYGON ((7.160021972074645 52.7351782130231, 7.161176948868514 52.7351782130231, 7.161176948868514 52.73497423887051, 7.160021972074645 52.73497423887051, 7.160021972074645 52.7351782130231))",27841_0_21,0,21,91.2000004 +"POLYGON ((7.161176948868514 52.73762582840974, 7.162331925662381 52.73762582840974, 7.162331925662381 52.73742186571009, 7.161176948868514 52.73742186571009, 7.161176948868514 52.73762582840974))",27841_1_9,1,9,138.66666666666666 +"POLYGON ((7.162331925662381 52.73680997188474, 7.163486902456249 52.73680997188474, 7.163486902456249 52.73660600536748, 7.162331925662381 52.73660600536748, 7.162331925662381 52.73680997188474))",27841_2_13,2,13,185.5 +"POLYGON ((7.163486902456249 52.7382377107823, 7.164641879250117 52.7382377107823, 7.164641879250117 52.73803375094585, 7.163486902456249 52.73803375094585, 7.163486902456249 52.7382377107823))",27841_3_6,3,6,149.5 +"POLYGON ((7.163486902456249 52.73701393744759, 7.164641879250117 52.73701393744759, 7.164641879250117 52.73680997188474, 7.163486902456249 52.73680997188474, 7.163486902456249 52.73701393744759))",27841_3_12,3,12,135.66666666666666 +"POLYGON ((7.163486902456249 52.73599410008924, 7.164641879250117 52.73599410008924, 7.164641879250117 52.73579012975433, 7.163486902456249 52.73579012975433, 7.163486902456249 52.73599410008924))",27841_3_17,3,17,143.66666666666666 +"POLYGON ((7.164641879250117 52.73864562759204, 7.165796856043984 52.73864562759204, 7.165796856043984 52.73844166966436, 7.164641879250117 52.73844166966436, 7.164641879250117 52.73864562759204))",27841_4_4,4,4,199.5 +"POLYGON ((7.164641879250117 52.7382377107823, 7.165796856043984 52.7382377107823, 7.165796856043984 52.73803375094585, 7.164641879250117 52.73803375094585, 7.164641879250117 52.7382377107823))",27841_4_6,4,6,107.71428542857143 +"POLYGON ((7.164641879250117 52.73782979015499, 7.165796856043984 52.73782979015499, 7.165796856043984 52.73762582840974, 7.164641879250117 52.73762582840974, 7.164641879250117 52.73782979015499))",27841_4_8,4,8,123.666666 +"POLYGON ((7.164641879250117 52.73619806946973, 7.165796856043984 52.73619806946973, 7.165796856043984 52.73599410008924, 7.164641879250117 52.73599410008924, 7.164641879250117 52.73619806946973))",27841_4_16,4,16,100.9999985 +"POLYGON ((7.165796856043984 52.73864562759204, 7.166951832837853 52.73864562759204, 7.166951832837853 52.73844166966436, 7.165796856043984 52.73844166966436, 7.165796856043984 52.73864562759204))",27841_5_4,5,4,134.5 +"POLYGON ((7.165796856043984 52.7382377107823, 7.166951832837853 52.7382377107823, 7.166951832837853 52.73803375094585, 7.165796856043984 52.73803375094585, 7.165796856043984 52.7382377107823))",27841_5_6,5,6,199.0 +"POLYGON ((7.165796856043984 52.73782979015499, 7.166951832837853 52.73782979015499, 7.166951832837853 52.73762582840974, 7.165796856043984 52.73762582840974, 7.165796856043984 52.73782979015499))",27841_5_8,5,8,63.074507000000004 +"POLYGON ((7.165796856043984 52.73742186571009, 7.166951832837853 52.73742186571009, 7.166951832837853 52.73721790205605, 7.165796856043984 52.73721790205605, 7.165796856043984 52.73742186571009))",27841_5_10,5,10,101.34108499999999 +"POLYGON ((7.165796856043984 52.73721790205605, 7.166951832837853 52.73721790205605, 7.166951832837853 52.73701393744759, 7.165796856043984 52.73701393744759, 7.165796856043984 52.73721790205605))",27841_5_11,5,11,138.54052966666666 +"POLYGON ((7.165796856043984 52.73680997188474, 7.166951832837853 52.73680997188474, 7.166951832837853 52.73660600536748, 7.165796856043984 52.73660600536748, 7.165796856043984 52.73680997188474))",27841_5_13,5,13,99.0818065 +"POLYGON ((7.165796856043984 52.73660600536748, 7.166951832837853 52.73660600536748, 7.166951832837853 52.73640203789581, 7.165796856043984 52.73640203789581, 7.165796856043984 52.73660600536748))",27841_5_14,5,14,90.1999984 +"POLYGON ((7.165796856043984 52.73619806946973, 7.166951832837853 52.73619806946973, 7.166951832837853 52.73599410008924, 7.165796856043984 52.73599410008924, 7.165796856043984 52.73619806946973))",27841_5_16,5,16,166.0 +"POLYGON ((7.165796856043984 52.735586158465, 7.166951832837853 52.735586158465, 7.166951832837853 52.73538218622125, 7.165796856043984 52.73538218622125, 7.165796856043984 52.735586158465))",27841_5_19,5,19,90.8000016 +"POLYGON ((7.165796856043984 52.73497423887051, 7.166951832837853 52.73497423887051, 7.166951832837853 52.73477026376351, 7.165796856043984 52.73477026376351, 7.165796856043984 52.73497423887051))",27841_5_22,5,22,91.90877279999998 +"POLYGON ((7.166951832837853 52.73742186571009, 7.168106809631721 52.73742186571009, 7.168106809631721 52.73721790205605, 7.166951832837853 52.73721790205605, 7.166951832837853 52.73742186571009))",27841_6_10,6,10,96.94740425 +"POLYGON ((7.166951832837853 52.73721790205605, 7.168106809631721 52.73721790205605, 7.168106809631721 52.73701393744759, 7.166951832837853 52.73701393744759, 7.166951832837853 52.73721790205605))",27841_6_11,6,11,118.33333333333333 +"POLYGON ((7.166951832837853 52.73701393744759, 7.168106809631721 52.73701393744759, 7.168106809631721 52.73680997188474, 7.166951832837853 52.73680997188474, 7.166951832837853 52.73701393744759))",27841_6_12,6,12,114.7500015 +"POLYGON ((7.166951832837853 52.73680997188474, 7.168106809631721 52.73680997188474, 7.168106809631721 52.73660600536748, 7.166951832837853 52.73660600536748, 7.166951832837853 52.73680997188474))",27841_6_13,6,13,102.79999860000001 +"POLYGON ((7.166951832837853 52.73660600536748, 7.168106809631721 52.73660600536748, 7.168106809631721 52.73640203789581, 7.166951832837853 52.73640203789581, 7.166951832837853 52.73660600536748))",27841_6_14,6,14,148.0 +"POLYGON ((7.166951832837853 52.73619806946973, 7.168106809631721 52.73619806946973, 7.168106809631721 52.73599410008924, 7.166951832837853 52.73599410008924, 7.166951832837853 52.73619806946973))",27841_6_16,6,16,161.0 +"POLYGON ((7.166951832837853 52.73579012975433, 7.168106809631721 52.73579012975433, 7.168106809631721 52.735586158465, 7.166951832837853 52.735586158465, 7.166951832837853 52.73579012975433))",27841_6_18,6,18,80.4000014 +"POLYGON ((7.160021972074645 52.7317785192069, 7.161176948868514 52.7317785192069, 7.161176948868514 52.731574529147, 7.160021972074645 52.731574529147, 7.160021972074645 52.7317785192069))",27842_0_11,0,11,170.5 +"POLYGON ((7.160021972074645 52.72973857565734, 7.161176948868514 52.72973857565734, 7.161176948868514 52.72953457605282, 7.160021972074645 52.72953457605282, 7.160021972074645 52.72973857565734))",27842_0_21,0,21,94.47709760000001 +"POLYGON ((7.161176948868514 52.73218649646331, 7.162331925662381 52.73218649646331, 7.162331925662381 52.73198250831233, 7.161176948868514 52.73198250831233, 7.161176948868514 52.73218649646331))",27842_1_9,1,9,135.66666666666666 +"POLYGON ((7.162331925662381 52.73137053813267, 7.163486902456249 52.73137053813267, 7.163486902456249 52.73116654616387, 7.162331925662381 52.73116654616387, 7.162331925662381 52.73137053813267))",27842_2_13,2,13,183.5 +"POLYGON ((7.163486902456249 52.73279845518957, 7.164641879250117 52.73279845518957, 7.164641879250117 52.73259446990193, 7.163486902456249 52.73259446990193, 7.163486902456249 52.73279845518957))",27842_3_6,3,6,171.0 +"POLYGON ((7.163486902456249 52.731574529147, 7.164641879250117 52.731574529147, 7.164641879250117 52.73137053813267, 7.163486902456249 52.73137053813267, 7.163486902456249 52.731574529147))",27842_3_12,3,12,135.66666666666666 +"POLYGON ((7.163486902456249 52.73055456453071, 7.164641879250117 52.73055456453071, 7.164641879250117 52.73035056874408, 7.163486902456249 52.73035056874408, 7.163486902456249 52.73055456453071))",27842_3_17,3,17,140.33333333333334 +"POLYGON ((7.164641879250117 52.73320642290152, 7.165796856043984 52.73320642290152, 7.165796856043984 52.73300243952276, 7.164641879250117 52.73300243952276, 7.164641879250117 52.73320642290152))",27842_4_4,4,4,195.5 +"POLYGON ((7.164641879250117 52.73279845518957, 7.165796856043984 52.73279845518957, 7.165796856043984 52.73259446990193, 7.164641879250117 52.73259446990193, 7.164641879250117 52.73279845518957))",27842_4_6,4,6,111.374999375 +"POLYGON ((7.164641879250117 52.73239048365984, 7.165796856043984 52.73239048365984, 7.165796856043984 52.73218649646331, 7.164641879250117 52.73218649646331, 7.164641879250117 52.73239048365984))",27842_4_8,4,8,124.250002 +"POLYGON ((7.164641879250117 52.7307585593629, 7.165796856043984 52.7307585593629, 7.165796856043984 52.73055456453071, 7.164641879250117 52.73055456453071, 7.164641879250117 52.7307585593629))",27842_4_16,4,16,90.60000099999999 +"POLYGON ((7.165796856043984 52.73320642290152, 7.166951832837853 52.73320642290152, 7.166951832837853 52.73300243952276, 7.165796856043984 52.73300243952276, 7.165796856043984 52.73320642290152))",27842_5_4,5,4,137.33333333333334 +"POLYGON ((7.165796856043984 52.73279845518957, 7.166951832837853 52.73279845518957, 7.166951832837853 52.73259446990193, 7.165796856043984 52.73259446990193, 7.165796856043984 52.73279845518957))",27842_5_6,5,6,175.0 +"POLYGON ((7.165796856043984 52.73239048365984, 7.166951832837853 52.73239048365984, 7.166951832837853 52.73218649646331, 7.165796856043984 52.73218649646331, 7.165796856043984 52.73239048365984))",27842_5_8,5,8,66.38007157142857 +"POLYGON ((7.165796856043984 52.73198250831233, 7.166951832837853 52.73198250831233, 7.166951832837853 52.7317785192069, 7.165796856043984 52.7317785192069, 7.165796856043984 52.73198250831233))",27842_5_10,5,10,90.4375972 +"POLYGON ((7.165796856043984 52.7317785192069, 7.166951832837853 52.7317785192069, 7.166951832837853 52.731574529147, 7.165796856043984 52.731574529147, 7.165796856043984 52.7317785192069))",27842_5_11,5,11,138.17823950000002 +"POLYGON ((7.165796856043984 52.731574529147, 7.166951832837853 52.731574529147, 7.166951832837853 52.73137053813267, 7.165796856043984 52.73137053813267, 7.165796856043984 52.731574529147))",27842_5_12,5,12,86.0205976 +"POLYGON ((7.165796856043984 52.73137053813267, 7.166951832837853 52.73137053813267, 7.166951832837853 52.73116654616387, 7.165796856043984 52.73116654616387, 7.165796856043984 52.73137053813267))",27842_5_13,5,13,100.2 +"POLYGON ((7.165796856043984 52.73116654616387, 7.166951832837853 52.73116654616387, 7.166951832837853 52.73096255324062, 7.165796856043984 52.73096255324062, 7.165796856043984 52.73116654616387))",27842_5_14,5,14,83.9329118 +"POLYGON ((7.165796856043984 52.7307585593629, 7.166951832837853 52.7307585593629, 7.166951832837853 52.73055456453071, 7.165796856043984 52.73055456453071, 7.165796856043984 52.7307585593629))",27842_5_16,5,16,162.5 +"POLYGON ((7.165796856043984 52.73014657200297, 7.166951832837853 52.73014657200297, 7.166951832837853 52.72994257430738, 7.165796856043984 52.72994257430738, 7.165796856043984 52.73014657200297))",27842_5_19,5,19,90.000001 +"POLYGON ((7.165796856043984 52.72953457605282, 7.166951832837853 52.72953457605282, 7.166951832837853 52.72933057549383, 7.165796856043984 52.72933057549383, 7.165796856043984 52.72953457605282))",27842_5_22,5,22,86.03052533333333 +"POLYGON ((7.166951832837853 52.73198250831233, 7.168106809631721 52.73198250831233, 7.168106809631721 52.7317785192069, 7.166951832837853 52.7317785192069, 7.166951832837853 52.73198250831233))",27842_6_10,6,10,85.954905 +"POLYGON ((7.166951832837853 52.7317785192069, 7.168106809631721 52.7317785192069, 7.168106809631721 52.731574529147, 7.166951832837853 52.731574529147, 7.166951832837853 52.7317785192069))",27842_6_11,6,11,114.25 +"POLYGON ((7.166951832837853 52.731574529147, 7.168106809631721 52.731574529147, 7.168106809631721 52.73137053813267, 7.166951832837853 52.73137053813267, 7.166951832837853 52.731574529147))",27842_6_12,6,12,115.66666766666667 +"POLYGON ((7.166951832837853 52.73137053813267, 7.168106809631721 52.73137053813267, 7.168106809631721 52.73116654616387, 7.166951832837853 52.73116654616387, 7.166951832837853 52.73137053813267))",27842_6_13,6,13,102.23637475 +"POLYGON ((7.166951832837853 52.73116654616387, 7.168106809631721 52.73116654616387, 7.168106809631721 52.73096255324062, 7.166951832837853 52.73096255324062, 7.166951832837853 52.73116654616387))",27842_6_14,6,14,92.521188 +"POLYGON ((7.166951832837853 52.7307585593629, 7.168106809631721 52.7307585593629, 7.168106809631721 52.73055456453071, 7.166951832837853 52.73055456453071, 7.166951832837853 52.7307585593629))",27842_6_16,6,16,175.33333333333334 +"POLYGON ((7.166951832837853 52.73035056874408, 7.168106809631721 52.73035056874408, 7.168106809631721 52.73014657200297, 7.166951832837853 52.73014657200297, 7.166951832837853 52.73035056874408))",27842_6_18,6,18,80.00394883333333 +"POLYGON ((7.160021972074645 52.72633845763566, 7.161176948868514 52.72633845763566, 7.161176948868514 52.726134442123, 7.160021972074645 52.726134442123, 7.160021972074645 52.72633845763566))",27843_0_11,0,11,171.0 +"POLYGON ((7.160021972074645 52.72429825955614, 7.161176948868514 52.72429825955614, 7.161176948868514 52.72409423449835, 7.160021972074645 52.72409423449835, 7.160021972074645 52.72429825955614))",27843_0_21,0,21,91.8114322 +"POLYGON ((7.161176948868514 52.72674648579746, 7.162331925662381 52.72674648579746, 7.162331925662381 52.72654247219382, 7.161176948868514 52.72654247219382, 7.161176948868514 52.72674648579746))",27843_1_9,1,9,130.0 +"POLYGON ((7.162331925662381 52.72593042565585, 7.163486902456249 52.72593042565585, 7.163486902456249 52.72572640823417, 7.162331925662381 52.72572640823417, 7.162331925662381 52.72593042565585))",27843_2_13,2,13,183.5 +"POLYGON ((7.163486902456249 52.72735852088144, 7.164641879250117 52.72735852088144, 7.164641879250117 52.72715451014128, 7.163486902456249 52.72715451014128, 7.163486902456249 52.72735852088144))",27843_3_6,3,6,196.0 +"POLYGON ((7.163486902456249 52.726134442123, 7.164641879250117 52.726134442123, 7.164641879250117 52.72593042565585, 7.163486902456249 52.72593042565585, 7.163486902456249 52.726134442123))",27843_3_12,3,12,133.0 +"POLYGON ((7.163486902456249 52.7251143502421, 7.164641879250117 52.7251143502421, 7.164641879250117 52.72491032900238, 7.163486902456249 52.72491032900238, 7.163486902456249 52.7251143502421))",27843_3_17,3,17,142.0 +"POLYGON ((7.164641879250117 52.72776653949828, 7.165796856043984 52.72776653949828, 7.165796856043984 52.72756253066711, 7.164641879250117 52.72756253066711, 7.164641879250117 52.72776653949828))",27843_4_4,4,4,195.0 +"POLYGON ((7.164641879250117 52.72735852088144, 7.165796856043984 52.72735852088144, 7.165796856043984 52.72715451014128, 7.164641879250117 52.72715451014128, 7.164641879250117 52.72735852088144))",27843_4_6,4,6,115.99999971428572 +"POLYGON ((7.164641879250117 52.72695049844663, 7.165796856043984 52.72695049844663, 7.165796856043984 52.72674648579746, 7.164641879250117 52.72674648579746, 7.164641879250117 52.72695049844663))",27843_4_8,4,8,123.33333499999999 +"POLYGON ((7.164641879250117 52.7253183705273, 7.165796856043984 52.7253183705273, 7.165796856043984 52.7251143502421, 7.164641879250117 52.7251143502421, 7.164641879250117 52.7253183705273))",27843_4_16,4,16,84.12398616666667 +"POLYGON ((7.165796856043984 52.72776653949828, 7.166951832837853 52.72776653949828, 7.166951832837853 52.72756253066711, 7.165796856043984 52.72756253066711, 7.165796856043984 52.72776653949828))",27843_5_4,5,4,139.0 +"POLYGON ((7.165796856043984 52.72735852088144, 7.166951832837853 52.72735852088144, 7.166951832837853 52.72715451014128, 7.165796856043984 52.72715451014128, 7.165796856043984 52.72735852088144))",27843_5_6,5,6,130.66666666666666 +"POLYGON ((7.165796856043984 52.72695049844663, 7.166951832837853 52.72695049844663, 7.166951832837853 52.72674648579746, 7.165796856043984 52.72674648579746, 7.165796856043984 52.72695049844663))",27843_5_8,5,8,53.846791749999994 +"POLYGON ((7.165796856043984 52.72654247219382, 7.166951832837853 52.72654247219382, 7.166951832837853 52.72633845763566, 7.165796856043984 52.72633845763566, 7.165796856043984 52.72654247219382))",27843_5_10,5,10,86.3565126 +"POLYGON ((7.165796856043984 52.72633845763566, 7.166951832837853 52.72633845763566, 7.166951832837853 52.726134442123, 7.165796856043984 52.726134442123, 7.165796856043984 52.72633845763566))",27843_5_11,5,11,138.999999 +"POLYGON ((7.165796856043984 52.726134442123, 7.166951832837853 52.726134442123, 7.166951832837853 52.72593042565585, 7.165796856043984 52.72593042565585, 7.165796856043984 52.726134442123))",27843_5_12,5,12,86.13939479999999 +"POLYGON ((7.165796856043984 52.72593042565585, 7.166951832837853 52.72593042565585, 7.166951832837853 52.72572640823417, 7.165796856043984 52.72572640823417, 7.165796856043984 52.72593042565585))",27843_5_13,5,13,107.66666666666667 +"POLYGON ((7.165796856043984 52.72572640823417, 7.166951832837853 52.72572640823417, 7.166951832837853 52.725522389858, 7.165796856043984 52.725522389858, 7.165796856043984 52.72572640823417))",27843_5_14,5,14,99.52136060000001 +"POLYGON ((7.165796856043984 52.7253183705273, 7.166951832837853 52.7253183705273, 7.166951832837853 52.7251143502421, 7.165796856043984 52.7251143502421, 7.165796856043984 52.7253183705273))",27843_5_16,5,16,166.5 +"POLYGON ((7.165796856043984 52.72470630680815, 7.166951832837853 52.72470630680815, 7.166951832837853 52.72450228365941, 7.165796856043984 52.72450228365941, 7.165796856043984 52.72470630680815))",27843_5_19,5,19,94.12708225 +"POLYGON ((7.165796856043984 52.72409423449835, 7.166951832837853 52.72409423449835, 7.166951832837853 52.72389020848603, 7.165796856043984 52.72389020848603, 7.165796856043984 52.72409423449835))",27843_5_22,5,22,100.8984001 +"POLYGON ((7.166951832837853 52.72654247219382, 7.168106809631721 52.72654247219382, 7.168106809631721 52.72633845763566, 7.166951832837853 52.72633845763566, 7.166951832837853 52.72654247219382))",27843_6_10,6,10,75.022267 +"POLYGON ((7.166951832837853 52.72633845763566, 7.168106809631721 52.72633845763566, 7.168106809631721 52.726134442123, 7.166951832837853 52.726134442123, 7.166951832837853 52.72633845763566))",27843_6_11,6,11,113.66666666666667 +"POLYGON ((7.166951832837853 52.726134442123, 7.168106809631721 52.726134442123, 7.168106809631721 52.72593042565585, 7.166951832837853 52.72593042565585, 7.166951832837853 52.726134442123))",27843_6_12,6,12,116.33333233333333 +"POLYGON ((7.166951832837853 52.72593042565585, 7.168106809631721 52.72593042565585, 7.168106809631721 52.72572640823417, 7.166951832837853 52.72572640823417, 7.166951832837853 52.72593042565585))",27843_6_13,6,13,104.94108055555556 +"POLYGON ((7.166951832837853 52.72572640823417, 7.168106809631721 52.72572640823417, 7.168106809631721 52.725522389858, 7.166951832837853 52.725522389858, 7.166951832837853 52.72572640823417))",27843_6_14,6,14,103.701871625 +"POLYGON ((7.166951832837853 52.7253183705273, 7.168106809631721 52.7253183705273, 7.168106809631721 52.7251143502421, 7.166951832837853 52.7251143502421, 7.166951832837853 52.7253183705273))",27843_6_16,6,16,174.5 +"POLYGON ((7.166951832837853 52.72491032900238, 7.168106809631721 52.72491032900238, 7.168106809631721 52.72470630680815, 7.166951832837853 52.72470630680815, 7.166951832837853 52.72491032900238))",27843_6_18,6,18,84.8118694 +"POLYGON ((7.160021972074645 52.72089771730671, 7.161176948868514 52.72089771730671, 7.161176948868514 52.72069367633994, 7.160021972074645 52.72069367633994, 7.160021972074645 52.72089771730671))",27844_0_11,0,11,138.66666666666666 +"POLYGON ((7.160021972074645 52.71885726468386, 7.161176948868514 52.71885726468386, 7.161176948868514 52.71865321417146, 7.160021972074645 52.71865321417146, 7.160021972074645 52.71885726468386))",27844_0_21,0,21,91.6011226 +"POLYGON ((7.161176948868514 52.72130579637658, 7.162331925662381 52.72130579637658, 7.162331925662381 52.72110175731892, 7.161176948868514 52.72110175731892, 7.161176948868514 52.72130579637658))",27844_1_9,1,9,129.33333333333334 +"POLYGON ((7.162331925662381 52.72048963441863, 7.163486902456249 52.72048963441863, 7.163486902456249 52.72028559154274, 7.162331925662381 52.72028559154274, 7.162331925662381 52.72048963441863))",27844_2_13,2,13,184.0 +"POLYGON ((7.163486902456249 52.72191790782227, 7.164641879250117 52.72191790782227, 7.164641879250117 52.72171387162827, 7.163486902456249 52.72171387162827, 7.163486902456249 52.72191790782227))",27844_3_6,3,6,179.5 +"POLYGON ((7.163486902456249 52.72069367633994, 7.164641879250117 52.72069367633994, 7.164641879250117 52.72048963441863, 7.163486902456249 52.72048963441863, 7.163486902456249 52.72069367633994))",27844_3_12,3,12,126.66666666666667 +"POLYGON ((7.163486902456249 52.71967345718776, 7.164641879250117 52.71967345718776, 7.164641879250117 52.71946941049363, 7.163486902456249 52.71946941049363, 7.163486902456249 52.71967345718776))",27844_3_17,3,17,139.0 +"POLYGON ((7.164641879250117 52.72232597734668, 7.165796856043984 52.72232597734668, 7.165796856043984 52.72212194306175, 7.164641879250117 52.72212194306175, 7.164641879250117 52.72232597734668))",27844_4_4,4,4,187.0 +"POLYGON ((7.164641879250117 52.72191790782227, 7.165796856043984 52.72191790782227, 7.165796856043984 52.72171387162827, 7.164641879250117 52.72171387162827, 7.164641879250117 52.72191790782227))",27844_4_6,4,6,111.625000125 +"POLYGON ((7.164641879250117 52.72150983447969, 7.165796856043984 52.72150983447969, 7.165796856043984 52.72130579637658, 7.164641879250117 52.72130579637658, 7.164641879250117 52.72150983447969))",27844_4_8,4,8,121.0000005 +"POLYGON ((7.164641879250117 52.71987750292732, 7.165796856043984 52.71987750292732, 7.165796856043984 52.71967345718776, 7.164641879250117 52.71967345718776, 7.164641879250117 52.71987750292732))",27844_4_16,4,16,93.30304824999999 +"POLYGON ((7.165796856043984 52.72232597734668, 7.166951832837853 52.72232597734668, 7.166951832837853 52.72212194306175, 7.165796856043984 52.72212194306175, 7.165796856043984 52.72232597734668))",27844_5_4,5,4,140.5 +"POLYGON ((7.165796856043984 52.72191790782227, 7.166951832837853 52.72191790782227, 7.166951832837853 52.72171387162827, 7.165796856043984 52.72171387162827, 7.165796856043984 52.72191790782227))",27844_5_6,5,6,159.33333333333334 +"POLYGON ((7.165796856043984 52.72150983447969, 7.166951832837853 52.72150983447969, 7.166951832837853 52.72130579637658, 7.165796856043984 52.72130579637658, 7.165796856043984 52.72150983447969))",27844_5_8,5,8,20.736275866666666 +"POLYGON ((7.165796856043984 52.72110175731892, 7.166951832837853 52.72110175731892, 7.166951832837853 52.72089771730671, 7.165796856043984 52.72089771730671, 7.165796856043984 52.72110175731892))",27844_5_10,5,10,82.27875159999999 +"POLYGON ((7.165796856043984 52.72089771730671, 7.166951832837853 52.72089771730671, 7.166951832837853 52.72069367633994, 7.165796856043984 52.72069367633994, 7.165796856043984 52.72089771730671))",27844_5_11,5,11,141.66666966666665 +"POLYGON ((7.165796856043984 52.72069367633994, 7.166951832837853 52.72069367633994, 7.166951832837853 52.72048963441863, 7.165796856043984 52.72048963441863, 7.165796856043984 52.72069367633994))",27844_5_12,5,12,83.44848300000001 +"POLYGON ((7.165796856043984 52.72048963441863, 7.166951832837853 52.72048963441863, 7.166951832837853 52.72028559154274, 7.165796856043984 52.72028559154274, 7.165796856043984 52.72048963441863))",27844_5_13,5,13,108.5 +"POLYGON ((7.165796856043984 52.72028559154274, 7.166951832837853 52.72028559154274, 7.166951832837853 52.72008154771231, 7.165796856043984 52.72008154771231, 7.165796856043984 52.72028559154274))",27844_5_14,5,14,105.99999975 +"POLYGON ((7.165796856043984 52.71987750292732, 7.166951832837853 52.71987750292732, 7.166951832837853 52.71967345718776, 7.165796856043984 52.71967345718776, 7.165796856043984 52.71987750292732))",27844_5_16,5,16,169.0 +"POLYGON ((7.165796856043984 52.71926536284494, 7.166951832837853 52.71926536284494, 7.166951832837853 52.71906131424169, 7.165796856043984 52.71906131424169, 7.165796856043984 52.71926536284494))",27844_5_19,5,19,95.7999994 +"POLYGON ((7.165796856043984 52.71865321417146, 7.166951832837853 52.71865321417146, 7.166951832837853 52.71844916270448, 7.165796856043984 52.71844916270448, 7.165796856043984 52.71865321417146))",27844_5_22,5,22,105.814235875 +"POLYGON ((7.166951832837853 52.72110175731892, 7.168106809631721 52.72110175731892, 7.168106809631721 52.72089771730671, 7.166951832837853 52.72089771730671, 7.166951832837853 52.72110175731892))",27844_6_10,6,10,66.02175771428571 +"POLYGON ((7.166951832837853 52.72089771730671, 7.168106809631721 52.72089771730671, 7.168106809631721 52.72069367633994, 7.166951832837853 52.72069367633994, 7.166951832837853 52.72089771730671))",27844_6_11,6,11,113.66666666666667 +"POLYGON ((7.166951832837853 52.72069367633994, 7.168106809631721 52.72069367633994, 7.168106809631721 52.72048963441863, 7.166951832837853 52.72048963441863, 7.166951832837853 52.72069367633994))",27844_6_12,6,12,63.5 +"POLYGON ((7.166951832837853 52.72048963441863, 7.168106809631721 52.72048963441863, 7.168106809631721 52.72028559154274, 7.166951832837853 52.72028559154274, 7.166951832837853 52.72048963441863))",27844_6_13,6,13,120.26664518181819 +"POLYGON ((7.166951832837853 52.72028559154274, 7.168106809631721 52.72028559154274, 7.168106809631721 52.72008154771231, 7.166951832837853 52.72008154771231, 7.166951832837853 52.72028559154274))",27844_6_14,6,14,133.76437014285713 +"POLYGON ((7.166951832837853 52.71987750292732, 7.168106809631721 52.71987750292732, 7.168106809631721 52.71967345718776, 7.166951832837853 52.71967345718776, 7.166951832837853 52.71987750292732))",27844_6_16,6,16,177.5 +"POLYGON ((7.166951832837853 52.71946941049363, 7.168106809631721 52.71946941049363, 7.168106809631721 52.71926536284494, 7.166951832837853 52.71926536284494, 7.166951832837853 52.71946941049363))",27844_6_18,6,18,112.61883 +"POLYGON ((7.160021972074645 52.71545629818441, 7.161176948868514 52.71545629818441, 7.161176948868514 52.71525223176221, 7.160021972074645 52.71525223176221, 7.160021972074645 52.71545629818441))",27845_0_11,0,11,150.0 +"POLYGON ((7.160021972074645 52.71341559100487, 7.161176948868514 52.71341559100487, 7.161176948868514 52.71321151503653, 7.160021972074645 52.71321151503653, 7.160021972074645 52.71341559100487))",27845_0_21,0,21,102.91000425 +"POLYGON ((7.161176948868514 52.71586442816503, 7.162331925662381 52.71586442816503, 7.162331925662381 52.71566036365202, 7.161176948868514 52.71566036365202, 7.161176948868514 52.71586442816503))",27845_1_9,1,9,128.0 +"POLYGON ((7.162331925662381 52.71504816438539, 7.163486902456249 52.71504816438539, 7.163486902456249 52.71484409605397, 7.162331925662381 52.71484409605397, 7.162331925662381 52.71504816438539))",27845_2_13,2,13,186.5 +"POLYGON ((7.163486902456249 52.71647661597644, 7.164641879250117 52.71647661597644, 7.164641879250117 52.71627255432723, 7.163486902456249 52.71627255432723, 7.163486902456249 52.71647661597644))",27845_3_6,3,6,183.5 +"POLYGON ((7.163486902456249 52.71525223176221, 7.164641879250117 52.71525223176221, 7.164641879250117 52.71504816438539, 7.163486902456249 52.71504816438539, 7.163486902456249 52.71525223176221))",27845_3_12,3,12,112.0 +"POLYGON ((7.163486902456249 52.71423188533205, 7.164641879250117 52.71423188533205, 7.164641879250117 52.71402781318218, 7.163486902456249 52.71402781318218, 7.163486902456249 52.71423188533205))",27845_3_17,3,17,138.66666666666666 +"POLYGON ((7.164641879250117 52.71688473641109, 7.165796856043984 52.71688473641109, 7.165796856043984 52.71668067667107, 7.164641879250117 52.71668067667107, 7.164641879250117 52.71688473641109))",27845_4_4,4,4,181.33333333333334 +"POLYGON ((7.164641879250117 52.71647661597644, 7.165796856043984 52.71647661597644, 7.165796856043984 52.71627255432723, 7.164641879250117 52.71627255432723, 7.164641879250117 52.71647661597644))",27845_4_6,4,6,119.42857157142858 +"POLYGON ((7.164641879250117 52.71606849172343, 7.165796856043984 52.71606849172343, 7.165796856043984 52.71586442816503, 7.164641879250117 52.71586442816503, 7.164641879250117 52.71606849172343))",27845_4_8,4,8,123.28679666666666 +"POLYGON ((7.164641879250117 52.7144359565273, 7.165796856043984 52.7144359565273, 7.165796856043984 52.71423188533205, 7.164641879250117 52.71423188533205, 7.164641879250117 52.7144359565273))",27845_4_16,4,16,109.046295 +"POLYGON ((7.165796856043984 52.71688473641109, 7.166951832837853 52.71688473641109, 7.166951832837853 52.71668067667107, 7.165796856043984 52.71668067667107, 7.165796856043984 52.71688473641109))",27845_5_4,5,4,137.0 +"POLYGON ((7.165796856043984 52.71647661597644, 7.166951832837853 52.71647661597644, 7.166951832837853 52.71627255432723, 7.165796856043984 52.71627255432723, 7.165796856043984 52.71647661597644))",27845_5_6,5,6,158.0 +"POLYGON ((7.165796856043984 52.71566036365202, 7.166951832837853 52.71566036365202, 7.166951832837853 52.71545629818441, 7.165796856043984 52.71545629818441, 7.165796856043984 52.71566036365202))",27845_5_10,5,10,107.41290240000001 +"POLYGON ((7.165796856043984 52.71545629818441, 7.166951832837853 52.71545629818441, 7.166951832837853 52.71525223176221, 7.165796856043984 52.71525223176221, 7.165796856043984 52.71545629818441))",27845_5_11,5,11,144.914659 +"POLYGON ((7.165796856043984 52.71525223176221, 7.166951832837853 52.71525223176221, 7.166951832837853 52.71504816438539, 7.165796856043984 52.71504816438539, 7.165796856043984 52.71525223176221))",27845_5_12,5,12,83.869046 +"POLYGON ((7.165796856043984 52.71504816438539, 7.166951832837853 52.71504816438539, 7.166951832837853 52.71484409605397, 7.165796856043984 52.71484409605397, 7.165796856043984 52.71504816438539))",27845_5_13,5,13,104.75 +"POLYGON ((7.165796856043984 52.71484409605397, 7.166951832837853 52.71484409605397, 7.166951832837853 52.71464002676794, 7.165796856043984 52.71464002676794, 7.165796856043984 52.71484409605397))",27845_5_14,5,14,114.07319225 +"POLYGON ((7.165796856043984 52.7144359565273, 7.166951832837853 52.7144359565273, 7.166951832837853 52.71423188533205, 7.165796856043984 52.71423188533205, 7.165796856043984 52.7144359565273))",27845_5_16,5,16,167.5 +"POLYGON ((7.165796856043984 52.7138237400777, 7.166951832837853 52.7138237400777, 7.166951832837853 52.71361966601859, 7.165796856043984 52.71361966601859, 7.165796856043984 52.7138237400777))",27845_5_19,5,19,98.32087125 +"POLYGON ((7.165796856043984 52.71321151503653, 7.166951832837853 52.71321151503653, 7.166951832837853 52.71300743811356, 7.165796856043984 52.71300743811356, 7.165796856043984 52.71321151503653))",27845_5_22,5,22,113.79976028571427 +"POLYGON ((7.166951832837853 52.71566036365202, 7.168106809631721 52.71566036365202, 7.168106809631721 52.71545629818441, 7.166951832837853 52.71545629818441, 7.166951832837853 52.71566036365202))",27845_6_10,6,10,78.87489516666666 +"POLYGON ((7.166951832837853 52.71545629818441, 7.168106809631721 52.71545629818441, 7.168106809631721 52.71525223176221, 7.166951832837853 52.71525223176221, 7.166951832837853 52.71545629818441))",27845_6_11,6,11,114.0 +"POLYGON ((7.166951832837853 52.71525223176221, 7.168106809631721 52.71525223176221, 7.168106809631721 52.71504816438539, 7.166951832837853 52.71504816438539, 7.166951832837853 52.71525223176221))",27845_6_12,6,12,102.0 +"POLYGON ((7.166951832837853 52.71504816438539, 7.168106809631721 52.71504816438539, 7.168106809631721 52.71484409605397, 7.166951832837853 52.71484409605397, 7.166951832837853 52.71504816438539))",27845_6_13,6,13,126.07558263636365 +"POLYGON ((7.166951832837853 52.71484409605397, 7.168106809631721 52.71484409605397, 7.168106809631721 52.71464002676794, 7.166951832837853 52.71464002676794, 7.166951832837853 52.71484409605397))",27845_6_14,6,14,151.589724 +"POLYGON ((7.166951832837853 52.7144359565273, 7.168106809631721 52.7144359565273, 7.168106809631721 52.71423188533205, 7.166951832837853 52.71423188533205, 7.166951832837853 52.7144359565273))",27845_6_16,6,16,171.0 +"POLYGON ((7.166951832837853 52.71402781318218, 7.168106809631721 52.71402781318218, 7.168106809631721 52.7138237400777, 7.166951832837853 52.7138237400777, 7.166951832837853 52.71402781318218))",27845_6_18,6,18,117.25000225 +"POLYGON ((7.160021972074645 52.71001420023318, 7.161176948868514 52.71001420023318, 7.161176948868514 52.70981010835418, 7.160021972074645 52.70981010835418, 7.160021972074645 52.71001420023318))",27846_0_11,0,11,169.5 +"POLYGON ((7.160021972074645 52.70797323848361, 7.161176948868514 52.70797323848361, 7.161176948868514 52.70776913705798, 7.160021972074645 52.70776913705798, 7.160021972074645 52.70797323848361))",27846_0_21,0,21,95.4025618 +"POLYGON ((7.161176948868514 52.71042238112719, 7.162331925662381 52.71042238112719, 7.162331925662381 52.7102182911575, 7.161176948868514 52.7102182911575, 7.161176948868514 52.71042238112719))",27846_1_9,1,9,133.33333333333334 +"POLYGON ((7.162331925662381 52.70960601552054, 7.163486902456249 52.70960601552054, 7.163486902456249 52.70940192173225, 7.162331925662381 52.70940192173225, 7.162331925662381 52.70960601552054))",27846_2_13,2,13,187.5 +"POLYGON ((7.163486902456249 52.71103464530834, 7.164641879250117 52.71103464530834, 7.164641879250117 52.7108305582026, 7.163486902456249 52.7108305582026, 7.163486902456249 52.71103464530834))",27846_3_6,3,6,191.5 +"POLYGON ((7.163486902456249 52.70981010835418, 7.164641879250117 52.70981010835418, 7.164641879250117 52.70960601552054, 7.163486902456249 52.70960601552054, 7.163486902456249 52.70981010835418))",27846_3_12,3,12,132.33333333333334 +"POLYGON ((7.163486902456249 52.70878963463939, 7.164641879250117 52.70878963463939, 7.164641879250117 52.70858553703244, 7.163486902456249 52.70858553703244, 7.163486902456249 52.70878963463939))",27846_3_17,3,17,140.33333333333334 +"POLYGON ((7.164641879250117 52.71144281665589, 7.165796856043984 52.71144281665589, 7.165796856043984 52.71123873145944, 7.164641879250117 52.71123873145944, 7.164641879250117 52.71144281665589))",27846_4_4,4,4,193.5 +"POLYGON ((7.164641879250117 52.71103464530834, 7.165796856043984 52.71103464530834, 7.165796856043984 52.7108305582026, 7.164641879250117 52.7108305582026, 7.164641879250117 52.71103464530834))",27846_4_6,4,6,132.5000015 +"POLYGON ((7.164641879250117 52.71062647014222, 7.165796856043984 52.71062647014222, 7.165796856043984 52.71042238112719, 7.164641879250117 52.71042238112719, 7.164641879250117 52.71062647014222))",27846_4_8,4,8,122.2499985 +"POLYGON ((7.164641879250117 52.70899373129167, 7.165796856043984 52.70899373129167, 7.165796856043984 52.70878963463939, 7.164641879250117 52.70878963463939, 7.164641879250117 52.70899373129167))",27846_4_16,4,16,129.0987655 +"POLYGON ((7.165796856043984 52.71144281665589, 7.166951832837853 52.71144281665589, 7.166951832837853 52.71123873145944, 7.165796856043984 52.71123873145944, 7.165796856043984 52.71144281665589))",27846_5_4,5,4,137.33333333333334 +"POLYGON ((7.165796856043984 52.71103464530834, 7.166951832837853 52.71103464530834, 7.166951832837853 52.7108305582026, 7.165796856043984 52.7108305582026, 7.165796856043984 52.71103464530834))",27846_5_6,5,6,137.66666666666666 +"POLYGON ((7.165796856043984 52.7102182911575, 7.166951832837853 52.7102182911575, 7.166951832837853 52.71001420023318, 7.165796856043984 52.71001420023318, 7.165796856043984 52.7102182911575))",27846_5_10,5,10,130.70099666666667 +"POLYGON ((7.165796856043984 52.71001420023318, 7.166951832837853 52.71001420023318, 7.166951832837853 52.70981010835418, 7.165796856043984 52.70981010835418, 7.165796856043984 52.71001420023318))",27846_5_11,5,11,145.33333066666668 +"POLYGON ((7.165796856043984 52.70981010835418, 7.166951832837853 52.70981010835418, 7.166951832837853 52.70960601552054, 7.165796856043984 52.70960601552054, 7.165796856043984 52.70981010835418))",27846_5_12,5,12,87.9447914 +"POLYGON ((7.165796856043984 52.70960601552054, 7.166951832837853 52.70960601552054, 7.166951832837853 52.70940192173225, 7.165796856043984 52.70940192173225, 7.165796856043984 52.70960601552054))",27846_5_13,5,13,105.66666666666667 +"POLYGON ((7.165796856043984 52.70940192173225, 7.166951832837853 52.70940192173225, 7.166951832837853 52.70919782698929, 7.165796856043984 52.70919782698929, 7.165796856043984 52.70940192173225))",27846_5_14,5,14,128.63748266666667 +"POLYGON ((7.165796856043984 52.70899373129167, 7.166951832837853 52.70899373129167, 7.166951832837853 52.70878963463939, 7.165796856043984 52.70878963463939, 7.165796856043984 52.70899373129167))",27846_5_16,5,16,174.5 +"POLYGON ((7.165796856043984 52.70838143847084, 7.166951832837853 52.70838143847084, 7.166951832837853 52.70817733895455, 7.165796856043984 52.70817733895455, 7.165796856043984 52.70838143847084))",27846_5_19,5,19,108.99999875 +"POLYGON ((7.165796856043984 52.70776913705798, 7.166951832837853 52.70776913705798, 7.166951832837853 52.70756503467769, 7.165796856043984 52.70756503467769, 7.165796856043984 52.70776913705798))",27846_5_22,5,22,119.083856375 +"POLYGON ((7.166951832837853 52.7102182911575, 7.168106809631721 52.7102182911575, 7.168106809631721 52.71001420023318, 7.166951832837853 52.71001420023318, 7.166951832837853 52.7102182911575))",27846_6_10,6,10,82.6000016 +"POLYGON ((7.166951832837853 52.71001420023318, 7.168106809631721 52.71001420023318, 7.168106809631721 52.70981010835418, 7.166951832837853 52.70981010835418, 7.166951832837853 52.71001420023318))",27846_6_11,6,11,126.0 +"POLYGON ((7.166951832837853 52.70981010835418, 7.168106809631721 52.70981010835418, 7.168106809631721 52.70960601552054, 7.166951832837853 52.70960601552054, 7.166951832837853 52.70981010835418))",27846_6_12,6,12,122.0 +"POLYGON ((7.166951832837853 52.70960601552054, 7.168106809631721 52.70960601552054, 7.168106809631721 52.70940192173225, 7.166951832837853 52.70940192173225, 7.166951832837853 52.70960601552054))",27846_6_13,6,13,122.90825420000002 +"POLYGON ((7.166951832837853 52.70940192173225, 7.168106809631721 52.70940192173225, 7.168106809631721 52.70919782698929, 7.166951832837853 52.70919782698929, 7.166951832837853 52.70940192173225))",27846_6_14,6,14,150.99395816666666 +"POLYGON ((7.166951832837853 52.70899373129167, 7.168106809631721 52.70899373129167, 7.168106809631721 52.70878963463939, 7.166951832837853 52.70878963463939, 7.166951832837853 52.70899373129167))",27846_6_16,6,16,176.5 +"POLYGON ((7.166951832837853 52.70858553703244, 7.168106809631721 52.70858553703244, 7.168106809631721 52.70838143847084, 7.166951832837853 52.70838143847084, 7.166951832837853 52.70858553703244))",27846_6_18,6,18,120.32455166666666 +"POLYGON ((7.160021972074645 52.70457142341741, 7.161176948868514 52.70457142341741, 7.161176948868514 52.70436730608031, 7.160021972074645 52.70436730608031, 7.160021972074645 52.70457142341741))",27847_0_11,0,11,173.5 +"POLYGON ((7.160021972074645 52.70253020708447, 7.161176948868514 52.70253020708447, 7.161176948868514 52.70232608020024, 7.160021972074645 52.70232608020024, 7.160021972074645 52.70253020708447))",27847_0_21,0,21,91.6932915 +"POLYGON ((7.161176948868514 52.70497965522749, 7.162331925662381 52.70497965522749, 7.162331925662381 52.7047755397998, 7.161176948868514 52.7047755397998, 7.161176948868514 52.70497965522749))",27847_1_9,1,9,131.66666666666666 +"POLYGON ((7.162331925662381 52.7041631877885, 7.163486902456249 52.7041631877885, 7.163486902456249 52.70395906854199, 7.162331925662381 52.70395906854199, 7.162331925662381 52.7041631877885))",27847_2_13,2,13,181.5 +"POLYGON ((7.163486902456249 52.70559199578238, 7.164641879250117 52.70559199578238, 7.164641879250117 52.70538788321878, 7.163486902456249 52.70538788321878, 7.163486902456249 52.70559199578238))",27847_3_6,3,6,183.0 +"POLYGON ((7.163486902456249 52.70436730608031, 7.164641879250117 52.70436730608031, 7.164641879250117 52.7041631877885, 7.163486902456249 52.7041631877885, 7.163486902456249 52.70436730608031))",27847_3_12,3,12,137.66666666666666 +"POLYGON ((7.163486902456249 52.7033467050742, 7.164641879250117 52.7033467050742, 7.164641879250117 52.70314258200884, 7.163486902456249 52.70314258200884, 7.163486902456249 52.7033467050742))",27847_3_17,3,17,134.33333333333334 +"POLYGON ((7.164641879250117 52.7060002180455, 7.165796856043984 52.7060002180455, 7.165796856043984 52.70579610739129, 7.164641879250117 52.70579610739129, 7.164641879250117 52.7060002180455))",27847_4_4,4,4,191.0 +"POLYGON ((7.164641879250117 52.70559199578238, 7.165796856043984 52.70559199578238, 7.165796856043984 52.70538788321878, 7.164641879250117 52.70538788321878, 7.164641879250117 52.70559199578238))",27847_4_6,4,6,142.0571428 +"POLYGON ((7.164641879250117 52.70518376970048, 7.165796856043984 52.70518376970048, 7.165796856043984 52.70497965522749, 7.164641879250117 52.70497965522749, 7.164641879250117 52.70518376970048))",27847_4_8,4,8,119.0 +"POLYGON ((7.164641879250117 52.70355082718485, 7.165796856043984 52.70355082718485, 7.165796856043984 52.7033467050742, 7.164641879250117 52.7033467050742, 7.164641879250117 52.70355082718485))",27847_4_16,4,16,133.88095233333334 +"POLYGON ((7.165796856043984 52.7060002180455, 7.166951832837853 52.7060002180455, 7.166951832837853 52.70579610739129, 7.165796856043984 52.70579610739129, 7.165796856043984 52.7060002180455))",27847_5_4,5,4,140.33333333333334 +"POLYGON ((7.165796856043984 52.70559199578238, 7.166951832837853 52.70559199578238, 7.166951832837853 52.70538788321878, 7.165796856043984 52.70538788321878, 7.165796856043984 52.70559199578238))",27847_5_6,5,6,167.5 +"POLYGON ((7.165796856043984 52.7047755397998, 7.166951832837853 52.7047755397998, 7.166951832837853 52.70457142341741, 7.165796856043984 52.70457142341741, 7.165796856043984 52.7047755397998))",27847_5_10,5,10,123.898857 +"POLYGON ((7.165796856043984 52.70457142341741, 7.166951832837853 52.70457142341741, 7.166951832837853 52.70436730608031, 7.165796856043984 52.70436730608031, 7.165796856043984 52.70457142341741))",27847_5_11,5,11,141.13062533333334 +"POLYGON ((7.165796856043984 52.70436730608031, 7.166951832837853 52.70436730608031, 7.166951832837853 52.7041631877885, 7.165796856043984 52.7041631877885, 7.165796856043984 52.70436730608031))",27847_5_12,5,12,87.60000099999999 +"POLYGON ((7.165796856043984 52.7041631877885, 7.166951832837853 52.7041631877885, 7.166951832837853 52.70395906854199, 7.165796856043984 52.70395906854199, 7.165796856043984 52.7041631877885))",27847_5_13,5,13,106.75 +"POLYGON ((7.165796856043984 52.70395906854199, 7.166951832837853 52.70395906854199, 7.166951832837853 52.70375494834077, 7.165796856043984 52.70375494834077, 7.165796856043984 52.70395906854199))",27847_5_14,5,14,133.49999875 +"POLYGON ((7.165796856043984 52.70355082718485, 7.166951832837853 52.70355082718485, 7.166951832837853 52.7033467050742, 7.165796856043984 52.7033467050742, 7.165796856043984 52.70355082718485))",27847_5_16,5,16,181.0 +"POLYGON ((7.165796856043984 52.70293845798877, 7.166951832837853 52.70293845798877, 7.166951832837853 52.70273433301397, 7.165796856043984 52.70273433301397, 7.165796856043984 52.70293845798877))",27847_5_19,5,19,117.51351375 +"POLYGON ((7.165796856043984 52.70232608020024, 7.166951832837853 52.70232608020024, 7.166951832837853 52.70212195236128, 7.165796856043984 52.70212195236128, 7.165796856043984 52.70232608020024))",27847_5_22,5,22,118.85714371428571 +"POLYGON ((7.166951832837853 52.7047755397998, 7.168106809631721 52.7047755397998, 7.168106809631721 52.70457142341741, 7.166951832837853 52.70457142341741, 7.166951832837853 52.7047755397998))",27847_6_10,6,10,83.83333366666666 +"POLYGON ((7.166951832837853 52.70457142341741, 7.168106809631721 52.70457142341741, 7.168106809631721 52.70436730608031, 7.166951832837853 52.70436730608031, 7.166951832837853 52.70457142341741))",27847_6_11,6,11,127.33333333333333 +"POLYGON ((7.166951832837853 52.70436730608031, 7.168106809631721 52.70436730608031, 7.168106809631721 52.7041631877885, 7.166951832837853 52.7041631877885, 7.166951832837853 52.70436730608031))",27847_6_12,6,12,120.66666666666667 +"POLYGON ((7.166951832837853 52.7041631877885, 7.168106809631721 52.7041631877885, 7.168106809631721 52.70395906854199, 7.166951832837853 52.70395906854199, 7.166951832837853 52.7041631877885))",27847_6_13,6,13,122.53310700000002 +"POLYGON ((7.166951832837853 52.70395906854199, 7.168106809631721 52.70395906854199, 7.168106809631721 52.70375494834077, 7.166951832837853 52.70375494834077, 7.166951832837853 52.70395906854199))",27847_6_14,6,14,149.22831983333333 +"POLYGON ((7.166951832837853 52.70355082718485, 7.168106809631721 52.70355082718485, 7.168106809631721 52.7033467050742, 7.166951832837853 52.7033467050742, 7.166951832837853 52.70355082718485))",27847_6_16,6,16,187.5 +"POLYGON ((7.166951832837853 52.70314258200884, 7.168106809631721 52.70314258200884, 7.168106809631721 52.70293845798877, 7.166951832837853 52.70293845798877, 7.166951832837853 52.70314258200884))",27847_6_18,6,18,115.176022 +"POLYGON ((7.160021972074645 52.69912796770155, 7.161176948868514 52.69912796770155, 7.161176948868514 52.698923824905, 7.160021972074645 52.698923824905, 7.160021972074645 52.69912796770155))",27848_0_11,0,11,178.5 +"POLYGON ((7.160021972074645 52.69708649677191, 7.161176948868514 52.69708649677191, 7.161176948868514 52.69688234442773, 7.160021972074645 52.69688234442773, 7.160021972074645 52.69708649677191))",27848_0_21,0,21,93.956964 +"POLYGON ((7.161176948868514 52.69953625043037, 7.162331925662381 52.69953625043037, 7.162331925662381 52.69933210954333, 7.161176948868514 52.69933210954333, 7.161176948868514 52.69953625043037))",27848_1_9,1,9,131.0 +"POLYGON ((7.162331925662381 52.6987196811537, 7.163486902456249 52.6987196811537, 7.163486902456249 52.69851553644765, 7.162331925662381 52.69851553644765, 7.162331925662381 52.6987196811537))",27848_2_13,2,13,164.0 +"POLYGON ((7.163486902456249 52.700148667363, 7.164641879250117 52.700148667363, 7.164641879250117 52.6999445293402, 7.163486902456249 52.6999445293402, 7.163486902456249 52.700148667363))",27848_3_6,3,6,146.33333333333334 +"POLYGON ((7.163486902456249 52.698923824905, 7.164641879250117 52.698923824905, 7.164641879250117 52.6987196811537, 7.163486902456249 52.6987196811537, 7.163486902456249 52.698923824905))",27848_3_12,3,12,139.0 +"POLYGON ((7.163486902456249 52.69790309660092, 7.164641879250117 52.69790309660092, 7.164641879250117 52.69769894807582, 7.163486902456249 52.69769894807582, 7.163486902456249 52.69790309660092))",27848_3_17,3,17,141.33333333333334 +"POLYGON ((7.164641879250117 52.70055694054436, 7.165796856043984 52.70055694054436, 7.165796856043984 52.70035280443105, 7.164641879250117 52.70035280443105, 7.164641879250117 52.70055694054436))",27848_4_4,4,4,178.5 +"POLYGON ((7.164641879250117 52.700148667363, 7.165796856043984 52.700148667363, 7.165796856043984 52.6999445293402, 7.164641879250117 52.6999445293402, 7.164641879250117 52.700148667363))",27848_4_6,4,6,147.333333 +"POLYGON ((7.164641879250117 52.69974039036266, 7.165796856043984 52.69974039036266, 7.165796856043984 52.69953625043037, 7.164641879250117 52.69953625043037, 7.164641879250117 52.69974039036266))",27848_4_8,4,8,118.10444874999999 +"POLYGON ((7.164641879250117 52.69810724417126, 7.165796856043984 52.69810724417126, 7.165796856043984 52.69790309660092, 7.164641879250117 52.69790309660092, 7.164641879250117 52.69810724417126))",27848_4_16,4,16,132.66666833333332 +"POLYGON ((7.165796856043984 52.70055694054436, 7.166951832837853 52.70055694054436, 7.166951832837853 52.70035280443105, 7.165796856043984 52.70035280443105, 7.165796856043984 52.70055694054436))",27848_5_4,5,4,142.0 +"POLYGON ((7.165796856043984 52.700148667363, 7.166951832837853 52.700148667363, 7.166951832837853 52.6999445293402, 7.165796856043984 52.6999445293402, 7.165796856043984 52.700148667363))",27848_5_6,5,6,188.0 +"POLYGON ((7.165796856043984 52.69933210954333, 7.166951832837853 52.69933210954333, 7.166951832837853 52.69912796770155, 7.165796856043984 52.69912796770155, 7.165796856043984 52.69933210954333))",27848_5_10,5,10,127.125181 +"POLYGON ((7.165796856043984 52.69912796770155, 7.166951832837853 52.69912796770155, 7.166951832837853 52.698923824905, 7.165796856043984 52.698923824905, 7.165796856043984 52.69912796770155))",27848_5_11,5,11,142.99735933333332 +"POLYGON ((7.165796856043984 52.698923824905, 7.166951832837853 52.698923824905, 7.166951832837853 52.6987196811537, 7.165796856043984 52.6987196811537, 7.165796856043984 52.698923824905))",27848_5_12,5,12,84.2000004 +"POLYGON ((7.165796856043984 52.6987196811537, 7.166951832837853 52.6987196811537, 7.166951832837853 52.69851553644765, 7.165796856043984 52.69851553644765, 7.165796856043984 52.6987196811537))",27848_5_13,5,13,109.0 +"POLYGON ((7.165796856043984 52.69851553644765, 7.166951832837853 52.69851553644765, 7.166951832837853 52.69831139078683, 7.165796856043984 52.69831139078683, 7.165796856043984 52.69851553644765))",27848_5_14,5,14,144.33333466666667 +"POLYGON ((7.165796856043984 52.69810724417126, 7.166951832837853 52.69810724417126, 7.166951832837853 52.69790309660092, 7.165796856043984 52.69790309660092, 7.165796856043984 52.69810724417126))",27848_5_16,5,16,185.0 +"POLYGON ((7.165796856043984 52.69749479859595, 7.166951832837853 52.69749479859595, 7.166951832837853 52.69729064816132, 7.165796856043984 52.69729064816132, 7.165796856043984 52.69749479859595))",27848_5_19,5,19,134.66666766666665 +"POLYGON ((7.165796856043984 52.69688234442773, 7.166951832837853 52.69688234442773, 7.166951832837853 52.69667819112878, 7.165796856043984 52.69667819112878, 7.165796856043984 52.69688234442773))",27848_5_22,5,22,116.517923 +"POLYGON ((7.166951832837853 52.69933210954333, 7.168106809631721 52.69933210954333, 7.168106809631721 52.69912796770155, 7.166951832837853 52.69912796770155, 7.166951832837853 52.69933210954333))",27848_6_10,6,10,83.6000004 +"POLYGON ((7.166951832837853 52.69912796770155, 7.168106809631721 52.69912796770155, 7.168106809631721 52.698923824905, 7.166951832837853 52.698923824905, 7.166951832837853 52.69912796770155))",27848_6_11,6,11,120.33333333333333 +"POLYGON ((7.166951832837853 52.698923824905, 7.168106809631721 52.698923824905, 7.168106809631721 52.6987196811537, 7.166951832837853 52.6987196811537, 7.166951832837853 52.698923824905))",27848_6_12,6,12,124.66666666666667 +"POLYGON ((7.166951832837853 52.6987196811537, 7.168106809631721 52.6987196811537, 7.168106809631721 52.69851553644765, 7.166951832837853 52.69851553644765, 7.166951832837853 52.6987196811537))",27848_6_13,6,13,121.39999939999998 +"POLYGON ((7.166951832837853 52.69851553644765, 7.168106809631721 52.69851553644765, 7.168106809631721 52.69831139078683, 7.166951832837853 52.69831139078683, 7.166951832837853 52.69851553644765))",27848_6_14,6,14,150.6037452 +"POLYGON ((7.166951832837853 52.69810724417126, 7.168106809631721 52.69810724417126, 7.168106809631721 52.69790309660092, 7.166951832837853 52.69790309660092, 7.166951832837853 52.69810724417126))",27848_6_16,6,16,171.0 +"POLYGON ((7.166951832837853 52.69769894807582, 7.168106809631721 52.69769894807582, 7.168106809631721 52.69749479859595, 7.166951832837853 52.69749479859595, 7.166951832837853 52.69769894807582))",27848_6_18,6,18,115.73940049999999 +"POLYGON ((7.160021972074645 52.69368383305005, 7.161176948868514 52.69368383305005, 7.161176948868514 52.69347966479273, 7.160021972074645 52.69347966479273, 7.160021972074645 52.69368383305005))",27849_0_11,0,11,174.66666666666666 +"POLYGON ((7.160021972074645 52.6916421075104, 7.161176948868514 52.6916421075104, 7.161176948868514 52.69143792970494, 7.160021972074645 52.69143792970494, 7.160021972074645 52.6916421075104))",27849_0_21,0,21,92.6000004 +"POLYGON ((7.161176948868514 52.69409216670028, 7.162331925662381 52.69409216670028, 7.162331925662381 52.69388800035257, 7.161176948868514 52.69388800035257, 7.161176948868514 52.69409216670028))",27849_1_9,1,9,132.0 +"POLYGON ((7.162331925662381 52.69327549558061, 7.163486902456249 52.69327549558061, 7.163486902456249 52.69307132541368, 7.162331925662381 52.69307132541368, 7.162331925662381 52.69327549558061))",27849_2_13,2,13,175.0 +"POLYGON ((7.163486902456249 52.69470466001464, 7.164641879250117 52.69470466001464, 7.164641879250117 52.69450049653131, 7.163486902456249 52.69450049653131, 7.163486902456249 52.69470466001464))",27849_3_6,3,6,160.5 +"POLYGON ((7.163486902456249 52.69347966479273, 7.164641879250117 52.69347966479273, 7.164641879250117 52.69327549558061, 7.163486902456249 52.69327549558061, 7.163486902456249 52.69347966479273))",27849_3_12,3,12,136.0 +"POLYGON ((7.163486902456249 52.69245880918401, 7.164641879250117 52.69245880918401, 7.164641879250117 52.69225463519783, 7.163486902456249 52.69225463519783, 7.163486902456249 52.69245880918401))",27849_3_17,3,17,136.66666666666666 +"POLYGON ((7.164641879250117 52.69511298411691, 7.165796856043984 52.69511298411691, 7.165796856043984 52.69490882254317, 7.164641879250117 52.69490882254317, 7.164641879250117 52.69511298411691))",27849_4_4,4,4,148.33333333333334 +"POLYGON ((7.164641879250117 52.69470466001464, 7.165796856043984 52.69470466001464, 7.165796856043984 52.69450049653131, 7.164641879250117 52.69450049653131, 7.164641879250117 52.69470466001464))",27849_4_6,4,6,149.2651515 +"POLYGON ((7.164641879250117 52.6942963320932, 7.165796856043984 52.6942963320932, 7.165796856043984 52.69409216670028, 7.164641879250117 52.69409216670028, 7.164641879250117 52.6942963320932))",27849_4_8,4,8,122.23953825 +"POLYGON ((7.164641879250117 52.69266298221538, 7.165796856043984 52.69266298221538, 7.165796856043984 52.69245880918401, 7.164641879250117 52.69245880918401, 7.164641879250117 52.69266298221538))",27849_4_16,4,16,134.99999933333334 +"POLYGON ((7.165796856043984 52.69511298411691, 7.166951832837853 52.69511298411691, 7.166951832837853 52.69490882254317, 7.165796856043984 52.69490882254317, 7.165796856043984 52.69511298411691))",27849_5_4,5,4,141.33333333333334 +"POLYGON ((7.165796856043984 52.69470466001464, 7.166951832837853 52.69470466001464, 7.166951832837853 52.69450049653131, 7.165796856043984 52.69450049653131, 7.165796856043984 52.69470466001464))",27849_5_6,5,6,192.5 +"POLYGON ((7.165796856043984 52.69388800035257, 7.166951832837853 52.69388800035257, 7.166951832837853 52.69368383305005, 7.165796856043984 52.69368383305005, 7.165796856043984 52.69388800035257))",27849_5_10,5,10,131.41634466666667 +"POLYGON ((7.165796856043984 52.69368383305005, 7.166951832837853 52.69368383305005, 7.166951832837853 52.69347966479273, 7.165796856043984 52.69347966479273, 7.165796856043984 52.69368383305005))",27849_5_11,5,11,144.61206333333334 +"POLYGON ((7.165796856043984 52.69347966479273, 7.166951832837853 52.69347966479273, 7.166951832837853 52.69327549558061, 7.165796856043984 52.69327549558061, 7.165796856043984 52.69347966479273))",27849_5_12,5,12,84.3506388 +"POLYGON ((7.165796856043984 52.69327549558061, 7.166951832837853 52.69327549558061, 7.166951832837853 52.69307132541368, 7.165796856043984 52.69307132541368, 7.165796856043984 52.69327549558061))",27849_5_13,5,13,108.33333333333333 +"POLYGON ((7.165796856043984 52.69307132541368, 7.166951832837853 52.69307132541368, 7.166951832837853 52.69286715429194, 7.165796856043984 52.69286715429194, 7.165796856043984 52.69307132541368))",27849_5_14,5,14,139.66666633333332 +"POLYGON ((7.165796856043984 52.69266298221538, 7.166951832837853 52.69266298221538, 7.166951832837853 52.69245880918401, 7.165796856043984 52.69245880918401, 7.165796856043984 52.69266298221538))",27849_5_16,5,16,184.0 +"POLYGON ((7.165796856043984 52.69205046025684, 7.166951832837853 52.69205046025684, 7.166951832837853 52.69184628436103, 7.165796856043984 52.69184628436103, 7.165796856043984 52.69205046025684))",27849_5_19,5,19,132.118686 +"POLYGON ((7.165796856043984 52.69143792970494, 7.166951832837853 52.69143792970494, 7.166951832837853 52.69123375094466, 7.165796856043984 52.69123375094466, 7.165796856043984 52.69143792970494))",27849_5_22,5,22,114.47838575 +"POLYGON ((7.166951832837853 52.69388800035257, 7.168106809631721 52.69388800035257, 7.168106809631721 52.69368383305005, 7.166951832837853 52.69368383305005, 7.166951832837853 52.69388800035257))",27849_6_10,6,10,83.748745 +"POLYGON ((7.166951832837853 52.69368383305005, 7.168106809631721 52.69368383305005, 7.168106809631721 52.69347966479273, 7.166951832837853 52.69347966479273, 7.166951832837853 52.69368383305005))",27849_6_11,6,11,122.5 +"POLYGON ((7.166951832837853 52.69347966479273, 7.168106809631721 52.69347966479273, 7.168106809631721 52.69327549558061, 7.166951832837853 52.69327549558061, 7.166951832837853 52.69347966479273))",27849_6_12,6,12,123.0 +"POLYGON ((7.166951832837853 52.69327549558061, 7.168106809631721 52.69327549558061, 7.168106809631721 52.69307132541368, 7.166951832837853 52.69307132541368, 7.166951832837853 52.69327549558061))",27849_6_13,6,13,117.03797533333335 +"POLYGON ((7.166951832837853 52.69307132541368, 7.168106809631721 52.69307132541368, 7.168106809631721 52.69286715429194, 7.166951832837853 52.69286715429194, 7.166951832837853 52.69307132541368))",27849_6_14,6,14,148.621103 +"POLYGON ((7.166951832837853 52.69266298221538, 7.168106809631721 52.69266298221538, 7.168106809631721 52.69245880918401, 7.166951832837853 52.69245880918401, 7.166951832837853 52.69266298221538))",27849_6_16,6,16,147.5 +"POLYGON ((7.166951832837853 52.69225463519783, 7.168106809631721 52.69225463519783, 7.168106809631721 52.69205046025684, 7.166951832837853 52.69205046025684, 7.166951832837853 52.69225463519783))",27849_6_18,6,18,120.00000025 +"POLYGON ((7.160021972074645 52.68823901942739, 7.161176948868514 52.68823901942739, 7.161176948868514 52.68803482570797, 7.160021972074645 52.68803482570797, 7.160021972074645 52.68823901942739))",27850_0_11,0,11,174.0 +"POLYGON ((7.160021972074645 52.68619703926441, 7.161176948868514 52.68619703926441, 7.161176948868514 52.68599283599635, 7.160021972074645 52.68599283599635, 7.160021972074645 52.68619703926441))",27850_0_21,0,21,87.94003660000001 +"POLYGON ((7.161176948868514 52.6886474040017, 7.162331925662381 52.6886474040017, 7.162331925662381 52.68844321219198, 7.161176948868514 52.68844321219198, 7.161176948868514 52.6886474040017))",27850_1_9,1,9,137.0 +"POLYGON ((7.162331925662381 52.68783063103369, 7.163486902456249 52.68783063103369, 7.163486902456249 52.68762643540454, 7.162331925662381 52.68762643540454, 7.162331925662381 52.68783063103369))",27850_2_13,2,13,182.0 +"POLYGON ((7.163486902456249 52.68925997370179, 7.164641879250117 52.68925997370179, 7.164641879250117 52.68905578475661, 7.163486902456249 52.68905578475661, 7.163486902456249 52.68925997370179))",27850_3_6,3,6,136.33333333333334 +"POLYGON ((7.163486902456249 52.68803482570797, 7.164641879250117 52.68803482570797, 7.164641879250117 52.68783063103369, 7.163486902456249 52.68783063103369, 7.163486902456249 52.68803482570797))",27850_3_12,3,12,135.0 +"POLYGON ((7.163486902456249 52.68701384278797, 7.164641879250117 52.68701384278797, 7.164641879250117 52.68680964333938, 7.163486902456249 52.68680964333938, 7.163486902456249 52.68701384278797))",27850_3_17,3,17,134.66666666666666 +"POLYGON ((7.164641879250117 52.68966834872762, 7.165796856043984 52.68966834872762, 7.165796856043984 52.68946416169214, 7.164641879250117 52.68946416169214, 7.164641879250117 52.68966834872762))",27850_4_4,4,4,135.5 +"POLYGON ((7.164641879250117 52.68925997370179, 7.165796856043984 52.68925997370179, 7.165796856043984 52.68905578475661, 7.164641879250117 52.68905578475661, 7.164641879250117 52.68925997370179))",27850_4_6,4,6,152.00000133333333 +"POLYGON ((7.164641879250117 52.68885159485658, 7.165796856043984 52.68885159485658, 7.165796856043984 52.6886474040017, 7.164641879250117 52.6886474040017, 7.164641879250117 52.68885159485658))",27850_4_8,4,8,121.15461633333332 +"POLYGON ((7.164641879250117 52.68721804128168, 7.165796856043984 52.68721804128168, 7.165796856043984 52.68701384278797, 7.164641879250117 52.68701384278797, 7.164641879250117 52.68721804128168))",27850_4_16,4,16,136.2500005 +"POLYGON ((7.165796856043984 52.68966834872762, 7.166951832837853 52.68966834872762, 7.166951832837853 52.68946416169214, 7.165796856043984 52.68946416169214, 7.165796856043984 52.68966834872762))",27850_5_4,5,4,140.66666666666666 +"POLYGON ((7.165796856043984 52.68925997370179, 7.166951832837853 52.68925997370179, 7.166951832837853 52.68905578475661, 7.165796856043984 52.68905578475661, 7.165796856043984 52.68925997370179))",27850_5_6,5,6,187.5 +"POLYGON ((7.165796856043984 52.68844321219198, 7.166951832837853 52.68844321219198, 7.166951832837853 52.68823901942739, 7.165796856043984 52.68823901942739, 7.165796856043984 52.68844321219198))",27850_5_10,5,10,134.000002 +"POLYGON ((7.165796856043984 52.68823901942739, 7.166951832837853 52.68823901942739, 7.166951832837853 52.68803482570797, 7.165796856043984 52.68803482570797, 7.165796856043984 52.68823901942739))",27850_5_11,5,11,142.49541766666667 +"POLYGON ((7.165796856043984 52.68803482570797, 7.166951832837853 52.68803482570797, 7.166951832837853 52.68783063103369, 7.165796856043984 52.68783063103369, 7.165796856043984 52.68803482570797))",27850_5_12,5,12,83.96895116666667 +"POLYGON ((7.165796856043984 52.68783063103369, 7.166951832837853 52.68783063103369, 7.166951832837853 52.68762643540454, 7.165796856043984 52.68762643540454, 7.165796856043984 52.68783063103369))",27850_5_13,5,13,111.75 +"POLYGON ((7.165796856043984 52.68762643540454, 7.166951832837853 52.68762643540454, 7.166951832837853 52.68742223882055, 7.165796856043984 52.68742223882055, 7.165796856043984 52.68762643540454))",27850_5_14,5,14,140.66666466666666 +"POLYGON ((7.165796856043984 52.68721804128168, 7.166951832837853 52.68721804128168, 7.166951832837853 52.68701384278797, 7.165796856043984 52.68701384278797, 7.165796856043984 52.68721804128168))",27850_5_16,5,16,185.5 +"POLYGON ((7.165796856043984 52.68660544293592, 7.166951832837853 52.68660544293592, 7.166951832837853 52.68640124157761, 7.165796856043984 52.68640124157761, 7.165796856043984 52.68660544293592))",27850_5_19,5,19,130.992675 +"POLYGON ((7.165796856043984 52.68599283599635, 7.166951832837853 52.68599283599635, 7.166951832837853 52.68578863177341, 7.165796856043984 52.68578863177341, 7.165796856043984 52.68599283599635))",27850_5_22,5,22,119.781283375 +"POLYGON ((7.166951832837853 52.68844321219198, 7.168106809631721 52.68844321219198, 7.168106809631721 52.68823901942739, 7.166951832837853 52.68823901942739, 7.166951832837853 52.68844321219198))",27850_6_10,6,10,85.1999988 +"POLYGON ((7.166951832837853 52.68823901942739, 7.168106809631721 52.68823901942739, 7.168106809631721 52.68803482570797, 7.166951832837853 52.68803482570797, 7.166951832837853 52.68823901942739))",27850_6_11,6,11,126.0 +"POLYGON ((7.166951832837853 52.68803482570797, 7.168106809631721 52.68803482570797, 7.168106809631721 52.68783063103369, 7.166951832837853 52.68783063103369, 7.166951832837853 52.68803482570797))",27850_6_12,6,12,123.33333333333333 +"POLYGON ((7.166951832837853 52.68783063103369, 7.168106809631721 52.68783063103369, 7.168106809631721 52.68762643540454, 7.166951832837853 52.68762643540454, 7.166951832837853 52.68783063103369))",27850_6_13,6,13,129.3832042 +"POLYGON ((7.166951832837853 52.68762643540454, 7.168106809631721 52.68762643540454, 7.168106809631721 52.68742223882055, 7.166951832837853 52.68742223882055, 7.166951832837853 52.68762643540454))",27850_6_14,6,14,150.546511 +"POLYGON ((7.166951832837853 52.68721804128168, 7.168106809631721 52.68721804128168, 7.168106809631721 52.68701384278797, 7.166951832837853 52.68701384278797, 7.166951832837853 52.68721804128168))",27850_6_16,6,16,141.0 +"POLYGON ((7.166951832837853 52.68680964333938, 7.168106809631721 52.68680964333938, 7.168106809631721 52.68660544293592, 7.166951832837853 52.68660544293592, 7.166951832837853 52.68680964333938))",27850_6_18,6,18,119.66666433333334 +"POLYGON ((7.160021972074645 52.68279352679809, 7.161176948868514 52.68279352679809, 7.161176948868514 52.68258930761524, 7.160021972074645 52.68258930761524, 7.160021972074645 52.68279352679809))",27851_0_11,0,11,180.0 +"POLYGON ((7.160021972074645 52.68075129199846, 7.161176948868514 52.68075129199846, 7.161176948868514 52.68054706326646, 7.160021972074645 52.68054706326646, 7.160021972074645 52.68075129199846))",27851_0_21,0,21,86.0318185 +"POLYGON ((7.161176948868514 52.68320196229913, 7.162331925662381 52.68320196229913, 7.162331925662381 52.68299774502606, 7.161176948868514 52.68299774502606, 7.161176948868514 52.68320196229913))",27851_1_9,1,9,142.0 +"POLYGON ((7.162331925662381 52.68238508747746, 7.163486902456249 52.68238508747746, 7.163486902456249 52.68218086638478, 7.162331925662381 52.68218086638478, 7.162331925662381 52.68238508747746))",27851_2_13,2,13,156.33333333333334 +"POLYGON ((7.163486902456249 52.68381460838894, 7.164641879250117 52.68381460838894, 7.164641879250117 52.68361039398056, 7.163486902456249 52.68361039398056, 7.163486902456249 52.68381460838894))",27851_3_6,3,6,179.5 +"POLYGON ((7.163486902456249 52.68258930761524, 7.164641879250117 52.68258930761524, 7.164641879250117 52.68238508747746, 7.163486902456249 52.68238508747746, 7.163486902456249 52.68258930761524))",27851_3_12,3,12,138.5 +"POLYGON ((7.163486902456249 52.68156819737727, 7.164641879250117 52.68156819737727, 7.164641879250117 52.68136397246494, 7.163486902456249 52.68136397246494, 7.163486902456249 52.68156819737727))",27851_3_17,3,17,142.0 +"POLYGON ((7.164641879250117 52.684223034341, 7.165796856043984 52.684223034341, 7.165796856043984 52.68401882184242, 7.164641879250117 52.68401882184242, 7.164641879250117 52.684223034341))",27851_4_4,4,4,178.0 +"POLYGON ((7.164641879250117 52.68381460838894, 7.165796856043984 52.68381460838894, 7.165796856043984 52.68361039398056, 7.164641879250117 52.68361039398056, 7.164641879250117 52.68381460838894))",27851_4_6,4,6,154.0000008 +"POLYGON ((7.164641879250117 52.68340617861729, 7.165796856043984 52.68340617861729, 7.165796856043984 52.68320196229913, 7.164641879250117 52.68320196229913, 7.164641879250117 52.68340617861729))",27851_4_8,4,8,120.2499995 +"POLYGON ((7.164641879250117 52.68177242133468, 7.165796856043984 52.68177242133468, 7.165796856043984 52.68156819737727, 7.164641879250117 52.68156819737727, 7.164641879250117 52.68177242133468))",27851_4_16,4,16,136.66666766666665 +"POLYGON ((7.165796856043984 52.684223034341, 7.166951832837853 52.684223034341, 7.166951832837853 52.68401882184242, 7.165796856043984 52.68401882184242, 7.165796856043984 52.684223034341))",27851_5_4,5,4,142.5 +"POLYGON ((7.165796856043984 52.68381460838894, 7.166951832837853 52.68381460838894, 7.166951832837853 52.68361039398056, 7.165796856043984 52.68361039398056, 7.165796856043984 52.68381460838894))",27851_5_6,5,6,183.0 +"POLYGON ((7.165796856043984 52.68299774502606, 7.166951832837853 52.68299774502606, 7.166951832837853 52.68279352679809, 7.165796856043984 52.68279352679809, 7.165796856043984 52.68299774502606))",27851_5_10,5,10,135.49640833333333 +"POLYGON ((7.165796856043984 52.68279352679809, 7.166951832837853 52.68279352679809, 7.166951832837853 52.68258930761524, 7.165796856043984 52.68258930761524, 7.165796856043984 52.68279352679809))",27851_5_11,5,11,140.333336 +"POLYGON ((7.165796856043984 52.68258930761524, 7.166951832837853 52.68258930761524, 7.166951832837853 52.68238508747746, 7.165796856043984 52.68238508747746, 7.165796856043984 52.68258930761524))",27851_5_12,5,12,81.2291852 +"POLYGON ((7.165796856043984 52.68238508747746, 7.166951832837853 52.68238508747746, 7.166951832837853 52.68218086638478, 7.165796856043984 52.68218086638478, 7.165796856043984 52.68238508747746))",27851_5_13,5,13,117.25 +"POLYGON ((7.165796856043984 52.68218086638478, 7.166951832837853 52.68218086638478, 7.166951832837853 52.68197664433718, 7.165796856043984 52.68197664433718, 7.165796856043984 52.68218086638478))",27851_5_14,5,14,139.118446 +"POLYGON ((7.165796856043984 52.68177242133468, 7.166951832837853 52.68177242133468, 7.166951832837853 52.68156819737727, 7.165796856043984 52.68156819737727, 7.165796856043984 52.68177242133468))",27851_5_16,5,16,188.0 +"POLYGON ((7.165796856043984 52.68115974659771, 7.166951832837853 52.68115974659771, 7.166951832837853 52.68095551977554, 7.165796856043984 52.68095551977554, 7.165796856043984 52.68115974659771))",27851_5_19,5,19,130.500001 +"POLYGON ((7.165796856043984 52.68054706326646, 7.166951832837853 52.68054706326646, 7.166951832837853 52.68034283357953, 7.165796856043984 52.68034283357953, 7.165796856043984 52.68054706326646))",27851_5_22,5,22,121.4999985 +"POLYGON ((7.166951832837853 52.68299774502606, 7.168106809631721 52.68299774502606, 7.168106809631721 52.68279352679809, 7.166951832837853 52.68279352679809, 7.166951832837853 52.68299774502606))",27851_6_10,6,10,82.83333316666666 +"POLYGON ((7.166951832837853 52.68279352679809, 7.168106809631721 52.68279352679809, 7.168106809631721 52.68258930761524, 7.166951832837853 52.68258930761524, 7.166951832837853 52.68279352679809))",27851_6_11,6,11,126.0 +"POLYGON ((7.166951832837853 52.68258930761524, 7.168106809631721 52.68258930761524, 7.168106809631721 52.68238508747746, 7.166951832837853 52.68238508747746, 7.166951832837853 52.68258930761524))",27851_6_12,6,12,127.0 +"POLYGON ((7.166951832837853 52.68238508747746, 7.168106809631721 52.68238508747746, 7.168106809631721 52.68218086638478, 7.166951832837853 52.68218086638478, 7.166951832837853 52.68238508747746))",27851_6_13,6,13,124.90946454545453 +"POLYGON ((7.166951832837853 52.68218086638478, 7.168106809631721 52.68218086638478, 7.168106809631721 52.68197664433718, 7.166951832837853 52.68197664433718, 7.166951832837853 52.68218086638478))",27851_6_14,6,14,155.1168245 +"POLYGON ((7.166951832837853 52.68177242133468, 7.168106809631721 52.68177242133468, 7.168106809631721 52.68156819737727, 7.166951832837853 52.68156819737727, 7.166951832837853 52.68177242133468))",27851_6_16,6,16,139.0 +"POLYGON ((7.166951832837853 52.68136397246494, 7.168106809631721 52.68136397246494, 7.168106809631721 52.68115974659771, 7.166951832837853 52.68115974659771, 7.166951832837853 52.68136397246494))",27851_6_18,6,18,117.68424375 +"POLYGON ((7.160021972074645 52.67530486567708, 7.161176948868514 52.67530486567708, 7.161176948868514 52.67510061147981, 7.160021972074645 52.67510061147981, 7.160021972074645 52.67530486567708))",27852_0_21,0,21,86.999998 +"POLYGON ((7.162331925662381 52.67693886487642, 7.163486902456249 52.67693886487642, 7.163486902456249 52.67673461831887, 7.162331925662381 52.67673461831887, 7.162331925662381 52.67693886487642))",27852_2_13,2,13,115.0 +"POLYGON ((7.163486902456249 52.67714311047902, 7.164641879250117 52.67714311047902, 7.164641879250117 52.67693886487642, 7.163486902456249 52.67693886487642, 7.163486902456249 52.67714311047902))",27852_3_12,3,12,137.0 +"POLYGON ((7.164641879250117 52.67836856404059, 7.165796856043984 52.67836856404059, 7.165796856043984 52.6781643241677, 7.164641879250117 52.6781643241677, 7.164641879250117 52.67836856404059))",27852_4_6,4,6,153.0000025 +"POLYGON ((7.165796856043984 52.67877704092155, 7.166951832837853 52.67877704092155, 7.166951832837853 52.67857280295854, 7.165796856043984 52.67857280295854, 7.165796856043984 52.67877704092155))",27852_5_4,5,4,144.0 +"POLYGON ((7.165796856043984 52.67734735512666, 7.166951832837853 52.67734735512666, 7.166951832837853 52.67714311047902, 7.165796856043984 52.67714311047902, 7.165796856043984 52.67734735512666))",27852_5_11,5,11,142.0 +"POLYGON ((7.165796856043984 52.67714311047902, 7.166951832837853 52.67714311047902, 7.166951832837853 52.67693886487642, 7.165796856043984 52.67693886487642, 7.165796856043984 52.67714311047902))",27852_5_12,5,12,83.0 +"POLYGON ((7.165796856043984 52.67673461831887, 7.166951832837853 52.67673461831887, 7.166951832837853 52.67653037080636, 7.165796856043984 52.67653037080636, 7.165796856043984 52.67673461831887))",27852_5_14,5,14,138.000004 +"POLYGON ((7.165796856043984 52.67510061147981, 7.166951832837853 52.67510061147981, 7.166951832837853 52.67489635632756, 7.165796856043984 52.67489635632756, 7.165796856043984 52.67510061147981))",27852_5_22,5,22,120.674629 +"POLYGON ((7.166951832837853 52.67714311047902, 7.168106809631721 52.67714311047902, 7.168106809631721 52.67693886487642, 7.166951832837853 52.67693886487642, 7.166951832837853 52.67714311047902))",27852_6_12,6,12,125.0 +"POLYGON ((7.166951832837853 52.67693886487642, 7.168106809631721 52.67693886487642, 7.168106809631721 52.67673461831887, 7.166951832837853 52.67673461831887, 7.166951832837853 52.67693886487642))",27852_6_13,6,13,125.33333333333333 +"POLYGON ((7.166951832837853 52.67673461831887, 7.168106809631721 52.67673461831887, 7.168106809631721 52.67653037080636, 7.166951832837853 52.67653037080636, 7.166951832837853 52.67673461831887))",27852_6_14,6,14,140.0 +"POLYGON ((7.166951832837853 52.6763261223389, 7.168106809631721 52.6763261223389, 7.168106809631721 52.67612187291646, 7.166951832837853 52.67612187291646, 7.166951832837853 52.6763261223389))",27852_6_16,6,16,153.0 +"POLYGON ((7.166951832837853 52.67591762253906, 7.168106809631721 52.67591762253906, 7.168106809631721 52.6757133712067, 7.166951832837853 52.6757133712067, 7.166951832837853 52.67591762253906))",27852_6_18,6,18,116.092374 +"POLYGON ((7.160021972074645 52.25024471951797, 7.161176948868514 52.25024471951797, 7.161176948868514 52.2500384836238, 7.160021972074645 52.2500384836238, 7.160021972074645 52.25024471951797))",27930_0_12,0,12,165.0 +"POLYGON ((7.160021972074645 52.24818231743202, 7.161176948868514 52.24818231743202, 7.161176948868514 52.2479760719502, 7.160021972074645 52.2479760719502, 7.160021972074645 52.24818231743202))",27930_0_22,0,22,117.60731200000001 +"POLYGON ((7.161176948868514 52.25086342144793, 7.162331925662381 52.25086342144793, 7.162331925662381 52.25065718843003, 7.161176948868514 52.25065718843003, 7.161176948868514 52.25086342144793))",27930_1_9,1,9,145.0 +"POLYGON ((7.162331925662381 52.2500384836238, 7.163486902456249 52.2500384836238, 7.163486902456249 52.24983224677089, 7.162331925662381 52.24983224677089, 7.162331925662381 52.2500384836238))",27930_2_13,2,13,154.66666666666666 +"POLYGON ((7.163486902456249 52.25148211474914, 7.164641879250117 52.25148211474914, 7.164641879250117 52.25127588460748, 7.163486902456249 52.25127588460748, 7.163486902456249 52.25148211474914))",27930_3_6,3,6,150.0 +"POLYGON ((7.163486902456249 52.25024471951797, 7.164641879250117 52.25024471951797, 7.164641879250117 52.2500384836238, 7.163486902456249 52.2500384836238, 7.163486902456249 52.25024471951797))",27930_3_12,3,12,123.66666666666667 +"POLYGON ((7.163486902456249 52.24941977018876, 7.164641879250117 52.24941977018876, 7.164641879250117 52.24921353045955, 7.163486902456249 52.24921353045955, 7.163486902456249 52.24941977018876))",27930_3_16,3,16,128.5 +"POLYGON ((7.164641879250117 52.25189457215622, 7.165796856043984 52.25189457215622, 7.165796856043984 52.25168834393205, 7.164641879250117 52.25168834393205, 7.164641879250117 52.25189457215622))",27930_4_4,4,4,181.0 +"POLYGON ((7.164641879250117 52.25168834393205, 7.165796856043984 52.25168834393205, 7.165796856043984 52.25148211474914, 7.164641879250117 52.25148211474914, 7.164641879250117 52.25168834393205))",27930_4_5,4,5,141.85714271428571 +"POLYGON ((7.164641879250117 52.25065718843003, 7.165796856043984 52.25065718843003, 7.165796856043984 52.25045095445338, 7.164641879250117 52.25045095445338, 7.164641879250117 52.25065718843003))",27930_4_10,4,10,129.0 +"POLYGON ((7.165796856043984 52.25189457215622, 7.166951832837853 52.25189457215622, 7.166951832837853 52.25168834393205, 7.165796856043984 52.25168834393205, 7.165796856043984 52.25189457215622))",27930_5_4,5,4,129.0 +"POLYGON ((7.165796856043984 52.25148211474914, 7.166951832837853 52.25148211474914, 7.166951832837853 52.25127588460748, 7.165796856043984 52.25127588460748, 7.165796856043984 52.25148211474914))",27930_5_6,5,6,182.0 +"POLYGON ((7.165796856043984 52.25086342144793, 7.166951832837853 52.25086342144793, 7.166951832837853 52.25065718843003, 7.165796856043984 52.25065718843003, 7.165796856043984 52.25086342144793))",27930_5_9,5,9,133.58056125000002 +"POLYGON ((7.165796856043984 52.25045095445338, 7.166951832837853 52.25045095445338, 7.166951832837853 52.25024471951797, 7.165796856043984 52.25024471951797, 7.165796856043984 52.25045095445338))",27930_5_11,5,11,130.99999866666667 +"POLYGON ((7.165796856043984 52.24880104812485, 7.166951832837853 52.24880104812485, 7.166951832837853 52.24859480551934, 7.165796856043984 52.24859480551934, 7.165796856043984 52.24880104812485))",27930_5_19,5,19,139.9999995 +"POLYGON ((7.165796856043984 52.2479760719502, 7.166951832837853 52.2479760719502, 7.166951832837853 52.24776982550959, 7.165796856043984 52.24776982550959, 7.165796856043984 52.2479760719502))",27930_5_23,5,23,134.80814066666667 +"POLYGON ((7.166951832837853 52.25024471951797, 7.168106809631721 52.25024471951797, 7.168106809631721 52.2500384836238, 7.166951832837853 52.2500384836238, 7.166951832837853 52.25024471951797))",27930_6_12,6,12,121.41666666666667 +"POLYGON ((7.166951832837853 52.2500384836238, 7.168106809631721 52.2500384836238, 7.168106809631721 52.24983224677089, 7.166951832837853 52.24983224677089, 7.166951832837853 52.2500384836238))",27930_6_13,6,13,133.40355257142858 +"POLYGON ((7.166951832837853 52.24983224677089, 7.168106809631721 52.24983224677089, 7.168106809631721 52.2496260089592, 7.166951832837853 52.2496260089592, 7.166951832837853 52.24983224677089))",27930_6_14,6,14,119.24205916666666 +"POLYGON ((7.166951832837853 52.24900728977158, 7.168106809631721 52.24900728977158, 7.168106809631721 52.24880104812485, 7.166951832837853 52.24880104812485, 7.166951832837853 52.24900728977158))",27930_6_18,6,18,117.3553926 +"POLYGON ((7.160021972074645 52.24474476756033, 7.161176948868514 52.24474476756033, 7.161176948868514 52.24453850609869, 7.160021972074645 52.24453850609869, 7.160021972074645 52.24474476756033))",27931_0_12,0,12,158.66666666666666 +"POLYGON ((7.160021972074645 52.24268210979737, 7.161176948868514 52.24268210979737, 7.161176948868514 52.24247583874759, 7.160021972074645 52.24247583874759, 7.160021972074645 52.24268210979737))",27931_0_22,0,22,118.80403775 +"POLYGON ((7.161176948868514 52.24536354619247, 7.162331925662381 52.24536354619247, 7.162331925662381 52.24515728760723, 7.161176948868514 52.24515728760723, 7.161176948868514 52.24536354619247))",27931_1_9,1,9,148.33333333333334 +"POLYGON ((7.162331925662381 52.24453850609869, 7.163486902456249 52.24453850609869, 7.163486902456249 52.24433224367824, 7.162331925662381 52.24433224367824, 7.162331925662381 52.24453850609869))",27931_2_13,2,13,143.0 +"POLYGON ((7.163486902456249 52.24598231619542, 7.164641879250117 52.24598231619542, 7.164641879250117 52.24577606048656, 7.163486902456249 52.24577606048656, 7.163486902456249 52.24598231619542))",27931_3_6,3,6,121.66666666666667 +"POLYGON ((7.163486902456249 52.24474476756033, 7.164641879250117 52.24474476756033, 7.164641879250117 52.24453850609869, 7.163486902456249 52.24453850609869, 7.163486902456249 52.24474476756033))",27931_3_12,3,12,120.5 +"POLYGON ((7.163486902456249 52.2439197159609, 7.164641879250117 52.2439197159609, 7.164641879250117 52.24371345066402, 7.163486902456249 52.24371345066402, 7.163486902456249 52.2439197159609))",27931_3_16,3,16,126.66666666666667 +"POLYGON ((7.164641879250117 52.24639482473675, 7.165796856043984 52.24639482473675, 7.165796856043984 52.24618857094548, 7.164641879250117 52.24618857094548, 7.164641879250117 52.24639482473675))",27931_4_4,4,4,177.0 +"POLYGON ((7.164641879250117 52.24618857094548, 7.165796856043984 52.24618857094548, 7.165796856043984 52.24598231619542, 7.164641879250117 52.24598231619542, 7.164641879250117 52.24618857094548))",27931_4_5,4,5,140.33333266666668 +"POLYGON ((7.164641879250117 52.24515728760723, 7.165796856043984 52.24515728760723, 7.165796856043984 52.24495102806318, 7.164641879250117 52.24495102806318, 7.164641879250117 52.24515728760723))",27931_4_10,4,10,128.5 +"POLYGON ((7.165796856043984 52.24639482473675, 7.166951832837853 52.24639482473675, 7.166951832837853 52.24618857094548, 7.165796856043984 52.24618857094548, 7.165796856043984 52.24639482473675))",27931_5_4,5,4,128.66666666666666 +"POLYGON ((7.165796856043984 52.24598231619542, 7.166951832837853 52.24598231619542, 7.166951832837853 52.24577606048656, 7.165796856043984 52.24577606048656, 7.165796856043984 52.24598231619542))",27931_5_6,5,6,172.5 +"POLYGON ((7.165796856043984 52.24536354619247, 7.166951832837853 52.24536354619247, 7.166951832837853 52.24515728760723, 7.165796856043984 52.24515728760723, 7.165796856043984 52.24536354619247))",27931_5_9,5,9,137.121733 +"POLYGON ((7.165796856043984 52.24495102806318, 7.166951832837853 52.24495102806318, 7.166951832837853 52.24474476756033, 7.165796856043984 52.24474476756033, 7.165796856043984 52.24495102806318))",27931_5_11,5,11,131.49999925 +"POLYGON ((7.165796856043984 52.24330091719381, 7.166951832837853 52.24330091719381, 7.166951832837853 52.24309464902048, 7.165796856043984 52.24309464902048, 7.165796856043984 52.24330091719381))",27931_5_19,5,19,142.22499733333333 +"POLYGON ((7.165796856043984 52.24247583874759, 7.166951832837853 52.24247583874759, 7.166951832837853 52.24226956673898, 7.165796856043984 52.24226956673898, 7.165796856043984 52.24247583874759))",27931_5_23,5,23,121.05651725000001 +"POLYGON ((7.166951832837853 52.24474476756033, 7.168106809631721 52.24474476756033, 7.168106809631721 52.24453850609869, 7.166951832837853 52.24453850609869, 7.166951832837853 52.24474476756033))",27931_6_12,6,12,125.0 +"POLYGON ((7.166951832837853 52.24453850609869, 7.168106809631721 52.24453850609869, 7.168106809631721 52.24433224367824, 7.166951832837853 52.24433224367824, 7.166951832837853 52.24453850609869))",27931_6_13,6,13,143.999999 +"POLYGON ((7.166951832837853 52.24433224367824, 7.168106809631721 52.24433224367824, 7.168106809631721 52.24412598029897, 7.166951832837853 52.24412598029897, 7.166951832837853 52.24433224367824))",27931_6_14,6,14,129.33944166666666 +"POLYGON ((7.166951832837853 52.24350718440832, 7.168106809631721 52.24350718440832, 7.168106809631721 52.24330091719381, 7.166951832837853 52.24330091719381, 7.166951832837853 52.24350718440832))",27931_6_18,6,18,108.65193166666666 +"POLYGON ((7.160021972074645 52.19521451417156, 7.161176948868514 52.19521451417156, 7.161176948868514 52.19500802254554, 7.160021972074645 52.19500802254554, 7.160021972074645 52.19521451417156))",27940_0_12,0,12,92.75 +"POLYGON ((7.160021972074645 52.1931495547457, 7.161176948868514 52.1931495547457, 7.161176948868514 52.19294305352728, 7.160021972074645 52.19294305352728, 7.160021972074645 52.1931495547457))",27940_0_22,0,22,95.3143748 +"POLYGON ((7.161176948868514 52.19583398329424, 7.162331925662381 52.19583398329424, 7.162331925662381 52.1956274945459, 7.161176948868514 52.1956274945459, 7.161176948868514 52.19583398329424))",27940_1_9,1,9,102.5 +"POLYGON ((7.162331925662381 52.19500802254554, 7.163486902456249 52.19500802254554, 7.163486902456249 52.19480152996029, 7.162331925662381 52.19480152996029, 7.162331925662381 52.19500802254554))",27940_2_13,2,13,88.0 +"POLYGON ((7.163486902456249 52.19645344378389, 7.164641879250117 52.19645344378389, 7.164641879250117 52.19624695791322, 7.163486902456249 52.19624695791322, 7.163486902456249 52.19645344378389))",27940_3_6,3,6,68.8 +"POLYGON ((7.163486902456249 52.19521451417156, 7.164641879250117 52.19521451417156, 7.164641879250117 52.19500802254554, 7.163486902456249 52.19500802254554, 7.163486902456249 52.19521451417156))",27940_3_12,3,12,93.0 +"POLYGON ((7.163486902456249 52.19438854191208, 7.164641879250117 52.19438854191208, 7.164641879250117 52.19418204644913, 7.163486902456249 52.19418204644913, 7.163486902456249 52.19438854191208))",27940_3_16,3,16,113.66666666666667 +"POLYGON ((7.164641879250117 52.19686641264756, 7.165796856043984 52.19686641264756, 7.165796856043984 52.19665992869533, 7.164641879250117 52.19665992869533, 7.164641879250117 52.19686641264756))",27940_4_4,4,4,85.25 +"POLYGON ((7.164641879250117 52.19665992869533, 7.165796856043984 52.19665992869533, 7.165796856043984 52.19645344378389, 7.164641879250117 52.19645344378389, 7.164641879250117 52.19665992869533))",27940_4_5,4,5,81.8 +"POLYGON ((7.165796856043984 52.19686641264756, 7.166951832837853 52.19686641264756, 7.166951832837853 52.19665992869533, 7.165796856043984 52.19665992869533, 7.165796856043984 52.19686641264756))",27940_5_4,5,4,106.33333333333333 +"POLYGON ((7.165796856043984 52.19645344378389, 7.166951832837853 52.19645344378389, 7.166951832837853 52.19624695791322, 7.165796856043984 52.19624695791322, 7.165796856043984 52.19645344378389))",27940_5_6,5,6,113.5 +"POLYGON ((7.165796856043984 52.19583398329424, 7.166951832837853 52.19583398329424, 7.166951832837853 52.1956274945459, 7.165796856043984 52.1956274945459, 7.165796856043984 52.19583398329424))",27940_5_9,5,9,96.0584252 +"POLYGON ((7.165796856043984 52.19542100483834, 7.166951832837853 52.19542100483834, 7.166951832837853 52.19521451417156, 7.165796856043984 52.19521451417156, 7.165796856043984 52.19542100483834))",27940_5_11,5,11,106.000001 +"POLYGON ((7.165796856043984 52.19376905264549, 7.166951832837853 52.19376905264549, 7.166951832837853 52.1935625543048, 7.165796856043984 52.1935625543048, 7.165796856043984 52.19376905264549))",27940_5_19,5,19,94.87179499999999 +"POLYGON ((7.165796856043984 52.19294305352728, 7.166951832837853 52.19294305352728, 7.166951832837853 52.19273655134961, 7.165796856043984 52.19273655134961, 7.165796856043984 52.19294305352728))",27940_5_23,5,23,89.0569054 +"POLYGON ((7.166951832837853 52.19583398329424, 7.168106809631721 52.19583398329424, 7.168106809631721 52.1956274945459, 7.166951832837853 52.1956274945459, 7.166951832837853 52.19583398329424))",27940_6_9,6,9,118.3589575 +"POLYGON ((7.166951832837853 52.1956274945459, 7.168106809631721 52.1956274945459, 7.168106809631721 52.19542100483834, 7.166951832837853 52.19542100483834, 7.166951832837853 52.1956274945459))",27940_6_10,6,10,119.108282 +"POLYGON ((7.166951832837853 52.19521451417156, 7.168106809631721 52.19521451417156, 7.168106809631721 52.19500802254554, 7.166951832837853 52.19500802254554, 7.166951832837853 52.19521451417156))",27940_6_12,6,12,95.58333333333333 +"POLYGON ((7.166951832837853 52.19500802254554, 7.168106809631721 52.19500802254554, 7.168106809631721 52.19480152996029, 7.166951832837853 52.19480152996029, 7.166951832837853 52.19500802254554))",27940_6_13,6,13,97.7229413 +"POLYGON ((7.166951832837853 52.19480152996029, 7.168106809631721 52.19480152996029, 7.168106809631721 52.19459503641581, 7.166951832837853 52.19459503641581, 7.166951832837853 52.19480152996029))",27940_6_14,6,14,98.69462775 +"POLYGON ((7.164641879250117 50.89363211960274, 7.165796856043984 50.89363211960274, 7.165796856043984 50.89341963542047, 7.164641879250117 50.89341963542047, 7.164641879250117 50.89363211960274))",28173_4_12,4,12,99.5 +"POLYGON ((7.172470055297445 53.62072030120368, 7.173625032091313 53.62072030120368, 7.173625032091313 53.62052049482848, 7.172470055297445 53.62052049482848, 7.172470055297445 53.62072030120368))",28352_3_8,3,8,72.0 +"POLYGON ((7.173625032091313 53.62131971465448, 7.174780008885181 53.62131971465448, 7.174780008885181 53.62111991111668, 7.173625032091313 53.62111991111668, 7.173625032091313 53.62131971465448))",28352_4_5,4,5,92.0 +"POLYGON ((7.173625032091313 53.62052049482848, 7.174780008885181 53.62052049482848, 7.174780008885181 53.62032068750747, 7.173625032091313 53.62032068750747, 7.173625032091313 53.62052049482848))",28352_4_9,4,9,66.000001 +"POLYGON ((7.172470055297445 53.6153918075175, 7.173625032091313 53.6153918075175, 7.173625032091313 53.61519197592015, 7.172470055297445 53.61519197592015, 7.172470055297445 53.6153918075175))",28353_3_8,3,8,72.5 +"POLYGON ((7.173625032091313 53.61599129663437, 7.174780008885181 53.61599129663437, 7.174780008885181 53.61579146787459, 7.173625032091313 53.61579146787459, 7.173625032091313 53.61599129663437))",28353_4_5,4,5,90.6 +"POLYGON ((7.173625032091313 53.61519197592015, 7.174780008885181 53.61519197592015, 7.174780008885181 53.61499214337697, 7.173625032091313 53.61499214337697, 7.173625032091313 53.61519197592015))",28353_4_9,4,9,74.4784045 +"POLYGON ((7.174780008885181 53.61026249709744, 7.175934985679048 53.61026249709744, 7.175934985679048 53.61006264122243, 7.174780008885181 53.61006264122243, 7.174780008885181 53.61026249709744))",28354_5_7,5,7,51.2 +"POLYGON ((7.170160101709709 53.17616290695764, 7.171315078503577 53.17616290695764, 7.171315078503577 53.17596100225781, 7.170160101709709 53.17596100225781, 7.170160101709709 53.17616290695764))",28435_1_8,1,8,125.0 +"POLYGON ((7.170160101709709 53.17077845642866, 7.171315078503577 53.17077845642866, 7.171315078503577 53.17057652638831, 7.170160101709709 53.17057652638831, 7.170160101709709 53.17077845642866))",28436_1_8,1,8,127.0 +"POLYGON ((7.173625032091313 52.83060124704174, 7.174780008885181 52.83060124704174, 7.174780008885181 52.8303977196701, 7.173625032091313 52.8303977196701, 7.173625032091313 52.83060124704174))",28499_4_6,4,6,85.6 +"POLYGON ((7.169005124915841 52.80243756892497, 7.170160101709709 52.80243756892497, 7.170160101709709 52.80223390962918, 7.169005124915841 52.80223390962918, 7.169005124915841 52.80243756892497))",28504_0_11,0,11,160.0 +"POLYGON ((7.169005124915841 52.80040093304578, 7.170160101709709 52.80040093304578, 7.170160101709709 52.80019726421189, 7.169005124915841 52.80019726421189, 7.169005124915841 52.80040093304578))",28504_0_21,0,21,133.750337 +"POLYGON ((7.170160101709709 52.80284488465517, 7.171315078503577 52.80284488465517, 7.171315078503577 52.80264122726696, 7.170160101709709 52.80264122726696, 7.170160101709709 52.80284488465517))",28504_1_9,1,9,81.5 +"POLYGON ((7.172470055297445 52.80203024937958, 7.173625032091313 52.80203024937958, 7.173625032091313 52.80182658817619, 7.172470055297445 52.80182658817619, 7.172470055297445 52.80203024937958))",28504_3_13,3,13,65.5 +"POLYGON ((7.173625032091313 52.80386315728927, 7.174780008885181 52.80386315728927, 7.174780008885181 52.80365950467002, 7.173625032091313 52.80365950467002, 7.173625032091313 52.80386315728927))",28504_4_4,4,4,84.0 +"POLYGON ((7.173625032091313 52.80345585109699, 7.174780008885181 52.80345585109699, 7.174780008885181 52.80325219657018, 7.173625032091313 52.80325219657018, 7.173625032091313 52.80345585109699))",28504_4_6,4,6,26.125000125 +"POLYGON ((7.173625032091313 52.80304854108957, 7.174780008885181 52.80304854108957, 7.174780008885181 52.80284488465517, 7.173625032091313 52.80284488465517, 7.173625032091313 52.80304854108957))",28504_4_8,4,8,128.999998 +"POLYGON ((7.173625032091313 52.80141926290798, 7.174780008885181 52.80141926290798, 7.174780008885181 52.80121559884316, 7.173625032091313 52.80121559884316, 7.173625032091313 52.80141926290798))",28504_4_16,4,16,79.5 +"POLYGON ((7.174780008885181 52.80345585109699, 7.175934985679048 52.80345585109699, 7.175934985679048 52.80325219657018, 7.174780008885181 52.80325219657018, 7.174780008885181 52.80345585109699))",28504_5_6,5,6,141.0 +"POLYGON ((7.174780008885181 52.80304854108957, 7.175934985679048 52.80304854108957, 7.175934985679048 52.80284488465517, 7.174780008885181 52.80284488465517, 7.174780008885181 52.80304854108957))",28504_5_8,5,8,74.000002 +"POLYGON ((7.174780008885181 52.80264122726696, 7.175934985679048 52.80264122726696, 7.175934985679048 52.80243756892497, 7.174780008885181 52.80243756892497, 7.174780008885181 52.80264122726696))",28504_5_10,5,10,82.900858 +"POLYGON ((7.174780008885181 52.80243756892497, 7.175934985679048 52.80243756892497, 7.175934985679048 52.80223390962918, 7.174780008885181 52.80223390962918, 7.174780008885181 52.80243756892497))",28504_5_11,5,11,90.588304 +"POLYGON ((7.174780008885181 52.80203024937958, 7.175934985679048 52.80203024937958, 7.175934985679048 52.80182658817619, 7.174780008885181 52.80182658817619, 7.174780008885181 52.80203024937958))",28504_5_13,5,13,98.500002 +"POLYGON ((7.174780008885181 52.80182658817619, 7.175934985679048 52.80182658817619, 7.175934985679048 52.80162292601898, 7.174780008885181 52.80162292601898, 7.174780008885181 52.80182658817619))",28504_5_14,5,14,72.0317925 +"POLYGON ((7.174780008885181 52.80141926290798, 7.175934985679048 52.80141926290798, 7.175934985679048 52.80121559884316, 7.174780008885181 52.80121559884316, 7.174780008885181 52.80141926290798))",28504_5_16,5,16,171.0 +"POLYGON ((7.174780008885181 52.8008082678521, 7.175934985679048 52.8008082678521, 7.175934985679048 52.80060460092584, 7.174780008885181 52.80060460092584, 7.174780008885181 52.8008082678521))",28504_5_19,5,19,81.000002 +"POLYGON ((7.174780008885181 52.80019726421189, 7.175934985679048 52.80019726421189, 7.175934985679048 52.79999359442419, 7.174780008885181 52.79999359442419, 7.174780008885181 52.80019726421189))",28504_5_22,5,22,94.22222333333333 +"POLYGON ((7.175934985679048 52.80264122726696, 7.177089962472917 52.80264122726696, 7.177089962472917 52.80243756892497, 7.175934985679048 52.80243756892497, 7.175934985679048 52.80264122726696))",28504_6_10,6,10,126.000001 +"POLYGON ((7.175934985679048 52.80243756892497, 7.177089962472917 52.80243756892497, 7.177089962472917 52.80223390962918, 7.175934985679048 52.80223390962918, 7.175934985679048 52.80243756892497))",28504_6_11,6,11,76.5 +"POLYGON ((7.175934985679048 52.80223390962918, 7.177089962472917 52.80223390962918, 7.177089962472917 52.80203024937958, 7.175934985679048 52.80203024937958, 7.175934985679048 52.80223390962918))",28504_6_12,6,12,122.322581 +"POLYGON ((7.175934985679048 52.80203024937958, 7.177089962472917 52.80203024937958, 7.177089962472917 52.80182658817619, 7.175934985679048 52.80182658817619, 7.175934985679048 52.80203024937958))",28504_6_13,6,13,108.92297400000001 +"POLYGON ((7.175934985679048 52.80182658817619, 7.177089962472917 52.80182658817619, 7.177089962472917 52.80162292601898, 7.175934985679048 52.80162292601898, 7.175934985679048 52.80182658817619))",28504_6_14,6,14,92.0 +"POLYGON ((7.175934985679048 52.80141926290798, 7.177089962472917 52.80141926290798, 7.177089962472917 52.80121559884316, 7.175934985679048 52.80121559884316, 7.175934985679048 52.80141926290798))",28504_6_16,6,16,141.0 +"POLYGON ((7.175934985679048 52.80101193382453, 7.177089962472917 52.80101193382453, 7.177089962472917 52.8008082678521, 7.175934985679048 52.8008082678521, 7.175934985679048 52.80101193382453))",28504_6_18,6,18,78.8591845 +"POLYGON ((7.169005124915841 52.79700632795336, 7.170160101709709 52.79700632795336, 7.170160101709709 52.79680264322223, 7.169005124915841 52.79680264322223, 7.169005124915841 52.79700632795336))",28505_0_11,0,11,169.0 +"POLYGON ((7.169005124915841 52.79496943771857, 7.170160101709709 52.79496943771857, 7.170160101709709 52.79476574344884, 7.169005124915841 52.79476574344884, 7.169005124915841 52.79496943771857))",28505_0_21,0,21,130.333332 +"POLYGON ((7.170160101709709 52.79741369455407, 7.171315078503577 52.79741369455407, 7.171315078503577 52.79721001173063, 7.170160101709709 52.79721001173063, 7.170160101709709 52.79741369455407))",28505_1_9,1,9,106.75 +"POLYGON ((7.171315078503577 52.79659895753726, 7.172470055297445 52.79659895753726, 7.172470055297445 52.79639527089843, 7.171315078503577 52.79639527089843, 7.171315078503577 52.79659895753726))",28505_2_13,2,13,178.0 +"POLYGON ((7.172470055297445 52.7980247373013, 7.173625032091313 52.7980247373013, 7.173625032091313 52.79782105733939, 7.172470055297445 52.79782105733939, 7.172470055297445 52.7980247373013))",28505_3_6,3,6,203.5 +"POLYGON ((7.172470055297445 52.79659895753726, 7.173625032091313 52.79659895753726, 7.173625032091313 52.79639527089843, 7.172470055297445 52.79639527089843, 7.172470055297445 52.79659895753726))",28505_3_13,3,13,76.83333333333333 +"POLYGON ((7.173625032091313 52.79843209436357, 7.174780008885181 52.79843209436357, 7.174780008885181 52.79822841630935, 7.173625032091313 52.79822841630935, 7.173625032091313 52.79843209436357))",28505_4_4,4,4,81.2 +"POLYGON ((7.173625032091313 52.7980247373013, 7.174780008885181 52.7980247373013, 7.174780008885181 52.79782105733939, 7.173625032091313 52.79782105733939, 7.173625032091313 52.7980247373013))",28505_4_6,4,6,22.054844 +"POLYGON ((7.173625032091313 52.79761737642365, 7.174780008885181 52.79761737642365, 7.174780008885181 52.79741369455407, 7.173625032091313 52.79741369455407, 7.173625032091313 52.79761737642365))",28505_4_8,4,8,128.2500015 +"POLYGON ((7.173625032091313 52.7959878947592, 7.174780008885181 52.7959878947592, 7.174780008885181 52.7957842052588, 7.173625032091313 52.7957842052588, 7.173625032091313 52.7959878947592))",28505_4_16,4,16,82.32515466666666 +"POLYGON ((7.174780008885181 52.79843209436357, 7.175934985679048 52.79843209436357, 7.175934985679048 52.79822841630935, 7.174780008885181 52.79822841630935, 7.174780008885181 52.79843209436357))",28505_5_4,5,4,144.66666666666666 +"POLYGON ((7.174780008885181 52.7980247373013, 7.175934985679048 52.7980247373013, 7.175934985679048 52.79782105733939, 7.174780008885181 52.79782105733939, 7.174780008885181 52.7980247373013))",28505_5_6,5,6,116.25 +"POLYGON ((7.174780008885181 52.79761737642365, 7.175934985679048 52.79761737642365, 7.175934985679048 52.79741369455407, 7.174780008885181 52.79741369455407, 7.174780008885181 52.79761737642365))",28505_5_8,5,8,75.17045714285715 +"POLYGON ((7.174780008885181 52.79721001173063, 7.175934985679048 52.79721001173063, 7.175934985679048 52.79700632795336, 7.174780008885181 52.79700632795336, 7.174780008885181 52.79721001173063))",28505_5_10,5,10,81.23335300000001 +"POLYGON ((7.174780008885181 52.79700632795336, 7.175934985679048 52.79700632795336, 7.175934985679048 52.79680264322223, 7.174780008885181 52.79680264322223, 7.174780008885181 52.79700632795336))",28505_5_11,5,11,89.48740383333332 +"POLYGON ((7.174780008885181 52.79659895753726, 7.175934985679048 52.79659895753726, 7.175934985679048 52.79639527089843, 7.174780008885181 52.79639527089843, 7.174780008885181 52.79659895753726))",28505_5_13,5,13,101.2636878888889 +"POLYGON ((7.174780008885181 52.79639527089843, 7.175934985679048 52.79639527089843, 7.175934985679048 52.79619158330573, 7.174780008885181 52.79619158330573, 7.174780008885181 52.79639527089843))",28505_5_14,5,14,73.66666716666667 +"POLYGON ((7.174780008885181 52.7959878947592, 7.175934985679048 52.7959878947592, 7.175934985679048 52.7957842052588, 7.174780008885181 52.7957842052588, 7.174780008885181 52.7959878947592))",28505_5_16,5,16,169.0 +"POLYGON ((7.174780008885181 52.79537682339641, 7.175934985679048 52.79537682339641, 7.175934985679048 52.79517313103442, 7.174780008885181 52.79517313103442, 7.174780008885181 52.79537682339641))",28505_5_19,5,19,89.717778 +"POLYGON ((7.174780008885181 52.79476574344884, 7.175934985679048 52.79476574344884, 7.175934985679048 52.79456204822525, 7.174780008885181 52.79456204822525, 7.174780008885181 52.79476574344884))",28505_5_22,5,22,97.0000001 +"POLYGON ((7.175934985679048 52.79721001173063, 7.177089962472917 52.79721001173063, 7.177089962472917 52.79700632795336, 7.175934985679048 52.79700632795336, 7.175934985679048 52.79721001173063))",28505_6_10,6,10,124.5000005 +"POLYGON ((7.175934985679048 52.79700632795336, 7.177089962472917 52.79700632795336, 7.177089962472917 52.79680264322223, 7.175934985679048 52.79680264322223, 7.175934985679048 52.79700632795336))",28505_6_11,6,11,96.5 +"POLYGON ((7.175934985679048 52.79680264322223, 7.177089962472917 52.79680264322223, 7.177089962472917 52.79659895753726, 7.175934985679048 52.79659895753726, 7.175934985679048 52.79680264322223))",28505_6_12,6,12,113.3774784 +"POLYGON ((7.175934985679048 52.79659895753726, 7.177089962472917 52.79659895753726, 7.177089962472917 52.79639527089843, 7.175934985679048 52.79639527089843, 7.175934985679048 52.79659895753726))",28505_6_13,6,13,98.79415999999999 +"POLYGON ((7.175934985679048 52.79639527089843, 7.177089962472917 52.79639527089843, 7.177089962472917 52.79619158330573, 7.175934985679048 52.79619158330573, 7.175934985679048 52.79639527089843))",28505_6_14,6,14,131.5 +"POLYGON ((7.175934985679048 52.7959878947592, 7.177089962472917 52.7959878947592, 7.177089962472917 52.7957842052588, 7.175934985679048 52.7957842052588, 7.175934985679048 52.7959878947592))",28505_6_16,6,16,147.66666666666666 +"POLYGON ((7.175934985679048 52.79558051480454, 7.177089962472917 52.79558051480454, 7.177089962472917 52.79537682339641, 7.175934985679048 52.79537682339641, 7.175934985679048 52.79558051480454))",28505_6_18,6,18,79.3333335 +"POLYGON ((7.169005124915841 52.79157440868894, 7.170160101709709 52.79157440868894, 7.170160101709709 52.79137069852113, 7.169005124915841 52.79137069852113, 7.169005124915841 52.79157440868894))",28506_0_11,0,11,178.0 +"POLYGON ((7.169005124915841 52.78953726408509, 7.170160101709709 52.78953726408509, 7.170160101709709 52.78933354437818, 7.169005124915841 52.78933354437818, 7.169005124915841 52.78953726408509))",28506_0_21,0,21,130.803513 +"POLYGON ((7.170160101709709 52.79198182616285, 7.171315078503577 52.79198182616285, 7.171315078503577 52.79177811790285, 7.170160101709709 52.79177811790285, 7.170160101709709 52.79198182616285))",28506_1_9,1,9,128.66666666666666 +"POLYGON ((7.171315078503577 52.79116698739944, 7.172470055297445 52.79116698739944, 7.172470055297445 52.79096327532382, 7.171315078503577 52.79096327532382, 7.171315078503577 52.79116698739944))",28506_2_13,2,13,179.0 +"POLYGON ((7.172470055297445 52.79259294521951, 7.173625032091313 52.79259294521951, 7.173625032091313 52.79238923982118, 7.172470055297445 52.79238923982118, 7.172470055297445 52.79259294521951))",28506_3_6,3,6,200.5 +"POLYGON ((7.172470055297445 52.79137069852113, 7.173625032091313 52.79137069852113, 7.173625032091313 52.79116698739944, 7.172470055297445 52.79116698739944, 7.172470055297445 52.79137069852113))",28506_3_12,3,12,91.25 +"POLYGON ((7.173625032091313 52.79300035315448, 7.174780008885181 52.79300035315448, 7.174780008885181 52.79279664966395, 7.173625032091313 52.79279664966395, 7.173625032091313 52.79300035315448))",28506_4_4,4,4,96.0 +"POLYGON ((7.173625032091313 52.79259294521951, 7.174780008885181 52.79259294521951, 7.174780008885181 52.79238923982118, 7.173625032091313 52.79238923982118, 7.173625032091313 52.79259294521951))",28506_4_6,4,6,17.562127404255317 +"POLYGON ((7.173625032091313 52.79218553346897, 7.174780008885181 52.79218553346897, 7.174780008885181 52.79198182616285, 7.173625032091313 52.79198182616285, 7.173625032091313 52.79218553346897))",28506_4_8,4,8,126.50663366666667 +"POLYGON ((7.173625032091313 52.79055584831088, 7.174780008885181 52.79055584831088, 7.174780008885181 52.79035213337355, 7.173625032091313 52.79035213337355, 7.173625032091313 52.79055584831088))",28506_4_16,4,16,92.7999992 +"POLYGON ((7.174780008885181 52.79300035315448, 7.175934985679048 52.79300035315448, 7.175934985679048 52.79279664966395, 7.174780008885181 52.79279664966395, 7.174780008885181 52.79300035315448))",28506_5_4,5,4,143.33333333333334 +"POLYGON ((7.174780008885181 52.79259294521951, 7.175934985679048 52.79259294521951, 7.175934985679048 52.79238923982118, 7.174780008885181 52.79238923982118, 7.174780008885181 52.79259294521951))",28506_5_6,5,6,157.0 +"POLYGON ((7.174780008885181 52.79218553346897, 7.175934985679048 52.79218553346897, 7.175934985679048 52.79198182616285, 7.174780008885181 52.79198182616285, 7.174780008885181 52.79218553346897))",28506_5_8,5,8,72.31650316666666 +"POLYGON ((7.174780008885181 52.79177811790285, 7.175934985679048 52.79177811790285, 7.175934985679048 52.79157440868894, 7.174780008885181 52.79157440868894, 7.174780008885181 52.79177811790285))",28506_5_10,5,10,84.6767235 +"POLYGON ((7.174780008885181 52.79157440868894, 7.175934985679048 52.79157440868894, 7.175934985679048 52.79137069852113, 7.174780008885181 52.79137069852113, 7.174780008885181 52.79157440868894))",28506_5_11,5,11,122.67729333333334 +"POLYGON ((7.174780008885181 52.79116698739944, 7.175934985679048 52.79116698739944, 7.175934985679048 52.79096327532382, 7.174780008885181 52.79096327532382, 7.174780008885181 52.79116698739944))",28506_5_13,5,13,110.3749995 +"POLYGON ((7.174780008885181 52.79096327532382, 7.175934985679048 52.79096327532382, 7.175934985679048 52.7907595622943, 7.174780008885181 52.7907595622943, 7.174780008885181 52.79096327532382))",28506_5_14,5,14,78.24974883333333 +"POLYGON ((7.174780008885181 52.79055584831088, 7.175934985679048 52.79055584831088, 7.175934985679048 52.79035213337355, 7.174780008885181 52.79035213337355, 7.174780008885181 52.79055584831088))",28506_5_16,5,16,168.0 +"POLYGON ((7.174780008885181 52.78994470063715, 7.175934985679048 52.78994470063715, 7.175934985679048 52.78974098283808, 7.174780008885181 52.78974098283808, 7.174780008885181 52.78994470063715))",28506_5_19,5,19,90.2000004 +"POLYGON ((7.174780008885181 52.78933354437818, 7.175934985679048 52.78933354437818, 7.175934985679048 52.78912982371736, 7.174780008885181 52.78912982371736, 7.174780008885181 52.78933354437818))",28506_5_22,5,22,101.05132655555556 +"POLYGON ((7.175934985679048 52.79177811790285, 7.177089962472917 52.79177811790285, 7.177089962472917 52.79157440868894, 7.175934985679048 52.79157440868894, 7.175934985679048 52.79177811790285))",28506_6_10,6,10,126.105365 +"POLYGON ((7.175934985679048 52.79157440868894, 7.177089962472917 52.79157440868894, 7.177089962472917 52.79137069852113, 7.175934985679048 52.79137069852113, 7.175934985679048 52.79157440868894))",28506_6_11,6,11,108.5 +"POLYGON ((7.175934985679048 52.79137069852113, 7.177089962472917 52.79137069852113, 7.177089962472917 52.79116698739944, 7.175934985679048 52.79116698739944, 7.175934985679048 52.79137069852113))",28506_6_12,6,12,117.92244649999999 +"POLYGON ((7.175934985679048 52.79116698739944, 7.177089962472917 52.79116698739944, 7.177089962472917 52.79096327532382, 7.175934985679048 52.79096327532382, 7.175934985679048 52.79116698739944))",28506_6_13,6,13,99.11111222222222 +"POLYGON ((7.175934985679048 52.79096327532382, 7.177089962472917 52.79096327532382, 7.177089962472917 52.7907595622943, 7.175934985679048 52.7907595622943, 7.175934985679048 52.79096327532382))",28506_6_14,6,14,156.33333333333334 +"POLYGON ((7.175934985679048 52.79055584831088, 7.177089962472917 52.79055584831088, 7.177089962472917 52.79035213337355, 7.175934985679048 52.79035213337355, 7.175934985679048 52.79055584831088))",28506_6_16,6,16,152.33333333333334 +"POLYGON ((7.175934985679048 52.79014841748231, 7.177089962472917 52.79014841748231, 7.177089962472917 52.78994470063715, 7.175934985679048 52.78994470063715, 7.175934985679048 52.79014841748231))",28506_6_18,6,18,79.02638466666666 +"POLYGON ((7.169005124915841 52.78614181109583, 7.170160101709709 52.78614181109583, 7.170160101709709 52.78593807549001, 7.169005124915841 52.78593807549001, 7.169005124915841 52.78614181109583))",28507_0_11,0,11,182.0 +"POLYGON ((7.170160101709709 52.78654927944563, 7.171315078503577 52.78654927944563, 7.171315078503577 52.78634554574771, 7.170160101709709 52.78634554574771, 7.170160101709709 52.78654927944563))",28507_1_9,1,9,133.0 +"POLYGON ((7.172470055297445 52.78716047481576, 7.173625032091313 52.78716047481576, 7.173625032091313 52.78695674397967, 7.172470055297445 52.78695674397967, 7.172470055297445 52.78716047481576))",28507_3_6,3,6,207.0 +"POLYGON ((7.172470055297445 52.78593807549001, 7.173625032091313 52.78593807549001, 7.173625032091313 52.78573433893022, 7.172470055297445 52.78573433893022, 7.172470055297445 52.78593807549001))",28507_3_12,3,12,118.0 +"POLYGON ((7.173625032091313 52.78716047481576, 7.174780008885181 52.78716047481576, 7.174780008885181 52.78695674397967, 7.173625032091313 52.78695674397967, 7.173625032091313 52.78716047481576))",28507_4_6,4,6,104.0000005 +"POLYGON ((7.173625032091313 52.78675301218963, 7.174780008885181 52.78675301218963, 7.174780008885181 52.78654927944563, 7.173625032091313 52.78654927944563, 7.173625032091313 52.78675301218963))",28507_4_8,4,8,130.025521 +"POLYGON ((7.173625032091313 52.78512312352715, 7.174780008885181 52.78512312352715, 7.174780008885181 52.78491938315155, 7.173625032091313 52.78491938315155, 7.173625032091313 52.78512312352715))",28507_4_16,4,16,92.000003 +"POLYGON ((7.174780008885181 52.78716047481576, 7.175934985679048 52.78716047481576, 7.175934985679048 52.78695674397967, 7.174780008885181 52.78695674397967, 7.174780008885181 52.78716047481576))",28507_5_6,5,6,165.0 +"POLYGON ((7.174780008885181 52.78675301218963, 7.175934985679048 52.78675301218963, 7.175934985679048 52.78654927944563, 7.174780008885181 52.78654927944563, 7.174780008885181 52.78675301218963))",28507_5_8,5,8,65.999999 +"POLYGON ((7.174780008885181 52.78573433893022, 7.175934985679048 52.78573433893022, 7.175934985679048 52.78553060141649, 7.174780008885181 52.78553060141649, 7.174780008885181 52.78573433893022))",28507_5_13,5,13,121.000002 +"POLYGON ((7.174780008885181 52.78553060141649, 7.175934985679048 52.78553060141649, 7.175934985679048 52.7853268629488, 7.174780008885181 52.7853268629488, 7.174780008885181 52.78553060141649))",28507_5_14,5,14,78.0 +"POLYGON ((7.174780008885181 52.78451189953844, 7.175934985679048 52.78451189953844, 7.175934985679048 52.78430815630094, 7.174780008885181 52.78430815630094, 7.174780008885181 52.78451189953844))",28507_5_19,5,19,88.999997 +"POLYGON ((7.174780008885181 52.78390066696404, 7.175934985679048 52.78390066696404, 7.175934985679048 52.78369692086464, 7.174780008885181 52.78369692086464, 7.174780008885181 52.78390066696404))",28507_5_22,5,22,101.000003 +"POLYGON ((7.175934985679048 52.78614181109583, 7.177089962472917 52.78614181109583, 7.177089962472917 52.78593807549001, 7.175934985679048 52.78593807549001, 7.175934985679048 52.78614181109583))",28507_6_11,6,11,123.0 +"POLYGON ((7.175934985679048 52.72069367633994, 7.177089962472917 52.72069367633994, 7.177089962472917 52.72048963441863, 7.175934985679048 52.72048963441863, 7.175934985679048 52.72069367633994))",28519_6_12,6,12,94.8 +"POLYGON ((7.169005124915841 52.67734735512666, 7.170160101709709 52.67734735512666, 7.170160101709709 52.67714311047902, 7.169005124915841 52.67714311047902, 7.169005124915841 52.67734735512666))",28527_0_11,0,11,168.5 +"POLYGON ((7.169005124915841 52.67530486567708, 7.170160101709709 52.67530486567708, 7.170160101709709 52.67510061147981, 7.169005124915841 52.67510061147981, 7.169005124915841 52.67530486567708))",28527_0_21,0,21,86.69132675 +"POLYGON ((7.170160101709709 52.67775584155707, 7.171315078503577 52.67775584155707, 7.171315078503577 52.67755159881933, 7.170160101709709 52.67755159881933, 7.170160101709709 52.67775584155707))",28527_1_9,1,9,139.0 +"POLYGON ((7.171315078503577 52.67693886487642, 7.172470055297445 52.67693886487642, 7.172470055297445 52.67673461831887, 7.171315078503577 52.67673461831887, 7.171315078503577 52.67693886487642))",28527_2_13,2,13,101.0 +"POLYGON ((7.172470055297445 52.67836856404059, 7.173625032091313 52.67836856404059, 7.173625032091313 52.6781643241677, 7.172470055297445 52.6781643241677, 7.172470055297445 52.67836856404059))",28527_3_6,3,6,191.0 +"POLYGON ((7.172470055297445 52.67714311047902, 7.173625032091313 52.67714311047902, 7.173625032091313 52.67693886487642, 7.172470055297445 52.67693886487642, 7.172470055297445 52.67714311047902))",28527_3_12,3,12,140.66666666666666 +"POLYGON ((7.172470055297445 52.67612187291646, 7.173625032091313 52.67612187291646, 7.173625032091313 52.67591762253906, 7.172470055297445 52.67591762253906, 7.172470055297445 52.67612187291646))",28527_3_17,3,17,142.5 +"POLYGON ((7.173625032091313 52.67877704092155, 7.174780008885181 52.67877704092155, 7.174780008885181 52.67857280295854, 7.173625032091313 52.67857280295854, 7.173625032091313 52.67877704092155))",28527_4_4,4,4,185.5 +"POLYGON ((7.173625032091313 52.67836856404059, 7.174780008885181 52.67836856404059, 7.174780008885181 52.6781643241677, 7.173625032091313 52.6781643241677, 7.173625032091313 52.67836856404059))",28527_4_6,4,6,154.4999985 +"POLYGON ((7.173625032091313 52.67796008333986, 7.174780008885181 52.67796008333986, 7.174780008885181 52.67775584155707, 7.173625032091313 52.67775584155707, 7.173625032091313 52.67796008333986))",28527_4_8,4,8,120.895835 +"POLYGON ((7.173625032091313 52.6763261223389, 7.174780008885181 52.6763261223389, 7.174780008885181 52.67612187291646, 7.173625032091313 52.67612187291646, 7.173625032091313 52.6763261223389))",28527_4_16,4,16,131.250002 +"POLYGON ((7.174780008885181 52.67877704092155, 7.175934985679048 52.67877704092155, 7.175934985679048 52.67857280295854, 7.174780008885181 52.67857280295854, 7.174780008885181 52.67877704092155))",28527_5_4,5,4,144.5 +"POLYGON ((7.174780008885181 52.67836856404059, 7.175934985679048 52.67836856404059, 7.175934985679048 52.6781643241677, 7.174780008885181 52.6781643241677, 7.174780008885181 52.67836856404059))",28527_5_6,5,6,186.0 +"POLYGON ((7.174780008885181 52.67755159881933, 7.175934985679048 52.67755159881933, 7.175934985679048 52.67734735512666, 7.174780008885181 52.67734735512666, 7.174780008885181 52.67755159881933))",28527_5_10,5,10,135.79737533333335 +"POLYGON ((7.174780008885181 52.67734735512666, 7.175934985679048 52.67734735512666, 7.175934985679048 52.67714311047902, 7.174780008885181 52.67714311047902, 7.174780008885181 52.67734735512666))",28527_5_11,5,11,148.21382433333335 +"POLYGON ((7.174780008885181 52.67714311047902, 7.175934985679048 52.67714311047902, 7.175934985679048 52.67693886487642, 7.174780008885181 52.67693886487642, 7.174780008885181 52.67714311047902))",28527_5_12,5,12,84.2751834 +"POLYGON ((7.174780008885181 52.67693886487642, 7.175934985679048 52.67693886487642, 7.175934985679048 52.67673461831887, 7.174780008885181 52.67673461831887, 7.174780008885181 52.67693886487642))",28527_5_13,5,13,123.33333333333333 +"POLYGON ((7.174780008885181 52.67673461831887, 7.175934985679048 52.67673461831887, 7.175934985679048 52.67653037080636, 7.174780008885181 52.67653037080636, 7.174780008885181 52.67673461831887))",28527_5_14,5,14,146.000002 +"POLYGON ((7.174780008885181 52.6763261223389, 7.175934985679048 52.6763261223389, 7.175934985679048 52.67612187291646, 7.174780008885181 52.67612187291646, 7.174780008885181 52.6763261223389))",28527_5_16,5,16,191.0 +"POLYGON ((7.174780008885181 52.6757133712067, 7.175934985679048 52.6757133712067, 7.175934985679048 52.67550911891937, 7.174780008885181 52.67550911891937, 7.174780008885181 52.6757133712067))",28527_5_19,5,19,125.000002 +"POLYGON ((7.174780008885181 52.67510061147981, 7.175934985679048 52.67510061147981, 7.175934985679048 52.67489635632756, 7.174780008885181 52.67489635632756, 7.174780008885181 52.67510061147981))",28527_5_22,5,22,120.0484575 +"POLYGON ((7.175934985679048 52.67755159881933, 7.177089962472917 52.67755159881933, 7.177089962472917 52.67734735512666, 7.175934985679048 52.67734735512666, 7.175934985679048 52.67755159881933))",28527_6_10,6,10,85.14837666666666 +"POLYGON ((7.175934985679048 52.67734735512666, 7.177089962472917 52.67734735512666, 7.177089962472917 52.67714311047902, 7.175934985679048 52.67714311047902, 7.175934985679048 52.67734735512666))",28527_6_11,6,11,128.33333333333334 +"POLYGON ((7.175934985679048 52.67714311047902, 7.177089962472917 52.67714311047902, 7.177089962472917 52.67693886487642, 7.175934985679048 52.67693886487642, 7.175934985679048 52.67714311047902))",28527_6_12,6,12,125.33333333333333 +"POLYGON ((7.175934985679048 52.67693886487642, 7.177089962472917 52.67693886487642, 7.177089962472917 52.67673461831887, 7.175934985679048 52.67673461831887, 7.175934985679048 52.67693886487642))",28527_6_13,6,13,125.75254325 +"POLYGON ((7.175934985679048 52.67673461831887, 7.177089962472917 52.67673461831887, 7.177089962472917 52.67653037080636, 7.175934985679048 52.67653037080636, 7.175934985679048 52.67673461831887))",28527_6_14,6,14,153.2499995 +"POLYGON ((7.175934985679048 52.6763261223389, 7.177089962472917 52.6763261223389, 7.177089962472917 52.67612187291646, 7.175934985679048 52.67612187291646, 7.175934985679048 52.6763261223389))",28527_6_16,6,16,149.0 +"POLYGON ((7.175934985679048 52.67591762253906, 7.177089962472917 52.67591762253906, 7.177089962472917 52.6757133712067, 7.175934985679048 52.6757133712067, 7.175934985679048 52.67591762253906))",28527_6_18,6,18,118.66666666666667 +"POLYGON ((7.169005124915841 52.67190050437762, 7.170160101709709 52.67190050437762, 7.170160101709709 52.67169623426386, 7.169005124915841 52.67169623426386, 7.169005124915841 52.67190050437762))",28528_0_11,0,11,168.5 +"POLYGON ((7.169005124915841 52.66985776026479, 7.170160101709709 52.66985776026479, 7.170160101709709 52.66965348060091, 7.169005124915841 52.66965348060091, 7.169005124915841 52.66985776026479))",28528_0_21,0,21,84.65686966666668 +"POLYGON ((7.170160101709709 52.67230904174008, 7.171315078503577 52.67230904174008, 7.171315078503577 52.67210477353634, 7.170160101709709 52.67210477353634, 7.170160101709709 52.67230904174008))",28528_1_9,1,9,140.33333333333334 +"POLYGON ((7.171315078503577 52.67149196319513, 7.172470055297445 52.67149196319513, 7.172470055297445 52.67128769117138, 7.171315078503577 52.67128769117138, 7.171315078503577 52.67149196319513))",28528_2_13,2,13,129.33333333333334 +"POLYGON ((7.172470055297445 52.67292184062131, 7.173625032091313 52.67292184062131, 7.173625032091313 52.67271757528256, 7.172470055297445 52.67271757528256, 7.172470055297445 52.67292184062131))",28528_3_6,3,6,187.0 +"POLYGON ((7.172470055297445 52.67169623426386, 7.173625032091313 52.67169623426386, 7.173625032091313 52.67149196319513, 7.172470055297445 52.67149196319513, 7.172470055297445 52.67169623426386))",28528_3_12,3,12,133.0 +"POLYGON ((7.172470055297445 52.67067486937007, 7.173625032091313 52.67067486937007, 7.173625032091313 52.67047059352628, 7.172470055297445 52.67047059352628, 7.172470055297445 52.67067486937007))",28528_3_17,3,17,142.5 +"POLYGON ((7.173625032091313 52.67333036843381, 7.174780008885181 52.67333036843381, 7.174780008885181 52.67312610500505, 7.173625032091313 52.67312610500505, 7.173625032091313 52.67333036843381))",28528_4_4,4,4,151.0 +"POLYGON ((7.173625032091313 52.67292184062131, 7.174780008885181 52.67292184062131, 7.174780008885181 52.67271757528256, 7.173625032091313 52.67271757528256, 7.173625032091313 52.67292184062131))",28528_4_6,4,6,148.22796971428573 +"POLYGON ((7.173625032091313 52.67251330898881, 7.174780008885181 52.67251330898881, 7.174780008885181 52.67230904174008, 7.173625032091313 52.67230904174008, 7.173625032091313 52.67251330898881))",28528_4_8,4,8,115.4072355 +"POLYGON ((7.173625032091313 52.67087914425885, 7.174780008885181 52.67087914425885, 7.174780008885181 52.67067486937007, 7.173625032091313 52.67067486937007, 7.173625032091313 52.67087914425885))",28528_4_16,4,16,134.66666733333332 +"POLYGON ((7.174780008885181 52.67333036843381, 7.175934985679048 52.67333036843381, 7.175934985679048 52.67312610500505, 7.174780008885181 52.67312610500505, 7.174780008885181 52.67333036843381))",28528_5_4,5,4,136.66666666666666 +"POLYGON ((7.174780008885181 52.67292184062131, 7.175934985679048 52.67292184062131, 7.175934985679048 52.67271757528256, 7.174780008885181 52.67271757528256, 7.174780008885181 52.67292184062131))",28528_5_6,5,6,179.66666666666666 +"POLYGON ((7.174780008885181 52.67210477353634, 7.175934985679048 52.67210477353634, 7.175934985679048 52.67190050437762, 7.174780008885181 52.67190050437762, 7.174780008885181 52.67210477353634))",28528_5_10,5,10,133.64981075 +"POLYGON ((7.174780008885181 52.67190050437762, 7.175934985679048 52.67190050437762, 7.175934985679048 52.67169623426386, 7.174780008885181 52.67169623426386, 7.174780008885181 52.67190050437762))",28528_5_11,5,11,144.41399966666665 +"POLYGON ((7.174780008885181 52.67169623426386, 7.175934985679048 52.67169623426386, 7.175934985679048 52.67149196319513, 7.174780008885181 52.67149196319513, 7.174780008885181 52.67169623426386))",28528_5_12,5,12,85.1666665 +"POLYGON ((7.174780008885181 52.67149196319513, 7.175934985679048 52.67149196319513, 7.175934985679048 52.67128769117138, 7.174780008885181 52.67128769117138, 7.174780008885181 52.67149196319513))",28528_5_13,5,13,121.5 +"POLYGON ((7.174780008885181 52.67128769117138, 7.175934985679048 52.67128769117138, 7.175934985679048 52.67108341819262, 7.174780008885181 52.67108341819262, 7.174780008885181 52.67128769117138))",28528_5_14,5,14,149.6666713333333 +"POLYGON ((7.174780008885181 52.67087914425885, 7.175934985679048 52.67087914425885, 7.175934985679048 52.67067486937007, 7.174780008885181 52.67067486937007, 7.174780008885181 52.67087914425885))",28528_5_16,5,16,188.5 +"POLYGON ((7.174780008885181 52.67026631672747, 7.175934985679048 52.67026631672747, 7.175934985679048 52.67006203897363, 7.174780008885181 52.67006203897363, 7.174780008885181 52.67026631672747))",28528_5_19,5,19,132.749998 +"POLYGON ((7.174780008885181 52.66965348060091, 7.175934985679048 52.66965348060091, 7.175934985679048 52.66944919998203, 7.174780008885181 52.66944919998203, 7.174780008885181 52.66965348060091))",28528_5_22,5,22,120.79529044444445 +"POLYGON ((7.175934985679048 52.67210477353634, 7.177089962472917 52.67210477353634, 7.177089962472917 52.67190050437762, 7.175934985679048 52.67190050437762, 7.175934985679048 52.67210477353634))",28528_6_10,6,10,85.00000159999999 +"POLYGON ((7.175934985679048 52.67190050437762, 7.177089962472917 52.67190050437762, 7.177089962472917 52.67169623426386, 7.175934985679048 52.67169623426386, 7.175934985679048 52.67190050437762))",28528_6_11,6,11,126.33333333333333 +"POLYGON ((7.175934985679048 52.67169623426386, 7.177089962472917 52.67169623426386, 7.177089962472917 52.67149196319513, 7.175934985679048 52.67149196319513, 7.175934985679048 52.67169623426386))",28528_6_12,6,12,125.33333333333333 +"POLYGON ((7.175934985679048 52.67149196319513, 7.177089962472917 52.67149196319513, 7.177089962472917 52.67128769117138, 7.175934985679048 52.67128769117138, 7.175934985679048 52.67149196319513))",28528_6_13,6,13,115.32957707692307 +"POLYGON ((7.175934985679048 52.67128769117138, 7.177089962472917 52.67128769117138, 7.177089962472917 52.67108341819262, 7.175934985679048 52.67108341819262, 7.175934985679048 52.67128769117138))",28528_6_14,6,14,148.42223785714285 +"POLYGON ((7.175934985679048 52.67087914425885, 7.177089962472917 52.67087914425885, 7.177089962472917 52.67067486937007, 7.175934985679048 52.67067486937007, 7.175934985679048 52.67087914425885))",28528_6_16,6,16,151.66666666666666 +"POLYGON ((7.175934985679048 52.67047059352628, 7.177089962472917 52.67047059352628, 7.177089962472917 52.67026631672747, 7.175934985679048 52.67026631672747, 7.175934985679048 52.67047059352628))",28528_6_18,6,18,118.741505 +"POLYGON ((7.169005124915841 52.66645297451552, 7.170160101709709 52.66645297451552, 7.170160101709709 52.66624867893436, 7.169005124915841 52.66624867893436, 7.169005124915841 52.66645297451552))",28529_0_11,0,11,182.0 +"POLYGON ((7.169005124915841 52.66440997572618, 7.170160101709709 52.66440997572618, 7.170160101709709 52.66420567059438, 7.169005124915841 52.66420567059438, 7.169005124915841 52.66440997572618))",28529_0_21,0,21,84.4999985 +"POLYGON ((7.170160101709709 52.6668615628127, 7.171315078503577 52.6668615628127, 7.171315078503577 52.66665726914164, 7.170160101709709 52.66665726914164, 7.170160101709709 52.6668615628127))",28529_1_9,1,9,137.0 +"POLYGON ((7.171315078503577 52.66604438239813, 7.172470055297445 52.66604438239813, 7.172470055297445 52.66584008490686, 7.171315078503577 52.66584008490686, 7.171315078503577 52.66604438239813))",28529_2_13,2,13,171.0 +"POLYGON ((7.172470055297445 52.66747443809561, 7.173625032091313 52.66747443809561, 7.173625032091313 52.66727014728968, 7.172470055297445 52.66727014728968, 7.172470055297445 52.66747443809561))",28529_3_6,3,6,205.0 +"POLYGON ((7.172470055297445 52.66624867893436, 7.173625032091313 52.66624867893436, 7.173625032091313 52.66604438239813, 7.172470055297445 52.66604438239813, 7.172470055297445 52.66624867893436))",28529_3_12,3,12,135.0 +"POLYGON ((7.172470055297445 52.66522718670267, 7.173625032091313 52.66522718670267, 7.173625032091313 52.66502288539115, 7.172470055297445 52.66502288539115, 7.172470055297445 52.66522718670267))",28529_3_17,3,17,138.0 +"POLYGON ((7.173625032091313 52.66788301684233, 7.174780008885181 52.66788301684233, 7.174780008885181 52.66767872794649, 7.173625032091313 52.66767872794649, 7.173625032091313 52.66788301684233))",28529_4_4,4,4,145.0 +"POLYGON ((7.173625032091313 52.66747443809561, 7.174780008885181 52.66747443809561, 7.174780008885181 52.66727014728968, 7.173625032091313 52.66727014728968, 7.173625032091313 52.66747443809561))",28529_4_6,4,6,146.5 +"POLYGON ((7.173625032091313 52.66706585552872, 7.174780008885181 52.66706585552872, 7.174780008885181 52.6668615628127, 7.173625032091313 52.6668615628127, 7.173625032091313 52.66706585552872))",28529_4_8,4,8,106.0 +"POLYGON ((7.173625032091313 52.6668615628127, 7.174780008885181 52.6668615628127, 7.174780008885181 52.66665726914164, 7.173625032091313 52.66665726914164, 7.173625032091313 52.6668615628127))",28529_4_9,4,9,45.166666666666664 +"POLYGON ((7.173625032091313 52.66543148705912, 7.174780008885181 52.66543148705912, 7.174780008885181 52.66522718670267, 7.173625032091313 52.66522718670267, 7.173625032091313 52.66543148705912))",28529_4_16,4,16,131.499998 +"POLYGON ((7.174780008885181 52.66788301684233, 7.175934985679048 52.66788301684233, 7.175934985679048 52.66767872794649, 7.174780008885181 52.66767872794649, 7.174780008885181 52.66788301684233))",28529_5_4,5,4,134.0 +"POLYGON ((7.174780008885181 52.66747443809561, 7.175934985679048 52.66747443809561, 7.175934985679048 52.66727014728968, 7.174780008885181 52.66727014728968, 7.174780008885181 52.66747443809561))",28529_5_6,5,6,181.0 +"POLYGON ((7.174780008885181 52.66665726914164, 7.175934985679048 52.66665726914164, 7.175934985679048 52.66645297451552, 7.174780008885181 52.66645297451552, 7.174780008885181 52.66665726914164))",28529_5_10,5,10,132.396985 +"POLYGON ((7.174780008885181 52.66645297451552, 7.175934985679048 52.66645297451552, 7.175934985679048 52.66624867893436, 7.174780008885181 52.66624867893436, 7.174780008885181 52.66645297451552))",28529_5_11,5,11,140.999996 +"POLYGON ((7.174780008885181 52.66624867893436, 7.175934985679048 52.66624867893436, 7.175934985679048 52.66604438239813, 7.174780008885181 52.66604438239813, 7.174780008885181 52.66624867893436))",28529_5_12,5,12,85.283168 +"POLYGON ((7.174780008885181 52.66604438239813, 7.175934985679048 52.66604438239813, 7.175934985679048 52.66584008490686, 7.174780008885181 52.66584008490686, 7.174780008885181 52.66604438239813))",28529_5_13,5,13,123.0 +"POLYGON ((7.174780008885181 52.66584008490686, 7.175934985679048 52.66584008490686, 7.175934985679048 52.66563578646052, 7.174780008885181 52.66563578646052, 7.174780008885181 52.66584008490686))",28529_5_14,5,14,147.999996 +"POLYGON ((7.174780008885181 52.66543148705912, 7.175934985679048 52.66543148705912, 7.175934985679048 52.66522718670267, 7.174780008885181 52.66522718670267, 7.174780008885181 52.66543148705912))",28529_5_16,5,16,182.0 +"POLYGON ((7.174780008885181 52.66481858312456, 7.175934985679048 52.66481858312456, 7.175934985679048 52.66461427990291, 7.174780008885181 52.66461427990291, 7.174780008885181 52.66481858312456))",28529_5_19,5,19,135.000004 +"POLYGON ((7.174780008885181 52.66420567059438, 7.175934985679048 52.66420567059438, 7.175934985679048 52.66400136450752, 7.174780008885181 52.66400136450752, 7.174780008885181 52.66420567059438))",28529_5_22,5,22,118.05320366666666 +"POLYGON ((7.175934985679048 52.66665726914164, 7.177089962472917 52.66665726914164, 7.177089962472917 52.66645297451552, 7.175934985679048 52.66645297451552, 7.175934985679048 52.66665726914164))",28529_6_10,6,10,87.50128000000001 +"POLYGON ((7.175934985679048 52.66645297451552, 7.177089962472917 52.66645297451552, 7.177089962472917 52.66624867893436, 7.175934985679048 52.66624867893436, 7.175934985679048 52.66645297451552))",28529_6_11,6,11,124.0 +"POLYGON ((7.175934985679048 52.66624867893436, 7.177089962472917 52.66624867893436, 7.177089962472917 52.66604438239813, 7.175934985679048 52.66604438239813, 7.175934985679048 52.66624867893436))",28529_6_12,6,12,128.0 +"POLYGON ((7.175934985679048 52.66604438239813, 7.177089962472917 52.66604438239813, 7.177089962472917 52.66584008490686, 7.175934985679048 52.66584008490686, 7.175934985679048 52.66604438239813))",28529_6_13,6,13,99.4686065 +"POLYGON ((7.175934985679048 52.66584008490686, 7.177089962472917 52.66584008490686, 7.177089962472917 52.66563578646052, 7.175934985679048 52.66563578646052, 7.175934985679048 52.66584008490686))",28529_6_14,6,14,144.00000033333333 +"POLYGON ((7.175934985679048 52.66543148705912, 7.177089962472917 52.66543148705912, 7.177089962472917 52.66522718670267, 7.175934985679048 52.66522718670267, 7.175934985679048 52.66543148705912))",28529_6_16,6,16,149.0 +"POLYGON ((7.175934985679048 52.66502288539115, 7.177089962472917 52.66502288539115, 7.177089962472917 52.66481858312456, 7.175934985679048 52.66481858312456, 7.175934985679048 52.66502288539115))",28529_6_18,6,18,114.5000015 +"POLYGON ((7.169005124915841 52.26674048483387, 7.170160101709709 52.26674048483387, 7.170160101709709 52.26653432563454, 7.169005124915841 52.26653432563454, 7.169005124915841 52.26674048483387))",28602_0_12,0,12,156.0 +"POLYGON ((7.172470055297445 52.26674048483387, 7.173625032091313 52.26674048483387, 7.173625032091313 52.26653432563454, 7.172470055297445 52.26653432563454, 7.172470055297445 52.26674048483387))",28602_3_12,3,12,126.0 +"POLYGON ((7.174780008885181 52.26447268091718, 7.175934985679048 52.26447268091718, 7.175934985679048 52.264266511173, 7.174780008885181 52.264266511173, 7.174780008885181 52.26447268091718))",28602_5_23,5,23,129.0 +"POLYGON ((7.175934985679048 52.26653432563454, 7.177089962472917 52.26653432563454, 7.177089962472917 52.2663281654766, 7.175934985679048 52.2663281654766, 7.175934985679048 52.26653432563454))",28602_6_13,6,13,139.999996 +"POLYGON ((7.175934985679048 52.2663281654766, 7.177089962472917 52.2663281654766, 7.177089962472917 52.26612200436004, 7.175934985679048 52.26612200436004, 7.175934985679048 52.2663281654766))",28602_6_14,6,14,124.000004 +"POLYGON ((7.175934985679048 52.26550351525865, 7.177089962472917 52.26550351525865, 7.177089962472917 52.26529735030762, 7.175934985679048 52.26529735030762, 7.175934985679048 52.26550351525865))",28602_6_18,6,18,118.000002 +"POLYGON ((7.169005124915841 52.26124257812086, 7.170160101709709 52.26124257812086, 7.170160101709709 52.26103639335786, 7.169005124915841 52.26103639335786, 7.169005124915841 52.26124257812086))",28603_0_12,0,12,159.0 +"POLYGON ((7.169005124915841 52.25918068735083, 7.170160101709709 52.25918068735083, 7.170160101709709 52.25897449300112, 7.169005124915841 52.25897449300112, 7.169005124915841 52.25918068735083))",28603_0_22,0,22,115.50191720000001 +"POLYGON ((7.170160101709709 52.26186112665791, 7.171315078503577 52.26186112665791, 7.171315078503577 52.26165494477088, 7.170160101709709 52.26165494477088, 7.170160101709709 52.26186112665791))",28603_1_9,1,9,145.33333333333334 +"POLYGON ((7.171315078503577 52.26103639335786, 7.172470055297445 52.26103639335786, 7.172470055297445 52.2608302076362, 7.171315078503577 52.2608302076362, 7.171315078503577 52.26103639335786))",28603_2_13,2,13,161.0 +"POLYGON ((7.172470055297445 52.26247966656705, 7.173625032091313 52.26247966656705, 7.173625032091313 52.26227348755599, 7.172470055297445 52.26227348755599, 7.172470055297445 52.26247966656705))",28603_3_6,3,6,149.33333333333334 +"POLYGON ((7.172470055297445 52.26124257812086, 7.173625032091313 52.26124257812086, 7.173625032091313 52.26103639335786, 7.172470055297445 52.26103639335786, 7.172470055297445 52.26124257812086))",28603_3_12,3,12,125.0 +"POLYGON ((7.172470055297445 52.26041783331687, 7.173625032091313 52.26041783331687, 7.173625032091313 52.26021164471921, 7.172470055297445 52.26021164471921, 7.172470055297445 52.26041783331687))",28603_3_16,3,16,145.33333333333334 +"POLYGON ((7.173625032091313 52.26289202171323, 7.174780008885181 52.26289202171323, 7.174780008885181 52.26268584461945, 7.173625032091313 52.26268584461945, 7.173625032091313 52.26289202171323))",28603_4_4,4,4,179.0 +"POLYGON ((7.173625032091313 52.26268584461945, 7.174780008885181 52.26268584461945, 7.174780008885181 52.26247966656705, 7.173625032091313 52.26247966656705, 7.173625032091313 52.26268584461945))",28603_4_5,4,5,120.138036375 +"POLYGON ((7.173625032091313 52.26165494477088, 7.174780008885181 52.26165494477088, 7.174780008885181 52.2614487619252, 7.173625032091313 52.2614487619252, 7.173625032091313 52.26165494477088))",28603_4_10,4,10,132.0 +"POLYGON ((7.174780008885181 52.26289202171323, 7.175934985679048 52.26289202171323, 7.175934985679048 52.26268584461945, 7.174780008885181 52.26268584461945, 7.174780008885181 52.26289202171323))",28603_5_4,5,4,127.66666666666667 +"POLYGON ((7.174780008885181 52.26247966656705, 7.175934985679048 52.26247966656705, 7.175934985679048 52.26227348755599, 7.174780008885181 52.26227348755599, 7.174780008885181 52.26247966656705))",28603_5_6,5,6,213.0 +"POLYGON ((7.174780008885181 52.26186112665791, 7.175934985679048 52.26186112665791, 7.175934985679048 52.26165494477088, 7.174780008885181 52.26165494477088, 7.174780008885181 52.26186112665791))",28603_5_9,5,9,134.350871 +"POLYGON ((7.174780008885181 52.2614487619252, 7.175934985679048 52.2614487619252, 7.175934985679048 52.26124257812086, 7.174780008885181 52.26124257812086, 7.174780008885181 52.2614487619252))",28603_5_11,5,11,134.100868 +"POLYGON ((7.174780008885181 52.25979926464789, 7.175934985679048 52.25979926464789, 7.175934985679048 52.25959307317421, 7.174780008885181 52.25959307317421, 7.174780008885181 52.25979926464789))",28603_5_19,5,19,139.2500005 +"POLYGON ((7.174780008885181 52.25897449300112, 7.175934985679048 52.25897449300112, 7.175934985679048 52.25876829769274, 7.174780008885181 52.25876829769274, 7.174780008885181 52.25897449300112))",28603_5_23,5,23,126.94531975 +"POLYGON ((7.175934985679048 52.26165494477088, 7.177089962472917 52.26165494477088, 7.177089962472917 52.2614487619252, 7.175934985679048 52.2614487619252, 7.175934985679048 52.26165494477088))",28603_6_10,6,10,162.976796 +"POLYGON ((7.175934985679048 52.26124257812086, 7.177089962472917 52.26124257812086, 7.177089962472917 52.26103639335786, 7.175934985679048 52.26103639335786, 7.175934985679048 52.26124257812086))",28603_6_12,6,12,118.25 +"POLYGON ((7.175934985679048 52.26103639335786, 7.177089962472917 52.26103639335786, 7.177089962472917 52.2608302076362, 7.175934985679048 52.2608302076362, 7.175934985679048 52.26103639335786))",28603_6_13,6,13,127.702936375 +"POLYGON ((7.175934985679048 52.2608302076362, 7.177089962472917 52.2608302076362, 7.177089962472917 52.26062402095587, 7.175934985679048 52.26062402095587, 7.175934985679048 52.2608302076362))",28603_6_14,6,14,122.00541212499999 +"POLYGON ((7.175934985679048 52.26000545516288, 7.177089962472917 52.26000545516288, 7.177089962472917 52.25979926464789, 7.175934985679048 52.25979926464789, 7.175934985679048 52.26000545516288))",28603_6_18,6,18,117.0784865 +"POLYGON ((7.169005124915841 52.25574398969352, 7.170160101709709 52.25574398969352, 7.170160101709709 52.25553777936558, 7.169005124915841 52.25553777936558, 7.169005124915841 52.25574398969352))",28604_0_12,0,12,161.66666666666666 +"POLYGON ((7.169005124915841 52.25368184327188, 7.170160101709709 52.25368184327188, 7.170160101709709 52.25347562335674, 7.169005124915841 52.25347562335674, 7.169005124915841 52.25368184327188))",28604_0_22,0,22,116.50000075 +"POLYGON ((7.170160101709709 52.25636261492512, 7.171315078503577 52.25636261492512, 7.171315078503577 52.25615640747329, 7.170160101709709 52.25615640747329, 7.170160101709709 52.25636261492512))",28604_1_9,1,9,147.33333333333334 +"POLYGON ((7.171315078503577 52.25553777936558, 7.172470055297445 52.25553777936558, 7.172470055297445 52.25533156807892, 7.171315078503577 52.25533156807892, 7.171315078503577 52.25553777936558))",28604_2_13,2,13,163.66666666666666 +"POLYGON ((7.172470055297445 52.25698123152839, 7.173625032091313 52.25698123152839, 7.173625032091313 52.25677502695267, 7.172470055297445 52.25677502695267, 7.172470055297445 52.25698123152839))",28604_3_6,3,6,147.0 +"POLYGON ((7.172470055297445 52.25574398969352, 7.173625032091313 52.25574398969352, 7.173625032091313 52.25553777936558, 7.172470055297445 52.25553777936558, 7.172470055297445 52.25574398969352))",28604_3_12,3,12,125.0 +"POLYGON ((7.172470055297445 52.25491914262947, 7.173625032091313 52.25491914262947, 7.173625032091313 52.25471292846667, 7.172470055297445 52.25471292846667, 7.172470055297445 52.25491914262947))",28604_3_16,3,16,132.33333333333334 +"POLYGON ((7.173625032091313 52.25739363780374, 7.174780008885181 52.25739363780374, 7.174780008885181 52.25718743514542, 7.173625032091313 52.25718743514542, 7.173625032091313 52.25739363780374))",28604_4_4,4,4,185.5 +"POLYGON ((7.173625032091313 52.25718743514542, 7.174780008885181 52.25718743514542, 7.174780008885181 52.25698123152839, 7.173625032091313 52.25698123152839, 7.173625032091313 52.25718743514542))",28604_4_5,4,5,137.99999866666667 +"POLYGON ((7.173625032091313 52.25615640747329, 7.174780008885181 52.25615640747329, 7.174780008885181 52.25595019906277, 7.173625032091313 52.25595019906277, 7.173625032091313 52.25615640747329))",28604_4_10,4,10,137.0 +"POLYGON ((7.174780008885181 52.25739363780374, 7.175934985679048 52.25739363780374, 7.175934985679048 52.25718743514542, 7.174780008885181 52.25718743514542, 7.174780008885181 52.25739363780374))",28604_5_4,5,4,128.66666666666666 +"POLYGON ((7.174780008885181 52.25698123152839, 7.175934985679048 52.25698123152839, 7.175934985679048 52.25677502695267, 7.174780008885181 52.25677502695267, 7.174780008885181 52.25698123152839))",28604_5_6,5,6,200.66666666666666 +"POLYGON ((7.174780008885181 52.25636261492512, 7.175934985679048 52.25636261492512, 7.175934985679048 52.25615640747329, 7.174780008885181 52.25615640747329, 7.174780008885181 52.25636261492512))",28604_5_9,5,9,131.14402775000002 +"POLYGON ((7.174780008885181 52.25595019906277, 7.175934985679048 52.25595019906277, 7.175934985679048 52.25574398969352, 7.174780008885181 52.25574398969352, 7.174780008885181 52.25595019906277))",28604_5_11,5,11,134.0000005 +"POLYGON ((7.174780008885181 52.25430049726491, 7.175934985679048 52.25430049726491, 7.175934985679048 52.25409428022596, 7.174780008885181 52.25409428022596, 7.174780008885181 52.25430049726491))",28604_5_19,5,19,143.000002 +"POLYGON ((7.174780008885181 52.25347562335674, 7.175934985679048 52.25347562335674, 7.175934985679048 52.25326940248289, 7.174780008885181 52.25326940248289, 7.174780008885181 52.25347562335674))",28604_5_23,5,23,129.51936425 +"POLYGON ((7.175934985679048 52.25615640747329, 7.177089962472917 52.25615640747329, 7.177089962472917 52.25595019906277, 7.175934985679048 52.25595019906277, 7.175934985679048 52.25615640747329))",28604_6_10,6,10,161.56138950000002 +"POLYGON ((7.175934985679048 52.25574398969352, 7.177089962472917 52.25574398969352, 7.177089962472917 52.25553777936558, 7.175934985679048 52.25553777936558, 7.175934985679048 52.25574398969352))",28604_6_12,6,12,118.0 +"POLYGON ((7.175934985679048 52.25553777936558, 7.177089962472917 52.25553777936558, 7.177089962472917 52.25533156807892, 7.175934985679048 52.25533156807892, 7.175934985679048 52.25553777936558))",28604_6_13,6,13,129.44895885714286 +"POLYGON ((7.175934985679048 52.25533156807892, 7.177089962472917 52.25533156807892, 7.177089962472917 52.25512535583355, 7.175934985679048 52.25512535583355, 7.175934985679048 52.25533156807892))",28604_6_14,6,14,124.51754225 +"POLYGON ((7.175934985679048 52.25450671334514, 7.177089962472917 52.25450671334514, 7.177089962472917 52.25430049726491, 7.175934985679048 52.25430049726491, 7.175934985679048 52.25450671334514))",28604_6_18,6,18,119.3469245 +"POLYGON ((7.174780008885181 52.25189457215622, 7.175934985679048 52.25189457215622, 7.175934985679048 52.25168834393205, 7.174780008885181 52.25168834393205, 7.174780008885181 52.25189457215622))",28605_5_4,5,4,129.0 +"POLYGON ((7.175934985679048 52.24983224677089, 7.177089962472917 52.24983224677089, 7.177089962472917 52.2496260089592, 7.175934985679048 52.2496260089592, 7.175934985679048 52.24983224677089))",28605_6_14,6,14,112.452177 +"POLYGON ((7.169005124915841 52.19521451417156, 7.170160101709709 52.19521451417156, 7.170160101709709 52.19500802254554, 7.169005124915841 52.19500802254554, 7.169005124915841 52.19521451417156))",28615_0_12,0,12,101.25 +"POLYGON ((7.169005124915841 52.1931495547457, 7.170160101709709 52.1931495547457, 7.170160101709709 52.19294305352728, 7.169005124915841 52.19294305352728, 7.169005124915841 52.1931495547457))",28615_0_22,0,22,96.249999 +"POLYGON ((7.170160101709709 52.19583398329424, 7.171315078503577 52.19583398329424, 7.171315078503577 52.1956274945459, 7.170160101709709 52.1956274945459, 7.170160101709709 52.19583398329424))",28615_1_9,1,9,103.5 +"POLYGON ((7.171315078503577 52.19500802254554, 7.172470055297445 52.19500802254554, 7.172470055297445 52.19480152996029, 7.171315078503577 52.19480152996029, 7.171315078503577 52.19500802254554))",28615_2_13,2,13,97.0 +"POLYGON ((7.172470055297445 52.19645344378389, 7.173625032091313 52.19645344378389, 7.173625032091313 52.19624695791322, 7.172470055297445 52.19624695791322, 7.172470055297445 52.19645344378389))",28615_3_6,3,6,72.0 +"POLYGON ((7.172470055297445 52.19521451417156, 7.173625032091313 52.19521451417156, 7.173625032091313 52.19500802254554, 7.172470055297445 52.19500802254554, 7.172470055297445 52.19521451417156))",28615_3_12,3,12,88.5 +"POLYGON ((7.172470055297445 52.19438854191208, 7.173625032091313 52.19438854191208, 7.173625032091313 52.19418204644913, 7.172470055297445 52.19418204644913, 7.172470055297445 52.19438854191208))",28615_3_16,3,16,109.25 +"POLYGON ((7.173625032091313 52.19686641264756, 7.174780008885181 52.19686641264756, 7.174780008885181 52.19665992869533, 7.173625032091313 52.19665992869533, 7.173625032091313 52.19686641264756))",28615_4_4,4,4,115.5 +"POLYGON ((7.173625032091313 52.19665992869533, 7.174780008885181 52.19665992869533, 7.174780008885181 52.19645344378389, 7.173625032091313 52.19645344378389, 7.173625032091313 52.19665992869533))",28615_4_5,4,5,79.4 +"POLYGON ((7.174780008885181 52.19686641264756, 7.175934985679048 52.19686641264756, 7.175934985679048 52.19665992869533, 7.174780008885181 52.19665992869533, 7.174780008885181 52.19686641264756))",28615_5_4,5,4,101.25 +"POLYGON ((7.174780008885181 52.19645344378389, 7.175934985679048 52.19645344378389, 7.175934985679048 52.19624695791322, 7.174780008885181 52.19624695791322, 7.174780008885181 52.19645344378389))",28615_5_6,5,6,99.75 +"POLYGON ((7.174780008885181 52.19583398329424, 7.175934985679048 52.19583398329424, 7.175934985679048 52.1956274945459, 7.174780008885181 52.1956274945459, 7.174780008885181 52.19583398329424))",28615_5_9,5,9,91.470914 +"POLYGON ((7.174780008885181 52.19542100483834, 7.175934985679048 52.19542100483834, 7.175934985679048 52.19521451417156, 7.174780008885181 52.19521451417156, 7.174780008885181 52.19542100483834))",28615_5_11,5,11,104.81044320000001 +"POLYGON ((7.174780008885181 52.19376905264549, 7.175934985679048 52.19376905264549, 7.175934985679048 52.1935625543048, 7.174780008885181 52.1935625543048, 7.174780008885181 52.19376905264549))",28615_5_19,5,19,93.39999900000001 +"POLYGON ((7.174780008885181 52.19294305352728, 7.175934985679048 52.19294305352728, 7.175934985679048 52.19273655134961, 7.174780008885181 52.19273655134961, 7.174780008885181 52.19294305352728))",28615_5_23,5,23,89.20622019999999 +"POLYGON ((7.175934985679048 52.19583398329424, 7.177089962472917 52.19583398329424, 7.177089962472917 52.1956274945459, 7.175934985679048 52.1956274945459, 7.175934985679048 52.19583398329424))",28615_6_9,6,9,115.73701760000002 +"POLYGON ((7.175934985679048 52.19521451417156, 7.177089962472917 52.19521451417156, 7.177089962472917 52.19500802254554, 7.175934985679048 52.19500802254554, 7.175934985679048 52.19521451417156))",28615_6_12,6,12,98.91666666666667 +"POLYGON ((7.175934985679048 52.19500802254554, 7.177089962472917 52.19500802254554, 7.177089962472917 52.19480152996029, 7.175934985679048 52.19480152996029, 7.175934985679048 52.19500802254554))",28615_6_13,6,13,98.1999995 +"POLYGON ((7.175934985679048 52.19480152996029, 7.177089962472917 52.19480152996029, 7.177089962472917 52.19459503641581, 7.175934985679048 52.19459503641581, 7.175934985679048 52.19480152996029))",28615_6_14,6,14,98.26527924999999 +"POLYGON ((7.173625032091313 50.89363211960274, 7.174780008885181 50.89363211960274, 7.174780008885181 50.89341963542047, 7.173625032091313 50.89341963542047, 7.173625032091313 50.89363211960274))",28848_4_12,4,12,114.5 +"POLYGON ((7.173625032091313 50.88796554298085, 7.174780008885181 50.88796554298085, 7.174780008885181 50.88775303294685, 7.173625032091313 50.88775303294685, 7.173625032091313 50.88796554298085))",28849_4_12,4,12,121.33333333333333 +"POLYGON ((7.177988277757035 53.61499214337697, 7.179143254550905 53.61499214337697, 7.179143254550905 53.61479230988792, 7.177988277757035 53.61479230988792, 7.177988277757035 53.61499214337697))",29028_0_10,0,10,30.0 +"POLYGON ((7.180298231344771 53.61419280374557, 7.181453208138641 53.61419280374557, 7.181453208138641 53.61399296647306, 7.180298231344771 53.61399296647306, 7.180298231344771 53.61419280374557))",29028_2_14,2,14,50.333333333333336 +"POLYGON ((7.181453208138641 53.6153918075175, 7.182608184932507 53.6153918075175, 7.182608184932507 53.61519197592015, 7.181453208138641 53.61519197592015, 7.181453208138641 53.6153918075175))",29028_3_8,3,8,47.375 +"POLYGON ((7.182608184932507 53.61599129663437, 7.183763161726376 53.61599129663437, 7.183763161726376 53.61579146787459, 7.182608184932507 53.61579146787459, 7.182608184932507 53.61599129663437))",29028_4_5,4,5,58.0 +"POLYGON ((7.182608184932507 53.61519197592015, 7.183763161726376 53.61519197592015, 7.183763161726376 53.61499214337697, 7.182608184932507 53.61499214337697, 7.182608184932507 53.61519197592015))",29028_4_9,4,9,47.780439333333334 +"POLYGON ((7.183763161726376 53.61599129663437, 7.184918138520243 53.61599129663437, 7.184918138520243 53.61579146787459, 7.183763161726376 53.61579146787459, 7.183763161726376 53.61599129663437))",29028_5_5,5,5,49.5 +"POLYGON ((7.184918138520243 53.61439264007222, 7.186073115314111 53.61439264007222, 7.186073115314111 53.61419280374557, 7.184918138520243 53.61419280374557, 7.184918138520243 53.61439264007222))",29028_6_13,6,13,31.833333333333332 +"POLYGON ((7.183763161726376 53.61026249709744, 7.184918138520243 53.61026249709744, 7.184918138520243 53.61006264122243, 7.183763161726376 53.61006264122243, 7.183763161726376 53.61026249709744))",29029_5_7,5,7,9.0 +"POLYGON ((7.183763161726376 53.60493268337971, 7.184918138520243 53.60493268337971, 7.184918138520243 53.60473280227971, 7.183763161726376 53.60473280227971, 7.183763161726376 53.60493268337971))",29030_5_7,5,7,101.5 +"POLYGON ((7.181453208138641 53.48216122856681, 7.182608184932507 53.48216122856681, 7.182608184932507 53.48196076689227, 7.181453208138641 53.48196076689227, 7.181453208138641 53.48216122856681))",29053_3_7,3,7,36.0 +"POLYGON ((7.182608184932507 53.48176030427052, 7.183763161726376 53.48176030427052, 7.183763161726376 53.48155984070156, 7.182608184932507 53.48155984070156, 7.182608184932507 53.48176030427052))",29053_4_9,4,9,23.649351 +"POLYGON ((7.183763161726376 53.48216122856681, 7.184918138520243 53.48216122856681, 7.184918138520243 53.48196076689227, 7.183763161726376 53.48196076689227, 7.183763161726376 53.48216122856681))",29053_5_7,5,7,23.0 +"POLYGON ((7.179143254550905 53.17616290695764, 7.180298231344771 53.17616290695764, 7.180298231344771 53.17596100225781, 7.179143254550905 53.17596100225781, 7.179143254550905 53.17616290695764))",29110_1_8,1,8,123.0 +"POLYGON ((7.182608184932507 52.83060124704174, 7.183763161726376 52.83060124704174, 7.183763161726376 52.8303977196701, 7.182608184932507 52.8303977196701, 7.182608184932507 52.83060124704174))",29174_4_6,4,6,73.5 +"POLYGON ((7.182608184932507 52.82517352413745, 7.183763161726376 52.82517352413745, 7.183763161726376 52.82496997133747, 7.182608184932507 52.82496997133747, 7.182608184932507 52.82517352413745))",29175_4_6,4,6,82.2 +"POLYGON ((7.177988277757035 52.80786813163967, 7.179143254550905 52.80786813163967, 7.179143254550905 52.80766449777787, 7.177988277757035 52.80766449777787, 7.177988277757035 52.80786813163967))",29178_0_11,0,11,159.5 +"POLYGON ((7.177988277757035 52.80583175010261, 7.179143254550905 52.80583175010261, 7.179143254550905 52.80562810670322, 7.177988277757035 52.80562810670322, 7.177988277757035 52.80583175010261))",29178_0_21,0,21,135.50000125 +"POLYGON ((7.179143254550905 52.80827539650205, 7.180298231344771 52.80827539650205, 7.180298231344771 52.80807176454773, 7.179143254550905 52.80807176454773, 7.179143254550905 52.80827539650205))",29178_1_9,1,9,94.25 +"POLYGON ((7.180298231344771 52.80746086296231, 7.181453208138641 52.80746086296231, 7.181453208138641 52.80725722719301, 7.180298231344771 52.80725722719301, 7.180298231344771 52.80746086296231))",29178_2_13,2,13,182.5 +"POLYGON ((7.181453208138641 52.80888628664253, 7.182608184932507 52.80888628664253, 7.182608184932507 52.80868265754944, 7.181453208138641 52.80868265754944, 7.181453208138641 52.80888628664253))",29178_3_6,3,6,213.0 +"POLYGON ((7.181453208138641 52.80746086296231, 7.182608184932507 52.80746086296231, 7.182608184932507 52.80725722719301, 7.181453208138641 52.80725722719301, 7.181453208138641 52.80746086296231))",29178_3_13,3,13,74.16666666666667 +"POLYGON ((7.182608184932507 52.80929354196748, 7.183763161726376 52.80929354196748, 7.183763161726376 52.80908991478188, 7.182608184932507 52.80908991478188, 7.182608184932507 52.80929354196748))",29178_4_4,4,4,86.4 +"POLYGON ((7.182608184932507 52.80888628664253, 7.183763161726376 52.80888628664253, 7.183763161726376 52.80868265754944, 7.182608184932507 52.80868265754944, 7.182608184932507 52.80888628664253))",29178_4_6,4,6,32.94036723076923 +"POLYGON ((7.182608184932507 52.80847902750261, 7.183763161726376 52.80847902750261, 7.183763161726376 52.80827539650205, 7.182608184932507 52.80827539650205, 7.182608184932507 52.80847902750261))",29178_4_8,4,8,127.00000133333333 +"POLYGON ((7.182608184932507 52.80684995279311, 7.183763161726376 52.80684995279311, 7.183763161726376 52.80664631416253, 7.182608184932507 52.80664631416253, 7.182608184932507 52.80684995279311))",29178_4_16,4,16,88.6000012 +"POLYGON ((7.183763161726376 52.80929354196748, 7.184918138520243 52.80929354196748, 7.184918138520243 52.80908991478188, 7.183763161726376 52.80908991478188, 7.183763161726376 52.80929354196748))",29178_5_4,5,4,147.33333333333334 +"POLYGON ((7.183763161726376 52.80888628664253, 7.184918138520243 52.80888628664253, 7.184918138520243 52.80868265754944, 7.183763161726376 52.80868265754944, 7.183763161726376 52.80888628664253))",29178_5_6,5,6,163.5 +"POLYGON ((7.183763161726376 52.80827539650205, 7.184918138520243 52.80827539650205, 7.184918138520243 52.80807176454773, 7.183763161726376 52.80807176454773, 7.183763161726376 52.80827539650205))",29178_5_9,5,9,96.625283 +"POLYGON ((7.183763161726376 52.80807176454773, 7.184918138520243 52.80807176454773, 7.184918138520243 52.80786813163967, 7.183763161726376 52.80786813163967, 7.183763161726376 52.80807176454773))",29178_5_10,5,10,103.4537995 +"POLYGON ((7.183763161726376 52.80786813163967, 7.184918138520243 52.80786813163967, 7.184918138520243 52.80766449777787, 7.183763161726376 52.80766449777787, 7.183763161726376 52.80786813163967))",29178_5_11,5,11,97.6045678 +"POLYGON ((7.183763161726376 52.80746086296231, 7.184918138520243 52.80746086296231, 7.184918138520243 52.80725722719301, 7.183763161726376 52.80725722719301, 7.183763161726376 52.80746086296231))",29178_5_13,5,13,104.60338644444444 +"POLYGON ((7.183763161726376 52.80725722719301, 7.184918138520243 52.80725722719301, 7.184918138520243 52.80705359046993, 7.183763161726376 52.80705359046993, 7.183763161726376 52.80725722719301))",29178_5_14,5,14,97.8069364 +"POLYGON ((7.183763161726376 52.80684995279311, 7.184918138520243 52.80684995279311, 7.184918138520243 52.80664631416253, 7.183763161726376 52.80664631416253, 7.183763161726376 52.80684995279311))",29178_5_16,5,16,163.5 +"POLYGON ((7.183763161726376 52.8062390340401, 7.184918138520243 52.8062390340401, 7.184918138520243 52.80603539254824, 7.183763161726376 52.80603539254824, 7.183763161726376 52.8062390340401))",29178_5_19,5,19,85.833334 +"POLYGON ((7.183763161726376 52.80562810670322, 7.184918138520243 52.80562810670322, 7.184918138520243 52.80542446235005, 7.183763161726376 52.80542446235005, 7.183763161726376 52.80562810670322))",29178_5_22,5,22,92.70102066666668 +"POLYGON ((7.184918138520243 52.80807176454773, 7.186073115314111 52.80807176454773, 7.186073115314111 52.80786813163967, 7.184918138520243 52.80786813163967, 7.184918138520243 52.80807176454773))",29178_6_10,6,10,123.32553874999999 +"POLYGON ((7.184918138520243 52.80786813163967, 7.186073115314111 52.80786813163967, 7.186073115314111 52.80766449777787, 7.184918138520243 52.80766449777787, 7.184918138520243 52.80786813163967))",29178_6_11,6,11,79.8 +"POLYGON ((7.184918138520243 52.80766449777787, 7.186073115314111 52.80766449777787, 7.186073115314111 52.80746086296231, 7.184918138520243 52.80746086296231, 7.184918138520243 52.80766449777787))",29178_6_12,6,12,125.50000075 +"POLYGON ((7.184918138520243 52.80746086296231, 7.186073115314111 52.80746086296231, 7.186073115314111 52.80725722719301, 7.184918138520243 52.80725722719301, 7.184918138520243 52.80746086296231))",29178_6_13,6,13,99.06291755555554 +"POLYGON ((7.184918138520243 52.80725722719301, 7.186073115314111 52.80725722719301, 7.186073115314111 52.80705359046993, 7.184918138520243 52.80705359046993, 7.184918138520243 52.80725722719301))",29178_6_14,6,14,77.8 +"POLYGON ((7.184918138520243 52.80684995279311, 7.186073115314111 52.80684995279311, 7.186073115314111 52.80664631416253, 7.184918138520243 52.80664631416253, 7.184918138520243 52.80684995279311))",29178_6_16,6,16,168.66666666666666 +"POLYGON ((7.184918138520243 52.8064426745782, 7.186073115314111 52.8064426745782, 7.186073115314111 52.8062390340401, 7.184918138520243 52.8062390340401, 7.184918138520243 52.8064426745782))",29178_6_18,6,18,78.37058133333333 +"POLYGON ((7.177988277757035 52.80243756892497, 7.179143254550905 52.80243756892497, 7.179143254550905 52.80223390962918, 7.177988277757035 52.80223390962918, 7.177988277757035 52.80243756892497))",29179_0_11,0,11,156.0 +"POLYGON ((7.177988277757035 52.80040093304578, 7.179143254550905 52.80040093304578, 7.179143254550905 52.80019726421189, 7.177988277757035 52.80019726421189, 7.177988277757035 52.80040093304578))",29179_0_21,0,21,134.999997 +"POLYGON ((7.179143254550905 52.80284488465517, 7.180298231344771 52.80284488465517, 7.180298231344771 52.80264122726696, 7.179143254550905 52.80264122726696, 7.179143254550905 52.80284488465517))",29179_1_9,1,9,87.25 +"POLYGON ((7.180298231344771 52.80203024937958, 7.181453208138641 52.80203024937958, 7.181453208138641 52.80182658817619, 7.180298231344771 52.80182658817619, 7.180298231344771 52.80203024937958))",29179_2_13,2,13,180.0 +"POLYGON ((7.181453208138641 52.80345585109699, 7.182608184932507 52.80345585109699, 7.182608184932507 52.80325219657018, 7.181453208138641 52.80325219657018, 7.181453208138641 52.80345585109699))",29179_3_6,3,6,213.0 +"POLYGON ((7.181453208138641 52.80203024937958, 7.182608184932507 52.80203024937958, 7.182608184932507 52.80182658817619, 7.181453208138641 52.80182658817619, 7.181453208138641 52.80203024937958))",29179_3_13,3,13,71.5 +"POLYGON ((7.182608184932507 52.80386315728927, 7.183763161726376 52.80386315728927, 7.183763161726376 52.80365950467002, 7.182608184932507 52.80365950467002, 7.182608184932507 52.80386315728927))",29179_4_4,4,4,86.75 +"POLYGON ((7.182608184932507 52.80345585109699, 7.183763161726376 52.80345585109699, 7.183763161726376 52.80325219657018, 7.182608184932507 52.80325219657018, 7.182608184932507 52.80345585109699))",29179_4_6,4,6,33.85714304761905 +"POLYGON ((7.182608184932507 52.80304854108957, 7.183763161726376 52.80304854108957, 7.183763161726376 52.80284488465517, 7.182608184932507 52.80284488465517, 7.182608184932507 52.80304854108957))",29179_4_8,4,8,130.07794233333334 +"POLYGON ((7.182608184932507 52.80141926290798, 7.183763161726376 52.80141926290798, 7.183763161726376 52.80121559884316, 7.182608184932507 52.80121559884316, 7.182608184932507 52.80141926290798))",29179_4_16,4,16,78.4999995 +"POLYGON ((7.183763161726376 52.80386315728927, 7.184918138520243 52.80386315728927, 7.184918138520243 52.80365950467002, 7.183763161726376 52.80365950467002, 7.183763161726376 52.80386315728927))",29179_5_4,5,4,147.5 +"POLYGON ((7.183763161726376 52.80345585109699, 7.184918138520243 52.80345585109699, 7.184918138520243 52.80325219657018, 7.183763161726376 52.80325219657018, 7.183763161726376 52.80345585109699))",29179_5_6,5,6,155.0 +"POLYGON ((7.183763161726376 52.80304854108957, 7.184918138520243 52.80304854108957, 7.184918138520243 52.80284488465517, 7.183763161726376 52.80284488465517, 7.183763161726376 52.80304854108957))",29179_5_8,5,8,67.9654676 +"POLYGON ((7.183763161726376 52.80284488465517, 7.184918138520243 52.80284488465517, 7.184918138520243 52.80264122726696, 7.183763161726376 52.80264122726696, 7.183763161726376 52.80284488465517))",29179_5_9,5,9,67.0 +"POLYGON ((7.183763161726376 52.80264122726696, 7.184918138520243 52.80264122726696, 7.184918138520243 52.80243756892497, 7.183763161726376 52.80243756892497, 7.183763161726376 52.80264122726696))",29179_5_10,5,10,84.0413425 +"POLYGON ((7.183763161726376 52.80243756892497, 7.184918138520243 52.80243756892497, 7.184918138520243 52.80223390962918, 7.183763161726376 52.80223390962918, 7.183763161726376 52.80243756892497))",29179_5_11,5,11,94.402027 +"POLYGON ((7.183763161726376 52.80203024937958, 7.184918138520243 52.80203024937958, 7.184918138520243 52.80182658817619, 7.183763161726376 52.80182658817619, 7.183763161726376 52.80203024937958))",29179_5_13,5,13,97.14285685714286 +"POLYGON ((7.183763161726376 52.80182658817619, 7.184918138520243 52.80182658817619, 7.184918138520243 52.80162292601898, 7.183763161726376 52.80162292601898, 7.183763161726376 52.80182658817619))",29179_5_14,5,14,74.8000002 +"POLYGON ((7.183763161726376 52.80141926290798, 7.184918138520243 52.80141926290798, 7.184918138520243 52.80121559884316, 7.183763161726376 52.80121559884316, 7.183763161726376 52.80141926290798))",29179_5_16,5,16,169.0 +"POLYGON ((7.183763161726376 52.8008082678521, 7.184918138520243 52.8008082678521, 7.184918138520243 52.80060460092584, 7.183763161726376 52.80060460092584, 7.183763161726376 52.8008082678521))",29179_5_19,5,19,84.00000075 +"POLYGON ((7.183763161726376 52.80019726421189, 7.184918138520243 52.80019726421189, 7.184918138520243 52.79999359442419, 7.183763161726376 52.79999359442419, 7.183763161726376 52.80019726421189))",29179_5_22,5,22,89.1923938888889 +"POLYGON ((7.184918138520243 52.80264122726696, 7.186073115314111 52.80264122726696, 7.186073115314111 52.80243756892497, 7.184918138520243 52.80243756892497, 7.184918138520243 52.80264122726696))",29179_6_10,6,10,123.30559099999999 +"POLYGON ((7.184918138520243 52.80243756892497, 7.186073115314111 52.80243756892497, 7.186073115314111 52.80223390962918, 7.184918138520243 52.80223390962918, 7.184918138520243 52.80243756892497))",29179_6_11,6,11,75.75 +"POLYGON ((7.184918138520243 52.80223390962918, 7.186073115314111 52.80223390962918, 7.186073115314111 52.80203024937958, 7.184918138520243 52.80203024937958, 7.184918138520243 52.80223390962918))",29179_6_12,6,12,125.66666666666667 +"POLYGON ((7.184918138520243 52.80203024937958, 7.186073115314111 52.80203024937958, 7.186073115314111 52.80182658817619, 7.184918138520243 52.80182658817619, 7.184918138520243 52.80203024937958))",29179_6_13,6,13,99.037595 +"POLYGON ((7.184918138520243 52.80182658817619, 7.186073115314111 52.80182658817619, 7.186073115314111 52.80162292601898, 7.184918138520243 52.80162292601898, 7.184918138520243 52.80182658817619))",29179_6_14,6,14,77.2 +"POLYGON ((7.184918138520243 52.80141926290798, 7.186073115314111 52.80141926290798, 7.186073115314111 52.80121559884316, 7.184918138520243 52.80121559884316, 7.184918138520243 52.80141926290798))",29179_6_16,6,16,141.5 +"POLYGON ((7.184918138520243 52.80101193382453, 7.186073115314111 52.80101193382453, 7.186073115314111 52.8008082678521, 7.184918138520243 52.8008082678521, 7.184918138520243 52.80101193382453))",29179_6_18,6,18,78.7191924 +"POLYGON ((7.184918138520243 52.72069367633994, 7.186073115314111 52.72069367633994, 7.186073115314111 52.72048963441863, 7.184918138520243 52.72048963441863, 7.184918138520243 52.72069367633994))",29194_6_12,6,12,100.25 +"POLYGON ((7.177988277757035 52.66645297451552, 7.179143254550905 52.66645297451552, 7.179143254550905 52.66624867893436, 7.177988277757035 52.66624867893436, 7.177988277757035 52.66645297451552))",29204_0_11,0,11,182.5 +"POLYGON ((7.177988277757035 52.66440997572618, 7.179143254550905 52.66440997572618, 7.179143254550905 52.66420567059438, 7.177988277757035 52.66420567059438, 7.177988277757035 52.66440997572618))",29204_0_21,0,21,86.35166975 +"POLYGON ((7.179143254550905 52.6668615628127, 7.180298231344771 52.6668615628127, 7.180298231344771 52.66665726914164, 7.179143254550905 52.66665726914164, 7.179143254550905 52.6668615628127))",29204_1_9,1,9,134.5 +"POLYGON ((7.180298231344771 52.66604438239813, 7.181453208138641 52.66604438239813, 7.181453208138641 52.66584008490686, 7.180298231344771 52.66584008490686, 7.180298231344771 52.66604438239813))",29204_2_13,2,13,177.0 +"POLYGON ((7.181453208138641 52.66747443809561, 7.182608184932507 52.66747443809561, 7.182608184932507 52.66727014728968, 7.181453208138641 52.66727014728968, 7.181453208138641 52.66747443809561))",29204_3_6,3,6,199.0 +"POLYGON ((7.181453208138641 52.66624867893436, 7.182608184932507 52.66624867893436, 7.182608184932507 52.66604438239813, 7.181453208138641 52.66604438239813, 7.181453208138641 52.66624867893436))",29204_3_12,3,12,137.5 +"POLYGON ((7.181453208138641 52.66522718670267, 7.182608184932507 52.66522718670267, 7.182608184932507 52.66502288539115, 7.181453208138641 52.66502288539115, 7.181453208138641 52.66522718670267))",29204_3_17,3,17,138.0 +"POLYGON ((7.182608184932507 52.66788301684233, 7.183763161726376 52.66788301684233, 7.183763161726376 52.66767872794649, 7.182608184932507 52.66767872794649, 7.182608184932507 52.66788301684233))",29204_4_4,4,4,145.0 +"POLYGON ((7.182608184932507 52.66747443809561, 7.183763161726376 52.66747443809561, 7.183763161726376 52.66727014728968, 7.182608184932507 52.66727014728968, 7.182608184932507 52.66747443809561))",29204_4_6,4,6,144.4000004 +"POLYGON ((7.182608184932507 52.66706585552872, 7.183763161726376 52.66706585552872, 7.183763161726376 52.6668615628127, 7.182608184932507 52.6668615628127, 7.182608184932507 52.66706585552872))",29204_4_8,4,8,94.23928025000001 +"POLYGON ((7.182608184932507 52.6668615628127, 7.183763161726376 52.6668615628127, 7.183763161726376 52.66665726914164, 7.182608184932507 52.66665726914164, 7.182608184932507 52.6668615628127))",29204_4_9,4,9,75.85714285714286 +"POLYGON ((7.182608184932507 52.66543148705912, 7.183763161726376 52.66543148705912, 7.183763161726376 52.66522718670267, 7.182608184932507 52.66522718670267, 7.182608184932507 52.66543148705912))",29204_4_16,4,16,131.499996 +"POLYGON ((7.182608184932507 52.66522718670267, 7.183763161726376 52.66522718670267, 7.183763161726376 52.66502288539115, 7.182608184932507 52.66502288539115, 7.182608184932507 52.66522718670267))",29204_4_17,4,17,53.36363636363637 +"POLYGON ((7.183763161726376 52.66788301684233, 7.184918138520243 52.66788301684233, 7.184918138520243 52.66767872794649, 7.183763161726376 52.66767872794649, 7.183763161726376 52.66788301684233))",29204_5_4,5,4,132.0 +"POLYGON ((7.183763161726376 52.66747443809561, 7.184918138520243 52.66747443809561, 7.184918138520243 52.66727014728968, 7.183763161726376 52.66727014728968, 7.183763161726376 52.66747443809561))",29204_5_6,5,6,181.0 +"POLYGON ((7.183763161726376 52.66665726914164, 7.184918138520243 52.66665726914164, 7.184918138520243 52.66645297451552, 7.183763161726376 52.66645297451552, 7.183763161726376 52.66665726914164))",29204_5_10,5,10,131.00000066666666 +"POLYGON ((7.183763161726376 52.66645297451552, 7.184918138520243 52.66645297451552, 7.184918138520243 52.66624867893436, 7.183763161726376 52.66624867893436, 7.183763161726376 52.66645297451552))",29204_5_11,5,11,142.15695666666667 +"POLYGON ((7.183763161726376 52.66624867893436, 7.184918138520243 52.66624867893436, 7.184918138520243 52.66604438239813, 7.183763161726376 52.66604438239813, 7.183763161726376 52.66624867893436))",29204_5_12,5,12,83.74999925 +"POLYGON ((7.183763161726376 52.66604438239813, 7.184918138520243 52.66604438239813, 7.184918138520243 52.66584008490686, 7.183763161726376 52.66584008490686, 7.183763161726376 52.66604438239813))",29204_5_13,5,13,118.66666666666667 +"POLYGON ((7.183763161726376 52.66584008490686, 7.184918138520243 52.66584008490686, 7.184918138520243 52.66563578646052, 7.183763161726376 52.66563578646052, 7.183763161726376 52.66584008490686))",29204_5_14,5,14,145.000004 +"POLYGON ((7.183763161726376 52.66543148705912, 7.184918138520243 52.66543148705912, 7.184918138520243 52.66522718670267, 7.183763161726376 52.66522718670267, 7.183763161726376 52.66543148705912))",29204_5_16,5,16,178.5 +"POLYGON ((7.183763161726376 52.66481858312456, 7.184918138520243 52.66481858312456, 7.184918138520243 52.66461427990291, 7.183763161726376 52.66461427990291, 7.183763161726376 52.66481858312456))",29204_5_19,5,19,137.333334 +"POLYGON ((7.183763161726376 52.66420567059438, 7.184918138520243 52.66420567059438, 7.184918138520243 52.66400136450752, 7.183763161726376 52.66400136450752, 7.183763161726376 52.66420567059438))",29204_5_22,5,22,119.83333316666666 +"POLYGON ((7.184918138520243 52.66665726914164, 7.186073115314111 52.66665726914164, 7.186073115314111 52.66645297451552, 7.184918138520243 52.66645297451552, 7.184918138520243 52.66665726914164))",29204_6_10,6,10,87.49820349999999 +"POLYGON ((7.184918138520243 52.66645297451552, 7.186073115314111 52.66645297451552, 7.186073115314111 52.66624867893436, 7.184918138520243 52.66624867893436, 7.184918138520243 52.66645297451552))",29204_6_11,6,11,124.33333333333333 +"POLYGON ((7.184918138520243 52.66624867893436, 7.186073115314111 52.66624867893436, 7.186073115314111 52.66604438239813, 7.184918138520243 52.66604438239813, 7.184918138520243 52.66624867893436))",29204_6_12,6,12,131.0 +"POLYGON ((7.184918138520243 52.66604438239813, 7.186073115314111 52.66604438239813, 7.186073115314111 52.66584008490686, 7.184918138520243 52.66584008490686, 7.184918138520243 52.66604438239813))",29204_6_13,6,13,87.96345211111111 +"POLYGON ((7.184918138520243 52.66584008490686, 7.186073115314111 52.66584008490686, 7.186073115314111 52.66563578646052, 7.184918138520243 52.66563578646052, 7.184918138520243 52.66584008490686))",29204_6_14,6,14,137.93848450000002 +"POLYGON ((7.184918138520243 52.66543148705912, 7.186073115314111 52.66543148705912, 7.186073115314111 52.66522718670267, 7.184918138520243 52.66522718670267, 7.184918138520243 52.66543148705912))",29204_6_16,6,16,150.5 +"POLYGON ((7.184918138520243 52.66502288539115, 7.186073115314111 52.66502288539115, 7.186073115314111 52.66481858312456, 7.184918138520243 52.66481858312456, 7.184918138520243 52.66502288539115))",29204_6_18,6,18,118.08581966666667 +"POLYGON ((7.177988277757035 52.66100476550497, 7.179143254550905 52.66100476550497, 7.179143254550905 52.66080044445504, 7.177988277757035 52.66080044445504, 7.177988277757035 52.66100476550497))",29205_0_11,0,11,183.5 +"POLYGON ((7.177988277757035 52.65896151202583, 7.179143254550905 52.65896151202583, 7.179143254550905 52.65875718142478, 7.177988277757035 52.65875718142478, 7.177988277757035 52.65896151202583))",29205_0_21,0,21,88.41055816666666 +"POLYGON ((7.179143254550905 52.66141340473951, 7.180298231344771 52.66141340473951, 7.180298231344771 52.6612090855998, 7.179143254550905 52.6612090855998, 7.179143254550905 52.66141340473951))",29205_1_9,1,9,136.66666666666666 +"POLYGON ((7.180298231344771 52.66059612245002, 7.181453208138641 52.66059612245002, 7.181453208138641 52.66039179948989, 7.180298231344771 52.66039179948989, 7.180298231344771 52.66059612245002))",29205_2_13,2,13,178.33333333333334 +"POLYGON ((7.181453208138641 52.66202635642809, 7.182608184932507 52.66202635642809, 7.182608184932507 52.66182204015366, 7.181453208138641 52.66182204015366, 7.181453208138641 52.66202635642809))",29205_3_6,3,6,182.0 +"POLYGON ((7.181453208138641 52.66080044445504, 7.182608184932507 52.66080044445504, 7.182608184932507 52.66059612245002, 7.181453208138641 52.66059612245002, 7.181453208138641 52.66080044445504))",29205_3_12,3,12,139.0 +"POLYGON ((7.181453208138641 52.65977882487882, 7.182608184932507 52.65977882487882, 7.182608184932507 52.65957449809825, 7.181453208138641 52.65957449809825, 7.181453208138641 52.65977882487882))",29205_3_17,3,17,137.33333333333334 +"POLYGON ((7.182608184932507 52.66243498611167, 7.183763161726376 52.66243498611167, 7.183763161726376 52.66223067174743, 7.182608184932507 52.66223067174743, 7.182608184932507 52.66243498611167))",29205_4_4,4,4,158.0 +"POLYGON ((7.182608184932507 52.66202635642809, 7.183763161726376 52.66202635642809, 7.183763161726376 52.66182204015366, 7.182608184932507 52.66182204015366, 7.182608184932507 52.66202635642809))",29205_4_6,4,6,150.49999866666667 +"POLYGON ((7.182608184932507 52.66161772292414, 7.183763161726376 52.66161772292414, 7.183763161726376 52.66141340473951, 7.182608184932507 52.66141340473951, 7.182608184932507 52.66161772292414))",29205_4_8,4,8,79.24063783333332 +"POLYGON ((7.182608184932507 52.66141340473951, 7.183763161726376 52.66141340473951, 7.183763161726376 52.6612090855998, 7.182608184932507 52.6612090855998, 7.182608184932507 52.66141340473951))",29205_4_9,4,9,106.0 +"POLYGON ((7.182608184932507 52.6612090855998, 7.183763161726376 52.6612090855998, 7.183763161726376 52.66100476550497, 7.182608184932507 52.66100476550497, 7.182608184932507 52.6612090855998))",29205_4_10,4,10,117.0 +"POLYGON ((7.182608184932507 52.65998315070429, 7.183763161726376 52.65998315070429, 7.183763161726376 52.65977882487882, 7.182608184932507 52.65977882487882, 7.182608184932507 52.65998315070429))",29205_4_16,4,16,130.20930325 +"POLYGON ((7.182608184932507 52.65977882487882, 7.183763161726376 52.65977882487882, 7.183763161726376 52.65957449809825, 7.182608184932507 52.65957449809825, 7.182608184932507 52.65977882487882))",29205_4_17,4,17,122.33333333333333 +"POLYGON ((7.183763161726376 52.66243498611167, 7.184918138520243 52.66243498611167, 7.184918138520243 52.66223067174743, 7.183763161726376 52.66223067174743, 7.183763161726376 52.66243498611167))",29205_5_4,5,4,133.0 +"POLYGON ((7.183763161726376 52.66202635642809, 7.184918138520243 52.66202635642809, 7.184918138520243 52.66182204015366, 7.183763161726376 52.66182204015366, 7.183763161726376 52.66202635642809))",29205_5_6,5,6,175.0 +"POLYGON ((7.183763161726376 52.6612090855998, 7.184918138520243 52.6612090855998, 7.184918138520243 52.66100476550497, 7.183763161726376 52.66100476550497, 7.183763161726376 52.6612090855998))",29205_5_10,5,10,126.5128575 +"POLYGON ((7.183763161726376 52.66100476550497, 7.184918138520243 52.66100476550497, 7.184918138520243 52.66080044445504, 7.183763161726376 52.66080044445504, 7.183763161726376 52.66100476550497))",29205_5_11,5,11,142.66780866666667 +"POLYGON ((7.183763161726376 52.66080044445504, 7.184918138520243 52.66080044445504, 7.184918138520243 52.66059612245002, 7.183763161726376 52.66059612245002, 7.183763161726376 52.66080044445504))",29205_5_12,5,12,81.97031383333332 +"POLYGON ((7.183763161726376 52.66059612245002, 7.184918138520243 52.66059612245002, 7.184918138520243 52.66039179948989, 7.183763161726376 52.66039179948989, 7.183763161726376 52.66059612245002))",29205_5_13,5,13,113.25 +"POLYGON ((7.183763161726376 52.65998315070429, 7.184918138520243 52.65998315070429, 7.184918138520243 52.65977882487882, 7.183763161726376 52.65977882487882, 7.183763161726376 52.65998315070429))",29205_5_16,5,16,175.0 +"POLYGON ((7.183763161726376 52.65937017036256, 7.184918138520243 52.65937017036256, 7.184918138520243 52.65916584167176, 7.183763161726376 52.65916584167176, 7.183763161726376 52.65937017036256))",29205_5_19,5,19,139.999998 +"POLYGON ((7.183763161726376 52.65875718142478, 7.184918138520243 52.65875718142478, 7.184918138520243 52.65855284986861, 7.183763161726376 52.65855284986861, 7.183763161726376 52.65875718142478))",29205_5_22,5,22,123.827933875 +"POLYGON ((7.184918138520243 52.6612090855998, 7.186073115314111 52.6612090855998, 7.186073115314111 52.66100476550497, 7.184918138520243 52.66100476550497, 7.184918138520243 52.6612090855998))",29205_6_10,6,10,84.773026 +"POLYGON ((7.184918138520243 52.66100476550497, 7.186073115314111 52.66100476550497, 7.186073115314111 52.66080044445504, 7.184918138520243 52.66080044445504, 7.184918138520243 52.66100476550497))",29205_6_11,6,11,128.0 +"POLYGON ((7.184918138520243 52.66080044445504, 7.186073115314111 52.66080044445504, 7.186073115314111 52.66059612245002, 7.184918138520243 52.66059612245002, 7.184918138520243 52.66080044445504))",29205_6_12,6,12,124.75 +"POLYGON ((7.184918138520243 52.66059612245002, 7.186073115314111 52.66059612245002, 7.186073115314111 52.66039179948989, 7.184918138520243 52.66039179948989, 7.184918138520243 52.66059612245002))",29205_6_13,6,13,98.42332549999999 +"POLYGON ((7.184918138520243 52.66039179948989, 7.186073115314111 52.66039179948989, 7.186073115314111 52.66018747557465, 7.184918138520243 52.66018747557465, 7.184918138520243 52.66039179948989))",29205_6_14,6,14,137.41051171428572 +"POLYGON ((7.184918138520243 52.65998315070429, 7.186073115314111 52.65998315070429, 7.186073115314111 52.65977882487882, 7.184918138520243 52.65977882487882, 7.184918138520243 52.65998315070429))",29205_6_16,6,16,156.33333333333334 +"POLYGON ((7.184918138520243 52.65957449809825, 7.186073115314111 52.65957449809825, 7.186073115314111 52.65937017036256, 7.184918138520243 52.65937017036256, 7.184918138520243 52.65957449809825))",29205_6_18,6,18,120.25000075 +"POLYGON ((7.184918138520243 52.65514718331539, 7.186073115314111 52.65514718331539, 7.186073115314111 52.65494283488506, 7.184918138520243 52.65494283488506, 7.184918138520243 52.65514718331539))",29206_6_13,6,13,80.0 +"POLYGON ((7.184918138520243 52.62243928361082, 7.186073115314111 52.62243928361082, 7.186073115314111 52.62223478233157, 7.184918138520243 52.62223478233157, 7.184918138520243 52.62243928361082))",29212_6_13,6,13,108.46107433333333 +"POLYGON ((7.177988277757035 52.61739463983191, 7.179143254550905 52.61739463983191, 7.179143254550905 52.61719011498423, 7.177988277757035 52.61719011498423, 7.177988277757035 52.61739463983191))",29213_0_11,0,11,185.5 +"POLYGON ((7.177988277757035 52.61534934835725, 7.179143254550905 52.61534934835725, 7.179143254550905 52.61514481395447, 7.177988277757035 52.61514481395447, 7.177988277757035 52.61534934835725))",29213_0_21,0,21,129.33333433333334 +"POLYGON ((7.179143254550905 52.61780368666079, 7.180298231344771 52.61780368666079, 7.180298231344771 52.6175991637241, 7.179143254550905 52.6175991637241, 7.179143254550905 52.61780368666079))",29213_1_9,1,9,134.0 +"POLYGON ((7.180298231344771 52.61698558918104, 7.181453208138641 52.61698558918104, 7.181453208138641 52.61678106242235, 7.180298231344771 52.61678106242235, 7.180298231344771 52.61698558918104))",29213_2_13,2,13,182.0 +"POLYGON ((7.181453208138641 52.6184172497379, 7.182608184932507 52.6184172497379, 7.182608184932507 52.61821272966769, 7.181453208138641 52.61821272966769, 7.181453208138641 52.6184172497379))",29213_3_6,3,6,150.5 +"POLYGON ((7.181453208138641 52.61719011498423, 7.182608184932507 52.61719011498423, 7.182608184932507 52.61698558918104, 7.181453208138641 52.61698558918104, 7.181453208138641 52.61719011498423))",29213_3_12,3,12,137.0 +"POLYGON ((7.181453208138641 52.61616747641323, 7.182608184932507 52.61616747641323, 7.182608184932507 52.61596294583251, 7.181453208138641 52.61596294583251, 7.181453208138641 52.61616747641323))",29213_3_17,3,17,142.0 +"POLYGON ((7.182608184932507 52.61882628701185, 7.183763161726376 52.61882628701185, 7.183763161726376 52.61862176885261, 7.182608184932507 52.61862176885261, 7.182608184932507 52.61882628701185))",29213_4_4,4,4,174.5 +"POLYGON ((7.182608184932507 52.6184172497379, 7.183763161726376 52.6184172497379, 7.183763161726376 52.61821272966769, 7.182608184932507 52.61821272966769, 7.182608184932507 52.6184172497379))",29213_4_6,4,6,163.99999933333334 +"POLYGON ((7.182608184932507 52.61800820864198, 7.183763161726376 52.61800820864198, 7.183763161726376 52.61780368666079, 7.182608184932507 52.61780368666079, 7.182608184932507 52.61800820864198))",29213_4_8,4,8,79.5 +"POLYGON ((7.182608184932507 52.6175991637241, 7.183763161726376 52.6175991637241, 7.183763161726376 52.61739463983191, 7.182608184932507 52.61739463983191, 7.182608184932507 52.6175991637241))",29213_4_10,4,10,128.0 +"POLYGON ((7.182608184932507 52.61637200603845, 7.183763161726376 52.61637200603845, 7.183763161726376 52.61616747641323, 7.182608184932507 52.61616747641323, 7.182608184932507 52.61637200603845))",29213_4_16,4,16,151.0 +"POLYGON ((7.182608184932507 52.61616747641323, 7.183763161726376 52.61616747641323, 7.183763161726376 52.61596294583251, 7.182608184932507 52.61596294583251, 7.182608184932507 52.61616747641323))",29213_4_17,4,17,161.0 +"POLYGON ((7.183763161726376 52.61882628701185, 7.184918138520243 52.61882628701185, 7.184918138520243 52.61862176885261, 7.183763161726376 52.61862176885261, 7.183763161726376 52.61882628701185))",29213_5_4,5,4,138.0 +"POLYGON ((7.183763161726376 52.6184172497379, 7.184918138520243 52.6184172497379, 7.184918138520243 52.61821272966769, 7.183763161726376 52.61821272966769, 7.183763161726376 52.6184172497379))",29213_5_6,5,6,193.0 +"POLYGON ((7.183763161726376 52.6175991637241, 7.184918138520243 52.6175991637241, 7.184918138520243 52.61739463983191, 7.183763161726376 52.61739463983191, 7.183763161726376 52.6175991637241))",29213_5_10,5,10,125.89519100000001 +"POLYGON ((7.183763161726376 52.61739463983191, 7.184918138520243 52.61739463983191, 7.184918138520243 52.61719011498423, 7.183763161726376 52.61719011498423, 7.183763161726376 52.61739463983191))",29213_5_11,5,11,134.819851 +"POLYGON ((7.183763161726376 52.61719011498423, 7.184918138520243 52.61719011498423, 7.184918138520243 52.61698558918104, 7.183763161726376 52.61698558918104, 7.183763161726376 52.61719011498423))",29213_5_12,5,12,122.000002 +"POLYGON ((7.183763161726376 52.61698558918104, 7.184918138520243 52.61698558918104, 7.184918138520243 52.61678106242235, 7.183763161726376 52.61678106242235, 7.183763161726376 52.61698558918104))",29213_5_13,5,13,111.25 +"POLYGON ((7.183763161726376 52.61637200603845, 7.184918138520243 52.61637200603845, 7.184918138520243 52.61616747641323, 7.183763161726376 52.61616747641323, 7.183763161726376 52.61637200603845))",29213_5_16,5,16,184.0 +"POLYGON ((7.183763161726376 52.61575841429628, 7.184918138520243 52.61575841429628, 7.184918138520243 52.61555388180452, 7.183763161726376 52.61555388180452, 7.183763161726376 52.61575841429628))",29213_5_19,5,19,145.999998 +"POLYGON ((7.183763161726376 52.61514481395447, 7.184918138520243 52.61514481395447, 7.184918138520243 52.61494027859616, 7.183763161726376 52.61494027859616, 7.183763161726376 52.61514481395447))",29213_5_22,5,22,118.57142757142857 +"POLYGON ((7.184918138520243 52.6175991637241, 7.186073115314111 52.6175991637241, 7.186073115314111 52.61739463983191, 7.184918138520243 52.61739463983191, 7.184918138520243 52.6175991637241))",29213_6_10,6,10,125.000004 +"POLYGON ((7.184918138520243 52.61739463983191, 7.186073115314111 52.61739463983191, 7.186073115314111 52.61719011498423, 7.184918138520243 52.61719011498423, 7.184918138520243 52.61739463983191))",29213_6_11,6,11,124.33333333333333 +"POLYGON ((7.184918138520243 52.61719011498423, 7.186073115314111 52.61719011498423, 7.186073115314111 52.61698558918104, 7.184918138520243 52.61698558918104, 7.184918138520243 52.61719011498423))",29213_6_12,6,12,130.33333333333334 +"POLYGON ((7.184918138520243 52.61698558918104, 7.186073115314111 52.61698558918104, 7.186073115314111 52.61678106242235, 7.184918138520243 52.61678106242235, 7.184918138520243 52.61698558918104))",29213_6_13,6,13,95.54222791666666 +"POLYGON ((7.184918138520243 52.61678106242235, 7.186073115314111 52.61678106242235, 7.186073115314111 52.61657653470815, 7.184918138520243 52.61657653470815, 7.184918138520243 52.61678106242235))",29213_6_14,6,14,132.5420272 +"POLYGON ((7.184918138520243 52.61637200603845, 7.186073115314111 52.61637200603845, 7.186073115314111 52.61616747641323, 7.184918138520243 52.61616747641323, 7.184918138520243 52.61637200603845))",29213_6_16,6,16,168.5 +"POLYGON ((7.184918138520243 52.61596294583251, 7.186073115314111 52.61596294583251, 7.186073115314111 52.61575841429628, 7.184918138520243 52.61575841429628, 7.184918138520243 52.61596294583251))",29213_6_18,6,18,120.5909635 +"POLYGON ((7.177988277757035 52.61194031689454, 7.179143254550905 52.61194031689454, 7.179143254550905 52.61173576656618, 7.177988277757035 52.61173576656618, 7.177988277757035 52.61194031689454))",29214_0_11,0,11,171.5 +"POLYGON ((7.177988277757035 52.60989477061092, 7.179143254550905 52.60989477061092, 7.179143254550905 52.60969021072696, 7.177988277757035 52.60969021072696, 7.177988277757035 52.60989477061092))",29214_0_21,0,21,126.244343 +"POLYGON ((7.179143254550905 52.61234941468462, 7.180298231344771 52.61234941468462, 7.180298231344771 52.61214486626736, 7.179143254550905 52.61214486626736, 7.179143254550905 52.61234941468462))",29214_1_9,1,9,134.0 +"POLYGON ((7.180298231344771 52.61153121528227, 7.181453208138641 52.61153121528227, 7.181453208138641 52.6113266630428, 7.180298231344771 52.6113266630428, 7.180298231344771 52.61153121528227))",29214_2_13,2,13,182.5 +"POLYGON ((7.181453208138641 52.61296305420315, 7.182608184932507 52.61296305420315, 7.182608184932507 52.61275850865251, 7.181453208138641 52.61275850865251, 7.181453208138641 52.61296305420315))",29214_3_6,3,6,159.0 +"POLYGON ((7.181453208138641 52.61173576656618, 7.182608184932507 52.61173576656618, 7.182608184932507 52.61153121528227, 7.181453208138641 52.61153121528227, 7.181453208138641 52.61173576656618))",29214_3_12,3,12,139.33333333333334 +"POLYGON ((7.181453208138641 52.61071300059108, 7.182608184932507 52.61071300059108, 7.182608184932507 52.61050844452938, 7.181453208138641 52.61050844452938, 7.181453208138641 52.61071300059108))",29214_3_17,3,17,139.0 +"POLYGON ((7.182608184932507 52.6133721424378, 7.183763161726376 52.6133721424378, 7.183763161726376 52.61316759879824, 7.182608184932507 52.61316759879824, 7.182608184932507 52.6133721424378))",29214_4_4,4,4,189.0 +"POLYGON ((7.182608184932507 52.61296305420315, 7.183763161726376 52.61296305420315, 7.183763161726376 52.61275850865251, 7.182608184932507 52.61275850865251, 7.182608184932507 52.61296305420315))",29214_4_6,4,6,156.4000014 +"POLYGON ((7.182608184932507 52.61255396214633, 7.183763161726376 52.61255396214633, 7.183763161726376 52.61234941468462, 7.182608184932507 52.61234941468462, 7.182608184932507 52.61255396214633))",29214_4_8,4,8,79.7999992 +"POLYGON ((7.182608184932507 52.61214486626736, 7.183763161726376 52.61214486626736, 7.183763161726376 52.61194031689454, 7.182608184932507 52.61194031689454, 7.182608184932507 52.61214486626736))",29214_4_10,4,10,122.66666666666667 +"POLYGON ((7.182608184932507 52.61091755569721, 7.183763161726376 52.61091755569721, 7.183763161726376 52.61071300059108, 7.182608184932507 52.61071300059108, 7.182608184932507 52.61091755569721))",29214_4_16,4,16,150.333334 +"POLYGON ((7.182608184932507 52.61071300059108, 7.183763161726376 52.61071300059108, 7.183763161726376 52.61050844452938, 7.182608184932507 52.61050844452938, 7.182608184932507 52.61071300059108))",29214_4_17,4,17,163.5 +"POLYGON ((7.183763161726376 52.6133721424378, 7.184918138520243 52.6133721424378, 7.184918138520243 52.61316759879824, 7.183763161726376 52.61316759879824, 7.183763161726376 52.6133721424378))",29214_5_4,5,4,138.66666666666666 +"POLYGON ((7.183763161726376 52.61296305420315, 7.184918138520243 52.61296305420315, 7.184918138520243 52.61275850865251, 7.183763161726376 52.61275850865251, 7.183763161726376 52.61296305420315))",29214_5_6,5,6,173.0 +"POLYGON ((7.183763161726376 52.61214486626736, 7.184918138520243 52.61214486626736, 7.184918138520243 52.61194031689454, 7.183763161726376 52.61194031689454, 7.183763161726376 52.61214486626736))",29214_5_10,5,10,127.605705 +"POLYGON ((7.183763161726376 52.61194031689454, 7.184918138520243 52.61194031689454, 7.184918138520243 52.61173576656618, 7.183763161726376 52.61173576656618, 7.183763161726376 52.61194031689454))",29214_5_11,5,11,135.98643833333333 +"POLYGON ((7.183763161726376 52.61173576656618, 7.184918138520243 52.61173576656618, 7.184918138520243 52.61153121528227, 7.183763161726376 52.61153121528227, 7.183763161726376 52.61173576656618))",29214_5_12,5,12,121.25542475 +"POLYGON ((7.183763161726376 52.61153121528227, 7.184918138520243 52.61153121528227, 7.184918138520243 52.6113266630428, 7.183763161726376 52.6113266630428, 7.183763161726376 52.61153121528227))",29214_5_13,5,13,108.33333333333333 +"POLYGON ((7.183763161726376 52.61091755569721, 7.184918138520243 52.61091755569721, 7.184918138520243 52.61071300059108, 7.183763161726376 52.61071300059108, 7.183763161726376 52.61091755569721))",29214_5_16,5,16,168.5 +"POLYGON ((7.183763161726376 52.61030388751212, 7.184918138520243 52.61030388751212, 7.184918138520243 52.6100993295393, 7.183763161726376 52.6100993295393, 7.183763161726376 52.61030388751212))",29214_5_19,5,19,143.999996 +"POLYGON ((7.183763161726376 52.60969021072696, 7.184918138520243 52.60969021072696, 7.184918138520243 52.60948564988744, 7.183763161726376 52.60948564988744, 7.183763161726376 52.60969021072696))",29214_5_22,5,22,116.874999375 +"POLYGON ((7.184918138520243 52.61214486626736, 7.186073115314111 52.61214486626736, 7.186073115314111 52.61194031689454, 7.184918138520243 52.61194031689454, 7.184918138520243 52.61214486626736))",29214_6_10,6,10,124.66666666666667 +"POLYGON ((7.184918138520243 52.61194031689454, 7.186073115314111 52.61194031689454, 7.186073115314111 52.61173576656618, 7.184918138520243 52.61173576656618, 7.184918138520243 52.61194031689454))",29214_6_11,6,11,130.0 +"POLYGON ((7.184918138520243 52.61173576656618, 7.186073115314111 52.61173576656618, 7.186073115314111 52.61153121528227, 7.184918138520243 52.61153121528227, 7.184918138520243 52.61173576656618))",29214_6_12,6,12,130.33333333333334 +"POLYGON ((7.184918138520243 52.61153121528227, 7.186073115314111 52.61153121528227, 7.186073115314111 52.6113266630428, 7.184918138520243 52.6113266630428, 7.184918138520243 52.61153121528227))",29214_6_13,6,13,103.80372750000002 +"POLYGON ((7.184918138520243 52.6113266630428, 7.186073115314111 52.6113266630428, 7.186073115314111 52.61112210984778, 7.184918138520243 52.61112210984778, 7.184918138520243 52.6113266630428))",29214_6_14,6,14,140.45975 +"POLYGON ((7.184918138520243 52.61091755569721, 7.186073115314111 52.61091755569721, 7.186073115314111 52.61071300059108, 7.184918138520243 52.61071300059108, 7.184918138520243 52.61091755569721))",29214_6_16,6,16,139.0 +"POLYGON ((7.184918138520243 52.61050844452938, 7.186073115314111 52.61050844452938, 7.186073115314111 52.61030388751212, 7.184918138520243 52.61030388751212, 7.184918138520243 52.61050844452938))",29214_6_18,6,18,118.7500005 +"POLYGON ((7.177988277757035 52.6064853144556, 7.179143254550905 52.6064853144556, 7.179143254550905 52.60628073864525, 7.177988277757035 52.60628073864525, 7.177988277757035 52.6064853144556))",29215_0_11,0,11,155.0 +"POLYGON ((7.177988277757035 52.60443951334981, 7.179143254550905 52.60443951334981, 7.179143254550905 52.60423492798337, 7.177988277757035 52.60423492798337, 7.177988277757035 52.60443951334981))",29215_0_21,0,21,130.99778675 +"POLYGON ((7.179143254550905 52.60689446320951, 7.180298231344771 52.60689446320951, 7.180298231344771 52.60668988931035, 7.179143254550905 52.60668988931035, 7.179143254550905 52.60689446320951))",29215_1_9,1,9,132.0 +"POLYGON ((7.180298231344771 52.60607616187929, 7.181453208138641 52.60607616187929, 7.181453208138641 52.60587158415773, 7.180298231344771 52.60587158415773, 7.180298231344771 52.60607616187929))",29215_2_13,2,13,179.0 +"POLYGON ((7.181453208138641 52.60750817917343, 7.182608184932507 52.60750817917343, 7.182608184932507 52.60730360814105, 7.181453208138641 52.60730360814105, 7.181453208138641 52.60750817917343))",29215_3_6,3,6,206.5 +"POLYGON ((7.181453208138641 52.60628073864525, 7.182608184932507 52.60628073864525, 7.182608184932507 52.60607616187929, 7.181453208138641 52.60607616187929, 7.181453208138641 52.60628073864525))",29215_3_12,3,12,137.66666666666666 +"POLYGON ((7.181453208138641 52.60525784525942, 7.182608184932507 52.60525784525942, 7.182608184932507 52.60505326371545, 7.181453208138641 52.60505326371545, 7.181453208138641 52.60525784525942))",29215_3_17,3,17,130.0 +"POLYGON ((7.182608184932507 52.60791731837142, 7.183763161726376 52.60791731837142, 7.183763161726376 52.60771274925021, 7.182608184932507 52.60771274925021, 7.182608184932507 52.60791731837142))",29215_4_4,4,4,184.5 +"POLYGON ((7.182608184932507 52.60750817917343, 7.183763161726376 52.60750817917343, 7.183763161726376 52.60730360814105, 7.182608184932507 52.60730360814105, 7.182608184932507 52.60750817917343))",29215_4_6,4,6,155.39999840000002 +"POLYGON ((7.182608184932507 52.60709903615308, 7.183763161726376 52.60709903615308, 7.183763161726376 52.60689446320951, 7.182608184932507 52.60689446320951, 7.182608184932507 52.60709903615308))",29215_4_8,4,8,75.18094283333333 +"POLYGON ((7.182608184932507 52.60668988931035, 7.183763161726376 52.60668988931035, 7.183763161726376 52.6064853144556, 7.182608184932507 52.6064853144556, 7.182608184932507 52.60668988931035))",29215_4_10,4,10,119.0 +"POLYGON ((7.182608184932507 52.6054624258478, 7.183763161726376 52.6054624258478, 7.183763161726376 52.60525784525942, 7.182608184932507 52.60525784525942, 7.182608184932507 52.6054624258478))",29215_4_16,4,16,147.00000033333333 +"POLYGON ((7.182608184932507 52.60525784525942, 7.183763161726376 52.60525784525942, 7.183763161726376 52.60505326371545, 7.182608184932507 52.60505326371545, 7.182608184932507 52.60525784525942))",29215_4_17,4,17,155.33333333333334 +"POLYGON ((7.183763161726376 52.60791731837142, 7.184918138520243 52.60791731837142, 7.184918138520243 52.60771274925021, 7.183763161726376 52.60771274925021, 7.183763161726376 52.60791731837142))",29215_5_4,5,4,138.5 +"POLYGON ((7.183763161726376 52.60750817917343, 7.184918138520243 52.60750817917343, 7.184918138520243 52.60730360814105, 7.183763161726376 52.60730360814105, 7.183763161726376 52.60750817917343))",29215_5_6,5,6,160.0 +"POLYGON ((7.183763161726376 52.60668988931035, 7.184918138520243 52.60668988931035, 7.184918138520243 52.6064853144556, 7.183763161726376 52.6064853144556, 7.183763161726376 52.60668988931035))",29215_5_10,5,10,130.45177725 +"POLYGON ((7.183763161726376 52.6064853144556, 7.184918138520243 52.6064853144556, 7.184918138520243 52.60628073864525, 7.183763161726376 52.60628073864525, 7.183763161726376 52.6064853144556))",29215_5_11,5,11,141.66666733333332 +"POLYGON ((7.183763161726376 52.60628073864525, 7.184918138520243 52.60628073864525, 7.184918138520243 52.60607616187929, 7.183763161726376 52.60607616187929, 7.183763161726376 52.60628073864525))",29215_5_12,5,12,124.84984033333335 +"POLYGON ((7.183763161726376 52.60607616187929, 7.184918138520243 52.60607616187929, 7.184918138520243 52.60587158415773, 7.183763161726376 52.60587158415773, 7.183763161726376 52.60607616187929))",29215_5_13,5,13,109.0 +"POLYGON ((7.183763161726376 52.6054624258478, 7.184918138520243 52.6054624258478, 7.184918138520243 52.60525784525942, 7.183763161726376 52.60525784525942, 7.183763161726376 52.6054624258478))",29215_5_16,5,16,168.5 +"POLYGON ((7.183763161726376 52.60484868121585, 7.184918138520243 52.60484868121585, 7.184918138520243 52.60464409776063, 7.183763161726376 52.60464409776063, 7.183763161726376 52.60484868121585))",29215_5_19,5,19,143.99778650000002 +"POLYGON ((7.183763161726376 52.60423492798337, 7.184918138520243 52.60423492798337, 7.184918138520243 52.60403034166131, 7.183763161726376 52.60403034166131, 7.183763161726376 52.60423492798337))",29215_5_22,5,22,120.86724428571428 +"POLYGON ((7.184918138520243 52.60668988931035, 7.186073115314111 52.60668988931035, 7.186073115314111 52.6064853144556, 7.184918138520243 52.6064853144556, 7.184918138520243 52.60668988931035))",29215_6_10,6,10,124.3607565 +"POLYGON ((7.184918138520243 52.6064853144556, 7.186073115314111 52.6064853144556, 7.186073115314111 52.60628073864525, 7.184918138520243 52.60628073864525, 7.184918138520243 52.6064853144556))",29215_6_11,6,11,135.66666666666666 +"POLYGON ((7.184918138520243 52.60628073864525, 7.186073115314111 52.60628073864525, 7.186073115314111 52.60607616187929, 7.184918138520243 52.60607616187929, 7.184918138520243 52.60628073864525))",29215_6_12,6,12,134.33333333333334 +"POLYGON ((7.184918138520243 52.60607616187929, 7.186073115314111 52.60607616187929, 7.186073115314111 52.60587158415773, 7.184918138520243 52.60587158415773, 7.184918138520243 52.60607616187929))",29215_6_13,6,13,108.06294184615385 +"POLYGON ((7.184918138520243 52.60587158415773, 7.186073115314111 52.60587158415773, 7.186073115314111 52.60566700548057, 7.184918138520243 52.60566700548057, 7.184918138520243 52.60587158415773))",29215_6_14,6,14,138.83987349999998 +"POLYGON ((7.184918138520243 52.6054624258478, 7.186073115314111 52.6054624258478, 7.186073115314111 52.60525784525942, 7.184918138520243 52.60525784525942, 7.184918138520243 52.6054624258478))",29215_6_16,6,16,139.33333333333334 +"POLYGON ((7.184918138520243 52.60505326371545, 7.186073115314111 52.60505326371545, 7.186073115314111 52.60484868121585, 7.184918138520243 52.60484868121585, 7.184918138520243 52.60505326371545))",29215_6_18,6,18,118.333332 +"POLYGON ((7.177988277757035 52.60102963247989, 7.179143254550905 52.60102963247989, 7.179143254550905 52.60082503118621, 7.177988277757035 52.60082503118621, 7.177988277757035 52.60102963247989))",29216_0_11,0,11,167.5 +"POLYGON ((7.177988277757035 52.59898357653874, 7.179143254550905 52.59898357653874, 7.179143254550905 52.59877896568849, 7.177988277757035 52.59877896568849, 7.177988277757035 52.59898357653874))",29216_0_21,0,21,130.333334 +"POLYGON ((7.179143254550905 52.60143883220028, 7.180298231344771 52.60143883220028, 7.180298231344771 52.6012342328179, 7.179143254550905 52.6012342328179, 7.179143254550905 52.60143883220028))",29216_1_9,1,9,129.33333333333334 +"POLYGON ((7.180298231344771 52.6006204289369, 7.181453208138641 52.6006204289369, 7.181453208138641 52.60041582573193, 7.180298231344771 52.60041582573193, 7.180298231344771 52.6006204289369))",29216_2_13,2,13,168.5 +"POLYGON ((7.181453208138641 52.60205262461354, 7.182608184932507 52.60205262461354, 7.182608184932507 52.60184802809809, 7.181453208138641 52.60184802809809, 7.181453208138641 52.60205262461354))",29216_3_6,3,6,204.0 +"POLYGON ((7.181453208138641 52.60082503118621, 7.182608184932507 52.60082503118621, 7.182608184932507 52.6006204289369, 7.181453208138641 52.6006204289369, 7.181453208138641 52.60082503118621))",29216_3_12,3,12,137.5 +"POLYGON ((7.181453208138641 52.59980201038309, 7.182608184932507 52.59980201038309, 7.182608184932507 52.5995974033555, 7.181453208138641 52.5995974033555, 7.181453208138641 52.59980201038309))",29216_3_17,3,17,132.0 +"POLYGON ((7.182608184932507 52.60246181477752, 7.183763161726376 52.60246181477752, 7.183763161726376 52.60225722017334, 7.182608184932507 52.60225722017334, 7.182608184932507 52.60246181477752))",29216_4_4,4,4,178.0 +"POLYGON ((7.182608184932507 52.60205262461354, 7.183763161726376 52.60205262461354, 7.183763161726376 52.60184802809809, 7.182608184932507 52.60184802809809, 7.182608184932507 52.60205262461354))",29216_4_6,4,6,154.16666683333332 +"POLYGON ((7.182608184932507 52.60164343062701, 7.183763161726376 52.60164343062701, 7.183763161726376 52.60143883220028, 7.182608184932507 52.60143883220028, 7.182608184932507 52.60164343062701))",29216_4_8,4,8,73.13953533333334 +"POLYGON ((7.182608184932507 52.6012342328179, 7.183763161726376 52.6012342328179, 7.183763161726376 52.60102963247989, 7.182608184932507 52.60102963247989, 7.182608184932507 52.6012342328179))",29216_4_10,4,10,126.66666666666667 +"POLYGON ((7.182608184932507 52.60000661645503, 7.183763161726376 52.60000661645503, 7.183763161726376 52.59980201038309, 7.182608184932507 52.59980201038309, 7.182608184932507 52.60000661645503))",29216_4_16,4,16,148.333332 +"POLYGON ((7.182608184932507 52.59980201038309, 7.183763161726376 52.59980201038309, 7.183763161726376 52.5995974033555, 7.182608184932507 52.5995974033555, 7.182608184932507 52.59980201038309))",29216_4_17,4,17,143.5 +"POLYGON ((7.183763161726376 52.60246181477752, 7.184918138520243 52.60246181477752, 7.184918138520243 52.60225722017334, 7.183763161726376 52.60225722017334, 7.183763161726376 52.60246181477752))",29216_5_4,5,4,129.66666666666666 +"POLYGON ((7.183763161726376 52.60205262461354, 7.184918138520243 52.60205262461354, 7.184918138520243 52.60184802809809, 7.183763161726376 52.60184802809809, 7.183763161726376 52.60205262461354))",29216_5_6,5,6,165.33333333333334 +"POLYGON ((7.183763161726376 52.6012342328179, 7.184918138520243 52.6012342328179, 7.184918138520243 52.60102963247989, 7.183763161726376 52.60102963247989, 7.183763161726376 52.6012342328179))",29216_5_10,5,10,134.96061233333333 +"POLYGON ((7.183763161726376 52.60102963247989, 7.184918138520243 52.60102963247989, 7.184918138520243 52.60082503118621, 7.183763161726376 52.60082503118621, 7.183763161726376 52.60102963247989))",29216_5_11,5,11,139.77518533333333 +"POLYGON ((7.183763161726376 52.60082503118621, 7.184918138520243 52.60082503118621, 7.184918138520243 52.6006204289369, 7.183763161726376 52.6006204289369, 7.183763161726376 52.60082503118621))",29216_5_12,5,12,124.99999925 +"POLYGON ((7.183763161726376 52.6006204289369, 7.184918138520243 52.6006204289369, 7.184918138520243 52.60041582573193, 7.183763161726376 52.60041582573193, 7.183763161726376 52.6006204289369))",29216_5_13,5,13,108.66666666666667 +"POLYGON ((7.183763161726376 52.60000661645503, 7.184918138520243 52.60000661645503, 7.184918138520243 52.59980201038309, 7.183763161726376 52.59980201038309, 7.183763161726376 52.60000661645503))",29216_5_16,5,16,186.33333333333334 +"POLYGON ((7.183763161726376 52.59939279537224, 7.184918138520243 52.59939279537224, 7.184918138520243 52.59918818643332, 7.183763161726376 52.59918818643332, 7.183763161726376 52.59939279537224))",29216_5_19,5,19,140.33333433333334 +"POLYGON ((7.183763161726376 52.59877896568849, 7.184918138520243 52.59877896568849, 7.184918138520243 52.59857435388258, 7.183763161726376 52.59857435388258, 7.183763161726376 52.59877896568849))",29216_5_22,5,22,126.57142828571429 +"POLYGON ((7.184918138520243 52.6012342328179, 7.186073115314111 52.6012342328179, 7.186073115314111 52.60102963247989, 7.184918138520243 52.60102963247989, 7.184918138520243 52.6012342328179))",29216_6_10,6,10,122.999999 +"POLYGON ((7.184918138520243 52.60102963247989, 7.186073115314111 52.60102963247989, 7.186073115314111 52.60082503118621, 7.184918138520243 52.60082503118621, 7.184918138520243 52.60102963247989))",29216_6_11,6,11,135.66666666666666 +"POLYGON ((7.184918138520243 52.60082503118621, 7.186073115314111 52.60082503118621, 7.186073115314111 52.6006204289369, 7.184918138520243 52.6006204289369, 7.184918138520243 52.60082503118621))",29216_6_12,6,12,130.66666666666666 +"POLYGON ((7.184918138520243 52.6006204289369, 7.186073115314111 52.6006204289369, 7.186073115314111 52.60041582573193, 7.184918138520243 52.60041582573193, 7.184918138520243 52.6006204289369))",29216_6_13,6,13,101.53163045454545 +"POLYGON ((7.184918138520243 52.60041582573193, 7.186073115314111 52.60041582573193, 7.186073115314111 52.60021122157131, 7.184918138520243 52.60021122157131, 7.184918138520243 52.60041582573193))",29216_6_14,6,14,140.42278366666667 +"POLYGON ((7.184918138520243 52.60000661645503, 7.186073115314111 52.60000661645503, 7.186073115314111 52.59980201038309, 7.184918138520243 52.59980201038309, 7.184918138520243 52.60000661645503))",29216_6_16,6,16,170.5 +"POLYGON ((7.184918138520243 52.5995974033555, 7.186073115314111 52.5995974033555, 7.186073115314111 52.59939279537224, 7.184918138520243 52.59939279537224, 7.184918138520243 52.5995974033555))",29216_6_18,6,18,120.18014675 +"POLYGON ((7.177988277757035 52.59557327093221, 7.179143254550905 52.59557327093221, 7.179143254550905 52.59536864415391, 7.177988277757035 52.59536864415391, 7.177988277757035 52.59557327093221))",29217_0_11,0,11,158.66666666666666 +"POLYGON ((7.177988277757035 52.59352696014253, 7.179143254550905 52.59352696014253, 7.179143254550905 52.59332232380715, 7.177988277757035 52.59332232380715, 7.177988277757035 52.59352696014253))",29217_0_21,0,21,130.99999866666667 +"POLYGON ((7.179143254550905 52.59598252162173, 7.180298231344771 52.59598252162173, 7.180298231344771 52.59577789675483, 7.179143254550905 52.59577789675483, 7.179143254550905 52.59598252162173))",29217_1_9,1,9,127.25 +"POLYGON ((7.180298231344771 52.59516401641992, 7.181453208138641 52.59516401641992, 7.181453208138641 52.59495938773021, 7.180298231344771 52.59495938773021, 7.180298231344771 52.59516401641992))",29217_2_13,2,13,159.5 +"POLYGON ((7.181453208138641 52.59659639048829, 7.182608184932507 52.59659639048829, 7.182608184932507 52.59639176848846, 7.181453208138641 52.59639176848846, 7.181453208138641 52.59659639048829))",29217_3_6,3,6,205.0 +"POLYGON ((7.181453208138641 52.59536864415391, 7.182608184932507 52.59536864415391, 7.182608184932507 52.59516401641992, 7.181453208138641 52.59516401641992, 7.181453208138641 52.59536864415391))",29217_3_12,3,12,131.25 +"POLYGON ((7.181453208138641 52.59434549592689, 7.182608184932507 52.59434549592689, 7.182608184932507 52.59414086341437, 7.181453208138641 52.59414086341437, 7.181453208138641 52.59434549592689))",29217_3_17,3,17,134.33333333333334 +"POLYGON ((7.182608184932507 52.59700563162089, 7.183763161726376 52.59700563162089, 7.183763161726376 52.59680101153243, 7.182608184932507 52.59680101153243, 7.182608184932507 52.59700563162089))",29217_4_4,4,4,178.5 +"POLYGON ((7.182608184932507 52.59659639048829, 7.183763161726376 52.59659639048829, 7.183763161726376 52.59639176848846, 7.182608184932507 52.59639176848846, 7.182608184932507 52.59659639048829))",29217_4_6,4,6,156.0 +"POLYGON ((7.182608184932507 52.59618714553294, 7.183763161726376 52.59618714553294, 7.183763161726376 52.59598252162173, 7.182608184932507 52.59598252162173, 7.182608184932507 52.59618714553294))",29217_4_8,4,8,76.77089983333333 +"POLYGON ((7.182608184932507 52.59577789675483, 7.183763161726376 52.59577789675483, 7.183763161726376 52.59557327093221, 7.182608184932507 52.59557327093221, 7.182608184932507 52.59577789675483))",29217_4_10,4,10,120.33333333333333 +"POLYGON ((7.182608184932507 52.59455012748371, 7.183763161726376 52.59455012748371, 7.183763161726376 52.59434549592689, 7.182608184932507 52.59434549592689, 7.182608184932507 52.59455012748371))",29217_4_16,4,16,143.666667 +"POLYGON ((7.182608184932507 52.59434549592689, 7.183763161726376 52.59434549592689, 7.183763161726376 52.59414086341437, 7.182608184932507 52.59414086341437, 7.182608184932507 52.59434549592689))",29217_4_17,4,17,138.0 +"POLYGON ((7.183763161726376 52.59700563162089, 7.184918138520243 52.59700563162089, 7.184918138520243 52.59680101153243, 7.183763161726376 52.59680101153243, 7.183763161726376 52.59700563162089))",29217_5_4,5,4,126.33333333333333 +"POLYGON ((7.183763161726376 52.59659639048829, 7.184918138520243 52.59659639048829, 7.184918138520243 52.59639176848846, 7.183763161726376 52.59639176848846, 7.183763161726376 52.59659639048829))",29217_5_6,5,6,167.0 +"POLYGON ((7.183763161726376 52.59577789675483, 7.184918138520243 52.59577789675483, 7.184918138520243 52.59557327093221, 7.183763161726376 52.59557327093221, 7.183763161726376 52.59577789675483))",29217_5_10,5,10,145.666666 +"POLYGON ((7.183763161726376 52.59557327093221, 7.184918138520243 52.59557327093221, 7.184918138520243 52.59536864415391, 7.183763161726376 52.59536864415391, 7.183763161726376 52.59557327093221))",29217_5_11,5,11,132.7060595 +"POLYGON ((7.183763161726376 52.59536864415391, 7.184918138520243 52.59536864415391, 7.184918138520243 52.59516401641992, 7.183763161726376 52.59516401641992, 7.183763161726376 52.59536864415391))",29217_5_12,5,12,124.922298 +"POLYGON ((7.183763161726376 52.59516401641992, 7.184918138520243 52.59516401641992, 7.184918138520243 52.59495938773021, 7.183763161726376 52.59495938773021, 7.183763161726376 52.59516401641992))",29217_5_13,5,13,153.333335 +"POLYGON ((7.183763161726376 52.59455012748371, 7.184918138520243 52.59455012748371, 7.184918138520243 52.59434549592689, 7.183763161726376 52.59434549592689, 7.183763161726376 52.59455012748371))",29217_5_16,5,16,187.0 +"POLYGON ((7.183763161726376 52.59393622994614, 7.184918138520243 52.59393622994614, 7.184918138520243 52.59373159552219, 7.183763161726376 52.59373159552219, 7.183763161726376 52.59393622994614))",29217_5_19,5,19,142.33333100000002 +"POLYGON ((7.183763161726376 52.59332232380715, 7.184918138520243 52.59332232380715, 7.184918138520243 52.59311768651606, 7.183763161726376 52.59311768651606, 7.183763161726376 52.59332232380715))",29217_5_22,5,22,123.874998125 +"POLYGON ((7.184918138520243 52.59577789675483, 7.186073115314111 52.59577789675483, 7.186073115314111 52.59557327093221, 7.184918138520243 52.59557327093221, 7.184918138520243 52.59577789675483))",29217_6_10,6,10,126.33333599999999 +"POLYGON ((7.184918138520243 52.59557327093221, 7.186073115314111 52.59557327093221, 7.186073115314111 52.59536864415391, 7.184918138520243 52.59536864415391, 7.184918138520243 52.59557327093221))",29217_6_11,6,11,136.0 +"POLYGON ((7.184918138520243 52.59536864415391, 7.186073115314111 52.59536864415391, 7.186073115314111 52.59516401641992, 7.184918138520243 52.59516401641992, 7.184918138520243 52.59536864415391))",29217_6_12,6,12,128.0 +"POLYGON ((7.184918138520243 52.59516401641992, 7.186073115314111 52.59516401641992, 7.186073115314111 52.59495938773021, 7.184918138520243 52.59495938773021, 7.184918138520243 52.59516401641992))",29217_6_13,6,13,102.29052078571428 +"POLYGON ((7.184918138520243 52.59495938773021, 7.186073115314111 52.59495938773021, 7.186073115314111 52.59475475808482, 7.184918138520243 52.59475475808482, 7.184918138520243 52.59495938773021))",29217_6_14,6,14,143.52614480000003 +"POLYGON ((7.184918138520243 52.59455012748371, 7.186073115314111 52.59455012748371, 7.186073115314111 52.59434549592689, 7.184918138520243 52.59434549592689, 7.184918138520243 52.59455012748371))",29217_6_16,6,16,133.75 +"POLYGON ((7.184918138520243 52.59414086341437, 7.186073115314111 52.59414086341437, 7.186073115314111 52.59393622994614, 7.184918138520243 52.59393622994614, 7.184918138520243 52.59414086341437))",29217_6_18,6,18,119.7500005 +"POLYGON ((7.177988277757035 52.59011622977745, 7.179143254550905 52.59011622977745, 7.179143254550905 52.5899115775132, 7.177988277757035 52.5899115775132, 7.177988277757035 52.59011622977745))",29218_0_11,0,11,169.0 +"POLYGON ((7.177988277757035 52.58806966412603, 7.179143254550905 52.58806966412603, 7.179143254550905 52.58786500230421, 7.177988277757035 52.58786500230421, 7.177988277757035 52.58806966412603))",29218_0_21,0,21,135.54545525 +"POLYGON ((7.179143254550905 52.59052553143871, 7.180298231344771 52.59052553143871, 7.180298231344771 52.59032088108595, 7.179143254550905 52.59032088108595, 7.179143254550905 52.59052553143871))",29218_1_9,1,9,122.0 +"POLYGON ((7.180298231344771 52.5897069242932, 7.181453208138641 52.5897069242932, 7.181453208138641 52.58950227011744, 7.180298231344771 52.58950227011744, 7.180298231344771 52.5897069242932))",29218_2_13,2,13,156.0 +"POLYGON ((7.181453208138641 52.59113947676254, 7.182608184932507 52.59113947676254, 7.182608184932507 52.590934829277, 7.181453208138641 52.590934829277, 7.181453208138641 52.59113947676254))",29218_3_6,3,6,206.0 +"POLYGON ((7.181453208138641 52.5899115775132, 7.182608184932507 52.5899115775132, 7.182608184932507 52.5897069242932, 7.181453208138641 52.5897069242932, 7.181453208138641 52.5899115775132))",29218_3_12,3,12,132.66666666666666 +"POLYGON ((7.181453208138641 52.58888830185568, 7.182608184932507 52.58888830185568, 7.182608184932507 52.58868364385691, 7.181453208138641 52.58868364385691, 7.181453208138641 52.58888830185568))",29218_3_17,3,17,137.33333333333334 +"POLYGON ((7.182608184932507 52.59154876886639, 7.183763161726376 52.59154876886639, 7.183763161726376 52.59134412329232, 7.182608184932507 52.59134412329232, 7.182608184932507 52.59154876886639))",29218_4_4,4,4,174.0 +"POLYGON ((7.182608184932507 52.59113947676254, 7.183763161726376 52.59113947676254, 7.183763161726376 52.590934829277, 7.182608184932507 52.590934829277, 7.182608184932507 52.59113947676254))",29218_4_6,4,6,156.66666716666666 +"POLYGON ((7.182608184932507 52.59073018083573, 7.183763161726376 52.59073018083573, 7.183763161726376 52.59052553143871, 7.182608184932507 52.59052553143871, 7.182608184932507 52.59073018083573))",29218_4_8,4,8,61.44800814285714 +"POLYGON ((7.182608184932507 52.59032088108595, 7.183763161726376 52.59032088108595, 7.183763161726376 52.59011622977745, 7.182608184932507 52.59011622977745, 7.182608184932507 52.59032088108595))",29218_4_10,4,10,128.0 +"POLYGON ((7.182608184932507 52.58909295889869, 7.183763161726376 52.58909295889869, 7.183763161726376 52.58888830185568, 7.182608184932507 52.58888830185568, 7.182608184932507 52.58909295889869))",29218_4_16,4,16,137.00000133333333 +"POLYGON ((7.182608184932507 52.58888830185568, 7.183763161726376 52.58888830185568, 7.183763161726376 52.58868364385691, 7.182608184932507 52.58868364385691, 7.182608184932507 52.58888830185568))",29218_4_17,4,17,159.5 +"POLYGON ((7.183763161726376 52.59154876886639, 7.184918138520243 52.59154876886639, 7.184918138520243 52.59134412329232, 7.183763161726376 52.59134412329232, 7.183763161726376 52.59154876886639))",29218_5_4,5,4,125.0 +"POLYGON ((7.183763161726376 52.59113947676254, 7.184918138520243 52.59113947676254, 7.184918138520243 52.590934829277, 7.183763161726376 52.590934829277, 7.183763161726376 52.59113947676254))",29218_5_6,5,6,149.66666666666666 +"POLYGON ((7.183763161726376 52.59032088108595, 7.184918138520243 52.59032088108595, 7.184918138520243 52.59011622977745, 7.183763161726376 52.59011622977745, 7.183763161726376 52.59032088108595))",29218_5_10,5,10,140.17223366666664 +"POLYGON ((7.183763161726376 52.59011622977745, 7.184918138520243 52.59011622977745, 7.184918138520243 52.5899115775132, 7.183763161726376 52.5899115775132, 7.183763161726376 52.59011622977745))",29218_5_11,5,11,120.80221475 +"POLYGON ((7.183763161726376 52.5899115775132, 7.184918138520243 52.5899115775132, 7.184918138520243 52.5897069242932, 7.183763161726376 52.5897069242932, 7.183763161726376 52.5899115775132))",29218_5_12,5,12,119.14355566666667 +"POLYGON ((7.183763161726376 52.5897069242932, 7.184918138520243 52.5897069242932, 7.184918138520243 52.58950227011744, 7.183763161726376 52.58950227011744, 7.183763161726376 52.5897069242932))",29218_5_13,5,13,131.8 +"POLYGON ((7.183763161726376 52.58909295889869, 7.184918138520243 52.58909295889869, 7.184918138520243 52.58888830185568, 7.183763161726376 52.58888830185568, 7.183763161726376 52.58909295889869))",29218_5_16,5,16,184.0 +"POLYGON ((7.183763161726376 52.58847898490237, 7.184918138520243 52.58847898490237, 7.184918138520243 52.58827432499209, 7.183763161726376 52.58827432499209, 7.183763161726376 52.58847898490237))",29218_5_19,5,19,137.00000033333333 +"POLYGON ((7.183763161726376 52.58786500230421, 7.184918138520243 52.58786500230421, 7.184918138520243 52.58766033952662, 7.183763161726376 52.58766033952662, 7.183763161726376 52.58786500230421))",29218_5_22,5,22,112.755597125 +"POLYGON ((7.184918138520243 52.59032088108595, 7.186073115314111 52.59032088108595, 7.186073115314111 52.59011622977745, 7.184918138520243 52.59011622977745, 7.184918138520243 52.59032088108595))",29218_6_10,6,10,118.46343300000001 +"POLYGON ((7.184918138520243 52.59011622977745, 7.186073115314111 52.59011622977745, 7.186073115314111 52.5899115775132, 7.184918138520243 52.5899115775132, 7.184918138520243 52.59011622977745))",29218_6_11,6,11,133.5 +"POLYGON ((7.184918138520243 52.5899115775132, 7.186073115314111 52.5899115775132, 7.186073115314111 52.5897069242932, 7.184918138520243 52.5897069242932, 7.184918138520243 52.5899115775132))",29218_6_12,6,12,125.33333333333333 +"POLYGON ((7.184918138520243 52.5897069242932, 7.186073115314111 52.5897069242932, 7.186073115314111 52.58950227011744, 7.184918138520243 52.58950227011744, 7.184918138520243 52.5897069242932))",29218_6_13,6,13,103.24828615384617 +"POLYGON ((7.184918138520243 52.58950227011744, 7.186073115314111 52.58950227011744, 7.186073115314111 52.58929761498595, 7.184918138520243 52.58929761498595, 7.184918138520243 52.58950227011744))",29218_6_14,6,14,144.06569916666666 +"POLYGON ((7.184918138520243 52.58909295889869, 7.186073115314111 52.58909295889869, 7.186073115314111 52.58888830185568, 7.184918138520243 52.58888830185568, 7.184918138520243 52.58909295889869))",29218_6_16,6,16,124.33333333333333 +"POLYGON ((7.184918138520243 52.58868364385691, 7.186073115314111 52.58868364385691, 7.186073115314111 52.58847898490237, 7.184918138520243 52.58847898490237, 7.184918138520243 52.58868364385691))",29218_6_18,6,18,117.85802475 +"POLYGON ((7.177988277757035 52.58465850898043, 7.179143254550905 52.58465850898043, 7.179143254550905 52.58445383122891, 7.177988277757035 52.58445383122891, 7.177988277757035 52.58465850898043))",29219_0_11,0,11,174.0 +"POLYGON ((7.177988277757035 52.58261168845412, 7.179143254550905 52.58261168845412, 7.179143254550905 52.58240700114453, 7.177988277757035 52.58240700114453, 7.177988277757035 52.58261168845412))",29219_0_21,0,21,133.91338966666666 +"POLYGON ((7.179143254550905 52.58506786161608, 7.180298231344771 52.58506786161608, 7.180298231344771 52.58486318577615, 7.179143254550905 52.58486318577615, 7.179143254550905 52.58506786161608))",29219_1_9,1,9,131.0 +"POLYGON ((7.180298231344771 52.5842491525216, 7.181453208138641 52.5842491525216, 7.181453208138641 52.58404447285849, 7.180298231344771 52.58404447285849, 7.180298231344771 52.5842491525216))",29219_2_13,2,13,145.0 +"POLYGON ((7.181453208138641 52.58568188340112, 7.182608184932507 52.58568188340112, 7.182608184932507 52.58547721042856, 7.181453208138641 52.58547721042856, 7.181453208138641 52.58568188340112))",29219_3_6,3,6,205.0 +"POLYGON ((7.181453208138641 52.58445383122891, 7.182608184932507 52.58445383122891, 7.182608184932507 52.5842491525216, 7.181453208138641 52.5842491525216, 7.181453208138641 52.58445383122891))",29219_3_12,3,12,131.0 +"POLYGON ((7.181453208138641 52.58343042813432, 7.182608184932507 52.58343042813432, 7.182608184932507 52.58322574464798, 7.181453208138641 52.58322574464798, 7.181453208138641 52.58343042813432))",29219_3_17,3,17,139.0 +"POLYGON ((7.182608184932507 52.58609122647887, 7.183763161726376 52.58609122647887, 7.183763161726376 52.58588655541788, 7.182608184932507 52.58588655541788, 7.182608184932507 52.58609122647887))",29219_4_4,4,4,178.0 +"POLYGON ((7.182608184932507 52.58568188340112, 7.183763161726376 52.58568188340112, 7.183763161726376 52.58547721042856, 7.182608184932507 52.58547721042856, 7.182608184932507 52.58568188340112))",29219_4_6,4,6,153.8000012 +"POLYGON ((7.182608184932507 52.58527253650021, 7.183763161726376 52.58527253650021, 7.183763161726376 52.58506786161608, 7.182608184932507 52.58506786161608, 7.182608184932507 52.58527253650021))",29219_4_8,4,8,84.519927 +"POLYGON ((7.182608184932507 52.58486318577615, 7.183763161726376 52.58486318577615, 7.183763161726376 52.58465850898043, 7.182608184932507 52.58465850898043, 7.182608184932507 52.58486318577615))",29219_4_10,4,10,128.0 +"POLYGON ((7.182608184932507 52.58363511066484, 7.183763161726376 52.58363511066484, 7.183763161726376 52.58343042813432, 7.182608184932507 52.58343042813432, 7.182608184932507 52.58363511066484))",29219_4_16,4,16,139.69130025 +"POLYGON ((7.182608184932507 52.58343042813432, 7.183763161726376 52.58343042813432, 7.183763161726376 52.58322574464798, 7.182608184932507 52.58322574464798, 7.182608184932507 52.58343042813432))",29219_4_17,4,17,158.33333333333334 +"POLYGON ((7.183763161726376 52.58609122647887, 7.184918138520243 52.58609122647887, 7.184918138520243 52.58588655541788, 7.183763161726376 52.58588655541788, 7.183763161726376 52.58609122647887))",29219_5_4,5,4,125.33333333333333 +"POLYGON ((7.183763161726376 52.58568188340112, 7.184918138520243 52.58568188340112, 7.184918138520243 52.58547721042856, 7.183763161726376 52.58547721042856, 7.183763161726376 52.58568188340112))",29219_5_6,5,6,143.33333333333334 +"POLYGON ((7.183763161726376 52.58486318577615, 7.184918138520243 52.58486318577615, 7.184918138520243 52.58465850898043, 7.183763161726376 52.58465850898043, 7.183763161726376 52.58486318577615))",29219_5_10,5,10,139.249998 +"POLYGON ((7.183763161726376 52.58465850898043, 7.184918138520243 52.58465850898043, 7.184918138520243 52.58445383122891, 7.183763161726376 52.58445383122891, 7.183763161726376 52.58465850898043))",29219_5_11,5,11,121.76147666666667 +"POLYGON ((7.183763161726376 52.58445383122891, 7.184918138520243 52.58445383122891, 7.184918138520243 52.5842491525216, 7.183763161726376 52.5842491525216, 7.183763161726376 52.58445383122891))",29219_5_12,5,12,124.4732755 +"POLYGON ((7.183763161726376 52.5842491525216, 7.184918138520243 52.5842491525216, 7.184918138520243 52.58404447285849, 7.183763161726376 52.58404447285849, 7.183763161726376 52.5842491525216))",29219_5_13,5,13,126.25420983333333 +"POLYGON ((7.183763161726376 52.58363511066484, 7.184918138520243 52.58363511066484, 7.184918138520243 52.58343042813432, 7.183763161726376 52.58343042813432, 7.183763161726376 52.58363511066484))",29219_5_16,5,16,184.0 +"POLYGON ((7.183763161726376 52.58302106020584, 7.184918138520243 52.58302106020584, 7.184918138520243 52.58281637480788, 7.183763161726376 52.58281637480788, 7.183763161726376 52.58302106020584))",29219_5_19,5,19,125.99999700000001 +"POLYGON ((7.183763161726376 52.58240700114453, 7.184918138520243 52.58240700114453, 7.184918138520243 52.58220231287913, 7.183763161726376 52.58220231287913, 7.183763161726376 52.58240700114453))",29219_5_22,5,22,119.3595592857143 +"POLYGON ((7.184918138520243 52.58486318577615, 7.186073115314111 52.58486318577615, 7.186073115314111 52.58465850898043, 7.184918138520243 52.58465850898043, 7.184918138520243 52.58486318577615))",29219_6_10,6,10,117.238114 +"POLYGON ((7.184918138520243 52.58465850898043, 7.186073115314111 52.58465850898043, 7.186073115314111 52.58445383122891, 7.184918138520243 52.58445383122891, 7.184918138520243 52.58465850898043))",29219_6_11,6,11,130.75 +"POLYGON ((7.184918138520243 52.58445383122891, 7.186073115314111 52.58445383122891, 7.186073115314111 52.5842491525216, 7.184918138520243 52.5842491525216, 7.184918138520243 52.58445383122891))",29219_6_12,6,12,132.0 +"POLYGON ((7.184918138520243 52.5842491525216, 7.186073115314111 52.5842491525216, 7.186073115314111 52.58404447285849, 7.184918138520243 52.58404447285849, 7.184918138520243 52.5842491525216))",29219_6_13,6,13,105.12911207692308 +"POLYGON ((7.184918138520243 52.58404447285849, 7.186073115314111 52.58404447285849, 7.186073115314111 52.58383979223957, 7.184918138520243 52.58383979223957, 7.184918138520243 52.58404447285849))",29219_6_14,6,14,133.20917766666668 +"POLYGON ((7.184918138520243 52.58363511066484, 7.186073115314111 52.58363511066484, 7.186073115314111 52.58343042813432, 7.184918138520243 52.58343042813432, 7.184918138520243 52.58363511066484))",29219_6_16,6,16,127.66666666666667 +"POLYGON ((7.184918138520243 52.58322574464798, 7.186073115314111 52.58322574464798, 7.186073115314111 52.58302106020584, 7.184918138520243 52.58302106020584, 7.184918138520243 52.58322574464798))",29219_6_18,6,18,125.32185833333334 +"POLYGON ((7.177988277757035 52.57920010850605, 7.179143254550905 52.57920010850605, 7.179143254550905 52.57899540526595, 7.177988277757035 52.57899540526595, 7.177988277757035 52.57920010850605))",29220_0_11,0,11,165.5 +"POLYGON ((7.177988277757035 52.57715303309168, 7.179143254550905 52.57715303309168, 7.179143254550905 52.57694832029301, 7.177988277757035 52.57694832029301, 7.177988277757035 52.57715303309168))",29220_0_21,0,21,136.16273866666666 +"POLYGON ((7.179143254550905 52.57960951211872, 7.180298231344771 52.57960951211872, 7.180298231344771 52.5794048107903, 7.179143254550905 52.5794048107903, 7.179143254550905 52.57960951211872))",29220_1_9,1,9,119.25 +"POLYGON ((7.180298231344771 52.57879070107, 7.181453208138641 52.57879070107, 7.181453208138641 52.5785859959182, 7.180298231344771 52.5785859959182, 7.180298231344771 52.57879070107))",29220_2_13,2,13,143.66666666666666 +"POLYGON ((7.181453208138641 52.58022361036892, 7.182608184932507 52.58022361036892, 7.182608184932507 52.58001891190802, 7.181453208138641 52.58001891190802, 7.181453208138641 52.58022361036892))",29220_3_6,3,6,197.5 +"POLYGON ((7.181453208138641 52.57899540526595, 7.182608184932507 52.57899540526595, 7.182608184932507 52.57879070107, 7.181453208138641 52.57879070107, 7.181453208138641 52.57899540526595))",29220_3_12,3,12,130.33333333333334 +"POLYGON ((7.181453208138641 52.57797187472769, 7.182608184932507 52.57797187472769, 7.182608184932507 52.57776716575248, 7.181453208138641 52.57776716575248, 7.181453208138641 52.57797187472769))",29220_3_17,3,17,141.5 +"POLYGON ((7.182608184932507 52.58063300442319, 7.183763161726376 52.58063300442319, 7.183763161726376 52.58042830787397, 7.182608184932507 52.58042830787397, 7.182608184932507 52.58063300442319))",29220_4_4,4,4,189.5 +"POLYGON ((7.182608184932507 52.58022361036892, 7.183763161726376 52.58022361036892, 7.183763161726376 52.58001891190802, 7.182608184932507 52.58001891190802, 7.182608184932507 52.58022361036892))",29220_4_6,4,6,155.499999 +"POLYGON ((7.182608184932507 52.57981421249129, 7.183763161726376 52.57981421249129, 7.183763161726376 52.57960951211872, 7.182608184932507 52.57960951211872, 7.182608184932507 52.57981421249129))",29220_4_8,4,8,87.24489880000002 +"POLYGON ((7.182608184932507 52.5794048107903, 7.183763161726376 52.5794048107903, 7.183763161726376 52.57920010850605, 7.182608184932507 52.57920010850605, 7.182608184932507 52.5794048107903))",29220_4_10,4,10,133.33333333333334 +"POLYGON ((7.182608184932507 52.57817658274705, 7.183763161726376 52.57817658274705, 7.183763161726376 52.57797187472769, 7.182608184932507 52.57797187472769, 7.182608184932507 52.57817658274705))",29220_4_16,4,16,147.08757 +"POLYGON ((7.182608184932507 52.57797187472769, 7.183763161726376 52.57797187472769, 7.183763161726376 52.57776716575248, 7.182608184932507 52.57776716575248, 7.182608184932507 52.57797187472769))",29220_4_17,4,17,159.0 +"POLYGON ((7.183763161726376 52.58063300442319, 7.184918138520243 52.58063300442319, 7.184918138520243 52.58042830787397, 7.183763161726376 52.58042830787397, 7.183763161726376 52.58063300442319))",29220_5_4,5,4,127.0 +"POLYGON ((7.183763161726376 52.58022361036892, 7.184918138520243 52.58022361036892, 7.184918138520243 52.58001891190802, 7.183763161726376 52.58001891190802, 7.183763161726376 52.58022361036892))",29220_5_6,5,6,173.5 +"POLYGON ((7.183763161726376 52.5794048107903, 7.184918138520243 52.5794048107903, 7.184918138520243 52.57920010850605, 7.183763161726376 52.57920010850605, 7.183763161726376 52.5794048107903))",29220_5_10,5,10,137.33333466666667 +"POLYGON ((7.183763161726376 52.57920010850605, 7.184918138520243 52.57920010850605, 7.184918138520243 52.57899540526595, 7.183763161726376 52.57899540526595, 7.183763161726376 52.57920010850605))",29220_5_11,5,11,131.52541575 +"POLYGON ((7.183763161726376 52.57899540526595, 7.184918138520243 52.57899540526595, 7.184918138520243 52.57879070107, 7.183763161726376 52.57879070107, 7.183763161726376 52.57899540526595))",29220_5_12,5,12,127.250001 +"POLYGON ((7.183763161726376 52.57879070107, 7.184918138520243 52.57879070107, 7.184918138520243 52.5785859959182, 7.183763161726376 52.5785859959182, 7.183763161726376 52.57879070107))",29220_5_13,5,13,131.00000085714285 +"POLYGON ((7.183763161726376 52.57817658274705, 7.184918138520243 52.57817658274705, 7.184918138520243 52.57797187472769, 7.183763161726376 52.57797187472769, 7.183763161726376 52.57817658274705))",29220_5_16,5,16,165.33333333333334 +"POLYGON ((7.183763161726376 52.5775624558214, 7.184918138520243 52.5775624558214, 7.184918138520243 52.57735774493447, 7.183763161726376 52.57735774493447, 7.183763161726376 52.5775624558214))",29220_5_19,5,19,125.000004 +"POLYGON ((7.183763161726376 52.57694832029301, 7.184918138520243 52.57694832029301, 7.184918138520243 52.57674360653849, 7.183763161726376 52.57674360653849, 7.183763161726376 52.57694832029301))",29220_5_22,5,22,124.71428542857143 +"POLYGON ((7.184918138520243 52.5794048107903, 7.186073115314111 52.5794048107903, 7.186073115314111 52.57920010850605, 7.184918138520243 52.57920010850605, 7.184918138520243 52.5794048107903))",29220_6_10,6,10,117.2500015 +"POLYGON ((7.184918138520243 52.57920010850605, 7.186073115314111 52.57920010850605, 7.186073115314111 52.57899540526595, 7.184918138520243 52.57899540526595, 7.184918138520243 52.57920010850605))",29220_6_11,6,11,131.0 +"POLYGON ((7.184918138520243 52.57899540526595, 7.186073115314111 52.57899540526595, 7.186073115314111 52.57879070107, 7.184918138520243 52.57879070107, 7.184918138520243 52.57899540526595))",29220_6_12,6,12,134.66666666666666 +"POLYGON ((7.184918138520243 52.57879070107, 7.186073115314111 52.57879070107, 7.186073115314111 52.5785859959182, 7.184918138520243 52.5785859959182, 7.184918138520243 52.57879070107))",29220_6_13,6,13,106.84989707692309 +"POLYGON ((7.184918138520243 52.5785859959182, 7.186073115314111 52.5785859959182, 7.186073115314111 52.57838128981055, 7.184918138520243 52.57838128981055, 7.184918138520243 52.5785859959182))",29220_6_14,6,14,140.52924633333333 +"POLYGON ((7.184918138520243 52.57817658274705, 7.186073115314111 52.57817658274705, 7.186073115314111 52.57797187472769, 7.184918138520243 52.57797187472769, 7.184918138520243 52.57817658274705))",29220_6_16,6,16,134.66666666666666 +"POLYGON ((7.184918138520243 52.57776716575248, 7.186073115314111 52.57776716575248, 7.186073115314111 52.5775624558214, 7.184918138520243 52.5775624558214, 7.184918138520243 52.57776716575248))",29220_6_18,6,18,122.00336925 +"POLYGON ((7.177988277757035 52.5737410283192, 7.179143254550905 52.5737410283192, 7.179143254550905 52.57353629958921, 7.177988277757035 52.57353629958921, 7.177988277757035 52.5737410283192))",29221_0_11,0,11,173.5 +"POLYGON ((7.177988277757035 52.57169369800361, 7.179143254550905 52.57169369800361, 7.179143254550905 52.57148895971455, 7.177988277757035 52.57148895971455, 7.177988277757035 52.57169369800361))",29221_0_21,0,21,134.749999 +"POLYGON ((7.179143254550905 52.57415048291153, 7.180298231344771 52.57415048291153, 7.180298231344771 52.57394575609331, 7.179143254550905 52.57394575609331, 7.179143254550905 52.57415048291153))",29221_1_9,1,9,116.0 +"POLYGON ((7.180298231344771 52.5733315699033, 7.181453208138641 52.5733315699033, 7.181453208138641 52.5731268392615, 7.180298231344771 52.5731268392615, 7.180298231344771 52.5733315699033))",29221_2_13,2,13,142.66666666666666 +"POLYGON ((7.181453208138641 52.57476465763082, 7.182608184932507 52.57476465763082, 7.182608184932507 52.57455993368028, 7.181453208138641 52.57455993368028, 7.181453208138641 52.57476465763082))",29221_3_6,3,6,176.5 +"POLYGON ((7.181453208138641 52.57353629958921, 7.182608184932507 52.57353629958921, 7.182608184932507 52.5733315699033, 7.181453208138641 52.5733315699033, 7.181453208138641 52.57353629958921))",29221_3_12,3,12,130.66666666666666 +"POLYGON ((7.181453208138641 52.5725126416007, 7.182608184932507 52.5725126416007, 7.182608184932507 52.5723079071353, 7.181453208138641 52.5723079071353, 7.181453208138641 52.5725126416007))",29221_3_17,3,17,136.66666666666666 +"POLYGON ((7.182608184932507 52.57517410266426, 7.183763161726376 52.57517410266426, 7.183763161726376 52.57496938062548, 7.182608184932507 52.57496938062548, 7.182608184932507 52.57517410266426))",29221_4_4,4,4,195.0 +"POLYGON ((7.182608184932507 52.57476465763082, 7.183763161726376 52.57476465763082, 7.183763161726376 52.57455993368028, 7.182608184932507 52.57455993368028, 7.182608184932507 52.57476465763082))",29221_4_6,4,6,155.4000002 +"POLYGON ((7.182608184932507 52.57435520877385, 7.183763161726376 52.57435520877385, 7.183763161726376 52.57415048291153, 7.182608184932507 52.57415048291153, 7.182608184932507 52.57435520877385))",29221_4_8,4,8,87.81020679999999 +"POLYGON ((7.182608184932507 52.57394575609331, 7.183763161726376 52.57394575609331, 7.183763161726376 52.5737410283192, 7.182608184932507 52.5737410283192, 7.182608184932507 52.57394575609331))",29221_4_10,4,10,131.0 +"POLYGON ((7.182608184932507 52.57271737511021, 7.183763161726376 52.57271737511021, 7.183763161726376 52.5725126416007, 7.182608184932507 52.5725126416007, 7.182608184932507 52.57271737511021))",29221_4_16,4,16,151.0 +"POLYGON ((7.182608184932507 52.5725126416007, 7.183763161726376 52.5725126416007, 7.183763161726376 52.5723079071353, 7.182608184932507 52.5723079071353, 7.182608184932507 52.5725126416007))",29221_4_17,4,17,150.0 +"POLYGON ((7.183763161726376 52.57517410266426, 7.184918138520243 52.57517410266426, 7.184918138520243 52.57496938062548, 7.183763161726376 52.57496938062548, 7.183763161726376 52.57517410266426))",29221_5_4,5,4,128.0 +"POLYGON ((7.183763161726376 52.57476465763082, 7.184918138520243 52.57476465763082, 7.184918138520243 52.57455993368028, 7.183763161726376 52.57455993368028, 7.183763161726376 52.57476465763082))",29221_5_6,5,6,200.5 +"POLYGON ((7.183763161726376 52.57394575609331, 7.184918138520243 52.57394575609331, 7.184918138520243 52.5737410283192, 7.183763161726376 52.5737410283192, 7.183763161726376 52.57394575609331))",29221_5_10,5,10,134.62507100000002 +"POLYGON ((7.183763161726376 52.5737410283192, 7.184918138520243 52.5737410283192, 7.184918138520243 52.57353629958921, 7.183763161726376 52.57353629958921, 7.183763161726376 52.5737410283192))",29221_5_11,5,11,142.19290366666667 +"POLYGON ((7.183763161726376 52.57353629958921, 7.184918138520243 52.57353629958921, 7.184918138520243 52.5733315699033, 7.183763161726376 52.5733315699033, 7.183763161726376 52.57353629958921))",29221_5_12,5,12,128.17992933333335 +"POLYGON ((7.183763161726376 52.5733315699033, 7.184918138520243 52.5733315699033, 7.184918138520243 52.5731268392615, 7.183763161726376 52.5731268392615, 7.183763161726376 52.5733315699033))",29221_5_13,5,13,146.66666783333332 +"POLYGON ((7.183763161726376 52.57271737511021, 7.184918138520243 52.57271737511021, 7.184918138520243 52.5725126416007, 7.183763161726376 52.5725126416007, 7.183763161726376 52.57271737511021))",29221_5_16,5,16,180.5 +"POLYGON ((7.183763161726376 52.57148895971455, 7.184918138520243 52.57148895971455, 7.184918138520243 52.57128422046959, 7.183763161726376 52.57128422046959, 7.183763161726376 52.57148895971455))",29221_5_22,5,22,126.42640371428571 +"POLYGON ((7.184918138520243 52.57394575609331, 7.186073115314111 52.57394575609331, 7.186073115314111 52.5737410283192, 7.184918138520243 52.5737410283192, 7.184918138520243 52.57394575609331))",29221_6_10,6,10,114.99999875 +"POLYGON ((7.184918138520243 52.5737410283192, 7.186073115314111 52.5737410283192, 7.186073115314111 52.57353629958921, 7.184918138520243 52.57353629958921, 7.184918138520243 52.5737410283192))",29221_6_11,6,11,133.0 +"POLYGON ((7.184918138520243 52.57353629958921, 7.186073115314111 52.57353629958921, 7.186073115314111 52.5733315699033, 7.184918138520243 52.5733315699033, 7.184918138520243 52.57353629958921))",29221_6_12,6,12,131.66666666666666 +"POLYGON ((7.184918138520243 52.5733315699033, 7.186073115314111 52.5733315699033, 7.186073115314111 52.5731268392615, 7.184918138520243 52.5731268392615, 7.184918138520243 52.5733315699033))",29221_6_13,6,13,118.3103521 +"POLYGON ((7.184918138520243 52.5731268392615, 7.186073115314111 52.5731268392615, 7.186073115314111 52.57292210766381, 7.184918138520243 52.57292210766381, 7.184918138520243 52.5731268392615))",29221_6_14,6,14,140.23913342857142 +"POLYGON ((7.184918138520243 52.57271737511021, 7.186073115314111 52.57271737511021, 7.186073115314111 52.5725126416007, 7.184918138520243 52.5725126416007, 7.184918138520243 52.57271737511021))",29221_6_16,6,16,140.66666666666666 +"POLYGON ((7.184918138520243 52.5723079071353, 7.186073115314111 52.5723079071353, 7.186073115314111 52.57210317171398, 7.184918138520243 52.57210317171398, 7.184918138520243 52.5723079071353))",29221_6_18,6,18,119.25000175 +"POLYGON ((7.177988277757035 52.56828126838482, 7.179143254550905 52.56828126838482, 7.179143254550905 52.5680765141636, 7.177988277757035 52.5680765141636, 7.177988277757035 52.56828126838482))",29222_0_11,0,11,172.66666666666666 +"POLYGON ((7.177988277757035 52.56623368315486, 7.179143254550905 52.56623368315486, 7.179143254550905 52.56602891937409, 7.177988277757035 52.56602891937409, 7.177988277757035 52.56623368315486))",29222_0_21,0,21,133.33333266666668 +"POLYGON ((7.179143254550905 52.56869077395942, 7.180298231344771 52.56869077395942, 7.180298231344771 52.5684860216501, 7.179143254550905 52.5684860216501, 7.179143254550905 52.56869077395942))",29222_1_9,1,9,128.66666666666666 +"POLYGON ((7.180298231344771 52.56787175898643, 7.181453208138641 52.56787175898643, 7.181453208138641 52.56766700285333, 7.180298231344771 52.56766700285333, 7.180298231344771 52.56787175898643))",29222_2_13,2,13,161.0 +"POLYGON ((7.181453208138641 52.56930502515178, 7.182608184932507 52.56930502515178, 7.182608184932507 52.56910027571026, 7.181453208138641 52.56910027571026, 7.181453208138641 52.56930502515178))",29222_3_6,3,6,157.0 +"POLYGON ((7.181453208138641 52.5680765141636, 7.182608184932507 52.5680765141636, 7.182608184932507 52.56787175898643, 7.181453208138641 52.56787175898643, 7.181453208138641 52.5680765141636))",29222_3_12,3,12,131.0 +"POLYGON ((7.181453208138641 52.56705272871829, 7.182608184932507 52.56705272871829, 7.182608184932507 52.56684796876137, 7.181453208138641 52.56684796876137, 7.181453208138641 52.56705272871829))",29222_3_17,3,17,135.33333333333334 +"POLYGON ((7.182608184932507 52.56971452116699, 7.183763161726376 52.56971452116699, 7.183763161726376 52.56950977363735, 7.182608184932507 52.56950977363735, 7.182608184932507 52.56971452116699))",29222_4_4,4,4,198.0 +"POLYGON ((7.182608184932507 52.56930502515178, 7.183763161726376 52.56930502515178, 7.183763161726376 52.56910027571026, 7.182608184932507 52.56910027571026, 7.182608184932507 52.56930502515178))",29222_4_6,4,6,152.2000008 +"POLYGON ((7.182608184932507 52.56889552531281, 7.183763161726376 52.56889552531281, 7.183763161726376 52.56869077395942, 7.182608184932507 52.56869077395942, 7.182608184932507 52.56889552531281))",29222_4_8,4,8,96.0987535 +"POLYGON ((7.182608184932507 52.5684860216501, 7.183763161726376 52.5684860216501, 7.183763161726376 52.56828126838482, 7.182608184932507 52.56828126838482, 7.182608184932507 52.5684860216501))",29222_4_10,4,10,125.66666666666667 +"POLYGON ((7.182608184932507 52.56725748771925, 7.183763161726376 52.56725748771925, 7.183763161726376 52.56705272871829, 7.182608184932507 52.56705272871829, 7.182608184932507 52.56725748771925))",29222_4_16,4,16,151.7113845 +"POLYGON ((7.182608184932507 52.56705272871829, 7.183763161726376 52.56705272871829, 7.183763161726376 52.56684796876137, 7.182608184932507 52.56684796876137, 7.182608184932507 52.56705272871829))",29222_4_17,4,17,146.5 +"POLYGON ((7.183763161726376 52.56971452116699, 7.184918138520243 52.56971452116699, 7.184918138520243 52.56950977363735, 7.183763161726376 52.56950977363735, 7.183763161726376 52.56971452116699))",29222_5_4,5,4,125.66666666666667 +"POLYGON ((7.183763161726376 52.56930502515178, 7.184918138520243 52.56930502515178, 7.184918138520243 52.56910027571026, 7.183763161726376 52.56910027571026, 7.183763161726376 52.56930502515178))",29222_5_6,5,6,201.5 +"POLYGON ((7.183763161726376 52.5684860216501, 7.184918138520243 52.5684860216501, 7.184918138520243 52.56828126838482, 7.183763161726376 52.56828126838482, 7.183763161726376 52.5684860216501))",29222_5_10,5,10,138.00000275 +"POLYGON ((7.183763161726376 52.56828126838482, 7.184918138520243 52.56828126838482, 7.184918138520243 52.5680765141636, 7.183763161726376 52.5680765141636, 7.183763161726376 52.56828126838482))",29222_5_11,5,11,139.34218233333334 +"POLYGON ((7.183763161726376 52.5680765141636, 7.184918138520243 52.5680765141636, 7.184918138520243 52.56787175898643, 7.183763161726376 52.56787175898643, 7.183763161726376 52.5680765141636))",29222_5_12,5,12,127.55413225000001 +"POLYGON ((7.183763161726376 52.56787175898643, 7.184918138520243 52.56787175898643, 7.184918138520243 52.56766700285333, 7.183763161726376 52.56766700285333, 7.183763161726376 52.56787175898643))",29222_5_13,5,13,145.600001 +"POLYGON ((7.183763161726376 52.56725748771925, 7.184918138520243 52.56725748771925, 7.184918138520243 52.56705272871829, 7.183763161726376 52.56705272871829, 7.183763161726376 52.56725748771925))",29222_5_16,5,16,187.5 +"POLYGON ((7.183763161726376 52.56664320784849, 7.184918138520243 52.56664320784849, 7.184918138520243 52.56643844597966, 7.183763161726376 52.56643844597966, 7.183763161726376 52.56664320784849))",29222_5_19,5,19,136.66666766666665 +"POLYGON ((7.183763161726376 52.56602891937409, 7.184918138520243 52.56602891937409, 7.184918138520243 52.56582415463738, 7.183763161726376 52.56582415463738, 7.183763161726376 52.56602891937409))",29222_5_22,5,22,126.22435625000001 +"POLYGON ((7.184918138520243 52.5684860216501, 7.186073115314111 52.5684860216501, 7.186073115314111 52.56828126838482, 7.184918138520243 52.56828126838482, 7.184918138520243 52.5684860216501))",29222_6_10,6,10,117.05224475 +"POLYGON ((7.184918138520243 52.56828126838482, 7.186073115314111 52.56828126838482, 7.186073115314111 52.5680765141636, 7.184918138520243 52.5680765141636, 7.184918138520243 52.56828126838482))",29222_6_11,6,11,131.66666666666666 +"POLYGON ((7.184918138520243 52.5680765141636, 7.186073115314111 52.5680765141636, 7.186073115314111 52.56787175898643, 7.184918138520243 52.56787175898643, 7.184918138520243 52.5680765141636))",29222_6_12,6,12,130.0 +"POLYGON ((7.184918138520243 52.56787175898643, 7.186073115314111 52.56787175898643, 7.186073115314111 52.56766700285333, 7.184918138520243 52.56766700285333, 7.184918138520243 52.56787175898643))",29222_6_13,6,13,121.74551163636364 +"POLYGON ((7.184918138520243 52.56766700285333, 7.186073115314111 52.56766700285333, 7.186073115314111 52.56746224576427, 7.184918138520243 52.56746224576427, 7.184918138520243 52.56766700285333))",29222_6_14,6,14,143.05575133333335 +"POLYGON ((7.184918138520243 52.56725748771925, 7.186073115314111 52.56725748771925, 7.186073115314111 52.56705272871829, 7.184918138520243 52.56705272871829, 7.184918138520243 52.56725748771925))",29222_6_16,6,16,164.5 +"POLYGON ((7.184918138520243 52.56684796876137, 7.186073115314111 52.56684796876137, 7.186073115314111 52.56664320784849, 7.184918138520243 52.56664320784849, 7.184918138520243 52.56684796876137))",29222_6_18,6,18,118.49641725 +"POLYGON ((7.177988277757035 52.56282082866784, 7.179143254550905 52.56282082866784, 7.179143254550905 52.56261604895408, 7.177988277757035 52.56261604895408, 7.177988277757035 52.56282082866784))",29223_0_11,0,11,158.0 +"POLYGON ((7.177988277757035 52.56077298851037, 7.179143254550905 52.56077298851037, 7.179143254550905 52.56056819923658, 7.177988277757035 52.56056819923658, 7.177988277757035 52.56077298851037))",29223_0_21,0,21,135.499998 +"POLYGON ((7.179143254550905 52.56323038522734, 7.180298231344771 52.56323038522734, 7.180298231344771 52.56302560742559, 7.179143254550905 52.56302560742559, 7.179143254550905 52.56323038522734))",29223_1_9,1,9,125.0 +"POLYGON ((7.180298231344771 52.56241126828434, 7.181453208138641 52.56241126828434, 7.181453208138641 52.5622064866586, 7.180298231344771 52.5622064866586, 7.180298231344771 52.56241126828434))",29223_2_13,2,13,172.0 +"POLYGON ((7.181453208138641 52.56384471289669, 7.182608184932507 52.56384471289669, 7.182608184932507 52.5636399379629, 7.181453208138641 52.5636399379629, 7.181453208138641 52.56384471289669))",29223_3_6,3,6,146.0 +"POLYGON ((7.181453208138641 52.56261604895408, 7.182608184932507 52.56261604895408, 7.182608184932507 52.56241126828434, 7.181453208138641 52.56241126828434, 7.181453208138641 52.56261604895408))",29223_3_12,3,12,132.0 +"POLYGON ((7.181453208138641 52.56159213604539, 7.182608184932507 52.56159213604539, 7.182608184932507 52.56138735059564, 7.181453208138641 52.56138735059564, 7.181453208138641 52.56159213604539))",29223_3_17,3,17,135.0 +"POLYGON ((7.182608184932507 52.56425425989634, 7.183763161726376 52.56425425989634, 7.183763161726376 52.56404948687451, 7.182608184932507 52.56404948687451, 7.182608184932507 52.56425425989634))",29223_4_4,4,4,197.0 +"POLYGON ((7.182608184932507 52.56384471289669, 7.183763161726376 52.56384471289669, 7.183763161726376 52.5636399379629, 7.182608184932507 52.5636399379629, 7.182608184932507 52.56384471289669))",29223_4_6,4,6,151.39293533333333 +"POLYGON ((7.182608184932507 52.56343516207312, 7.183763161726376 52.56343516207312, 7.183763161726376 52.56323038522734, 7.182608184932507 52.56323038522734, 7.182608184932507 52.56343516207312))",29223_4_8,4,8,109.93701949999999 +"POLYGON ((7.182608184932507 52.56302560742559, 7.183763161726376 52.56302560742559, 7.183763161726376 52.56282082866784, 7.182608184932507 52.56282082866784, 7.182608184932507 52.56302560742559))",29223_4_10,4,10,119.0 +"POLYGON ((7.182608184932507 52.56179692053913, 7.183763161726376 52.56179692053913, 7.183763161726376 52.56159213604539, 7.182608184932507 52.56159213604539, 7.182608184932507 52.56179692053913))",29223_4_16,4,16,150.0 +"POLYGON ((7.182608184932507 52.56159213604539, 7.183763161726376 52.56159213604539, 7.183763161726376 52.56138735059564, 7.182608184932507 52.56138735059564, 7.182608184932507 52.56159213604539))",29223_4_17,4,17,145.0 +"POLYGON ((7.183763161726376 52.56425425989634, 7.184918138520243 52.56425425989634, 7.184918138520243 52.56404948687451, 7.183763161726376 52.56404948687451, 7.183763161726376 52.56425425989634))",29223_5_4,5,4,128.0 +"POLYGON ((7.183763161726376 52.56384471289669, 7.184918138520243 52.56384471289669, 7.184918138520243 52.5636399379629, 7.183763161726376 52.5636399379629, 7.183763161726376 52.56384471289669))",29223_5_6,5,6,181.5 +"POLYGON ((7.183763161726376 52.56302560742559, 7.184918138520243 52.56302560742559, 7.184918138520243 52.56282082866784, 7.183763161726376 52.56282082866784, 7.183763161726376 52.56302560742559))",29223_5_10,5,10,139.000004 +"POLYGON ((7.183763161726376 52.56282082866784, 7.184918138520243 52.56282082866784, 7.184918138520243 52.56261604895408, 7.183763161726376 52.56261604895408, 7.183763161726376 52.56282082866784))",29223_5_11,5,11,130.851711 +"POLYGON ((7.183763161726376 52.56261604895408, 7.184918138520243 52.56261604895408, 7.184918138520243 52.56241126828434, 7.183763161726376 52.56241126828434, 7.183763161726376 52.56261604895408))",29223_5_12,5,12,118.626543 +"POLYGON ((7.183763161726376 52.56241126828434, 7.184918138520243 52.56241126828434, 7.184918138520243 52.5622064866586, 7.183763161726376 52.5622064866586, 7.183763161726376 52.56241126828434))",29223_5_13,5,13,146.5000005 +"POLYGON ((7.183763161726376 52.56179692053913, 7.184918138520243 52.56179692053913, 7.184918138520243 52.56159213604539, 7.183763161726376 52.56159213604539, 7.183763161726376 52.56179692053913))",29223_5_16,5,16,186.0 +"POLYGON ((7.183763161726376 52.56118256418988, 7.184918138520243 52.56118256418988, 7.184918138520243 52.56097777682813, 7.183763161726376 52.56097777682813, 7.183763161726376 52.56118256418988))",29223_5_19,5,19,138.000001 +"POLYGON ((7.183763161726376 52.56056819923658, 7.184918138520243 52.56056819923658, 7.184918138520243 52.56036340900678, 7.183763161726376 52.56036340900678, 7.183763161726376 52.56056819923658))",29223_5_22,5,22,129.9029265 +"POLYGON ((7.184918138520243 52.56302560742559, 7.186073115314111 52.56302560742559, 7.186073115314111 52.56282082866784, 7.184918138520243 52.56282082866784, 7.184918138520243 52.56302560742559))",29223_6_10,6,10,120.0 +"POLYGON ((7.184918138520243 52.56282082866784, 7.186073115314111 52.56282082866784, 7.186073115314111 52.56261604895408, 7.184918138520243 52.56261604895408, 7.184918138520243 52.56282082866784))",29223_6_11,6,11,136.0 +"POLYGON ((7.184918138520243 52.56261604895408, 7.186073115314111 52.56261604895408, 7.186073115314111 52.56241126828434, 7.184918138520243 52.56241126828434, 7.184918138520243 52.56261604895408))",29223_6_12,6,12,132.0 +"POLYGON ((7.184918138520243 52.56241126828434, 7.186073115314111 52.56241126828434, 7.186073115314111 52.5622064866586, 7.184918138520243 52.5622064866586, 7.184918138520243 52.56241126828434))",29223_6_13,6,13,124.5859095 +"POLYGON ((7.184918138520243 52.5622064866586, 7.186073115314111 52.5622064866586, 7.186073115314111 52.56200170407687, 7.184918138520243 52.56200170407687, 7.184918138520243 52.5622064866586))",29223_6_14,6,14,136.67673433333334 +"POLYGON ((7.184918138520243 52.56179692053913, 7.186073115314111 52.56179692053913, 7.186073115314111 52.56159213604539, 7.184918138520243 52.56159213604539, 7.184918138520243 52.56179692053913))",29223_6_16,6,16,169.0 +"POLYGON ((7.184918138520243 52.56138735059564, 7.186073115314111 52.56138735059564, 7.186073115314111 52.56118256418988, 7.184918138520243 52.56118256418988, 7.184918138520243 52.56138735059564))",29223_6_18,6,18,126.28178 +"POLYGON ((7.177988277757035 52.27223770986642, 7.179143254550905 52.27223770986642, 7.179143254550905 52.27203157622951, 7.177988277757035 52.27203157622951, 7.177988277757035 52.27223770986642))",29276_0_12,0,12,156.33333333333334 +"POLYGON ((7.177988277757035 52.27017633036149, 7.179143254550905 52.27017633036149, 7.179143254550905 52.26997018713882, 7.177988277757035 52.26997018713882, 7.177988277757035 52.27017633036149))",29276_0_22,0,22,112.9999995 +"POLYGON ((7.179143254550905 52.2728561050258, 7.180298231344771 52.2728561050258, 7.180298231344771 52.27264997426458, 7.179143254550905 52.27264997426458, 7.179143254550905 52.2728561050258))",29276_1_9,1,9,138.66666666666666 +"POLYGON ((7.180298231344771 52.27203157622951, 7.181453208138641 52.27203157622951, 7.181453208138641 52.27182544163402, 7.180298231344771 52.27182544163402, 7.180298231344771 52.27203157622951))",29276_2_13,2,13,176.0 +"POLYGON ((7.181453208138641 52.27347449155814, 7.182608184932507 52.27347449155814, 7.182608184932507 52.27326836367258, 7.181453208138641 52.27326836367258, 7.181453208138641 52.27347449155814))",29276_3_6,3,6,146.5 +"POLYGON ((7.181453208138641 52.27223770986642, 7.182608184932507 52.27223770986642, 7.182608184932507 52.27203157622951, 7.181453208138641 52.27203157622951, 7.181453208138641 52.27223770986642))",29276_3_12,3,12,130.66666666666666 +"POLYGON ((7.181453208138641 52.27141316956734, 7.182608184932507 52.27141316956734, 7.182608184932507 52.27120703209614, 7.181453208138641 52.27120703209614, 7.181453208138641 52.27141316956734))",29276_3_16,3,16,135.66666666666666 +"POLYGON ((7.182608184932507 52.27388674445358, 7.183763161726376 52.27388674445358, 7.183763161726376 52.27368061848514, 7.182608184932507 52.27368061848514, 7.182608184932507 52.27388674445358))",29276_4_4,4,4,154.0 +"POLYGON ((7.182608184932507 52.27368061848514, 7.183763161726376 52.27368061848514, 7.183763161726376 52.27347449155814, 7.182608184932507 52.27347449155814, 7.182608184932507 52.27368061848514))",29276_4_5,4,5,120.68147742857143 +"POLYGON ((7.182608184932507 52.27264997426458, 7.183763161726376 52.27264997426458, 7.183763161726376 52.27244384254478, 7.182608184932507 52.27244384254478, 7.182608184932507 52.27264997426458))",29276_4_10,4,10,123.0 +"POLYGON ((7.183763161726376 52.27388674445358, 7.184918138520243 52.27388674445358, 7.184918138520243 52.27368061848514, 7.183763161726376 52.27368061848514, 7.183763161726376 52.27388674445358))",29276_5_4,5,4,127.0 +"POLYGON ((7.183763161726376 52.27347449155814, 7.184918138520243 52.27347449155814, 7.184918138520243 52.27326836367258, 7.183763161726376 52.27326836367258, 7.183763161726376 52.27347449155814))",29276_5_6,5,6,196.66666666666666 +"POLYGON ((7.183763161726376 52.2728561050258, 7.184918138520243 52.2728561050258, 7.184918138520243 52.27264997426458, 7.183763161726376 52.27264997426458, 7.183763161726376 52.2728561050258))",29276_5_9,5,9,137.89031166666666 +"POLYGON ((7.183763161726376 52.27244384254478, 7.184918138520243 52.27244384254478, 7.184918138520243 52.27223770986642, 7.183763161726376 52.27223770986642, 7.183763161726376 52.27244384254478))",29276_5_11,5,11,132.32755833333337 +"POLYGON ((7.183763161726376 52.27079475427801, 7.184918138520243 52.27079475427801, 7.184918138520243 52.27058861393109, 7.183763161726376 52.27058861393109, 7.183763161726376 52.27079475427801))",29276_5_19,5,19,139.99999875 +"POLYGON ((7.183763161726376 52.26997018713882, 7.184918138520243 52.26997018713882, 7.184918138520243 52.26976404295756, 7.183763161726376 52.26976404295756, 7.183763161726376 52.26997018713882))",29276_5_23,5,23,132.1761345 +"POLYGON ((7.184918138520243 52.27264997426458, 7.186073115314111 52.27264997426458, 7.186073115314111 52.27244384254478, 7.184918138520243 52.27244384254478, 7.184918138520243 52.27264997426458))",29276_6_10,6,10,151.20098433333334 +"POLYGON ((7.184918138520243 52.27223770986642, 7.186073115314111 52.27223770986642, 7.186073115314111 52.27203157622951, 7.184918138520243 52.27203157622951, 7.184918138520243 52.27223770986642))",29276_6_12,6,12,120.6 +"POLYGON ((7.184918138520243 52.27203157622951, 7.186073115314111 52.27203157622951, 7.186073115314111 52.27182544163402, 7.184918138520243 52.27182544163402, 7.184918138520243 52.27203157622951))",29276_6_13,6,13,128.373297 +"POLYGON ((7.184918138520243 52.27182544163402, 7.186073115314111 52.27182544163402, 7.186073115314111 52.27161930607997, 7.184918138520243 52.27161930607997, 7.184918138520243 52.27182544163402))",29276_6_14,6,14,123.49937125 +"POLYGON ((7.184918138520243 52.27100089366637, 7.186073115314111 52.27100089366637, 7.186073115314111 52.27079475427801, 7.184918138520243 52.27079475427801, 7.184918138520243 52.27100089366637))",29276_6_18,6,18,118.50000225 +"POLYGON ((7.177988277757035 52.26674048483387, 7.179143254550905 52.26674048483387, 7.179143254550905 52.26653432563454, 7.177988277757035 52.26653432563454, 7.177988277757035 52.26674048483387))",29277_0_12,0,12,148.0 +"POLYGON ((7.177988277757035 52.26467884970273, 7.179143254550905 52.26467884970273, 7.179143254550905 52.26447268091718, 7.177988277757035 52.26447268091718, 7.177988277757035 52.26467884970273))",29277_0_22,0,22,112.67579975 +"POLYGON ((7.179143254550905 52.26735895668016, 7.180298231344771 52.26735895668016, 7.180298231344771 52.26715280035668, 7.179143254550905 52.26715280035668, 7.179143254550905 52.26735895668016))",29277_1_9,1,9,133.66666666666666 +"POLYGON ((7.180298231344771 52.26653432563454, 7.181453208138641 52.26653432563454, 7.181453208138641 52.2663281654766, 7.180298231344771 52.2663281654766, 7.180298231344771 52.26653432563454))",29277_2_13,2,13,173.0 +"POLYGON ((7.181453208138641 52.267977419899, 7.182608184932507 52.267977419899, 7.182608184932507 52.26777126645133, 7.181453208138641 52.26777126645133, 7.181453208138641 52.267977419899))",29277_3_6,3,6,147.0 +"POLYGON ((7.181453208138641 52.26674048483387, 7.182608184932507 52.26674048483387, 7.182608184932507 52.26653432563454, 7.181453208138641 52.26653432563454, 7.181453208138641 52.26674048483387))",29277_3_12,3,12,130.33333333333334 +"POLYGON ((7.181453208138641 52.26591584228486, 7.182608184932507 52.26591584228486, 7.182608184932507 52.26570967925107, 7.181453208138641 52.26570967925107, 7.181453208138641 52.26591584228486))",29277_3_16,3,16,143.66666666666666 +"POLYGON ((7.182608184932507 52.26838972391853, 7.183763161726376 52.26838972391853, 7.183763161726376 52.26818357238807, 7.182608184932507 52.26818357238807, 7.182608184932507 52.26838972391853))",29277_4_4,4,4,181.5 +"POLYGON ((7.182608184932507 52.26818357238807, 7.183763161726376 52.26818357238807, 7.183763161726376 52.267977419899, 7.182608184932507 52.267977419899, 7.182608184932507 52.26818357238807))",29277_4_5,4,5,107.58861888888889 +"POLYGON ((7.182608184932507 52.26715280035668, 7.183763161726376 52.26715280035668, 7.183763161726376 52.26694664307458, 7.182608184932507 52.26694664307458, 7.182608184932507 52.26715280035668))",29277_4_10,4,10,129.66666666666666 +"POLYGON ((7.183763161726376 52.26838972391853, 7.184918138520243 52.26838972391853, 7.184918138520243 52.26818357238807, 7.183763161726376 52.26818357238807, 7.183763161726376 52.26838972391853))",29277_5_4,5,4,128.0 +"POLYGON ((7.183763161726376 52.267977419899, 7.184918138520243 52.267977419899, 7.184918138520243 52.26777126645133, 7.183763161726376 52.26777126645133, 7.183763161726376 52.267977419899))",29277_5_6,5,6,192.5 +"POLYGON ((7.183763161726376 52.26735895668016, 7.184918138520243 52.26735895668016, 7.184918138520243 52.26715280035668, 7.183763161726376 52.26715280035668, 7.183763161726376 52.26735895668016))",29277_5_9,5,9,135.91356366666665 +"POLYGON ((7.183763161726376 52.26694664307458, 7.184918138520243 52.26694664307458, 7.184918138520243 52.26674048483387, 7.183763161726376 52.26674048483387, 7.183763161726376 52.26694664307458))",29277_5_11,5,11,134.8046235 +"POLYGON ((7.183763161726376 52.26529735030762, 7.184918138520243 52.26529735030762, 7.184918138520243 52.26509118439795, 7.183763161726376 52.26509118439795, 7.183763161726376 52.26529735030762))",29277_5_19,5,19,137.000002 +"POLYGON ((7.183763161726376 52.26447268091718, 7.184918138520243 52.26447268091718, 7.184918138520243 52.264266511173, 7.183763161726376 52.264266511173, 7.183763161726376 52.26447268091718))",29277_5_23,5,23,130.49980466666668 +"POLYGON ((7.184918138520243 52.26715280035668, 7.186073115314111 52.26715280035668, 7.186073115314111 52.26694664307458, 7.184918138520243 52.26694664307458, 7.184918138520243 52.26715280035668))",29277_6_10,6,10,160.018367 +"POLYGON ((7.184918138520243 52.26674048483387, 7.186073115314111 52.26674048483387, 7.186073115314111 52.26653432563454, 7.184918138520243 52.26653432563454, 7.184918138520243 52.26674048483387))",29277_6_12,6,12,115.5 +"POLYGON ((7.184918138520243 52.26653432563454, 7.186073115314111 52.26653432563454, 7.186073115314111 52.2663281654766, 7.184918138520243 52.2663281654766, 7.184918138520243 52.26653432563454))",29277_6_13,6,13,128.4285717142857 +"POLYGON ((7.184918138520243 52.2663281654766, 7.186073115314111 52.2663281654766, 7.186073115314111 52.26612200436004, 7.184918138520243 52.26612200436004, 7.184918138520243 52.2663281654766))",29277_6_14,6,14,129.0848705 +"POLYGON ((7.184918138520243 52.26550351525865, 7.186073115314111 52.26550351525865, 7.186073115314111 52.26529735030762, 7.184918138520243 52.26529735030762, 7.184918138520243 52.26550351525865))",29277_6_18,6,18,118.333331 +"POLYGON ((7.177988277757035 52.19521451417156, 7.179143254550905 52.19521451417156, 7.179143254550905 52.19500802254554, 7.177988277757035 52.19500802254554, 7.177988277757035 52.19521451417156))",29290_0_12,0,12,109.0 +"POLYGON ((7.177988277757035 52.1931495547457, 7.179143254550905 52.1931495547457, 7.179143254550905 52.19294305352728, 7.177988277757035 52.19294305352728, 7.177988277757035 52.1931495547457))",29290_0_22,0,22,97.82414059999999 +"POLYGON ((7.179143254550905 52.19583398329424, 7.180298231344771 52.19583398329424, 7.180298231344771 52.1956274945459, 7.179143254550905 52.1956274945459, 7.179143254550905 52.19583398329424))",29290_1_9,1,9,91.8 +"POLYGON ((7.180298231344771 52.19500802254554, 7.181453208138641 52.19500802254554, 7.181453208138641 52.19480152996029, 7.180298231344771 52.19480152996029, 7.180298231344771 52.19500802254554))",29290_2_13,2,13,107.0 +"POLYGON ((7.181453208138641 52.19645344378389, 7.182608184932507 52.19645344378389, 7.182608184932507 52.19624695791322, 7.181453208138641 52.19624695791322, 7.181453208138641 52.19645344378389))",29290_3_6,3,6,104.0 +"POLYGON ((7.181453208138641 52.19521451417156, 7.182608184932507 52.19521451417156, 7.182608184932507 52.19500802254554, 7.181453208138641 52.19500802254554, 7.181453208138641 52.19521451417156))",29290_3_12,3,12,89.6 +"POLYGON ((7.181453208138641 52.19438854191208, 7.182608184932507 52.19438854191208, 7.182608184932507 52.19418204644913, 7.181453208138641 52.19418204644913, 7.181453208138641 52.19438854191208))",29290_3_16,3,16,107.25 +"POLYGON ((7.182608184932507 52.19686641264756, 7.183763161726376 52.19686641264756, 7.183763161726376 52.19665992869533, 7.182608184932507 52.19665992869533, 7.182608184932507 52.19686641264756))",29290_4_4,4,4,123.0 +"POLYGON ((7.182608184932507 52.19665992869533, 7.183763161726376 52.19665992869533, 7.183763161726376 52.19645344378389, 7.182608184932507 52.19645344378389, 7.182608184932507 52.19665992869533))",29290_4_5,4,5,87.6 +"POLYGON ((7.183763161726376 52.19686641264756, 7.184918138520243 52.19686641264756, 7.184918138520243 52.19665992869533, 7.183763161726376 52.19665992869533, 7.183763161726376 52.19686641264756))",29290_5_4,5,4,99.5 +"POLYGON ((7.183763161726376 52.19645344378389, 7.184918138520243 52.19645344378389, 7.184918138520243 52.19624695791322, 7.183763161726376 52.19624695791322, 7.183763161726376 52.19645344378389))",29290_5_6,5,6,119.5 +"POLYGON ((7.183763161726376 52.19583398329424, 7.184918138520243 52.19583398329424, 7.184918138520243 52.1956274945459, 7.183763161726376 52.1956274945459, 7.183763161726376 52.19583398329424))",29290_5_9,5,9,91.8977414 +"POLYGON ((7.183763161726376 52.19542100483834, 7.184918138520243 52.19542100483834, 7.184918138520243 52.19521451417156, 7.183763161726376 52.19521451417156, 7.183763161726376 52.19542100483834))",29290_5_11,5,11,102.7499995 +"POLYGON ((7.183763161726376 52.19376905264549, 7.184918138520243 52.19376905264549, 7.184918138520243 52.1935625543048, 7.183763161726376 52.1935625543048, 7.183763161726376 52.19376905264549))",29290_5_19,5,19,92.8000006 +"POLYGON ((7.183763161726376 52.19294305352728, 7.184918138520243 52.19294305352728, 7.184918138520243 52.19273655134961, 7.183763161726376 52.19273655134961, 7.183763161726376 52.19294305352728))",29290_5_23,5,23,89.6717488 +"POLYGON ((7.184918138520243 52.19583398329424, 7.186073115314111 52.19583398329424, 7.186073115314111 52.1956274945459, 7.184918138520243 52.1956274945459, 7.184918138520243 52.19583398329424))",29290_6_9,6,9,115.768335 +"POLYGON ((7.184918138520243 52.19521451417156, 7.186073115314111 52.19521451417156, 7.186073115314111 52.19500802254554, 7.184918138520243 52.19500802254554, 7.184918138520243 52.19521451417156))",29290_6_12,6,12,95.66666666666667 +"POLYGON ((7.184918138520243 52.19500802254554, 7.186073115314111 52.19500802254554, 7.186073115314111 52.19480152996029, 7.184918138520243 52.19480152996029, 7.184918138520243 52.19500802254554))",29290_6_13,6,13,98.80741537499999 +"POLYGON ((7.184918138520243 52.19480152996029, 7.186073115314111 52.19480152996029, 7.186073115314111 52.19459503641581, 7.184918138520243 52.19459503641581, 7.184918138520243 52.19480152996029))",29290_6_14,6,14,95.84747039999999 +"POLYGON ((7.182608184932507 50.88796554298085, 7.183763161726376 50.88796554298085, 7.183763161726376 50.88775303294685, 7.182608184932507 50.88775303294685, 7.182608184932507 50.88796554298085))",29524_4_12,4,12,121.5 +"POLYGON ((7.182608184932507 50.88229827696593, 7.183763161726376 50.88229827696593, 7.183763161726376 50.88208574107914, 7.182608184932507 50.88208574107914, 7.182608184932507 50.88229827696593))",29525_4_12,4,12,122.0 +"POLYGON ((7.186971430598231 53.63097575808839, 7.188126407392099 53.63097575808839, 7.188126407392099 53.6307760002617, 7.186971430598231 53.6307760002617, 7.186971430598231 53.63097575808839))",29700_0_10,0,10,9.607142857142858 +"POLYGON ((7.189281384185967 53.63017672110742, 7.190436360979835 53.63017672110742, 7.190436360979835 53.62997695949791, 7.189281384185967 53.62997695949791, 7.189281384185967 53.63017672110742))",29700_2_14,2,14,50.666666666666664 +"POLYGON ((7.189281384185967 53.62997695949791, 7.190436360979835 53.62997695949791, 7.190436360979835 53.6297771969427, 7.189281384185967 53.6297771969427, 7.189281384185967 53.62997695949791))",29700_2_15,2,15,6.333333333333333 +"POLYGON ((7.192746314567571 53.63177477993823, 7.193901291361438 53.63177477993823, 7.193901291361438 53.63157502589432, 7.192746314567571 53.63157502589432, 7.192746314567571 53.63177477993823))",29700_5_6,5,6,17.88235294117647 +"POLYGON ((7.193901291361438 53.63037648177121, 7.195056268155307 53.63037648177121, 7.195056268155307 53.63017672110742, 7.193901291361438 53.63017672110742, 7.193901291361438 53.63037648177121))",29700_6_13,6,13,53.0 +"POLYGON ((7.186971430598231 53.62564855906501, 7.188126407392099 53.62564855906501, 7.188126407392099 53.62544877601898, 7.186971430598231 53.62544877601898, 7.186971430598231 53.62564855906501))",29701_0_10,0,10,75.0 +"POLYGON ((7.189281384185967 53.62484942120638, 7.190436360979835 53.62484942120638, 7.190436360979835 53.62464963437732, 7.189281384185967 53.62464963437732, 7.189281384185967 53.62484942120638))",29701_2_14,2,14,81.66666666666667 +"POLYGON ((7.192746314567571 53.62644768179162, 7.193901291361438 53.62644768179162, 7.193901291361438 53.62624790252858, 7.192746314567571 53.62624790252858, 7.192746314567571 53.62644768179162))",29701_5_6,5,6,71.66666666666667 +"POLYGON ((7.193901291361438 53.62504920708967, 7.195056268155307 53.62504920708967, 7.195056268155307 53.62484942120638, 7.193901291361438 53.62484942120638, 7.193901291361438 53.62504920708967))",29701_6_13,6,13,96.0 +"POLYGON ((7.186971430598231 53.62032068750747, 7.188126407392099 53.62032068750747, 7.188126407392099 53.62012087924066, 7.186971430598231 53.62012087924066, 7.186971430598231 53.62032068750747))",29702_0_10,0,10,84.6 +"POLYGON ((7.189281384185967 53.61952144876538, 7.190436360979835 53.61952144876538, 7.190436360979835 53.61932163671531, 7.189281384185967 53.61932163671531, 7.189281384185967 53.61952144876538))",29702_2_14,2,14,83.8 +"POLYGON ((7.192746314567571 53.62131971465448, 7.193901291361438 53.62131971465448, 7.193901291361438 53.62111991111668, 7.192746314567571 53.62111991111668, 7.192746314567571 53.62131971465448))",29702_5_5,5,5,84.25 +"POLYGON ((7.192746314567571 53.62111991111668, 7.193901291361438 53.62111991111668, 7.193901291361438 53.62092010663308, 7.192746314567571 53.62092010663308, 7.192746314567571 53.62111991111668))",29702_5_6,5,6,82.0 +"POLYGON ((7.193901291361438 53.61972125986961, 7.195056268155307 53.61972125986961, 7.195056268155307 53.61952144876538, 7.193901291361438 53.61952144876538, 7.193901291361438 53.61972125986961))",29702_6_13,6,13,91.0 +"POLYGON ((7.186971430598231 53.61499214337697, 7.188126407392099 53.61499214337697, 7.188126407392099 53.61479230988792, 7.186971430598231 53.61479230988792, 7.186971430598231 53.61499214337697))",29703_0_10,0,10,77.57142857142857 +"POLYGON ((7.189281384185967 53.61419280374557, 7.190436360979835 53.61419280374557, 7.190436360979835 53.61399296647306, 7.189281384185967 53.61399296647306, 7.189281384185967 53.61419280374557))",29703_2_14,2,14,74.0 +"POLYGON ((7.190436360979835 53.6153918075175, 7.191591337773703 53.6153918075175, 7.191591337773703 53.61519197592015, 7.190436360979835 53.61519197592015, 7.190436360979835 53.6153918075175))",29703_3_8,3,8,62.833333333333336 +"POLYGON ((7.191591337773703 53.61599129663437, 7.192746314567571 53.61599129663437, 7.192746314567571 53.61579146787459, 7.191591337773703 53.61579146787459, 7.191591337773703 53.61599129663437))",29703_4_5,4,5,102.5 +"POLYGON ((7.191591337773703 53.61519197592015, 7.192746314567571 53.61519197592015, 7.192746314567571 53.61499214337697, 7.191591337773703 53.61499214337697, 7.191591337773703 53.61519197592015))",29703_4_9,4,9,58.73631857142857 +"POLYGON ((7.192746314567571 53.61599129663437, 7.193901291361438 53.61599129663437, 7.193901291361438 53.61579146787459, 7.192746314567571 53.61579146787459, 7.192746314567571 53.61599129663437))",29703_5_5,5,5,87.0 +"POLYGON ((7.193901291361438 53.61439264007222, 7.195056268155307 53.61439264007222, 7.195056268155307 53.61419280374557, 7.193901291361438 53.61419280374557, 7.193901291361438 53.61439264007222))",29703_6_13,6,13,89.0 +"POLYGON ((7.192746314567571 53.60493268337971, 7.193901291361438 53.60493268337971, 7.193901291361438 53.60473280227971, 7.192746314567571 53.60473280227971, 7.192746314567571 53.60493268337971))",29705_5_7,5,7,26.1 +"POLYGON ((7.192746314567571 53.59960219697698, 7.193901291361438 53.59960219697698, 7.193901291361438 53.59940229065054, 7.192746314567571 53.59940229065054, 7.192746314567571 53.59960219697698))",29706_5_7,5,7,55.0 +"POLYGON ((7.190436360979835 53.52490473374478, 7.191591337773703 53.52490473374478, 7.191591337773703 53.52470447409591, 7.190436360979835 53.52470447409591, 7.190436360979835 53.52490473374478))",29720_3_7,3,7,85.2 +"POLYGON ((7.191591337773703 53.52450421350026, 7.192746314567571 53.52450421350026, 7.192746314567571 53.52430395195783, 7.191591337773703 53.52430395195783, 7.191591337773703 53.52450421350026))",29720_4_9,4,9,66.59979483333332 +"POLYGON ((7.192746314567571 53.52490473374478, 7.193901291361438 53.52490473374478, 7.193901291361438 53.52470447409591, 7.192746314567571 53.52470447409591, 7.192746314567571 53.52490473374478))",29720_5_7,5,7,98.25 +"POLYGON ((7.190436360979835 53.51956415242671, 7.191591337773703 53.51956415242671, 7.191591337773703 53.51936386752968, 7.190436360979835 53.51936386752968, 7.190436360979835 53.51956415242671))",29721_3_7,3,7,87.75 +"POLYGON ((7.191591337773703 53.51916358168581, 7.192746314567571 53.51916358168581, 7.192746314567571 53.51896329489511, 7.191591337773703 53.51896329489511, 7.191591337773703 53.51916358168581))",29721_4_9,4,9,77.60775883333334 +"POLYGON ((7.192746314567571 53.51956415242671, 7.193901291361438 53.51956415242671, 7.193901291361438 53.51936386752968, 7.192746314567571 53.51936386752968, 7.192746314567571 53.51956415242671))",29721_5_7,5,7,108.0 +"POLYGON ((7.190436360979835 53.51422289780575, 7.191591337773703 53.51422289780575, 7.191591337773703 53.51402258765911, 7.190436360979835 53.51402258765911, 7.190436360979835 53.51422289780575))",29722_3_7,3,7,78.5 +"POLYGON ((7.191591337773703 53.51382227656558, 7.192746314567571 53.51382227656558, 7.192746314567571 53.51362196452517, 7.191591337773703 53.51362196452517, 7.191591337773703 53.51382227656558))",29722_4_9,4,9,56.88015475 +"POLYGON ((7.192746314567571 53.51422289780575, 7.193901291361438 53.51422289780575, 7.193901291361438 53.51402258765911, 7.192746314567571 53.51402258765911, 7.192746314567571 53.51422289780575))",29722_5_7,5,7,74.66666666666667 +"POLYGON ((7.191591337773703 53.49779432098577, 7.192746314567571 53.49779432098577, 7.192746314567571 53.49759393318755, 7.191591337773703 53.49759393318755, 7.191591337773703 53.49779432098577))",29725_4_9,4,9,81.0 +"POLYGON ((7.192746314567571 53.49819509374102, 7.193901291361438 53.49819509374102, 7.193901291361438 53.49799470783693, 7.192746314567571 53.49799470783693, 7.192746314567571 53.49819509374102))",29725_5_7,5,7,95.0 +"POLYGON ((7.190436360979835 53.49285114552409, 7.191591337773703 53.49285114552409, 7.191591337773703 53.49265073436462, 7.190436360979835 53.49265073436462, 7.190436360979835 53.49285114552409))",29726_3_7,3,7,100.5 +"POLYGON ((7.191591337773703 53.49245032225803, 7.192746314567571 53.49245032225803, 7.192746314567571 53.49224990920434, 7.191591337773703 53.49224990920434, 7.191591337773703 53.49245032225803))",29726_4_9,4,9,78.29166740000001 +"POLYGON ((7.192746314567571 53.49285114552409, 7.193901291361438 53.49285114552409, 7.193901291361438 53.49265073436462, 7.192746314567571 53.49265073436462, 7.192746314567571 53.49285114552409))",29726_5_7,5,7,97.75 +"POLYGON ((7.190436360979835 53.48750652381214, 7.191591337773703 53.48750652381214, 7.191591337773703 53.48730608739585, 7.190436360979835 53.48730608739585, 7.190436360979835 53.48750652381214))",29727_3_7,3,7,74.6 +"POLYGON ((7.191591337773703 53.4871056500324, 7.192746314567571 53.4871056500324, 7.192746314567571 53.4869052117218, 7.191591337773703 53.4869052117218, 7.191591337773703 53.4871056500324))",29727_4_9,4,9,65.16952157142858 +"POLYGON ((7.192746314567571 53.48750652381214, 7.193901291361438 53.48750652381214, 7.193901291361438 53.48730608739585, 7.192746314567571 53.48730608739585, 7.192746314567571 53.48750652381214))",29727_5_7,5,7,67.0 +"POLYGON ((7.190436360979835 53.48216122856681, 7.191591337773703 53.48216122856681, 7.191591337773703 53.48196076689227, 7.190436360979835 53.48196076689227, 7.190436360979835 53.48216122856681))",29728_3_7,3,7,70.71428571428571 +"POLYGON ((7.191591337773703 53.48176030427052, 7.192746314567571 53.48176030427052, 7.192746314567571 53.48155984070156, 7.191591337773703 53.48155984070156, 7.191591337773703 53.48176030427052))",29728_4_9,4,9,58.13042790909091 +"POLYGON ((7.192746314567571 53.48216122856681, 7.193901291361438 53.48216122856681, 7.193901291361438 53.48196076689227, 7.192746314567571 53.48196076689227, 7.192746314567571 53.48216122856681))",29728_5_7,5,7,71.875 +"POLYGON ((7.188126407392099 53.18154668175862, 7.189281384185967 53.18154668175862, 7.189281384185967 53.18134480239792, 7.188126407392099 53.18134480239792, 7.188126407392099 53.18154668175862))",29784_1_8,1,8,118.5 +"POLYGON ((7.191591337773703 52.82517352413745, 7.192746314567571 52.82517352413745, 7.192746314567571 52.82496997133747, 7.191591337773703 52.82496997133747, 7.191591337773703 52.82517352413745))",29850_4_6,4,6,84.0 +"POLYGON ((7.186971430598231 52.81669134954884, 7.188126407392099 52.81669134954884, 7.188126407392099 52.81648775701439, 7.186971430598231 52.81648775701439, 7.186971430598231 52.81669134954884))",29851_0_21,0,21,135.999998 +"POLYGON ((7.188126407392099 52.81913438557688, 7.189281384185967 52.81913438557688, 7.189281384185967 52.81893080448631, 7.188126407392099 52.81893080448631, 7.188126407392099 52.81913438557688))",29851_1_9,1,9,83.0 +"POLYGON ((7.189281384185967 52.81832005549266, 7.190436360979835 52.81832005549266, 7.190436360979835 52.81811647058748, 7.189281384185967 52.81811647058748, 7.189281384185967 52.81832005549266))",29851_2_13,2,13,137.0 +"POLYGON ((7.190436360979835 52.81974512312679, 7.191591337773703 52.81974512312679, 7.191591337773703 52.81954154489713, 7.190436360979835 52.81954154489713, 7.190436360979835 52.81974512312679))",29851_3_6,3,6,157.0 +"POLYGON ((7.190436360979835 52.81832005549266, 7.191591337773703 52.81832005549266, 7.191591337773703 52.81811647058748, 7.190436360979835 52.81811647058748, 7.190436360979835 52.81832005549266))",29851_3_13,3,13,81.0 +"POLYGON ((7.191591337773703 52.8201522767252, 7.192746314567571 52.8201522767252, 7.192746314567571 52.81994870040283, 7.191591337773703 52.81994870040283, 7.191591337773703 52.8201522767252))",29851_4_4,4,4,89.0 +"POLYGON ((7.191591337773703 52.81974512312679, 7.192746314567571 52.81974512312679, 7.192746314567571 52.81954154489713, 7.191591337773703 52.81954154489713, 7.191591337773703 52.81974512312679))",29851_4_6,4,6,90.83333266666666 +"POLYGON ((7.191591337773703 52.81933796571384, 7.192746314567571 52.81933796571384, 7.192746314567571 52.81913438557688, 7.191591337773703 52.81913438557688, 7.191591337773703 52.81933796571384))",29851_4_8,4,8,119.000003 +"POLYGON ((7.191591337773703 52.81770929791616, 7.192746314567571 52.81770929791616, 7.192746314567571 52.81750571015002, 7.191591337773703 52.81750571015002, 7.191591337773703 52.81770929791616))",29851_4_16,4,16,117.25 +"POLYGON ((7.192746314567571 52.8201522767252, 7.193901291361438 52.8201522767252, 7.193901291361438 52.81994870040283, 7.192746314567571 52.81994870040283, 7.192746314567571 52.8201522767252))",29851_5_4,5,4,141.0 +"POLYGON ((7.192746314567571 52.81974512312679, 7.193901291361438 52.81974512312679, 7.193901291361438 52.81954154489713, 7.192746314567571 52.81954154489713, 7.192746314567571 52.81974512312679))",29851_5_6,5,6,177.0 +"POLYGON ((7.192746314567571 52.81913438557688, 7.193901291361438 52.81913438557688, 7.193901291361438 52.81893080448631, 7.192746314567571 52.81893080448631, 7.192746314567571 52.81913438557688))",29851_5_9,5,9,160.075058 +"POLYGON ((7.192746314567571 52.81893080448631, 7.193901291361438 52.81893080448631, 7.193901291361438 52.81872722244206, 7.192746314567571 52.81872722244206, 7.192746314567571 52.81893080448631))",29851_5_10,5,10,129.084196 +"POLYGON ((7.192746314567571 52.81872722244206, 7.193901291361438 52.81872722244206, 7.193901291361438 52.8185236394442, 7.192746314567571 52.8185236394442, 7.192746314567571 52.81872722244206))",29851_5_11,5,11,97.17038 +"POLYGON ((7.192746314567571 52.81832005549266, 7.193901291361438 52.81832005549266, 7.193901291361438 52.81811647058748, 7.192746314567571 52.81811647058748, 7.192746314567571 52.81832005549266))",29851_5_13,5,13,93.48832266666666 +"POLYGON ((7.192746314567571 52.81811647058748, 7.193901291361438 52.81811647058748, 7.193901291361438 52.81791288472866, 7.192746314567571 52.81791288472866, 7.192746314567571 52.81811647058748))",29851_5_14,5,14,117.000003 +"POLYGON ((7.192746314567571 52.81770929791616, 7.193901291361438 52.81770929791616, 7.193901291361438 52.81750571015002, 7.192746314567571 52.81750571015002, 7.192746314567571 52.81770929791616))",29851_5_16,5,16,164.0 +"POLYGON ((7.192746314567571 52.81709853175676, 7.193901291361438 52.81709853175676, 7.193901291361438 52.81689494112963, 7.192746314567571 52.81689494112963, 7.192746314567571 52.81709853175676))",29851_5_19,5,19,95.999999 +"POLYGON ((7.192746314567571 52.81648775701439, 7.193901291361438 52.81648775701439, 7.193901291361438 52.81628416352626, 7.192746314567571 52.81628416352626, 7.192746314567571 52.81648775701439))",29851_5_22,5,22,104.66666866666667 +"POLYGON ((7.193901291361438 52.81893080448631, 7.195056268155307 52.81893080448631, 7.195056268155307 52.81872722244206, 7.193901291361438 52.81872722244206, 7.193901291361438 52.81893080448631))",29851_6_10,6,10,127.868902 +"POLYGON ((7.193901291361438 52.81872722244206, 7.195056268155307 52.81872722244206, 7.195056268155307 52.8185236394442, 7.193901291361438 52.8185236394442, 7.193901291361438 52.81872722244206))",29851_6_11,6,11,73.5 +"POLYGON ((7.193901291361438 52.8185236394442, 7.195056268155307 52.8185236394442, 7.195056268155307 52.81832005549266, 7.193901291361438 52.81832005549266, 7.193901291361438 52.8185236394442))",29851_6_12,6,12,127.5388835 +"POLYGON ((7.193901291361438 52.81832005549266, 7.195056268155307 52.81832005549266, 7.195056268155307 52.81811647058748, 7.193901291361438 52.81811647058748, 7.193901291361438 52.81832005549266))",29851_6_13,6,13,130.30425325 +"POLYGON ((7.193901291361438 52.81811647058748, 7.195056268155307 52.81811647058748, 7.195056268155307 52.81791288472866, 7.193901291361438 52.81791288472866, 7.193901291361438 52.81811647058748))",29851_6_14,6,14,80.5 +"POLYGON ((7.193901291361438 52.81770929791616, 7.195056268155307 52.81770929791616, 7.195056268155307 52.81750571015002, 7.193901291361438 52.81750571015002, 7.193901291361438 52.81770929791616))",29851_6_16,6,16,176.0 +"POLYGON ((7.193901291361438 52.81730212143022, 7.195056268155307 52.81730212143022, 7.195056268155307 52.81709853175676, 7.193901291361438 52.81709853175676, 7.193901291361438 52.81730212143022))",29851_6_18,6,18,116.171659 +"POLYGON ((7.186971430598231 52.81329801613339, 7.188126407392099 52.81329801613339, 7.188126407392099 52.81309440770423, 7.186971430598231 52.81309440770423, 7.186971430598231 52.81329801613339))",29852_0_11,0,11,158.66666666666666 +"POLYGON ((7.186971430598231 52.811261888925, 7.188126407392099 52.811261888925, 7.188126407392099 52.81105827095875, 7.186971430598231 52.81105827095875, 7.186971430598231 52.811261888925))",29852_0_21,0,21,134.564693 +"POLYGON ((7.188126407392099 52.81370523013064, 7.189281384185967 52.81370523013064, 7.189281384185967 52.81350162360886, 7.188126407392099 52.81350162360886, 7.188126407392099 52.81370523013064))",29852_1_9,1,9,83.6 +"POLYGON ((7.189281384185967 52.81289079832136, 7.190436360979835 52.81289079832136, 7.190436360979835 52.81268718798479, 7.189281384185967 52.81268718798479, 7.189281384185967 52.81289079832136))",29852_2_13,2,13,163.5 +"POLYGON ((7.190436360979835 52.81431604397381, 7.191591337773703 52.81431604397381, 7.191591337773703 52.81411244031311, 7.190436360979835 52.81411244031311, 7.190436360979835 52.81431604397381))",29852_3_6,3,6,183.0 +"POLYGON ((7.190436360979835 52.81289079832136, 7.191591337773703 52.81289079832136, 7.191591337773703 52.81268718798479, 7.190436360979835 52.81268718798479, 7.190436360979835 52.81289079832136))",29852_3_13,3,13,81.0 +"POLYGON ((7.191591337773703 52.81472324843415, 7.192746314567571 52.81472324843415, 7.192746314567571 52.81451964668083, 7.191591337773703 52.81451964668083, 7.191591337773703 52.81472324843415))",29852_4_4,4,4,86.33333333333333 +"POLYGON ((7.191591337773703 52.81431604397381, 7.192746314567571 52.81431604397381, 7.192746314567571 52.81411244031311, 7.191591337773703 52.81411244031311, 7.191591337773703 52.81431604397381))",29852_4_6,4,6,27.96819565625 +"POLYGON ((7.191591337773703 52.81390883569873, 7.192746314567571 52.81390883569873, 7.192746314567571 52.81370523013064, 7.191591337773703 52.81370523013064, 7.191591337773703 52.81390883569873))",29852_4_8,4,8,118.28922625 +"POLYGON ((7.191591337773703 52.81227996445053, 7.192746314567571 52.81227996445053, 7.192746314567571 52.81207635125285, 7.191591337773703 52.81207635125285, 7.191591337773703 52.81227996445053))",29852_4_16,4,16,119.29174599999999 +"POLYGON ((7.192746314567571 52.81472324843415, 7.193901291361438 52.81472324843415, 7.193901291361438 52.81451964668083, 7.192746314567571 52.81451964668083, 7.192746314567571 52.81472324843415))",29852_5_4,5,4,144.33333333333334 +"POLYGON ((7.192746314567571 52.81431604397381, 7.193901291361438 52.81431604397381, 7.193901291361438 52.81411244031311, 7.192746314567571 52.81411244031311, 7.192746314567571 52.81431604397381))",29852_5_6,5,6,178.0 +"POLYGON ((7.192746314567571 52.81370523013064, 7.193901291361438 52.81370523013064, 7.193901291361438 52.81350162360886, 7.192746314567571 52.81350162360886, 7.192746314567571 52.81370523013064))",29852_5_9,5,9,149.07821566666667 +"POLYGON ((7.192746314567571 52.81350162360886, 7.193901291361438 52.81350162360886, 7.193901291361438 52.81329801613339, 7.192746314567571 52.81329801613339, 7.192746314567571 52.81350162360886))",29852_5_10,5,10,127.969752 +"POLYGON ((7.192746314567571 52.81329801613339, 7.193901291361438 52.81329801613339, 7.193901291361438 52.81309440770423, 7.192746314567571 52.81309440770423, 7.192746314567571 52.81329801613339))",29852_5_11,5,11,94.4236516 +"POLYGON ((7.192746314567571 52.81289079832136, 7.193901291361438 52.81289079832136, 7.193901291361438 52.81268718798479, 7.192746314567571 52.81268718798479, 7.192746314567571 52.81289079832136))",29852_5_13,5,13,97.69863563636363 +"POLYGON ((7.192746314567571 52.81268718798479, 7.193901291361438 52.81268718798479, 7.193901291361438 52.81248357669451, 7.192746314567571 52.81248357669451, 7.192746314567571 52.81268718798479))",29852_5_14,5,14,115.48412699999999 +"POLYGON ((7.192746314567571 52.81227996445053, 7.193901291361438 52.81227996445053, 7.193901291361438 52.81207635125285, 7.192746314567571 52.81207635125285, 7.192746314567571 52.81227996445053))",29852_5_16,5,16,146.0 +"POLYGON ((7.192746314567571 52.81166912199635, 7.193901291361438 52.81166912199635, 7.193901291361438 52.81146550593752, 7.192746314567571 52.81146550593752, 7.192746314567571 52.81166912199635))",29852_5_19,5,19,99.83333416666666 +"POLYGON ((7.192746314567571 52.81105827095875, 7.193901291361438 52.81105827095875, 7.193901291361438 52.81085465203877, 7.192746314567571 52.81085465203877, 7.192746314567571 52.81105827095875))",29852_5_22,5,22,108.32943929999999 +"POLYGON ((7.193901291361438 52.81350162360886, 7.195056268155307 52.81350162360886, 7.195056268155307 52.81329801613339, 7.193901291361438 52.81329801613339, 7.193901291361438 52.81350162360886))",29852_6_10,6,10,123.79313025 +"POLYGON ((7.193901291361438 52.81329801613339, 7.195056268155307 52.81329801613339, 7.195056268155307 52.81309440770423, 7.193901291361438 52.81309440770423, 7.193901291361438 52.81329801613339))",29852_6_11,6,11,63.35294117647059 +"POLYGON ((7.193901291361438 52.81309440770423, 7.195056268155307 52.81309440770423, 7.195056268155307 52.81289079832136, 7.193901291361438 52.81289079832136, 7.193901291361438 52.81309440770423))",29852_6_12,6,12,102.78940633333333 +"POLYGON ((7.193901291361438 52.81289079832136, 7.195056268155307 52.81289079832136, 7.195056268155307 52.81268718798479, 7.193901291361438 52.81268718798479, 7.193901291361438 52.81289079832136))",29852_6_13,6,13,116.03981337500001 +"POLYGON ((7.193901291361438 52.81268718798479, 7.195056268155307 52.81268718798479, 7.195056268155307 52.81248357669451, 7.193901291361438 52.81248357669451, 7.193901291361438 52.81268718798479))",29852_6_14,6,14,81.83333333333333 +"POLYGON ((7.193901291361438 52.81227996445053, 7.195056268155307 52.81227996445053, 7.195056268155307 52.81207635125285, 7.193901291361438 52.81207635125285, 7.193901291361438 52.81227996445053))",29852_6_16,6,16,177.66666666666666 +"POLYGON ((7.193901291361438 52.81187273710145, 7.195056268155307 52.81187273710145, 7.195056268155307 52.81166912199635, 7.193901291361438 52.81166912199635, 7.193901291361438 52.81187273710145))",29852_6_18,6,18,108.4706252 +"POLYGON ((7.186971430598231 52.80786813163967, 7.188126407392099 52.80786813163967, 7.188126407392099 52.80766449777787, 7.186971430598231 52.80766449777787, 7.186971430598231 52.80786813163967))",29853_0_11,0,11,157.0 +"POLYGON ((7.188126407392099 52.80827539650205, 7.189281384185967 52.80827539650205, 7.189281384185967 52.80807176454773, 7.188126407392099 52.80807176454773, 7.188126407392099 52.80827539650205))",29853_1_9,1,9,93.0 +"POLYGON ((7.189281384185967 52.80746086296231, 7.190436360979835 52.80746086296231, 7.190436360979835 52.80725722719301, 7.189281384185967 52.80725722719301, 7.189281384185967 52.80746086296231))",29853_2_13,2,13,181.0 +"POLYGON ((7.190436360979835 52.80888628664253, 7.191591337773703 52.80888628664253, 7.191591337773703 52.80868265754944, 7.190436360979835 52.80868265754944, 7.190436360979835 52.80888628664253))",29853_3_6,3,6,210.0 +"POLYGON ((7.190436360979835 52.80746086296231, 7.191591337773703 52.80746086296231, 7.191591337773703 52.80725722719301, 7.190436360979835 52.80725722719301, 7.190436360979835 52.80746086296231))",29853_3_13,3,13,80.0 +"POLYGON ((7.191591337773703 52.80929354196748, 7.192746314567571 52.80929354196748, 7.192746314567571 52.80908991478188, 7.191591337773703 52.80908991478188, 7.191591337773703 52.80929354196748))",29853_4_4,4,4,84.0 +"POLYGON ((7.191591337773703 52.80888628664253, 7.192746314567571 52.80888628664253, 7.192746314567571 52.80868265754944, 7.191591337773703 52.80868265754944, 7.191591337773703 52.80888628664253))",29853_4_6,4,6,30.857142857142858 +"POLYGON ((7.191591337773703 52.80847902750261, 7.192746314567571 52.80847902750261, 7.192746314567571 52.80827539650205, 7.191591337773703 52.80827539650205, 7.191591337773703 52.80847902750261))",29853_4_8,4,8,124.90358 +"POLYGON ((7.191591337773703 52.80684995279311, 7.192746314567571 52.80684995279311, 7.192746314567571 52.80664631416253, 7.191591337773703 52.80664631416253, 7.191591337773703 52.80684995279311))",29853_4_16,4,16,102.327734 +"POLYGON ((7.192746314567571 52.80929354196748, 7.193901291361438 52.80929354196748, 7.193901291361438 52.80908991478188, 7.192746314567571 52.80908991478188, 7.192746314567571 52.80929354196748))",29853_5_4,5,4,149.0 +"POLYGON ((7.192746314567571 52.80888628664253, 7.193901291361438 52.80888628664253, 7.193901291361438 52.80868265754944, 7.192746314567571 52.80868265754944, 7.192746314567571 52.80888628664253))",29853_5_6,5,6,166.0 +"POLYGON ((7.192746314567571 52.80827539650205, 7.193901291361438 52.80827539650205, 7.193901291361438 52.80807176454773, 7.192746314567571 52.80807176454773, 7.192746314567571 52.80827539650205))",29853_5_9,5,9,140.212259 +"POLYGON ((7.192746314567571 52.80807176454773, 7.193901291361438 52.80807176454773, 7.193901291361438 52.80786813163967, 7.192746314567571 52.80786813163967, 7.192746314567571 52.80807176454773))",29853_5_10,5,10,122.000002 +"POLYGON ((7.192746314567571 52.80786813163967, 7.193901291361438 52.80786813163967, 7.193901291361438 52.80766449777787, 7.192746314567571 52.80766449777787, 7.192746314567571 52.80786813163967))",29853_5_11,5,11,100.999997 +"POLYGON ((7.192746314567571 52.80746086296231, 7.193901291361438 52.80746086296231, 7.193901291361438 52.80725722719301, 7.192746314567571 52.80725722719301, 7.192746314567571 52.80746086296231))",29853_5_13,5,13,78.0 +"POLYGON ((7.192746314567571 52.80684995279311, 7.193901291361438 52.80684995279311, 7.193901291361438 52.80664631416253, 7.192746314567571 52.80664631416253, 7.192746314567571 52.80684995279311))",29853_5_16,5,16,157.0 +"POLYGON ((7.192746314567571 52.80562810670322, 7.193901291361438 52.80562810670322, 7.193901291361438 52.80542446235005, 7.192746314567571 52.80542446235005, 7.192746314567571 52.80562810670322))",29853_5_22,5,22,104.499999 +"POLYGON ((7.193901291361438 52.80807176454773, 7.195056268155307 52.80807176454773, 7.195056268155307 52.80786813163967, 7.193901291361438 52.80786813163967, 7.193901291361438 52.80807176454773))",29853_6_10,6,10,124.365753 +"POLYGON ((7.193901291361438 52.80786813163967, 7.195056268155307 52.80786813163967, 7.195056268155307 52.80766449777787, 7.193901291361438 52.80766449777787, 7.193901291361438 52.80786813163967))",29853_6_11,6,11,85.0 +"POLYGON ((7.193901291361438 52.80746086296231, 7.195056268155307 52.80746086296231, 7.195056268155307 52.80725722719301, 7.193901291361438 52.80725722719301, 7.193901291361438 52.80746086296231))",29853_6_13,6,13,108.499998 +"POLYGON ((7.193901291361438 52.80725722719301, 7.195056268155307 52.80725722719301, 7.195056268155307 52.80705359046993, 7.193901291361438 52.80705359046993, 7.193901291361438 52.80725722719301))",29853_6_14,6,14,80.0 +"POLYGON ((7.193901291361438 52.8064426745782, 7.195056268155307 52.8064426745782, 7.195056268155307 52.8062390340401, 7.193901291361438 52.8062390340401, 7.193901291361438 52.8064426745782))",29853_6_18,6,18,83.441492 +"POLYGON ((7.193901291361438 52.72069367633994, 7.195056268155307 52.72069367633994, 7.195056268155307 52.72048963441863, 7.193901291361438 52.72048963441863, 7.193901291361438 52.72069367633994))",29869_6_12,6,12,104.33333333333333 +"POLYGON ((7.191591337773703 52.6668615628127, 7.192746314567571 52.6668615628127, 7.192746314567571 52.66665726914164, 7.191591337773703 52.66665726914164, 7.191591337773703 52.6668615628127))",29879_4_9,4,9,72.66666666666667 +"POLYGON ((7.191591337773703 52.66522718670267, 7.192746314567571 52.66522718670267, 7.192746314567571 52.66502288539115, 7.191591337773703 52.66502288539115, 7.191591337773703 52.66522718670267))",29879_4_17,4,17,73.0 +"POLYGON ((7.186971430598231 52.65555587731055, 7.188126407392099 52.65555587731055, 7.188126407392099 52.65535153079055, 7.186971430598231 52.65535153079055, 7.186971430598231 52.65555587731055))",29881_0_11,0,11,185.5 +"POLYGON ((7.186971430598231 52.65351236912834, 7.188126407392099 52.65351236912834, 7.188126407392099 52.65330801305671, 7.186971430598231 52.65330801305671, 7.186971430598231 52.65351236912834))",29881_0_21,0,21,89.66910399999999 +"POLYGON ((7.188126407392099 52.65596456748511, 7.189281384185967 52.65596456748511, 7.189281384185967 52.65576022287541, 7.188126407392099 52.65576022287541, 7.188126407392099 52.65596456748511))",29881_1_9,1,9,136.33333333333334 +"POLYGON ((7.189281384185967 52.65514718331539, 7.190436360979835 52.65514718331539, 7.190436360979835 52.65494283488506, 7.189281384185967 52.65494283488506, 7.189281384185967 52.65514718331539))",29881_2_13,2,13,178.0 +"POLYGON ((7.190436360979835 52.65657759558335, 7.191591337773703 52.65657759558335, 7.191591337773703 52.65637325383908, 7.190436360979835 52.65637325383908, 7.190436360979835 52.65657759558335))",29881_3_6,3,6,175.5 +"POLYGON ((7.190436360979835 52.65535153079055, 7.191591337773703 52.65535153079055, 7.191591337773703 52.65514718331539, 7.190436360979835 52.65514718331539, 7.190436360979835 52.65535153079055))",29881_3_12,3,12,135.0 +"POLYGON ((7.190436360979835 52.65432978386317, 7.191591337773703 52.65432978386317, 7.191591337773703 52.65412543161221, 7.190436360979835 52.65412543161221, 7.190436360979835 52.65432978386317))",29881_3_17,3,17,138.66666666666666 +"POLYGON ((7.191591337773703 52.65698627620645, 7.192746314567571 52.65698627620645, 7.192746314567571 52.65678193637247, 7.191591337773703 52.65678193637247, 7.191591337773703 52.65698627620645))",29881_4_4,4,4,186.5 +"POLYGON ((7.191591337773703 52.65657759558335, 7.192746314567571 52.65657759558335, 7.192746314567571 52.65637325383908, 7.191591337773703 52.65637325383908, 7.191591337773703 52.65657759558335))",29881_4_6,4,6,147.333333 +"POLYGON ((7.191591337773703 52.65616891113967, 7.192746314567571 52.65616891113967, 7.192746314567571 52.65596456748511, 7.191591337773703 52.65596456748511, 7.191591337773703 52.65616891113967))",29881_4_8,4,8,74.96365166666668 +"POLYGON ((7.191591337773703 52.65576022287541, 7.192746314567571 52.65576022287541, 7.192746314567571 52.65555587731055, 7.191591337773703 52.65555587731055, 7.191591337773703 52.65576022287541))",29881_4_10,4,10,117.5 +"POLYGON ((7.191591337773703 52.65453413515896, 7.192746314567571 52.65453413515896, 7.192746314567571 52.65432978386317, 7.191591337773703 52.65432978386317, 7.191591337773703 52.65453413515896))",29881_4_16,4,16,137.33582225 +"POLYGON ((7.191591337773703 52.65432978386317, 7.192746314567571 52.65432978386317, 7.192746314567571 52.65412543161221, 7.191591337773703 52.65412543161221, 7.191591337773703 52.65432978386317))",29881_4_17,4,17,135.75 +"POLYGON ((7.192746314567571 52.65698627620645, 7.193901291361438 52.65698627620645, 7.193901291361438 52.65678193637247, 7.192746314567571 52.65678193637247, 7.192746314567571 52.65698627620645))",29881_5_4,5,4,135.33333333333334 +"POLYGON ((7.192746314567571 52.65657759558335, 7.193901291361438 52.65657759558335, 7.193901291361438 52.65637325383908, 7.192746314567571 52.65637325383908, 7.192746314567571 52.65657759558335))",29881_5_6,5,6,179.5 +"POLYGON ((7.192746314567571 52.65576022287541, 7.193901291361438 52.65576022287541, 7.193901291361438 52.65555587731055, 7.192746314567571 52.65555587731055, 7.192746314567571 52.65576022287541))",29881_5_10,5,10,130.99301175 +"POLYGON ((7.192746314567571 52.65555587731055, 7.193901291361438 52.65555587731055, 7.193901291361438 52.65535153079055, 7.192746314567571 52.65535153079055, 7.192746314567571 52.65555587731055))",29881_5_11,5,11,140.555109 +"POLYGON ((7.192746314567571 52.65535153079055, 7.193901291361438 52.65535153079055, 7.193901291361438 52.65514718331539, 7.192746314567571 52.65514718331539, 7.192746314567571 52.65535153079055))",29881_5_12,5,12,80.36986583333334 +"POLYGON ((7.192746314567571 52.65514718331539, 7.193901291361438 52.65514718331539, 7.193901291361438 52.65494283488506, 7.192746314567571 52.65494283488506, 7.192746314567571 52.65514718331539))",29881_5_13,5,13,108.25 +"POLYGON ((7.192746314567571 52.65453413515896, 7.193901291361438 52.65453413515896, 7.193901291361438 52.65432978386317, 7.192746314567571 52.65432978386317, 7.192746314567571 52.65453413515896))",29881_5_16,5,16,173.5 +"POLYGON ((7.192746314567571 52.65392107840609, 7.193901291361438 52.65392107840609, 7.193901291361438 52.65371672424479, 7.192746314567571 52.65371672424479, 7.192746314567571 52.65392107840609))",29881_5_19,5,19,141.49999975 +"POLYGON ((7.192746314567571 52.65330801305671, 7.193901291361438 52.65330801305671, 7.193901291361438 52.65310365602991, 7.192746314567571 52.65310365602991, 7.192746314567571 52.65330801305671))",29881_5_22,5,22,123.94932924999999 +"POLYGON ((7.193901291361438 52.65576022287541, 7.195056268155307 52.65576022287541, 7.195056268155307 52.65555587731055, 7.193901291361438 52.65555587731055, 7.193901291361438 52.65576022287541))",29881_6_10,6,10,83.00000016666667 +"POLYGON ((7.193901291361438 52.65555587731055, 7.195056268155307 52.65555587731055, 7.195056268155307 52.65535153079055, 7.193901291361438 52.65535153079055, 7.193901291361438 52.65555587731055))",29881_6_11,6,11,126.0 +"POLYGON ((7.193901291361438 52.65535153079055, 7.195056268155307 52.65535153079055, 7.195056268155307 52.65514718331539, 7.193901291361438 52.65514718331539, 7.193901291361438 52.65535153079055))",29881_6_12,6,12,118.0 +"POLYGON ((7.193901291361438 52.65514718331539, 7.195056268155307 52.65514718331539, 7.195056268155307 52.65494283488506, 7.193901291361438 52.65494283488506, 7.193901291361438 52.65514718331539))",29881_6_13,6,13,99.97624006666665 +"POLYGON ((7.193901291361438 52.65494283488506, 7.195056268155307 52.65494283488506, 7.195056268155307 52.6547384854996, 7.193901291361438 52.6547384854996, 7.193901291361438 52.65494283488506))",29881_6_14,6,14,138.54783485714285 +"POLYGON ((7.193901291361438 52.65453413515896, 7.195056268155307 52.65453413515896, 7.195056268155307 52.65432978386317, 7.193901291361438 52.65432978386317, 7.193901291361438 52.65453413515896))",29881_6_16,6,16,171.66666666666666 +"POLYGON ((7.193901291361438 52.65412543161221, 7.195056268155307 52.65412543161221, 7.195056268155307 52.65392107840609, 7.193901291361438 52.65392107840609, 7.193901291361438 52.65412543161221))",29881_6_18,6,18,117.7500015 +"POLYGON ((7.186971430598231 52.65010630989688, 7.188126407392099 52.65010630989688, 7.188126407392099 52.64990193790548, 7.186971430598231 52.64990193790548, 7.186971430598231 52.65010630989688))",29882_0_11,0,11,180.5 +"POLYGON ((7.186971430598231 52.64806254699834, 7.188126407392099 52.64806254699834, 7.188126407392099 52.6478581654548, 7.186971430598231 52.6478581654548, 7.186971430598231 52.64806254699834))",29882_0_21,0,21,122.09101899999999 +"POLYGON ((7.188126407392099 52.65051505101412, 7.189281384185967 52.65051505101412, 7.189281384185967 52.6503106809331, 7.188126407392099 52.6503106809331, 7.188126407392099 52.65051505101412))",29882_1_9,1,9,134.5 +"POLYGON ((7.189281384185967 52.64969756495886, 7.190436360979835 52.64969756495886, 7.190436360979835 52.64949319105703, 7.189281384185967 52.64949319105703, 7.189281384185967 52.64969756495886))",29882_2_13,2,13,177.0 +"POLYGON ((7.190436360979835 52.65112815552598, 7.191591337773703 52.65112815552598, 7.191591337773703 52.65092378831056, 7.190436360979835 52.65092378831056, 7.190436360979835 52.65112815552598))",29882_3_6,3,6,192.0 +"POLYGON ((7.190436360979835 52.64990193790548, 7.191591337773703 52.64990193790548, 7.191591337773703 52.64969756495886, 7.190436360979835 52.64969756495886, 7.190436360979835 52.64990193790548))",29882_3_12,3,12,135.33333333333334 +"POLYGON ((7.190436360979835 52.6488800636203, 7.191591337773703 52.6488800636203, 7.191591337773703 52.64867568589763, 7.190436360979835 52.64867568589763, 7.190436360979835 52.6488800636203))",29882_3_17,3,17,139.33333333333334 +"POLYGON ((7.191591337773703 52.65153688709127, 7.192746314567571 52.65153688709127, 7.192746314567571 52.65133252178622, 7.191591337773703 52.65133252178622, 7.191591337773703 52.65153688709127))",29882_4_4,4,4,189.0 +"POLYGON ((7.191591337773703 52.65112815552598, 7.192746314567571 52.65112815552598, 7.192746314567571 52.65092378831056, 7.191591337773703 52.65092378831056, 7.191591337773703 52.65112815552598))",29882_4_6,4,6,149.80694533333335 +"POLYGON ((7.191591337773703 52.65071942013994, 7.192746314567571 52.65071942013994, 7.192746314567571 52.65051505101412, 7.191591337773703 52.65051505101412, 7.191591337773703 52.65071942013994))",29882_4_8,4,8,77.0667635 +"POLYGON ((7.191591337773703 52.6503106809331, 7.192746314567571 52.6503106809331, 7.192746314567571 52.65010630989688, 7.191591337773703 52.65010630989688, 7.191591337773703 52.6503106809331))",29882_4_10,4,10,124.0 +"POLYGON ((7.191591337773703 52.64908444038775, 7.192746314567571 52.64908444038775, 7.192746314567571 52.6488800636203, 7.191591337773703 52.6488800636203, 7.191591337773703 52.64908444038775))",29882_4_16,4,16,139.333335 +"POLYGON ((7.191591337773703 52.6488800636203, 7.192746314567571 52.6488800636203, 7.192746314567571 52.64867568589763, 7.191591337773703 52.64867568589763, 7.191591337773703 52.6488800636203))",29882_4_17,4,17,138.0 +"POLYGON ((7.192746314567571 52.65153688709127, 7.193901291361438 52.65153688709127, 7.193901291361438 52.65133252178622, 7.192746314567571 52.65133252178622, 7.192746314567571 52.65153688709127))",29882_5_4,5,4,135.5 +"POLYGON ((7.192746314567571 52.65112815552598, 7.193901291361438 52.65112815552598, 7.193901291361438 52.65092378831056, 7.192746314567571 52.65092378831056, 7.192746314567571 52.65112815552598))",29882_5_6,5,6,175.0 +"POLYGON ((7.192746314567571 52.6503106809331, 7.193901291361438 52.6503106809331, 7.193901291361438 52.65010630989688, 7.192746314567571 52.65010630989688, 7.192746314567571 52.6503106809331))",29882_5_10,5,10,132.66666766666665 +"POLYGON ((7.192746314567571 52.65010630989688, 7.193901291361438 52.65010630989688, 7.193901291361438 52.64990193790548, 7.192746314567571 52.64990193790548, 7.192746314567571 52.65010630989688))",29882_5_11,5,11,141.32304966666666 +"POLYGON ((7.192746314567571 52.64990193790548, 7.193901291361438 52.64990193790548, 7.193901291361438 52.64969756495886, 7.192746314567571 52.64969756495886, 7.192746314567571 52.64990193790548))",29882_5_12,5,12,79.3484165 +"POLYGON ((7.192746314567571 52.64969756495886, 7.193901291361438 52.64969756495886, 7.193901291361438 52.64949319105703, 7.192746314567571 52.64949319105703, 7.192746314567571 52.64969756495886))",29882_5_13,5,13,108.0 +"POLYGON ((7.192746314567571 52.64908444038775, 7.193901291361438 52.64908444038775, 7.193901291361438 52.6488800636203, 7.192746314567571 52.6488800636203, 7.192746314567571 52.64908444038775))",29882_5_16,5,16,178.0 +"POLYGON ((7.192746314567571 52.64847130721976, 7.193901291361438 52.64847130721976, 7.193901291361438 52.64826692758665, 7.192746314567571 52.64826692758665, 7.192746314567571 52.64847130721976))",29882_5_19,5,19,138.00000033333333 +"POLYGON ((7.192746314567571 52.6478581654548, 7.193901291361438 52.6478581654548, 7.193901291361438 52.64765378295604, 7.192746314567571 52.64765378295604, 7.192746314567571 52.6478581654548))",29882_5_22,5,22,122.300911 +"POLYGON ((7.193901291361438 52.6503106809331, 7.195056268155307 52.6503106809331, 7.195056268155307 52.65010630989688, 7.193901291361438 52.65010630989688, 7.193901291361438 52.6503106809331))",29882_6_10,6,10,84.04377666666666 +"POLYGON ((7.193901291361438 52.65010630989688, 7.195056268155307 52.65010630989688, 7.195056268155307 52.64990193790548, 7.193901291361438 52.64990193790548, 7.193901291361438 52.65010630989688))",29882_6_11,6,11,125.0 +"POLYGON ((7.193901291361438 52.64990193790548, 7.195056268155307 52.64990193790548, 7.195056268155307 52.64969756495886, 7.193901291361438 52.64969756495886, 7.193901291361438 52.64990193790548))",29882_6_12,6,12,129.33333333333334 +"POLYGON ((7.193901291361438 52.64969756495886, 7.195056268155307 52.64969756495886, 7.195056268155307 52.64949319105703, 7.193901291361438 52.64949319105703, 7.193901291361438 52.64969756495886))",29882_6_13,6,13,100.5853863846154 +"POLYGON ((7.193901291361438 52.64949319105703, 7.195056268155307 52.64949319105703, 7.195056268155307 52.6492888162, 7.193901291361438 52.6492888162, 7.193901291361438 52.64949319105703))",29882_6_14,6,14,148.3729022 +"POLYGON ((7.193901291361438 52.64908444038775, 7.195056268155307 52.64908444038775, 7.195056268155307 52.6488800636203, 7.193901291361438 52.6488800636203, 7.193901291361438 52.64908444038775))",29882_6_16,6,16,178.0 +"POLYGON ((7.193901291361438 52.64867568589763, 7.195056268155307 52.64867568589763, 7.195056268155307 52.64847130721976, 7.193901291361438 52.64847130721976, 7.193901291361438 52.64867568589763))",29882_6_18,6,18,120.99999875 +"POLYGON ((7.186971430598231 52.64465606322862, 7.188126407392099 52.64465606322862, 7.188126407392099 52.64445166576447, 7.186971430598231 52.64445166576447, 7.186971430598231 52.64465606322862))",29883_0_11,0,11,141.33333333333334 +"POLYGON ((7.186971430598231 52.64261204560048, 7.188126407392099 52.64261204560048, 7.188126407392099 52.64240763858371, 7.186971430598231 52.64240763858371, 7.186971430598231 52.64261204560048))",29883_0_21,0,21,131.00000266666666 +"POLYGON ((7.188126407392099 52.64506485529117, 7.189281384185967 52.64506485529117, 7.189281384185967 52.64486045973752, 7.188126407392099 52.64486045973752, 7.188126407392099 52.64506485529117))",29883_1_9,1,9,128.66666666666666 +"POLYGON ((7.189281384185967 52.64424726734506, 7.190436360979835 52.64424726734506, 7.190436360979835 52.64404286797041, 7.189281384185967 52.64404286797041, 7.189281384185967 52.64424726734506))",29883_2_13,2,13,177.5 +"POLYGON ((7.190436360979835 52.64567803622064, 7.191591337773703 52.64567803622064, 7.191591337773703 52.64547364353273, 7.190436360979835 52.64547364353273, 7.190436360979835 52.64567803622064))",29883_3_6,3,6,207.5 +"POLYGON ((7.190436360979835 52.64445166576447, 7.191591337773703 52.64445166576447, 7.191591337773703 52.64424726734506, 7.190436360979835 52.64424726734506, 7.190436360979835 52.64445166576447))",29883_3_12,3,12,133.33333333333334 +"POLYGON ((7.190436360979835 52.64342966411487, 7.191591337773703 52.64342966411487, 7.191591337773703 52.64322526091917, 7.190436360979835 52.64322526091917, 7.190436360979835 52.64342966411487))",29883_3_17,3,17,138.33333333333334 +"POLYGON ((7.191591337773703 52.64608681873075, 7.192746314567571 52.64608681873075, 7.192746314567571 52.64588242795332, 7.191591337773703 52.64588242795332, 7.191591337773703 52.64608681873075))",29883_4_4,4,4,189.0 +"POLYGON ((7.191591337773703 52.64567803622064, 7.192746314567571 52.64567803622064, 7.192746314567571 52.64547364353273, 7.191591337773703 52.64547364353273, 7.191591337773703 52.64567803622064))",29883_4_6,4,6,147.999999 +"POLYGON ((7.191591337773703 52.64526924988957, 7.192746314567571 52.64526924988957, 7.192746314567571 52.64506485529117, 7.191591337773703 52.64506485529117, 7.191591337773703 52.64526924988957))",29883_4_8,4,8,75.6676394 +"POLYGON ((7.191591337773703 52.64486045973752, 7.192746314567571 52.64486045973752, 7.192746314567571 52.64465606322862, 7.191591337773703 52.64465606322862, 7.191591337773703 52.64486045973752))",29883_4_10,4,10,132.0 +"POLYGON ((7.191591337773703 52.64363406635532, 7.192746314567571 52.64363406635532, 7.192746314567571 52.64342966411487, 7.191591337773703 52.64342966411487, 7.191591337773703 52.64363406635532))",29883_4_16,4,16,139.66666466666666 +"POLYGON ((7.191591337773703 52.64342966411487, 7.192746314567571 52.64342966411487, 7.192746314567571 52.64322526091917, 7.191591337773703 52.64322526091917, 7.191591337773703 52.64342966411487))",29883_4_17,4,17,136.66666666666666 +"POLYGON ((7.192746314567571 52.64608681873075, 7.193901291361438 52.64608681873075, 7.193901291361438 52.64588242795332, 7.192746314567571 52.64588242795332, 7.192746314567571 52.64608681873075))",29883_5_4,5,4,137.33333333333334 +"POLYGON ((7.192746314567571 52.64567803622064, 7.193901291361438 52.64567803622064, 7.193901291361438 52.64547364353273, 7.192746314567571 52.64547364353273, 7.192746314567571 52.64567803622064))",29883_5_6,5,6,177.5 +"POLYGON ((7.192746314567571 52.64486045973752, 7.193901291361438 52.64486045973752, 7.193901291361438 52.64465606322862, 7.192746314567571 52.64465606322862, 7.192746314567571 52.64486045973752))",29883_5_10,5,10,127.50000125 +"POLYGON ((7.192746314567571 52.64465606322862, 7.193901291361438 52.64465606322862, 7.193901291361438 52.64445166576447, 7.192746314567571 52.64445166576447, 7.192746314567571 52.64465606322862))",29883_5_11,5,11,134.36009366666667 +"POLYGON ((7.192746314567571 52.64445166576447, 7.193901291361438 52.64445166576447, 7.193901291361438 52.64424726734506, 7.192746314567571 52.64424726734506, 7.192746314567571 52.64445166576447))",29883_5_12,5,12,101.42370174999999 +"POLYGON ((7.192746314567571 52.64424726734506, 7.193901291361438 52.64424726734506, 7.193901291361438 52.64404286797041, 7.192746314567571 52.64404286797041, 7.192746314567571 52.64424726734506))",29883_5_13,5,13,110.5 +"POLYGON ((7.192746314567571 52.64363406635532, 7.193901291361438 52.64363406635532, 7.193901291361438 52.64342966411487, 7.192746314567571 52.64342966411487, 7.192746314567571 52.64363406635532))",29883_5_16,5,16,176.5 +"POLYGON ((7.192746314567571 52.64302085676821, 7.193901291361438 52.64302085676821, 7.193901291361438 52.64281645166197, 7.192746314567571 52.64281645166197, 7.192746314567571 52.64302085676821))",29883_5_19,5,19,136.97043233333332 +"POLYGON ((7.192746314567571 52.64240763858371, 7.193901291361438 52.64240763858371, 7.193901291361438 52.64220323061166, 7.192746314567571 52.64220323061166, 7.192746314567571 52.64240763858371))",29883_5_22,5,22,121.1821042857143 +"POLYGON ((7.193901291361438 52.64486045973752, 7.195056268155307 52.64486045973752, 7.195056268155307 52.64465606322862, 7.193901291361438 52.64465606322862, 7.193901291361438 52.64486045973752))",29883_6_10,6,10,99.36957275 +"POLYGON ((7.193901291361438 52.64465606322862, 7.195056268155307 52.64465606322862, 7.195056268155307 52.64445166576447, 7.193901291361438 52.64445166576447, 7.193901291361438 52.64465606322862))",29883_6_11,6,11,127.0 +"POLYGON ((7.193901291361438 52.64445166576447, 7.195056268155307 52.64445166576447, 7.195056268155307 52.64424726734506, 7.193901291361438 52.64424726734506, 7.193901291361438 52.64445166576447))",29883_6_12,6,12,125.0 +"POLYGON ((7.193901291361438 52.64424726734506, 7.195056268155307 52.64424726734506, 7.195056268155307 52.64404286797041, 7.193901291361438 52.64404286797041, 7.193901291361438 52.64424726734506))",29883_6_13,6,13,103.306312 +"POLYGON ((7.193901291361438 52.64404286797041, 7.195056268155307 52.64404286797041, 7.195056268155307 52.64383846764049, 7.193901291361438 52.64383846764049, 7.193901291361438 52.64404286797041))",29883_6_14,6,14,145.58490166666667 +"POLYGON ((7.193901291361438 52.64363406635532, 7.195056268155307 52.64363406635532, 7.195056268155307 52.64342966411487, 7.193901291361438 52.64342966411487, 7.193901291361438 52.64363406635532))",29883_6_16,6,16,176.5 +"POLYGON ((7.193901291361438 52.64322526091917, 7.195056268155307 52.64322526091917, 7.195056268155307 52.64302085676821, 7.193901291361438 52.64302085676821, 7.193901291361438 52.64322526091917))",29883_6_18,6,18,119.5000005 +"POLYGON ((7.186971430598231 52.6392051372704, 7.188126407392099 52.6392051372704, 7.188126407392099 52.63900071433218, 7.186971430598231 52.63900071433218, 7.186971430598231 52.6392051372704))",29884_0_11,0,11,169.5 +"POLYGON ((7.186971430598231 52.63716086489941, 7.188126407392099 52.63716086489941, 7.188126407392099 52.63695643240809, 7.186971430598231 52.63695643240809, 7.186971430598231 52.63716086489941))",29884_0_21,0,21,130.500002 +"POLYGON ((7.188126407392099 52.63961398028092, 7.189281384185967 52.63961398028092, 7.189281384185967 52.63940955925331, 7.188126407392099 52.63940955925331, 7.188126407392099 52.63961398028092))",29884_1_9,1,9,130.33333333333334 +"POLYGON ((7.189281384185967 52.63879629043867, 7.190436360979835 52.63879629043867, 7.190436360979835 52.63859186558985, 7.189281384185967 52.63859186558985, 7.189281384185967 52.63879629043867))",29884_2_13,2,13,176.5 +"POLYGON ((7.190436360979835 52.64022723763198, 7.191591337773703 52.64022723763198, 7.191591337773703 52.64002281947025, 7.190436360979835 52.64002281947025, 7.190436360979835 52.64022723763198))",29884_3_6,3,6,211.0 +"POLYGON ((7.190436360979835 52.63900071433218, 7.191591337773703 52.63900071433218, 7.191591337773703 52.63879629043867, 7.190436360979835 52.63879629043867, 7.190436360979835 52.63900071433218))",29884_3_12,3,12,132.33333333333334 +"POLYGON ((7.190436360979835 52.63797858531154, 7.191591337773703 52.63797858531154, 7.191591337773703 52.63777415664149, 7.190436360979835 52.63777415664149, 7.190436360979835 52.63797858531154))",29884_3_17,3,17,141.0 +"POLYGON ((7.191591337773703 52.64063607108956, 7.192746314567571 52.64063607108956, 7.192746314567571 52.64043165483841, 7.191591337773703 52.64043165483841, 7.191591337773703 52.64063607108956))",29884_4_4,4,4,177.66666666666666 +"POLYGON ((7.191591337773703 52.64022723763198, 7.192746314567571 52.64022723763198, 7.192746314567571 52.64002281947025, 7.191591337773703 52.64002281947025, 7.191591337773703 52.64022723763198))",29884_4_6,4,6,141.1666665 +"POLYGON ((7.191591337773703 52.63981840035324, 7.192746314567571 52.63981840035324, 7.192746314567571 52.63961398028092, 7.191591337773703 52.63961398028092, 7.191591337773703 52.63981840035324))",29884_4_8,4,8,80.83333333333333 +"POLYGON ((7.191591337773703 52.63940955925331, 7.192746314567571 52.63940955925331, 7.192746314567571 52.6392051372704, 7.191591337773703 52.6392051372704, 7.191591337773703 52.63940955925331))",29884_4_10,4,10,132.66666666666666 +"POLYGON ((7.191591337773703 52.63818301302629, 7.192746314567571 52.63818301302629, 7.192746314567571 52.63797858531154, 7.191591337773703 52.63797858531154, 7.191591337773703 52.63818301302629))",29884_4_16,4,16,140.31547733333332 +"POLYGON ((7.191591337773703 52.63797858531154, 7.192746314567571 52.63797858531154, 7.192746314567571 52.63777415664149, 7.191591337773703 52.63777415664149, 7.191591337773703 52.63797858531154))",29884_4_17,4,17,137.66666666666666 +"POLYGON ((7.192746314567571 52.64063607108956, 7.193901291361438 52.64063607108956, 7.193901291361438 52.64043165483841, 7.192746314567571 52.64043165483841, 7.192746314567571 52.64063607108956))",29884_5_4,5,4,137.0 +"POLYGON ((7.192746314567571 52.64022723763198, 7.193901291361438 52.64022723763198, 7.193901291361438 52.64002281947025, 7.192746314567571 52.64002281947025, 7.192746314567571 52.64022723763198))",29884_5_6,5,6,183.66666666666666 +"POLYGON ((7.192746314567571 52.63940955925331, 7.193901291361438 52.63940955925331, 7.193901291361438 52.6392051372704, 7.192746314567571 52.6392051372704, 7.192746314567571 52.63940955925331))",29884_5_10,5,10,129.66666733333332 +"POLYGON ((7.192746314567571 52.6392051372704, 7.193901291361438 52.6392051372704, 7.193901291361438 52.63900071433218, 7.192746314567571 52.63900071433218, 7.192746314567571 52.6392051372704))",29884_5_11,5,11,136.13442775000001 +"POLYGON ((7.192746314567571 52.63900071433218, 7.193901291361438 52.63900071433218, 7.193901291361438 52.63879629043867, 7.192746314567571 52.63879629043867, 7.192746314567571 52.63900071433218))",29884_5_12,5,12,114.25000075 +"POLYGON ((7.192746314567571 52.63879629043867, 7.193901291361438 52.63879629043867, 7.193901291361438 52.63859186558985, 7.192746314567571 52.63859186558985, 7.192746314567571 52.63879629043867))",29884_5_13,5,13,108.0 +"POLYGON ((7.192746314567571 52.63818301302629, 7.193901291361438 52.63818301302629, 7.193901291361438 52.63797858531154, 7.192746314567571 52.63797858531154, 7.192746314567571 52.63818301302629))",29884_5_16,5,16,176.0 +"POLYGON ((7.192746314567571 52.63756972701611, 7.193901291361438 52.63756972701611, 7.193901291361438 52.63736529643542, 7.192746314567571 52.63736529643542, 7.192746314567571 52.63756972701611))",29884_5_19,5,19,132.333334 +"POLYGON ((7.192746314567571 52.63695643240809, 7.193901291361438 52.63695643240809, 7.193901291361438 52.63675199896145, 7.192746314567571 52.63675199896145, 7.192746314567571 52.63695643240809))",29884_5_22,5,22,119.21810528571429 +"POLYGON ((7.193901291361438 52.63940955925331, 7.195056268155307 52.63940955925331, 7.195056268155307 52.6392051372704, 7.193901291361438 52.6392051372704, 7.193901291361438 52.63940955925331))",29884_6_10,6,10,114.4999995 +"POLYGON ((7.193901291361438 52.6392051372704, 7.195056268155307 52.6392051372704, 7.195056268155307 52.63900071433218, 7.193901291361438 52.63900071433218, 7.193901291361438 52.6392051372704))",29884_6_11,6,11,127.5 +"POLYGON ((7.193901291361438 52.63900071433218, 7.195056268155307 52.63900071433218, 7.195056268155307 52.63879629043867, 7.193901291361438 52.63879629043867, 7.193901291361438 52.63900071433218))",29884_6_12,6,12,121.0 +"POLYGON ((7.193901291361438 52.63879629043867, 7.195056268155307 52.63879629043867, 7.195056268155307 52.63859186558985, 7.193901291361438 52.63859186558985, 7.193901291361438 52.63879629043867))",29884_6_13,6,13,102.01123423076925 +"POLYGON ((7.193901291361438 52.63859186558985, 7.195056268155307 52.63859186558985, 7.195056268155307 52.63838743978572, 7.193901291361438 52.63838743978572, 7.193901291361438 52.63859186558985))",29884_6_14,6,14,148.015744 +"POLYGON ((7.193901291361438 52.63818301302629, 7.195056268155307 52.63818301302629, 7.195056268155307 52.63797858531154, 7.193901291361438 52.63797858531154, 7.193901291361438 52.63818301302629))",29884_6_16,6,16,156.33333333333334 +"POLYGON ((7.193901291361438 52.63777415664149, 7.195056268155307 52.63777415664149, 7.195056268155307 52.63756972701611, 7.193901291361438 52.63756972701611, 7.193901291361438 52.63777415664149))",29884_6_18,6,18,118.66666566666667 +"POLYGON ((7.186971430598231 52.6337535319869, 7.188126407392099 52.6337535319869, 7.188126407392099 52.63354908357331, 7.186971430598231 52.63354908357331, 7.186971430598231 52.6337535319869))",29885_0_11,0,11,173.0 +"POLYGON ((7.186971430598231 52.63170900485985, 7.188126407392099 52.63170900485985, 7.188126407392099 52.63150454689264, 7.186971430598231 52.63150454689264, 7.186971430598231 52.63170900485985))",29885_0_21,0,21,132.0 +"POLYGON ((7.188126407392099 52.63416242594806, 7.189281384185967 52.63416242594806, 7.189281384185967 52.63395797944515, 7.188126407392099 52.63395797944515, 7.188126407392099 52.63416242594806))",29885_1_9,1,9,129.0 +"POLYGON ((7.189281384185967 52.63334463420436, 7.190436360979835 52.63334463420436, 7.190436360979835 52.63314018388005, 7.189281384185967 52.63314018388005, 7.189281384185967 52.63334463420436))",29885_2_13,2,13,173.66666666666666 +"POLYGON ((7.190436360979835 52.63477575972467, 7.191591337773703 52.63477575972467, 7.191591337773703 52.6345713160878, 7.190436360979835 52.6345713160878, 7.190436360979835 52.63477575972467))",29885_3_6,3,6,208.0 +"POLYGON ((7.190436360979835 52.63354908357331, 7.191591337773703 52.63354908357331, 7.191591337773703 52.63334463420436, 7.190436360979835 52.63334463420436, 7.190436360979835 52.63354908357331))",29885_3_12,3,12,138.66666666666666 +"POLYGON ((7.190436360979835 52.632526827175, 7.191591337773703 52.632526827175, 7.191591337773703 52.63232237302927, 7.190436360979835 52.63232237302927, 7.190436360979835 52.632526827175))",29885_3_17,3,17,142.0 +"POLYGON ((7.191591337773703 52.63518464413237, 7.192746314567571 52.63518464413237, 7.192746314567571 52.63498020240618, 7.191591337773703 52.63498020240618, 7.191591337773703 52.63518464413237))",29885_4_4,4,4,142.0 +"POLYGON ((7.191591337773703 52.63477575972467, 7.192746314567571 52.63477575972467, 7.192746314567571 52.6345713160878, 7.191591337773703 52.6345713160878, 7.191591337773703 52.63477575972467))",29885_4_6,4,6,134.85714414285715 +"POLYGON ((7.191591337773703 52.63436687149561, 7.192746314567571 52.63436687149561, 7.192746314567571 52.63416242594806, 7.191591337773703 52.63416242594806, 7.191591337773703 52.63436687149561))",29885_4_8,4,8,78.14806619999999 +"POLYGON ((7.191591337773703 52.63395797944515, 7.192746314567571 52.63395797944515, 7.192746314567571 52.6337535319869, 7.191591337773703 52.6337535319869, 7.191591337773703 52.63395797944515))",29885_4_10,4,10,132.0 +"POLYGON ((7.191591337773703 52.63273128036538, 7.192746314567571 52.63273128036538, 7.192746314567571 52.632526827175, 7.191591337773703 52.632526827175, 7.191591337773703 52.63273128036538))",29885_4_16,4,16,143.00000066666666 +"POLYGON ((7.191591337773703 52.632526827175, 7.192746314567571 52.632526827175, 7.192746314567571 52.63232237302927, 7.191591337773703 52.63232237302927, 7.191591337773703 52.632526827175))",29885_4_17,4,17,134.66666666666666 +"POLYGON ((7.192746314567571 52.63518464413237, 7.193901291361438 52.63518464413237, 7.193901291361438 52.63498020240618, 7.192746314567571 52.63498020240618, 7.192746314567571 52.63518464413237))",29885_5_4,5,4,138.33333333333334 +"POLYGON ((7.192746314567571 52.63477575972467, 7.193901291361438 52.63477575972467, 7.193901291361438 52.6345713160878, 7.192746314567571 52.6345713160878, 7.192746314567571 52.63477575972467))",29885_5_6,5,6,192.5 +"POLYGON ((7.192746314567571 52.63395797944515, 7.193901291361438 52.63395797944515, 7.193901291361438 52.6337535319869, 7.192746314567571 52.6337535319869, 7.192746314567571 52.63395797944515))",29885_5_10,5,10,130.3483365 +"POLYGON ((7.192746314567571 52.6337535319869, 7.193901291361438 52.6337535319869, 7.193901291361438 52.63354908357331, 7.192746314567571 52.63354908357331, 7.192746314567571 52.6337535319869))",29885_5_11,5,11,142.51318966666668 +"POLYGON ((7.192746314567571 52.63354908357331, 7.193901291361438 52.63354908357331, 7.193901291361438 52.63334463420436, 7.192746314567571 52.63334463420436, 7.192746314567571 52.63354908357331))",29885_5_12,5,12,123.415505 +"POLYGON ((7.192746314567571 52.63334463420436, 7.193901291361438 52.63334463420436, 7.193901291361438 52.63314018388005, 7.192746314567571 52.63314018388005, 7.192746314567571 52.63334463420436))",29885_5_13,5,13,110.25 +"POLYGON ((7.192746314567571 52.63273128036538, 7.193901291361438 52.63273128036538, 7.193901291361438 52.632526827175, 7.192746314567571 52.632526827175, 7.192746314567571 52.63273128036538))",29885_5_16,5,16,174.5 +"POLYGON ((7.192746314567571 52.63211791792816, 7.193901291361438 52.63211791792816, 7.193901291361438 52.63191346187169, 7.192746314567571 52.63191346187169, 7.192746314567571 52.63211791792816))",29885_5_19,5,19,132.50000075 +"POLYGON ((7.192746314567571 52.63150454689264, 7.193901291361438 52.63150454689264, 7.193901291361438 52.63130008797007, 7.192746314567571 52.63130008797007, 7.192746314567571 52.63150454689264))",29885_5_22,5,22,117.351256875 +"POLYGON ((7.193901291361438 52.63395797944515, 7.195056268155307 52.63395797944515, 7.195056268155307 52.6337535319869, 7.193901291361438 52.6337535319869, 7.193901291361438 52.63395797944515))",29885_6_10,6,10,115.7255925 +"POLYGON ((7.193901291361438 52.6337535319869, 7.195056268155307 52.6337535319869, 7.195056268155307 52.63354908357331, 7.193901291361438 52.63354908357331, 7.193901291361438 52.6337535319869))",29885_6_11,6,11,129.0 +"POLYGON ((7.193901291361438 52.63354908357331, 7.195056268155307 52.63354908357331, 7.195056268155307 52.63334463420436, 7.193901291361438 52.63334463420436, 7.193901291361438 52.63354908357331))",29885_6_12,6,12,123.25 +"POLYGON ((7.193901291361438 52.63334463420436, 7.195056268155307 52.63334463420436, 7.195056268155307 52.63314018388005, 7.193901291361438 52.63314018388005, 7.193901291361438 52.63334463420436))",29885_6_13,6,13,101.71166928571428 +"POLYGON ((7.193901291361438 52.63314018388005, 7.195056268155307 52.63314018388005, 7.195056268155307 52.6329357326004, 7.193901291361438 52.6329357326004, 7.193901291361438 52.63314018388005))",29885_6_14,6,14,144.21394933333332 +"POLYGON ((7.193901291361438 52.63273128036538, 7.195056268155307 52.63273128036538, 7.195056268155307 52.632526827175, 7.193901291361438 52.632526827175, 7.193901291361438 52.63273128036538))",29885_6_16,6,16,161.33333333333334 +"POLYGON ((7.193901291361438 52.63232237302927, 7.195056268155307 52.63232237302927, 7.195056268155307 52.63211791792816, 7.193901291361438 52.63211791792816, 7.193901291361438 52.63232237302927))",29885_6_18,6,18,109.6353355 +"POLYGON ((7.186971430598231 52.62830124734285, 7.188126407392099 52.62830124734285, 7.188126407392099 52.62809677345254, 7.186971430598231 52.62809677345254, 7.186971430598231 52.62830124734285))",29886_0_11,0,11,177.5 +"POLYGON ((7.186971430598231 52.62625646544647, 7.188126407392099 52.62625646544647, 7.188126407392099 52.62605198200207, 7.186971430598231 52.62605198200207, 7.186971430598231 52.62625646544647))",29886_0_21,0,21,134.49999875 +"POLYGON ((7.188126407392099 52.62871019225726, 7.189281384185967 52.62871019225726, 7.189281384185967 52.62850572027776, 7.188126407392099 52.62850572027776, 7.188126407392099 52.62871019225726))",29886_1_9,1,9,133.0 +"POLYGON ((7.189281384185967 52.62789229860684, 7.190436360979835 52.62789229860684, 7.190436360979835 52.62768782280572, 7.189281384185967 52.62768782280572, 7.189281384185967 52.62789229860684))",29886_2_13,2,13,175.0 +"POLYGON ((7.190436360979835 52.62932360246341, 7.191591337773703 52.62932360246341, 7.191591337773703 52.62911913335008, 7.190436360979835 52.62911913335008, 7.190436360979835 52.62932360246341))",29886_3_6,3,6,203.0 +"POLYGON ((7.190436360979835 52.62809677345254, 7.191591337773703 52.62809677345254, 7.191591337773703 52.62789229860684, 7.190436360979835 52.62789229860684, 7.190436360979835 52.62809677345254))",29886_3_12,3,12,139.33333333333334 +"POLYGON ((7.190436360979835 52.62707438966995, 7.191591337773703 52.62707438966995, 7.191591337773703 52.6268699100472, 7.190436360979835 52.6268699100472, 7.190436360979835 52.62707438966995))",29886_3_17,3,17,140.5 +"POLYGON ((7.191591337773703 52.62973253782387, 7.192746314567571 52.62973253782387, 7.192746314567571 52.62952807062133, 7.191591337773703 52.62952807062133, 7.191591337773703 52.62973253782387))",29886_4_4,4,4,160.5 +"POLYGON ((7.191591337773703 52.62932360246341, 7.192746314567571 52.62932360246341, 7.192746314567571 52.62911913335008, 7.191591337773703 52.62911913335008, 7.191591337773703 52.62932360246341))",29886_4_6,4,6,152.66666833333332 +"POLYGON ((7.191591337773703 52.62891466328136, 7.192746314567571 52.62891466328136, 7.192746314567571 52.62871019225726, 7.191591337773703 52.62871019225726, 7.191591337773703 52.62891466328136))",29886_4_8,4,8,79.05528216666666 +"POLYGON ((7.191591337773703 52.62850572027776, 7.192746314567571 52.62850572027776, 7.192746314567571 52.62830124734285, 7.191591337773703 52.62830124734285, 7.191591337773703 52.62850572027776))",29886_4_10,4,10,126.66666666666667 +"POLYGON ((7.191591337773703 52.62727886833729, 7.192746314567571 52.62727886833729, 7.192746314567571 52.62707438966995, 7.191591337773703 52.62707438966995, 7.191591337773703 52.62727886833729))",29886_4_16,4,16,150.48028666666667 +"POLYGON ((7.191591337773703 52.62707438966995, 7.192746314567571 52.62707438966995, 7.192746314567571 52.6268699100472, 7.191591337773703 52.6268699100472, 7.191591337773703 52.62707438966995))",29886_4_17,4,17,143.5 +"POLYGON ((7.192746314567571 52.62973253782387, 7.193901291361438 52.62973253782387, 7.193901291361438 52.62952807062133, 7.192746314567571 52.62952807062133, 7.192746314567571 52.62973253782387))",29886_5_4,5,4,137.5 +"POLYGON ((7.192746314567571 52.62932360246341, 7.193901291361438 52.62932360246341, 7.193901291361438 52.62911913335008, 7.192746314567571 52.62911913335008, 7.192746314567571 52.62932360246341))",29886_5_6,5,6,201.0 +"POLYGON ((7.192746314567571 52.62850572027776, 7.193901291361438 52.62850572027776, 7.193901291361438 52.62830124734285, 7.192746314567571 52.62830124734285, 7.192746314567571 52.62850572027776))",29886_5_10,5,10,132.49573833333332 +"POLYGON ((7.192746314567571 52.62830124734285, 7.193901291361438 52.62830124734285, 7.193901291361438 52.62809677345254, 7.192746314567571 52.62809677345254, 7.192746314567571 52.62830124734285))",29886_5_11,5,11,141.66666733333332 +"POLYGON ((7.192746314567571 52.62809677345254, 7.193901291361438 52.62809677345254, 7.193901291361438 52.62789229860684, 7.192746314567571 52.62789229860684, 7.192746314567571 52.62809677345254))",29886_5_12,5,12,123.00000125 +"POLYGON ((7.192746314567571 52.62789229860684, 7.193901291361438 52.62789229860684, 7.193901291361438 52.62768782280572, 7.192746314567571 52.62768782280572, 7.192746314567571 52.62789229860684))",29886_5_13,5,13,107.33333333333333 +"POLYGON ((7.192746314567571 52.62727886833729, 7.193901291361438 52.62727886833729, 7.193901291361438 52.62707438966995, 7.192746314567571 52.62707438966995, 7.192746314567571 52.62727886833729))",29886_5_16,5,16,174.5 +"POLYGON ((7.192746314567571 52.62666542946904, 7.193901291361438 52.62666542946904, 7.193901291361438 52.62646094793547, 7.192746314567571 52.62646094793547, 7.192746314567571 52.62666542946904))",29886_5_19,5,19,132.666668 +"POLYGON ((7.192746314567571 52.62605198200207, 7.193901291361438 52.62605198200207, 7.193901291361438 52.62584749760224, 7.192746314567571 52.62584749760224, 7.192746314567571 52.62605198200207))",29886_5_22,5,22,114.750001375 +"POLYGON ((7.193901291361438 52.62850572027776, 7.195056268155307 52.62850572027776, 7.195056268155307 52.62830124734285, 7.193901291361438 52.62830124734285, 7.193901291361438 52.62850572027776))",29886_6_10,6,10,112.2500005 +"POLYGON ((7.193901291361438 52.62830124734285, 7.195056268155307 52.62830124734285, 7.195056268155307 52.62809677345254, 7.193901291361438 52.62809677345254, 7.193901291361438 52.62830124734285))",29886_6_11,6,11,129.0 +"POLYGON ((7.193901291361438 52.62809677345254, 7.195056268155307 52.62809677345254, 7.195056268155307 52.62789229860684, 7.193901291361438 52.62789229860684, 7.193901291361438 52.62809677345254))",29886_6_12,6,12,122.0 +"POLYGON ((7.193901291361438 52.62789229860684, 7.195056268155307 52.62789229860684, 7.195056268155307 52.62768782280572, 7.193901291361438 52.62768782280572, 7.193901291361438 52.62789229860684))",29886_6_13,6,13,101.7687623846154 +"POLYGON ((7.193901291361438 52.62768782280572, 7.195056268155307 52.62768782280572, 7.195056268155307 52.62748334604921, 7.193901291361438 52.62748334604921, 7.193901291361438 52.62768782280572))",29886_6_14,6,14,144.89512116666666 +"POLYGON ((7.193901291361438 52.62727886833729, 7.195056268155307 52.62727886833729, 7.195056268155307 52.62707438966995, 7.193901291361438 52.62707438966995, 7.193901291361438 52.62727886833729))",29886_6_16,6,16,163.5 +"POLYGON ((7.193901291361438 52.6268699100472, 7.195056268155307 52.6268699100472, 7.195056268155307 52.62666542946904, 7.193901291361438 52.62666542946904, 7.193901291361438 52.6268699100472))",29886_6_18,6,18,110.856291 +"POLYGON ((7.186971430598231 52.62284828330293, 7.188126407392099 52.62284828330293, 7.188126407392099 52.6226437839346, 7.186971430598231 52.6226437839346, 7.186971430598231 52.62284828330293))",29887_0_11,0,11,182.5 +"POLYGON ((7.186971430598231 52.62080324662403, 7.188126407392099 52.62080324662403, 7.188126407392099 52.62059873770109, 7.186971430598231 52.62059873770109, 7.186971430598231 52.62080324662403))",29887_0_21,0,21,131.77806999999999 +"POLYGON ((7.188126407392099 52.62325727917326, 7.189281384185967 52.62325727917326, 7.189281384185967 52.62305278171582, 7.188126407392099 52.62305278171582, 7.188126407392099 52.62325727917326))",29887_1_9,1,9,135.0 +"POLYGON ((7.189281384185967 52.62243928361082, 7.190436360979835 52.62243928361082, 7.190436360979835 52.62223478233157, 7.189281384185967 52.62223478233157, 7.189281384185967 52.62243928361082))",29887_2_13,2,13,177.0 +"POLYGON ((7.190436360979835 52.6238707658129, 7.191591337773703 52.6238707658129, 7.191591337773703 52.6236662712218, 7.190436360979835 52.6236662712218, 7.190436360979835 52.6238707658129))",29887_3_6,3,6,185.0 +"POLYGON ((7.190436360979835 52.6226437839346, 7.191591337773703 52.6226437839346, 7.191591337773703 52.62243928361082, 7.190436360979835 52.62243928361082, 7.190436360979835 52.6226437839346))",29887_3_12,3,12,137.66666666666666 +"POLYGON ((7.190436360979835 52.62162127276111, 7.191591337773703 52.62162127276111, 7.191591337773703 52.62141676766004, 7.190436360979835 52.62141676766004, 7.190436360979835 52.62162127276111))",29887_3_17,3,17,140.33333333333334 +"POLYGON ((7.191591337773703 52.62427975212878, 7.192746314567571 52.62427975212878, 7.192746314567571 52.62407525944856, 7.191591337773703 52.62407525944856, 7.191591337773703 52.62427975212878))",29887_4_4,4,4,147.0 +"POLYGON ((7.191591337773703 52.6238707658129, 7.192746314567571 52.6238707658129, 7.192746314567571 52.6236662712218, 7.191591337773703 52.6236662712218, 7.191591337773703 52.6238707658129))",29887_4_6,4,6,158.200001 +"POLYGON ((7.191591337773703 52.62346177567525, 7.192746314567571 52.62346177567525, 7.192746314567571 52.62325727917326, 7.191591337773703 52.62325727917326, 7.191591337773703 52.62346177567525))",29887_4_8,4,8,76.7999998 +"POLYGON ((7.191591337773703 52.62305278171582, 7.192746314567571 52.62305278171582, 7.192746314567571 52.62284828330293, 7.191591337773703 52.62284828330293, 7.191591337773703 52.62305278171582))",29887_4_10,4,10,124.33333333333333 +"POLYGON ((7.191591337773703 52.62182577690673, 7.192746314567571 52.62182577690673, 7.192746314567571 52.62162127276111, 7.191591337773703 52.62162127276111, 7.191591337773703 52.62182577690673))",29887_4_16,4,16,153.333334 +"POLYGON ((7.191591337773703 52.62162127276111, 7.192746314567571 52.62162127276111, 7.192746314567571 52.62141676766004, 7.191591337773703 52.62141676766004, 7.191591337773703 52.62162127276111))",29887_4_17,4,17,147.66666666666666 +"POLYGON ((7.192746314567571 52.62427975212878, 7.193901291361438 52.62427975212878, 7.193901291361438 52.62407525944856, 7.192746314567571 52.62407525944856, 7.192746314567571 52.62427975212878))",29887_5_4,5,4,139.0 +"POLYGON ((7.192746314567571 52.6238707658129, 7.193901291361438 52.6238707658129, 7.193901291361438 52.6236662712218, 7.192746314567571 52.6236662712218, 7.192746314567571 52.6238707658129))",29887_5_6,5,6,202.5 +"POLYGON ((7.192746314567571 52.62305278171582, 7.193901291361438 52.62305278171582, 7.193901291361438 52.62284828330293, 7.192746314567571 52.62284828330293, 7.192746314567571 52.62305278171582))",29887_5_10,5,10,130.333335 +"POLYGON ((7.192746314567571 52.62284828330293, 7.193901291361438 52.62284828330293, 7.193901291361438 52.6226437839346, 7.192746314567571 52.6226437839346, 7.192746314567571 52.62284828330293))",29887_5_11,5,11,137.08362233333332 +"POLYGON ((7.192746314567571 52.6226437839346, 7.193901291361438 52.6226437839346, 7.193901291361438 52.62243928361082, 7.192746314567571 52.62243928361082, 7.192746314567571 52.6226437839346))",29887_5_12,5,12,121.33333066666667 +"POLYGON ((7.192746314567571 52.62243928361082, 7.193901291361438 52.62243928361082, 7.193901291361438 52.62223478233157, 7.192746314567571 52.62223478233157, 7.192746314567571 52.62243928361082))",29887_5_13,5,13,106.75 +"POLYGON ((7.192746314567571 52.62182577690673, 7.193901291361438 52.62182577690673, 7.193901291361438 52.62162127276111, 7.192746314567571 52.62162127276111, 7.192746314567571 52.62182577690673))",29887_5_16,5,16,179.5 +"POLYGON ((7.192746314567571 52.6212122616035, 7.193901291361438 52.6212122616035, 7.193901291361438 52.6210077545915, 7.192746314567571 52.6210077545915, 7.192746314567571 52.6212122616035))",29887_5_19,5,19,134.66666733333332 +"POLYGON ((7.192746314567571 52.62059873770109, 7.193901291361438 52.62059873770109, 7.193901291361438 52.62039422782269, 7.192746314567571 52.62039422782269, 7.192746314567571 52.62059873770109))",29887_5_22,5,22,117.618013625 +"POLYGON ((7.193901291361438 52.62305278171582, 7.195056268155307 52.62305278171582, 7.195056268155307 52.62284828330293, 7.193901291361438 52.62284828330293, 7.193901291361438 52.62305278171582))",29887_6_10,6,10,118.1299715 +"POLYGON ((7.193901291361438 52.62284828330293, 7.195056268155307 52.62284828330293, 7.195056268155307 52.6226437839346, 7.193901291361438 52.6226437839346, 7.193901291361438 52.62284828330293))",29887_6_11,6,11,134.0 +"POLYGON ((7.193901291361438 52.6226437839346, 7.195056268155307 52.6226437839346, 7.195056268155307 52.62243928361082, 7.193901291361438 52.62243928361082, 7.193901291361438 52.6226437839346))",29887_6_12,6,12,134.0 +"POLYGON ((7.193901291361438 52.62243928361082, 7.195056268155307 52.62243928361082, 7.195056268155307 52.62223478233157, 7.193901291361438 52.62223478233157, 7.193901291361438 52.62243928361082))",29887_6_13,6,13,98.037589 +"POLYGON ((7.193901291361438 52.62223478233157, 7.195056268155307 52.62223478233157, 7.195056268155307 52.62203028009688, 7.193901291361438 52.62203028009688, 7.193901291361438 52.62223478233157))",29887_6_14,6,14,128.92619416666668 +"POLYGON ((7.193901291361438 52.62182577690673, 7.195056268155307 52.62182577690673, 7.195056268155307 52.62162127276111, 7.193901291361438 52.62162127276111, 7.193901291361438 52.62182577690673))",29887_6_16,6,16,165.66666666666666 +"POLYGON ((7.193901291361438 52.62141676766004, 7.195056268155307 52.62141676766004, 7.195056268155307 52.6212122616035, 7.193901291361438 52.6212122616035, 7.193901291361438 52.62141676766004))",29887_6_18,6,18,121.1846115 +"POLYGON ((7.186971430598231 52.61739463983191, 7.188126407392099 52.61739463983191, 7.188126407392099 52.61719011498423, 7.186971430598231 52.61719011498423, 7.186971430598231 52.61739463983191))",29888_0_11,0,11,186.0 +"POLYGON ((7.189281384185967 52.61698558918104, 7.190436360979835 52.61698558918104, 7.190436360979835 52.61678106242235, 7.189281384185967 52.61678106242235, 7.189281384185967 52.61698558918104))",29888_2_13,2,13,182.0 +"POLYGON ((7.190436360979835 52.6184172497379, 7.191591337773703 52.6184172497379, 7.191591337773703 52.61821272966769, 7.190436360979835 52.61821272966769, 7.190436360979835 52.6184172497379))",29888_3_6,3,6,171.0 +"POLYGON ((7.190436360979835 52.61719011498423, 7.191591337773703 52.61719011498423, 7.191591337773703 52.61698558918104, 7.190436360979835 52.61698558918104, 7.190436360979835 52.61719011498423))",29888_3_12,3,12,135.5 +"POLYGON ((7.190436360979835 52.61616747641323, 7.191591337773703 52.61616747641323, 7.191591337773703 52.61596294583251, 7.190436360979835 52.61596294583251, 7.190436360979835 52.61616747641323))",29888_3_17,3,17,141.0 +"POLYGON ((7.191591337773703 52.61882628701185, 7.192746314567571 52.61882628701185, 7.192746314567571 52.61862176885261, 7.191591337773703 52.61862176885261, 7.191591337773703 52.61882628701185))",29888_4_4,4,4,148.0 +"POLYGON ((7.191591337773703 52.6184172497379, 7.192746314567571 52.6184172497379, 7.192746314567571 52.61821272966769, 7.191591337773703 52.61821272966769, 7.191591337773703 52.6184172497379))",29888_4_6,4,6,157.99999766666667 +"POLYGON ((7.191591337773703 52.61800820864198, 7.192746314567571 52.61800820864198, 7.192746314567571 52.61780368666079, 7.191591337773703 52.61780368666079, 7.191591337773703 52.61800820864198))",29888_4_8,4,8,76.04682975 +"POLYGON ((7.191591337773703 52.61637200603845, 7.192746314567571 52.61637200603845, 7.192746314567571 52.61616747641323, 7.191591337773703 52.61616747641323, 7.191591337773703 52.61637200603845))",29888_4_16,4,16,151.4999985 +"POLYGON ((7.191591337773703 52.61616747641323, 7.192746314567571 52.61616747641323, 7.192746314567571 52.61596294583251, 7.191591337773703 52.61596294583251, 7.191591337773703 52.61616747641323))",29888_4_17,4,17,147.0 +"POLYGON ((7.192746314567571 52.61882628701185, 7.193901291361438 52.61882628701185, 7.193901291361438 52.61862176885261, 7.192746314567571 52.61862176885261, 7.192746314567571 52.61882628701185))",29888_5_4,5,4,138.0 +"POLYGON ((7.192746314567571 52.6184172497379, 7.193901291361438 52.6184172497379, 7.193901291361438 52.61821272966769, 7.192746314567571 52.61821272966769, 7.192746314567571 52.6184172497379))",29888_5_6,5,6,201.0 +"POLYGON ((7.192746314567571 52.6175991637241, 7.193901291361438 52.6175991637241, 7.193901291361438 52.61739463983191, 7.192746314567571 52.61739463983191, 7.192746314567571 52.6175991637241))",29888_5_10,5,10,131.48627449999998 +"POLYGON ((7.192746314567571 52.61739463983191, 7.193901291361438 52.61739463983191, 7.193901291361438 52.61719011498423, 7.192746314567571 52.61719011498423, 7.192746314567571 52.61739463983191))",29888_5_11,5,11,134.000002 +"POLYGON ((7.192746314567571 52.61719011498423, 7.193901291361438 52.61719011498423, 7.193901291361438 52.61698558918104, 7.192746314567571 52.61698558918104, 7.192746314567571 52.61719011498423))",29888_5_12,5,12,122.50000299999999 +"POLYGON ((7.192746314567571 52.61575841429628, 7.193901291361438 52.61575841429628, 7.193901291361438 52.61555388180452, 7.192746314567571 52.61555388180452, 7.192746314567571 52.61575841429628))",29888_5_19,5,19,146.000004 +"POLYGON ((7.193901291361438 52.6175991637241, 7.195056268155307 52.6175991637241, 7.195056268155307 52.61739463983191, 7.193901291361438 52.61739463983191, 7.193901291361438 52.6175991637241))",29888_6_10,6,10,124.00000133333333 +"POLYGON ((7.193901291361438 52.61678106242235, 7.195056268155307 52.61678106242235, 7.195056268155307 52.61657653470815, 7.193901291361438 52.61657653470815, 7.193901291361438 52.61678106242235))",29888_6_14,6,14,137.0 +"POLYGON ((7.186971430598231 52.56282082866784, 7.188126407392099 52.56282082866784, 7.188126407392099 52.56261604895408, 7.186971430598231 52.56261604895408, 7.186971430598231 52.56282082866784))",29898_0_11,0,11,153.0 +"POLYGON ((7.186971430598231 52.56077298851037, 7.188126407392099 52.56077298851037, 7.188126407392099 52.56056819923658, 7.186971430598231 52.56056819923658, 7.186971430598231 52.56077298851037))",29898_0_21,0,21,133.000002 +"POLYGON ((7.188126407392099 52.56323038522734, 7.189281384185967 52.56323038522734, 7.189281384185967 52.56302560742559, 7.188126407392099 52.56302560742559, 7.188126407392099 52.56323038522734))",29898_1_9,1,9,131.5 +"POLYGON ((7.189281384185967 52.56241126828434, 7.190436360979835 52.56241126828434, 7.190436360979835 52.5622064866586, 7.189281384185967 52.5622064866586, 7.189281384185967 52.56241126828434))",29898_2_13,2,13,175.0 +"POLYGON ((7.190436360979835 52.56384471289669, 7.191591337773703 52.56384471289669, 7.191591337773703 52.5636399379629, 7.190436360979835 52.5636399379629, 7.190436360979835 52.56384471289669))",29898_3_6,3,6,123.0 +"POLYGON ((7.190436360979835 52.56261604895408, 7.191591337773703 52.56261604895408, 7.191591337773703 52.56241126828434, 7.190436360979835 52.56241126828434, 7.190436360979835 52.56261604895408))",29898_3_12,3,12,128.0 +"POLYGON ((7.190436360979835 52.56179692053913, 7.191591337773703 52.56179692053913, 7.191591337773703 52.56159213604539, 7.190436360979835 52.56159213604539, 7.190436360979835 52.56179692053913))",29898_3_16,3,16,132.0 +"POLYGON ((7.191591337773703 52.56425425989634, 7.192746314567571 52.56425425989634, 7.192746314567571 52.56404948687451, 7.191591337773703 52.56404948687451, 7.191591337773703 52.56425425989634))",29898_4_4,4,4,192.0 +"POLYGON ((7.191591337773703 52.56384471289669, 7.192746314567571 52.56384471289669, 7.192746314567571 52.5636399379629, 7.191591337773703 52.5636399379629, 7.191591337773703 52.56384471289669))",29898_4_6,4,6,150.33333333333334 +"POLYGON ((7.191591337773703 52.56343516207312, 7.192746314567571 52.56343516207312, 7.192746314567571 52.56323038522734, 7.191591337773703 52.56323038522734, 7.191591337773703 52.56343516207312))",29898_4_8,4,8,129.7897575 +"POLYGON ((7.191591337773703 52.56302560742559, 7.192746314567571 52.56302560742559, 7.192746314567571 52.56282082866784, 7.191591337773703 52.56282082866784, 7.191591337773703 52.56302560742559))",29898_4_10,4,10,112.5 +"POLYGON ((7.191591337773703 52.56179692053913, 7.192746314567571 52.56179692053913, 7.192746314567571 52.56159213604539, 7.191591337773703 52.56159213604539, 7.191591337773703 52.56179692053913))",29898_4_16,4,16,148.5000015 +"POLYGON ((7.191591337773703 52.56159213604539, 7.192746314567571 52.56159213604539, 7.192746314567571 52.56138735059564, 7.191591337773703 52.56138735059564, 7.191591337773703 52.56159213604539))",29898_4_17,4,17,144.5 +"POLYGON ((7.192746314567571 52.56425425989634, 7.193901291361438 52.56425425989634, 7.193901291361438 52.56404948687451, 7.192746314567571 52.56404948687451, 7.192746314567571 52.56425425989634))",29898_5_4,5,4,129.0 +"POLYGON ((7.192746314567571 52.56384471289669, 7.193901291361438 52.56384471289669, 7.193901291361438 52.5636399379629, 7.192746314567571 52.5636399379629, 7.192746314567571 52.56384471289669))",29898_5_6,5,6,152.0 +"POLYGON ((7.192746314567571 52.56302560742559, 7.193901291361438 52.56302560742559, 7.193901291361438 52.56282082866784, 7.192746314567571 52.56282082866784, 7.192746314567571 52.56302560742559))",29898_5_10,5,10,135.999999 +"POLYGON ((7.192746314567571 52.56282082866784, 7.193901291361438 52.56282082866784, 7.193901291361438 52.56261604895408, 7.192746314567571 52.56261604895408, 7.192746314567571 52.56282082866784))",29898_5_11,5,11,133.72524750000002 +"POLYGON ((7.192746314567571 52.56261604895408, 7.193901291361438 52.56261604895408, 7.193901291361438 52.56241126828434, 7.192746314567571 52.56241126828434, 7.192746314567571 52.56261604895408))",29898_5_12,5,12,119.00000033333333 +"POLYGON ((7.192746314567571 52.56241126828434, 7.193901291361438 52.56241126828434, 7.193901291361438 52.5622064866586, 7.192746314567571 52.5622064866586, 7.192746314567571 52.56241126828434))",29898_5_13,5,13,137.333334 +"POLYGON ((7.192746314567571 52.56179692053913, 7.193901291361438 52.56179692053913, 7.193901291361438 52.56159213604539, 7.192746314567571 52.56159213604539, 7.192746314567571 52.56179692053913))",29898_5_16,5,16,183.0 +"POLYGON ((7.192746314567571 52.56118256418988, 7.193901291361438 52.56118256418988, 7.193901291361438 52.56097777682813, 7.192746314567571 52.56097777682813, 7.192746314567571 52.56118256418988))",29898_5_19,5,19,142.000004 +"POLYGON ((7.192746314567571 52.56056819923658, 7.193901291361438 52.56056819923658, 7.193901291361438 52.56036340900678, 7.192746314567571 52.56036340900678, 7.192746314567571 52.56056819923658))",29898_5_22,5,22,140.686786 +"POLYGON ((7.193901291361438 52.56302560742559, 7.195056268155307 52.56302560742559, 7.195056268155307 52.56282082866784, 7.193901291361438 52.56282082866784, 7.193901291361438 52.56302560742559))",29898_6_10,6,10,115.54489666666666 +"POLYGON ((7.193901291361438 52.56282082866784, 7.195056268155307 52.56282082866784, 7.195056268155307 52.56261604895408, 7.193901291361438 52.56261604895408, 7.193901291361438 52.56282082866784))",29898_6_11,6,11,138.5 +"POLYGON ((7.193901291361438 52.56261604895408, 7.195056268155307 52.56261604895408, 7.195056268155307 52.56241126828434, 7.193901291361438 52.56241126828434, 7.193901291361438 52.56261604895408))",29898_6_12,6,12,131.5 +"POLYGON ((7.193901291361438 52.56241126828434, 7.195056268155307 52.56241126828434, 7.195056268155307 52.5622064866586, 7.193901291361438 52.5622064866586, 7.193901291361438 52.56241126828434))",29898_6_13,6,13,124.66619266666665 +"POLYGON ((7.193901291361438 52.5622064866586, 7.195056268155307 52.5622064866586, 7.195056268155307 52.56200170407687, 7.193901291361438 52.56200170407687, 7.193901291361438 52.5622064866586))",29898_6_14,6,14,124.66666533333334 +"POLYGON ((7.193901291361438 52.56179692053913, 7.195056268155307 52.56179692053913, 7.195056268155307 52.56159213604539, 7.193901291361438 52.56159213604539, 7.193901291361438 52.56179692053913))",29898_6_16,6,16,167.0 +"POLYGON ((7.193901291361438 52.56138735059564, 7.195056268155307 52.56138735059564, 7.195056268155307 52.56118256418988, 7.193901291361438 52.56118256418988, 7.193901291361438 52.56138735059564))",29898_6_18,6,18,129.499999 +"POLYGON ((7.186971430598231 52.55735970913321, 7.188126407392099 52.55735970913321, 7.188126407392099 52.55715490392563, 7.186971430598231 52.55715490392563, 7.186971430598231 52.55735970913321))",29899_0_11,0,11,154.33333333333334 +"POLYGON ((7.186971430598231 52.5553116140351, 7.188126407392099 52.5553116140351, 7.188126407392099 52.55510679926699, 7.186971430598231 52.55510679926699, 7.186971430598231 52.5553116140351))",29899_0_21,0,21,136.51846866666668 +"POLYGON ((7.188126407392099 52.55776931668026, 7.189281384185967 52.55776931668026, 7.189281384185967 52.55756451338476, 7.188126407392099 52.55756451338476, 7.188126407392099 52.55776931668026))",29899_1_9,1,9,125.66666666666667 +"POLYGON ((7.189281384185967 52.55695009776199, 7.190436360979835 52.55695009776199, 7.190436360979835 52.55674529064231, 7.189281384185967 52.55674529064231, 7.189281384185967 52.55695009776199))",29899_2_13,2,13,175.66666666666666 +"POLYGON ((7.190436360979835 52.55838372083055, 7.191591337773703 52.55838372083055, 7.191591337773703 52.55817892040316, 7.190436360979835 52.55817892040316, 7.190436360979835 52.55838372083055))",29899_3_6,3,6,124.33333333333333 +"POLYGON ((7.190436360979835 52.55715490392563, 7.191591337773703 52.55715490392563, 7.191591337773703 52.55695009776199, 7.190436360979835 52.55695009776199, 7.190436360979835 52.55715490392563))",29899_3_12,3,12,130.75 +"POLYGON ((7.190436360979835 52.5563356735348, 7.191591337773703 52.5563356735348, 7.191591337773703 52.55613086354698, 7.190436360979835 52.55613086354698, 7.190436360979835 52.5563356735348))",29899_3_16,3,16,133.0 +"POLYGON ((7.191591337773703 52.55879331881724, 7.192746314567571 52.55879331881724, 7.192746314567571 52.55858852030191, 7.191591337773703 52.55858852030191, 7.191591337773703 52.55879331881724))",29899_4_4,4,4,192.0 +"POLYGON ((7.191591337773703 52.55838372083055, 7.192746314567571 52.55838372083055, 7.192746314567571 52.55817892040316, 7.191591337773703 52.55817892040316, 7.191591337773703 52.55838372083055))",29899_4_6,4,6,150.71428442857146 +"POLYGON ((7.191591337773703 52.55797411901973, 7.192746314567571 52.55797411901973, 7.192746314567571 52.55776931668026, 7.191591337773703 52.55776931668026, 7.191591337773703 52.55797411901973))",29899_4_8,4,8,136.66666466666666 +"POLYGON ((7.191591337773703 52.55756451338476, 7.192746314567571 52.55756451338476, 7.192746314567571 52.55735970913321, 7.191591337773703 52.55735970913321, 7.191591337773703 52.55756451338476))",29899_4_10,4,10,108.0 +"POLYGON ((7.191591337773703 52.5563356735348, 7.192746314567571 52.5563356735348, 7.192746314567571 52.55613086354698, 7.191591337773703 52.55613086354698, 7.191591337773703 52.5563356735348))",29899_4_16,4,16,142.99999866666667 +"POLYGON ((7.191591337773703 52.55613086354698, 7.192746314567571 52.55613086354698, 7.192746314567571 52.55592605260309, 7.191591337773703 52.55592605260309, 7.191591337773703 52.55613086354698))",29899_4_17,4,17,148.33333333333334 +"POLYGON ((7.192746314567571 52.55879331881724, 7.193901291361438 52.55879331881724, 7.193901291361438 52.55858852030191, 7.192746314567571 52.55858852030191, 7.192746314567571 52.55879331881724))",29899_5_4,5,4,128.33333333333334 +"POLYGON ((7.192746314567571 52.55838372083055, 7.193901291361438 52.55838372083055, 7.193901291361438 52.55817892040316, 7.192746314567571 52.55817892040316, 7.192746314567571 52.55838372083055))",29899_5_6,5,6,161.66666666666666 +"POLYGON ((7.192746314567571 52.55756451338476, 7.193901291361438 52.55756451338476, 7.193901291361438 52.55735970913321, 7.192746314567571 52.55735970913321, 7.192746314567571 52.55756451338476))",29899_5_10,5,10,135.60449733333334 +"POLYGON ((7.192746314567571 52.55735970913321, 7.193901291361438 52.55735970913321, 7.193901291361438 52.55715490392563, 7.192746314567571 52.55715490392563, 7.192746314567571 52.55735970913321))",29899_5_11,5,11,134.666664 +"POLYGON ((7.192746314567571 52.55715490392563, 7.193901291361438 52.55715490392563, 7.193901291361438 52.55695009776199, 7.192746314567571 52.55695009776199, 7.192746314567571 52.55715490392563))",29899_5_12,5,12,120.7365135 +"POLYGON ((7.192746314567571 52.55695009776199, 7.193901291361438 52.55695009776199, 7.193901291361438 52.55674529064231, 7.192746314567571 52.55674529064231, 7.192746314567571 52.55695009776199))",29899_5_13,5,13,139.66666583333333 +"POLYGON ((7.192746314567571 52.5563356735348, 7.193901291361438 52.5563356735348, 7.193901291361438 52.55613086354698, 7.192746314567571 52.55613086354698, 7.192746314567571 52.5563356735348))",29899_5_16,5,16,172.5 +"POLYGON ((7.192746314567571 52.55572124070315, 7.193901291361438 52.55572124070315, 7.193901291361438 52.55551642784716, 7.192746314567571 52.55551642784716, 7.192746314567571 52.55572124070315))",29899_5_19,5,19,145.333336 +"POLYGON ((7.192746314567571 52.55510679926699, 7.193901291361438 52.55510679926699, 7.193901291361438 52.5549019835428, 7.192746314567571 52.5549019835428, 7.192746314567571 52.55510679926699))",29899_5_22,5,22,133.523036 +"POLYGON ((7.193901291361438 52.55756451338476, 7.195056268155307 52.55756451338476, 7.195056268155307 52.55735970913321, 7.193901291361438 52.55735970913321, 7.193901291361438 52.55756451338476))",29899_6_10,6,10,117.74999975 +"POLYGON ((7.193901291361438 52.55735970913321, 7.195056268155307 52.55735970913321, 7.195056268155307 52.55715490392563, 7.193901291361438 52.55715490392563, 7.193901291361438 52.55735970913321))",29899_6_11,6,11,137.66666666666666 +"POLYGON ((7.193901291361438 52.55715490392563, 7.195056268155307 52.55715490392563, 7.195056268155307 52.55695009776199, 7.193901291361438 52.55695009776199, 7.193901291361438 52.55715490392563))",29899_6_12,6,12,130.66666666666666 +"POLYGON ((7.193901291361438 52.55695009776199, 7.195056268155307 52.55695009776199, 7.195056268155307 52.55674529064231, 7.193901291361438 52.55674529064231, 7.193901291361438 52.55695009776199))",29899_6_13,6,13,122.61469458333333 +"POLYGON ((7.193901291361438 52.55674529064231, 7.195056268155307 52.55674529064231, 7.195056268155307 52.55654048256659, 7.193901291361438 52.55654048256659, 7.193901291361438 52.55674529064231))",29899_6_14,6,14,140.96366685714287 +"POLYGON ((7.193901291361438 52.5563356735348, 7.195056268155307 52.5563356735348, 7.195056268155307 52.55613086354698, 7.193901291361438 52.55613086354698, 7.193901291361438 52.5563356735348))",29899_6_16,6,16,156.33333333333334 +"POLYGON ((7.193901291361438 52.55592605260309, 7.195056268155307 52.55592605260309, 7.195056268155307 52.55572124070315, 7.193901291361438 52.55572124070315, 7.193901291361438 52.55592605260309))",29899_6_18,6,18,120.66395374999999 +"POLYGON ((7.186971430598231 52.55189790974594, 7.188126407392099 52.55189790974594, 7.188126407392099 52.5516930790432, 7.186971430598231 52.5516930790432, 7.186971430598231 52.55189790974594))",29900_0_11,0,11,159.0 +"POLYGON ((7.186971430598231 52.54984955969405, 7.188126407392099 52.54984955969405, 7.188126407392099 52.5496447194303, 7.186971430598231 52.5496447194303, 7.186971430598231 52.54984955969405))",29900_0_21,0,21,137.693231 +"POLYGON ((7.188126407392099 52.55230756828316, 7.189281384185967 52.55230756828316, 7.189281384185967 52.5521027394926, 7.188126407392099 52.5521027394926, 7.188126407392099 52.55230756828316))",29900_1_9,1,9,141.66666666666666 +"POLYGON ((7.189281384185967 52.55148824738436, 7.190436360979835 52.55148824738436, 7.190436360979835 52.55128341476943, 7.189281384185967 52.55128341476943, 7.189281384185967 52.55148824738436))",29900_2_13,2,13,178.0 +"POLYGON ((7.190436360979835 52.55292204891831, 7.191591337773703 52.55292204891831, 7.191591337773703 52.55271722299602, 7.190436360979835 52.55271722299602, 7.190436360979835 52.55292204891831))",29900_3_6,3,6,179.0 +"POLYGON ((7.190436360979835 52.5516930790432, 7.191591337773703 52.5516930790432, 7.191591337773703 52.55148824738436, 7.190436360979835 52.55148824738436, 7.190436360979835 52.5516930790432))",29900_3_12,3,12,131.0 +"POLYGON ((7.190436360979835 52.55087374667126, 7.191591337773703 52.55087374667126, 7.191591337773703 52.55066891118803, 7.190436360979835 52.55066891118803, 7.190436360979835 52.55087374667126))",29900_3_16,3,16,137.0 +"POLYGON ((7.191591337773703 52.55333169789468, 7.192746314567571 52.55333169789468, 7.192746314567571 52.55312687388454, 7.191591337773703 52.55312687388454, 7.191591337773703 52.55333169789468))",29900_4_4,4,4,192.0 +"POLYGON ((7.191591337773703 52.55292204891831, 7.192746314567571 52.55292204891831, 7.192746314567571 52.55271722299602, 7.191591337773703 52.55271722299602, 7.191591337773703 52.55292204891831))",29900_4_6,4,6,149.16666533333333 +"POLYGON ((7.191591337773703 52.55251239611763, 7.192746314567571 52.55251239611763, 7.192746314567571 52.55230756828316, 7.191591337773703 52.55230756828316, 7.191591337773703 52.55251239611763))",29900_4_8,4,8,137.250002 +"POLYGON ((7.191591337773703 52.5521027394926, 7.192746314567571 52.5521027394926, 7.192746314567571 52.55189790974594, 7.191591337773703 52.55189790974594, 7.191591337773703 52.5521027394926))",29900_4_10,4,10,112.5 +"POLYGON ((7.191591337773703 52.55087374667126, 7.192746314567571 52.55087374667126, 7.192746314567571 52.55066891118803, 7.191591337773703 52.55066891118803, 7.191591337773703 52.55087374667126))",29900_4_16,4,16,145.33333366666668 +"POLYGON ((7.191591337773703 52.55066891118803, 7.192746314567571 52.55066891118803, 7.192746314567571 52.5504640747487, 7.191591337773703 52.5504640747487, 7.191591337773703 52.55066891118803))",29900_4_17,4,17,149.0 +"POLYGON ((7.192746314567571 52.55333169789468, 7.193901291361438 52.55333169789468, 7.193901291361438 52.55312687388454, 7.192746314567571 52.55312687388454, 7.192746314567571 52.55333169789468))",29900_5_4,5,4,128.0 +"POLYGON ((7.192746314567571 52.55292204891831, 7.193901291361438 52.55292204891831, 7.193901291361438 52.55271722299602, 7.192746314567571 52.55271722299602, 7.192746314567571 52.55292204891831))",29900_5_6,5,6,178.0 +"POLYGON ((7.192746314567571 52.5521027394926, 7.193901291361438 52.5521027394926, 7.193901291361438 52.55189790974594, 7.192746314567571 52.55189790974594, 7.192746314567571 52.5521027394926))",29900_5_10,5,10,126.9569705 +"POLYGON ((7.192746314567571 52.55189790974594, 7.193901291361438 52.55189790974594, 7.193901291361438 52.5516930790432, 7.192746314567571 52.5516930790432, 7.192746314567571 52.55189790974594))",29900_5_11,5,11,134.35443974999998 +"POLYGON ((7.192746314567571 52.5516930790432, 7.193901291361438 52.5516930790432, 7.193901291361438 52.55148824738436, 7.192746314567571 52.55148824738436, 7.192746314567571 52.5516930790432))",29900_5_12,5,12,132.02010733333333 +"POLYGON ((7.192746314567571 52.55148824738436, 7.193901291361438 52.55148824738436, 7.193901291361438 52.55128341476943, 7.192746314567571 52.55128341476943, 7.192746314567571 52.55148824738436))",29900_5_13,5,13,135.12226216666667 +"POLYGON ((7.192746314567571 52.55087374667126, 7.193901291361438 52.55087374667126, 7.193901291361438 52.55066891118803, 7.192746314567571 52.55066891118803, 7.192746314567571 52.55087374667126))",29900_5_16,5,16,120.25 +"POLYGON ((7.192746314567571 52.55025923735327, 7.193901291361438 52.55025923735327, 7.193901291361438 52.55005439900172, 7.192746314567571 52.55005439900172, 7.192746314567571 52.55025923735327))",29900_5_19,5,19,145.000002 +"POLYGON ((7.192746314567571 52.5496447194303, 7.193901291361438 52.5496447194303, 7.193901291361438 52.54943987821041, 7.192746314567571 52.54943987821041, 7.192746314567571 52.5496447194303))",29900_5_22,5,22,124.12221285714286 +"POLYGON ((7.193901291361438 52.5521027394926, 7.195056268155307 52.5521027394926, 7.195056268155307 52.55189790974594, 7.193901291361438 52.55189790974594, 7.193901291361438 52.5521027394926))",29900_6_10,6,10,121.66666866666667 +"POLYGON ((7.193901291361438 52.55189790974594, 7.195056268155307 52.55189790974594, 7.195056268155307 52.5516930790432, 7.193901291361438 52.5516930790432, 7.193901291361438 52.55189790974594))",29900_6_11,6,11,134.66666666666666 +"POLYGON ((7.193901291361438 52.5516930790432, 7.195056268155307 52.5516930790432, 7.195056268155307 52.55148824738436, 7.193901291361438 52.55148824738436, 7.193901291361438 52.5516930790432))",29900_6_12,6,12,128.25 +"POLYGON ((7.193901291361438 52.55148824738436, 7.195056268155307 52.55148824738436, 7.195056268155307 52.55128341476943, 7.193901291361438 52.55128341476943, 7.193901291361438 52.55148824738436))",29900_6_13,6,13,124.11502130000001 +"POLYGON ((7.193901291361438 52.55128341476943, 7.195056268155307 52.55128341476943, 7.195056268155307 52.5510785811984, 7.193901291361438 52.5510785811984, 7.193901291361438 52.55128341476943))",29900_6_14,6,14,142.50094933333332 +"POLYGON ((7.193901291361438 52.55087374667126, 7.195056268155307 52.55087374667126, 7.195056268155307 52.55066891118803, 7.193901291361438 52.55066891118803, 7.193901291361438 52.55087374667126))",29900_6_16,6,16,134.66666666666666 +"POLYGON ((7.193901291361438 52.5504640747487, 7.195056268155307 52.5504640747487, 7.195056268155307 52.55025923735327, 7.193901291361438 52.55025923735327, 7.193901291361438 52.5504640747487))",29900_6_18,6,18,117.74999625 +"POLYGON ((7.186971430598231 52.54643543047102, 7.188126407392099 52.54643543047102, 7.188126407392099 52.54623057427181, 7.186971430598231 52.54623057427181, 7.186971430598231 52.54643543047102))",29901_0_11,0,11,159.0 +"POLYGON ((7.186971430598231 52.54438682545226, 7.188126407392099 52.54438682545226, 7.188126407392099 52.54418195969153, 7.186971430598231 52.54418195969153, 7.186971430598231 52.54438682545226))",29901_0_21,0,21,139.66666633333332 +"POLYGON ((7.188126407392099 52.54684514000103, 7.189281384185967 52.54684514000103, 7.189281384185967 52.54664028571409, 7.188126407392099 52.54664028571409, 7.188126407392099 52.54684514000103))",29901_1_9,1,9,141.66666666666666 +"POLYGON ((7.189281384185967 52.54602571711646, 7.190436360979835 52.54602571711646, 7.190436360979835 52.54582085900496, 7.189281384185967 52.54582085900496, 7.189281384185967 52.54602571711646))",29901_2_13,2,13,182.0 +"POLYGON ((7.190436360979835 52.547459697125, 7.191591337773703 52.547459697125, 7.191591337773703 52.54725484570647, 7.190436360979835 52.54725484570647, 7.190436360979835 52.547459697125))",29901_3_6,3,6,187.0 +"POLYGON ((7.190436360979835 52.54623057427181, 7.191591337773703 52.54623057427181, 7.191591337773703 52.54602571711646, 7.190436360979835 52.54602571711646, 7.190436360979835 52.54623057427181))",29901_3_12,3,12,131.33333333333334 +"POLYGON ((7.190436360979835 52.54541113991352, 7.191591337773703 52.54541113991352, 7.191591337773703 52.54520627893357, 7.190436360979835 52.54520627893357, 7.190436360979835 52.54541113991352))",29901_3_16,3,16,137.33333333333334 +"POLYGON ((7.191591337773703 52.54786939709366, 7.192746314567571 52.54786939709366, 7.192746314567571 52.54766454758739, 7.191591337773703 52.54766454758739, 7.191591337773703 52.54786939709366))",29901_4_4,4,4,192.0 +"POLYGON ((7.191591337773703 52.547459697125, 7.192746314567571 52.547459697125, 7.192746314567571 52.54725484570647, 7.191591337773703 52.54725484570647, 7.191591337773703 52.547459697125))",29901_4_6,4,6,151.2000018 +"POLYGON ((7.191591337773703 52.54704999333181, 7.192746314567571 52.54704999333181, 7.192746314567571 52.54684514000103, 7.191591337773703 52.54684514000103, 7.191591337773703 52.54704999333181))",29901_4_8,4,8,140.000001 +"POLYGON ((7.191591337773703 52.54664028571409, 7.192746314567571 52.54664028571409, 7.192746314567571 52.54643543047102, 7.191591337773703 52.54643543047102, 7.191591337773703 52.54664028571409))",29901_4_10,4,10,112.5 +"POLYGON ((7.191591337773703 52.54541113991352, 7.192746314567571 52.54541113991352, 7.192746314567571 52.54520627893357, 7.191591337773703 52.54520627893357, 7.191591337773703 52.54541113991352))",29901_4_16,4,16,140.99999733333334 +"POLYGON ((7.191591337773703 52.54520627893357, 7.192746314567571 52.54520627893357, 7.192746314567571 52.54500141699747, 7.191591337773703 52.54500141699747, 7.191591337773703 52.54520627893357))",29901_4_17,4,17,149.66666666666666 +"POLYGON ((7.192746314567571 52.54786939709366, 7.193901291361438 52.54786939709366, 7.193901291361438 52.54766454758739, 7.192746314567571 52.54766454758739, 7.192746314567571 52.54786939709366))",29901_5_4,5,4,126.0 +"POLYGON ((7.192746314567571 52.547459697125, 7.193901291361438 52.547459697125, 7.193901291361438 52.54725484570647, 7.192746314567571 52.54725484570647, 7.192746314567571 52.547459697125))",29901_5_6,5,6,184.0 +"POLYGON ((7.192746314567571 52.54664028571409, 7.193901291361438 52.54664028571409, 7.193901291361438 52.54643543047102, 7.192746314567571 52.54643543047102, 7.192746314567571 52.54664028571409))",29901_5_10,5,10,127.677968 +"POLYGON ((7.192746314567571 52.54643543047102, 7.193901291361438 52.54643543047102, 7.193901291361438 52.54623057427181, 7.192746314567571 52.54623057427181, 7.192746314567571 52.54643543047102))",29901_5_11,5,11,134.915269 +"POLYGON ((7.192746314567571 52.54623057427181, 7.193901291361438 52.54623057427181, 7.193901291361438 52.54602571711646, 7.192746314567571 52.54602571711646, 7.192746314567571 52.54623057427181))",29901_5_12,5,12,124.577603 +"POLYGON ((7.192746314567571 52.54602571711646, 7.193901291361438 52.54602571711646, 7.193901291361438 52.54582085900496, 7.192746314567571 52.54582085900496, 7.192746314567571 52.54602571711646))",29901_5_13,5,13,129.37499975 +"POLYGON ((7.192746314567571 52.54541113991352, 7.193901291361438 52.54541113991352, 7.193901291361438 52.54520627893357, 7.192746314567571 52.54520627893357, 7.192746314567571 52.54541113991352))",29901_5_16,5,16,115.33333333333333 +"POLYGON ((7.192746314567571 52.54479655410522, 7.193901291361438 52.54479655410522, 7.193901291361438 52.54459169025682, 7.192746314567571 52.54459169025682, 7.192746314567571 52.54479655410522))",29901_5_19,5,19,144.666668 +"POLYGON ((7.192746314567571 52.54418195969153, 7.193901291361438 52.54418195969153, 7.193901291361438 52.54397709297464, 7.192746314567571 52.54397709297464, 7.192746314567571 52.54418195969153))",29901_5_22,5,22,126.23845825 +"POLYGON ((7.193901291361438 52.54664028571409, 7.195056268155307 52.54664028571409, 7.195056268155307 52.54643543047102, 7.193901291361438 52.54643543047102, 7.193901291361438 52.54664028571409))",29901_6_10,6,10,118.336287 +"POLYGON ((7.193901291361438 52.54643543047102, 7.195056268155307 52.54643543047102, 7.195056268155307 52.54623057427181, 7.193901291361438 52.54623057427181, 7.193901291361438 52.54643543047102))",29901_6_11,6,11,135.5 +"POLYGON ((7.193901291361438 52.54623057427181, 7.195056268155307 52.54623057427181, 7.195056268155307 52.54602571711646, 7.193901291361438 52.54602571711646, 7.193901291361438 52.54623057427181))",29901_6_12,6,12,119.66666666666667 +"POLYGON ((7.193901291361438 52.54602571711646, 7.195056268155307 52.54602571711646, 7.195056268155307 52.54582085900496, 7.193901291361438 52.54582085900496, 7.193901291361438 52.54602571711646))",29901_6_13,6,13,126.8942749 +"POLYGON ((7.193901291361438 52.54582085900496, 7.195056268155307 52.54582085900496, 7.195056268155307 52.5456159999373, 7.193901291361438 52.5456159999373, 7.193901291361438 52.54582085900496))",29901_6_14,6,14,138.252425 +"POLYGON ((7.193901291361438 52.54541113991352, 7.195056268155307 52.54541113991352, 7.195056268155307 52.54520627893357, 7.193901291361438 52.54520627893357, 7.193901291361438 52.54541113991352))",29901_6_16,6,16,152.5 +"POLYGON ((7.193901291361438 52.54500141699747, 7.195056268155307 52.54500141699747, 7.195056268155307 52.54479655410522, 7.193901291361438 52.54479655410522, 7.193901291361438 52.54500141699747))",29901_6_18,6,18,117.25000225 +"POLYGON ((7.186971430598231 52.54097227127348, 7.188126407392099 52.54097227127348, 7.188126407392099 52.54076738957649, 7.186971430598231 52.54076738957649, 7.186971430598231 52.54097227127348))",29902_0_11,0,11,160.5 +"POLYGON ((7.186971430598231 52.53892341127471, 7.188126407392099 52.53892341127471, 7.188126407392099 52.53871852001571, 7.186971430598231 52.53871852001571, 7.186971430598231 52.53892341127471))",29902_0_21,0,21,137.499999 +"POLYGON ((7.188126407392099 52.54138203179889, 7.189281384185967 52.54138203179889, 7.189281384185967 52.54117715201427, 7.188126407392099 52.54117715201427, 7.188126407392099 52.54138203179889))",29902_1_9,1,9,138.0 +"POLYGON ((7.189281384185967 52.54056250692331, 7.190436360979835 52.54056250692331, 7.190436360979835 52.54035762331393, 7.189281384185967 52.54035762331393, 7.189281384185967 52.54056250692331))",29902_2_13,2,13,181.0 +"POLYGON ((7.190436360979835 52.5419966654156, 7.191591337773703 52.5419966654156, 7.191591337773703 52.54179178849954, 7.190436360979835 52.54179178849954, 7.190436360979835 52.5419966654156))",29902_3_6,3,6,186.0 +"POLYGON ((7.190436360979835 52.54076738957649, 7.191591337773703 52.54076738957649, 7.191591337773703 52.54056250692331, 7.190436360979835 52.54056250692331, 7.190436360979835 52.54076738957649))",29902_3_12,3,12,133.5 +"POLYGON ((7.190436360979835 52.53994785322659, 7.191591337773703 52.53994785322659, 7.191591337773703 52.53974296674861, 7.190436360979835 52.53974296674861, 7.190436360979835 52.53994785322659))",29902_3_16,3,16,138.0 +"POLYGON ((7.191591337773703 52.54240641637918, 7.192746314567571 52.54240641637918, 7.192746314567571 52.54220154137548, 7.191591337773703 52.54220154137548, 7.191591337773703 52.54240641637918))",29902_4_4,4,4,190.0 +"POLYGON ((7.191591337773703 52.5419966654156, 7.192746314567571 52.5419966654156, 7.192746314567571 52.54179178849954, 7.191591337773703 52.54179178849954, 7.191591337773703 52.5419966654156))",29902_4_6,4,6,153.66666666666666 +"POLYGON ((7.191591337773703 52.54158691062732, 7.192746314567571 52.54158691062732, 7.192746314567571 52.54138203179889, 7.191591337773703 52.54138203179889, 7.191591337773703 52.54158691062732))",29902_4_8,4,8,140.000002 +"POLYGON ((7.191591337773703 52.54117715201427, 7.192746314567571 52.54117715201427, 7.192746314567571 52.54097227127348, 7.191591337773703 52.54097227127348, 7.191591337773703 52.54117715201427))",29902_4_10,4,10,111.0 +"POLYGON ((7.191591337773703 52.53994785322659, 7.192746314567571 52.53994785322659, 7.192746314567571 52.53974296674861, 7.191591337773703 52.53974296674861, 7.191591337773703 52.53994785322659))",29902_4_16,4,16,139.000002 +"POLYGON ((7.191591337773703 52.53974296674861, 7.192746314567571 52.53974296674861, 7.192746314567571 52.53953807931445, 7.191591337773703 52.53953807931445, 7.191591337773703 52.53974296674861))",29902_4_17,4,17,152.0 +"POLYGON ((7.192746314567571 52.54240641637918, 7.193901291361438 52.54240641637918, 7.193901291361438 52.54220154137548, 7.192746314567571 52.54220154137548, 7.192746314567571 52.54240641637918))",29902_5_4,5,4,128.0 +"POLYGON ((7.192746314567571 52.5419966654156, 7.193901291361438 52.5419966654156, 7.193901291361438 52.54179178849954, 7.192746314567571 52.54179178849954, 7.192746314567571 52.5419966654156))",29902_5_6,5,6,177.0 +"POLYGON ((7.192746314567571 52.54117715201427, 7.193901291361438 52.54117715201427, 7.193901291361438 52.54097227127348, 7.192746314567571 52.54097227127348, 7.192746314567571 52.54117715201427))",29902_5_10,5,10,130.7597485 +"POLYGON ((7.192746314567571 52.54097227127348, 7.193901291361438 52.54097227127348, 7.193901291361438 52.54076738957649, 7.192746314567571 52.54076738957649, 7.192746314567571 52.54097227127348))",29902_5_11,5,11,134.5000015 +"POLYGON ((7.192746314567571 52.54076738957649, 7.193901291361438 52.54076738957649, 7.193901291361438 52.54056250692331, 7.192746314567571 52.54056250692331, 7.192746314567571 52.54076738957649))",29902_5_12,5,12,122.00000299999999 +"POLYGON ((7.192746314567571 52.54056250692331, 7.193901291361438 52.54056250692331, 7.193901291361438 52.54035762331393, 7.192746314567571 52.54035762331393, 7.192746314567571 52.54056250692331))",29902_5_13,5,13,119.66666733333334 +"POLYGON ((7.192746314567571 52.53994785322659, 7.193901291361438 52.53994785322659, 7.193901291361438 52.53974296674861, 7.192746314567571 52.53974296674861, 7.192746314567571 52.53994785322659))",29902_5_16,5,16,136.0 +"POLYGON ((7.192746314567571 52.53933319092407, 7.193901291361438 52.53933319092407, 7.193901291361438 52.53912830157748, 7.192746314567571 52.53912830157748, 7.192746314567571 52.53933319092407))",29902_5_19,5,19,143.8458645 +"POLYGON ((7.192746314567571 52.53871852001571, 7.193901291361438 52.53871852001571, 7.193901291361438 52.53851362780051, 7.192746314567571 52.53851362780051, 7.192746314567571 52.53871852001571))",29902_5_22,5,22,126.57131675 +"POLYGON ((7.193901291361438 52.54117715201427, 7.195056268155307 52.54117715201427, 7.195056268155307 52.54097227127348, 7.193901291361438 52.54097227127348, 7.193901291361438 52.54117715201427))",29902_6_10,6,10,119.9999995 +"POLYGON ((7.193901291361438 52.54097227127348, 7.195056268155307 52.54097227127348, 7.195056268155307 52.54076738957649, 7.193901291361438 52.54076738957649, 7.193901291361438 52.54097227127348))",29902_6_11,6,11,127.33333333333333 +"POLYGON ((7.193901291361438 52.54076738957649, 7.195056268155307 52.54076738957649, 7.195056268155307 52.54056250692331, 7.193901291361438 52.54056250692331, 7.193901291361438 52.54076738957649))",29902_6_12,6,12,114.33333333333333 +"POLYGON ((7.193901291361438 52.54056250692331, 7.195056268155307 52.54056250692331, 7.195056268155307 52.54035762331393, 7.193901291361438 52.54035762331393, 7.193901291361438 52.54056250692331))",29902_6_13,6,13,126.78429344444446 +"POLYGON ((7.193901291361438 52.54035762331393, 7.195056268155307 52.54035762331393, 7.195056268155307 52.54015273874835, 7.193901291361438 52.54015273874835, 7.193901291361438 52.54035762331393))",29902_6_14,6,14,133.41277925 +"POLYGON ((7.193901291361438 52.53994785322659, 7.195056268155307 52.53994785322659, 7.195056268155307 52.53974296674861, 7.193901291361438 52.53974296674861, 7.193901291361438 52.53994785322659))",29902_6_16,6,16,172.0 +"POLYGON ((7.193901291361438 52.53953807931445, 7.195056268155307 52.53953807931445, 7.195056268155307 52.53933319092407, 7.193901291361438 52.53933319092407, 7.193901291361438 52.53953807931445))",29902_6_18,6,18,116.84446733333334 +"POLYGON ((7.186971430598231 52.27773425325248, 7.188126407392099 52.27773425325248, 7.188126407392099 52.2775281451767, 7.186971430598231 52.2775281451767, 7.186971430598231 52.27773425325248))",29950_0_12,0,12,164.33333333333334 +"POLYGON ((7.186971430598231 52.27567312936101, 7.188126407392099 52.27567312936101, 7.188126407392099 52.27546701169994, 7.186971430598231 52.27546701169994, 7.186971430598231 52.27567312936101))",29950_0_22,0,22,92.37077033333333 +"POLYGON ((7.188126407392099 52.27835257172875, 7.189281384185967 52.27835257172875, 7.189281384185967 52.27814646652851, 7.188126407392099 52.27814646652851, 7.188126407392099 52.27835257172875))",29950_1_9,1,9,139.66666666666666 +"POLYGON ((7.189281384185967 52.2775281451767, 7.190436360979835 52.2775281451767, 7.190436360979835 52.27732203614239, 7.189281384185967 52.27732203614239, 7.189281384185967 52.2775281451767))",29950_2_13,2,13,179.0 +"POLYGON ((7.190436360979835 52.27897088157841, 7.191591337773703 52.27897088157841, 7.191591337773703 52.2787647792537, 7.190436360979835 52.2787647792537, 7.190436360979835 52.27897088157841))",29950_3_6,3,6,167.66666666666666 +"POLYGON ((7.190436360979835 52.27773425325248, 7.191591337773703 52.27773425325248, 7.191591337773703 52.2775281451767, 7.190436360979835 52.2775281451767, 7.190436360979835 52.27773425325248))",29950_3_12,3,12,129.66666666666666 +"POLYGON ((7.190436360979835 52.2769098151982, 7.191591337773703 52.2769098151982, 7.191591337773703 52.27670370328833, 7.190436360979835 52.27670370328833, 7.190436360979835 52.2769098151982))",29950_3_16,3,16,130.66666666666666 +"POLYGON ((7.191591337773703 52.2793830833523, 7.192746314567571 52.2793830833523, 7.192746314567571 52.27917698294461, 7.191591337773703 52.27917698294461, 7.191591337773703 52.2793830833523))",29950_4_4,4,4,146.66666666666666 +"POLYGON ((7.191591337773703 52.27917698294461, 7.192746314567571 52.27917698294461, 7.192746314567571 52.27897088157841, 7.191591337773703 52.27897088157841, 7.191591337773703 52.27917698294461))",29950_4_5,4,5,112.60943777777779 +"POLYGON ((7.191591337773703 52.27814646652851, 7.192746314567571 52.27814646652851, 7.192746314567571 52.27794036036975, 7.191591337773703 52.27794036036975, 7.191591337773703 52.27814646652851))",29950_4_10,4,10,128.25 +"POLYGON ((7.192746314567571 52.2793830833523, 7.193901291361438 52.2793830833523, 7.193901291361438 52.27917698294461, 7.192746314567571 52.27917698294461, 7.192746314567571 52.2793830833523))",29950_5_4,5,4,128.33333333333334 +"POLYGON ((7.192746314567571 52.27897088157841, 7.193901291361438 52.27897088157841, 7.193901291361438 52.2787647792537, 7.192746314567571 52.2787647792537, 7.192746314567571 52.27897088157841))",29950_5_6,5,6,211.5 +"POLYGON ((7.192746314567571 52.27835257172875, 7.193901291361438 52.27835257172875, 7.193901291361438 52.27814646652851, 7.192746314567571 52.27814646652851, 7.192746314567571 52.27835257172875))",29950_5_9,5,9,133.2500015 +"POLYGON ((7.192746314567571 52.27794036036975, 7.193901291361438 52.27794036036975, 7.193901291361438 52.27773425325248, 7.192746314567571 52.27773425325248, 7.192746314567571 52.27794036036975))",29950_5_11,5,11,136.88435275 +"POLYGON ((7.192746314567571 52.27629147659299, 7.193901291361438 52.27629147659299, 7.193901291361438 52.27608536180754, 7.192746314567571 52.27608536180754, 7.192746314567571 52.27629147659299))",29950_5_19,5,19,143.74999825 +"POLYGON ((7.192746314567571 52.27546701169994, 7.193901291361438 52.27546701169994, 7.193901291361438 52.27526089308034, 7.192746314567571 52.27526089308034, 7.192746314567571 52.27546701169994))",29950_5_23,5,23,129.87006975 +"POLYGON ((7.193901291361438 52.27814646652851, 7.195056268155307 52.27814646652851, 7.195056268155307 52.27794036036975, 7.193901291361438 52.27794036036975, 7.193901291361438 52.27814646652851))",29950_6_10,6,10,147.99999975 +"POLYGON ((7.193901291361438 52.27773425325248, 7.195056268155307 52.27773425325248, 7.195056268155307 52.2775281451767, 7.193901291361438 52.2775281451767, 7.193901291361438 52.27773425325248))",29950_6_12,6,12,118.63636363636364 +"POLYGON ((7.193901291361438 52.2775281451767, 7.195056268155307 52.2775281451767, 7.195056268155307 52.27732203614239, 7.193901291361438 52.27732203614239, 7.193901291361438 52.2775281451767))",29950_6_13,6,13,125.17153325 +"POLYGON ((7.193901291361438 52.27732203614239, 7.195056268155307 52.27732203614239, 7.195056268155307 52.27711592614956, 7.193901291361438 52.27711592614956, 7.193901291361438 52.27732203614239))",29950_6_14,6,14,130.0811145 +"POLYGON ((7.193901291361438 52.27649759041993, 7.195056268155307 52.27649759041993, 7.195056268155307 52.27629147659299, 7.193901291361438 52.27629147659299, 7.193901291361438 52.27649759041993))",29950_6_18,6,18,118.25000125 +"POLYGON ((7.186971430598231 52.27017633036149, 7.188126407392099 52.27017633036149, 7.188126407392099 52.26997018713882, 7.186971430598231 52.26997018713882, 7.186971430598231 52.27017633036149))",29951_0_22,0,22,116.649925 +"POLYGON ((7.188126407392099 52.2728561050258, 7.189281384185967 52.2728561050258, 7.189281384185967 52.27264997426458, 7.188126407392099 52.27264997426458, 7.188126407392099 52.2728561050258))",29951_1_9,1,9,142.0 +"POLYGON ((7.190436360979835 52.27347449155814, 7.191591337773703 52.27347449155814, 7.191591337773703 52.27326836367258, 7.190436360979835 52.27326836367258, 7.190436360979835 52.27347449155814))",29951_3_6,3,6,144.0 +"POLYGON ((7.190436360979835 52.27223770986642, 7.191591337773703 52.27223770986642, 7.191591337773703 52.27203157622951, 7.190436360979835 52.27203157622951, 7.190436360979835 52.27223770986642))",29951_3_12,3,12,130.0 +"POLYGON ((7.190436360979835 52.27141316956734, 7.191591337773703 52.27141316956734, 7.191591337773703 52.27120703209614, 7.190436360979835 52.27120703209614, 7.190436360979835 52.27141316956734))",29951_3_16,3,16,131.0 +"POLYGON ((7.191591337773703 52.27388674445358, 7.192746314567571 52.27388674445358, 7.192746314567571 52.27368061848514, 7.191591337773703 52.27368061848514, 7.191591337773703 52.27388674445358))",29951_4_4,4,4,129.0 +"POLYGON ((7.191591337773703 52.27368061848514, 7.192746314567571 52.27368061848514, 7.192746314567571 52.27347449155814, 7.191591337773703 52.27347449155814, 7.191591337773703 52.27368061848514))",29951_4_5,4,5,125.000002 +"POLYGON ((7.192746314567571 52.27388674445358, 7.193901291361438 52.27388674445358, 7.193901291361438 52.27368061848514, 7.192746314567571 52.27368061848514, 7.192746314567571 52.27388674445358))",29951_5_4,5,4,129.0 +"POLYGON ((7.192746314567571 52.2728561050258, 7.193901291361438 52.2728561050258, 7.193901291361438 52.27264997426458, 7.192746314567571 52.27264997426458, 7.192746314567571 52.2728561050258))",29951_5_9,5,9,133.41574 +"POLYGON ((7.192746314567571 52.27244384254478, 7.193901291361438 52.27244384254478, 7.193901291361438 52.27223770986642, 7.192746314567571 52.27223770986642, 7.192746314567571 52.27244384254478))",29951_5_11,5,11,134.999996 +"POLYGON ((7.193901291361438 52.27223770986642, 7.195056268155307 52.27223770986642, 7.195056268155307 52.27203157622951, 7.193901291361438 52.27203157622951, 7.193901291361438 52.27223770986642))",29951_6_12,6,12,131.0 +"POLYGON ((7.193901291361438 52.27203157622951, 7.195056268155307 52.27203157622951, 7.195056268155307 52.27182544163402, 7.193901291361438 52.27182544163402, 7.193901291361438 52.27203157622951))",29951_6_13,6,13,138.383292 +"POLYGON ((7.193901291361438 52.27182544163402, 7.195056268155307 52.27182544163402, 7.195056268155307 52.27161930607997, 7.193901291361438 52.27161930607997, 7.193901291361438 52.27182544163402))",29951_6_14,6,14,121.000004 +"POLYGON ((7.193901291361438 52.27100089366637, 7.195056268155307 52.27100089366637, 7.195056268155307 52.27079475427801, 7.193901291361438 52.27079475427801, 7.193901291361438 52.27100089366637))",29951_6_18,6,18,119.0 +"POLYGON ((7.186971430598231 52.19521451417156, 7.188126407392099 52.19521451417156, 7.188126407392099 52.19500802254554, 7.186971430598231 52.19500802254554, 7.186971430598231 52.19521451417156))",29965_0_12,0,12,103.66666666666667 +"POLYGON ((7.186971430598231 52.1931495547457, 7.188126407392099 52.1931495547457, 7.188126407392099 52.19294305352728, 7.186971430598231 52.19294305352728, 7.186971430598231 52.1931495547457))",29965_0_22,0,22,99.5999998 +"POLYGON ((7.188126407392099 52.19583398329424, 7.189281384185967 52.19583398329424, 7.189281384185967 52.1956274945459, 7.188126407392099 52.1956274945459, 7.188126407392099 52.19583398329424))",29965_1_9,1,9,95.75 +"POLYGON ((7.189281384185967 52.19500802254554, 7.190436360979835 52.19500802254554, 7.190436360979835 52.19480152996029, 7.189281384185967 52.19480152996029, 7.189281384185967 52.19500802254554))",29965_2_13,2,13,111.0 +"POLYGON ((7.190436360979835 52.19645344378389, 7.191591337773703 52.19645344378389, 7.191591337773703 52.19624695791322, 7.190436360979835 52.19624695791322, 7.190436360979835 52.19645344378389))",29965_3_6,3,6,114.0 +"POLYGON ((7.190436360979835 52.19521451417156, 7.191591337773703 52.19521451417156, 7.191591337773703 52.19500802254554, 7.190436360979835 52.19500802254554, 7.190436360979835 52.19521451417156))",29965_3_12,3,12,101.5 +"POLYGON ((7.190436360979835 52.19438854191208, 7.191591337773703 52.19438854191208, 7.191591337773703 52.19418204644913, 7.190436360979835 52.19418204644913, 7.190436360979835 52.19438854191208))",29965_3_16,3,16,103.5 +"POLYGON ((7.191591337773703 52.19686641264756, 7.192746314567571 52.19686641264756, 7.192746314567571 52.19665992869533, 7.191591337773703 52.19665992869533, 7.191591337773703 52.19686641264756))",29965_4_4,4,4,124.0 +"POLYGON ((7.191591337773703 52.19665992869533, 7.192746314567571 52.19665992869533, 7.192746314567571 52.19645344378389, 7.191591337773703 52.19645344378389, 7.191591337773703 52.19665992869533))",29965_4_5,4,5,108.66666666666667 +"POLYGON ((7.192746314567571 52.19686641264756, 7.193901291361438 52.19686641264756, 7.193901291361438 52.19665992869533, 7.192746314567571 52.19665992869533, 7.192746314567571 52.19686641264756))",29965_5_4,5,4,113.0 +"POLYGON ((7.192746314567571 52.19645344378389, 7.193901291361438 52.19645344378389, 7.193901291361438 52.19624695791322, 7.192746314567571 52.19624695791322, 7.192746314567571 52.19645344378389))",29965_5_6,5,6,135.33333333333334 +"POLYGON ((7.192746314567571 52.19583398329424, 7.193901291361438 52.19583398329424, 7.193901291361438 52.1956274945459, 7.192746314567571 52.1956274945459, 7.192746314567571 52.19583398329424))",29965_5_9,5,9,85.8002494 +"POLYGON ((7.192746314567571 52.19542100483834, 7.193901291361438 52.19542100483834, 7.193901291361438 52.19521451417156, 7.192746314567571 52.19521451417156, 7.192746314567571 52.19542100483834))",29965_5_11,5,11,105.507281 +"POLYGON ((7.192746314567571 52.19376905264549, 7.193901291361438 52.19376905264549, 7.193901291361438 52.1935625543048, 7.192746314567571 52.1935625543048, 7.192746314567571 52.19376905264549))",29965_5_19,5,19,97.99999933333334 +"POLYGON ((7.192746314567571 52.1935625543048, 7.193901291361438 52.1935625543048, 7.193901291361438 52.19335605500488, 7.192746314567571 52.19335605500488, 7.192746314567571 52.1935625543048))",29965_5_20,5,20,97.0000015 +"POLYGON ((7.192746314567571 52.19294305352728, 7.193901291361438 52.19294305352728, 7.193901291361438 52.19273655134961, 7.192746314567571 52.19273655134961, 7.192746314567571 52.19294305352728))",29965_5_23,5,23,90.10897059999999 +"POLYGON ((7.193901291361438 52.19583398329424, 7.195056268155307 52.19583398329424, 7.195056268155307 52.1956274945459, 7.193901291361438 52.1956274945459, 7.193901291361438 52.19583398329424))",29965_6_9,6,9,114.84057125 +"POLYGON ((7.193901291361438 52.19521451417156, 7.195056268155307 52.19521451417156, 7.195056268155307 52.19500802254554, 7.193901291361438 52.19500802254554, 7.193901291361438 52.19521451417156))",29965_6_12,6,12,100.41666666666667 +"POLYGON ((7.193901291361438 52.19500802254554, 7.195056268155307 52.19500802254554, 7.195056268155307 52.19480152996029, 7.193901291361438 52.19480152996029, 7.193901291361438 52.19500802254554))",29965_6_13,6,13,97.882967 +"POLYGON ((7.193901291361438 52.19480152996029, 7.195056268155307 52.19480152996029, 7.195056268155307 52.19459503641581, 7.193901291361438 52.19459503641581, 7.193901291361438 52.19480152996029))",29965_6_14,6,14,97.58619575 +"POLYGON ((7.191591337773703 50.88229827696593, 7.192746314567571 50.88229827696593, 7.192746314567571 50.88208574107914, 7.191591337773703 50.88208574107914, 7.191591337773703 50.88229827696593))",30200_4_12,4,12,123.0 +"POLYGON ((7.191591337773703 50.87663032152958, 7.192746314567571 50.87663032152958, 7.192746314567571 50.87641775978893, 7.191591337773703 50.87641775978893, 7.191591337773703 50.87663032152958))",30201_4_12,4,12,123.5 +"POLYGON ((7.191591337773703 50.87096167664339, 7.192746314567571 50.87096167664339, 7.192746314567571 50.87074908904782, 7.191591337773703 50.87074908904782, 7.191591337773703 50.87096167664339))",30202_4_12,4,12,130.0 +"POLYGON ((7.198264537027162 53.63017672110742, 7.199419513821031 53.63017672110742, 7.199419513821031 53.62997695949791, 7.198264537027162 53.62997695949791, 7.198264537027162 53.63017672110742))",30375_2_14,2,14,37.0 +"POLYGON ((7.201729467408766 53.63177477993823, 7.202884444202633 53.63177477993823, 7.202884444202633 53.63157502589432, 7.201729467408766 53.63157502589432, 7.201729467408766 53.63177477993823))",30375_5_6,5,6,25.0 +"POLYGON ((7.202884444202633 53.63037648177121, 7.204039420996502 53.63037648177121, 7.204039420996502 53.63017672110742, 7.202884444202633 53.63017672110742, 7.202884444202633 53.63037648177121))",30375_6_13,6,13,14.0 +"POLYGON ((7.195954583439427 53.62564855906501, 7.197109560233295 53.62564855906501, 7.197109560233295 53.62544877601898, 7.195954583439427 53.62544877601898, 7.195954583439427 53.62564855906501))",30376_0_10,0,10,38.5 +"POLYGON ((7.198264537027162 53.62484942120638, 7.199419513821031 53.62484942120638, 7.199419513821031 53.62464963437732, 7.198264537027162 53.62464963437732, 7.198264537027162 53.62484942120638))",30376_2_14,2,14,38.75 +"POLYGON ((7.201729467408766 53.62644768179162, 7.202884444202633 53.62644768179162, 7.202884444202633 53.62624790252858, 7.201729467408766 53.62624790252858, 7.201729467408766 53.62644768179162))",30376_5_6,5,6,37.4 +"POLYGON ((7.202884444202633 53.62504920708967, 7.204039420996502 53.62504920708967, 7.204039420996502 53.62484942120638, 7.202884444202633 53.62484942120638, 7.202884444202633 53.62504920708967))",30376_6_13,6,13,27.142857142857142 +"POLYGON ((7.195954583439427 53.61499214337697, 7.197109560233295 53.61499214337697, 7.197109560233295 53.61479230988792, 7.195954583439427 53.61479230988792, 7.195954583439427 53.61499214337697))",30378_0_10,0,10,85.75 +"POLYGON ((7.198264537027162 53.61419280374557, 7.199419513821031 53.61419280374557, 7.199419513821031 53.61399296647306, 7.198264537027162 53.61399296647306, 7.198264537027162 53.61419280374557))",30378_2_14,2,14,81.2 +"POLYGON ((7.199419513821031 53.6153918075175, 7.200574490614899 53.6153918075175, 7.200574490614899 53.61519197592015, 7.199419513821031 53.61519197592015, 7.199419513821031 53.6153918075175))",30378_3_8,3,8,79.0 +"POLYGON ((7.200574490614899 53.61599129663437, 7.201729467408766 53.61599129663437, 7.201729467408766 53.61579146787459, 7.200574490614899 53.61579146787459, 7.200574490614899 53.61599129663437))",30378_4_5,4,5,93.0 +"POLYGON ((7.200574490614899 53.61519197592015, 7.201729467408766 53.61519197592015, 7.201729467408766 53.61499214337697, 7.200574490614899 53.61499214337697, 7.200574490614899 53.61519197592015))",30378_4_9,4,9,68.218132 +"POLYGON ((7.201729467408766 53.61599129663437, 7.202884444202633 53.61599129663437, 7.202884444202633 53.61579146787459, 7.201729467408766 53.61579146787459, 7.201729467408766 53.61599129663437))",30378_5_5,5,5,85.75 +"POLYGON ((7.202884444202633 53.61439264007222, 7.204039420996502 53.61439264007222, 7.204039420996502 53.61419280374557, 7.202884444202633 53.61419280374557, 7.202884444202633 53.61439264007222))",30378_6_13,6,13,92.8 +"POLYGON ((7.201729467408766 53.59960219697698, 7.202884444202633 53.59960219697698, 7.202884444202633 53.59940229065054, 7.201729467408766 53.59940229065054, 7.201729467408766 53.59960219697698))",30381_5_7,5,7,37.888888888888886 +"POLYGON ((7.201729467408766 53.59427103785051, 7.202884444202633 53.59427103785051, 7.202884444202633 53.59407110629618, 7.201729467408766 53.59407110629618, 7.201729467408766 53.59427103785051))",30382_5_7,5,7,32.125 +"POLYGON ((7.199419513821031 53.53558387662618, 7.200574490614899 53.53558387662618, 7.200574490614899 53.5353836674693, 7.199419513821031 53.5353836674693, 7.199419513821031 53.53558387662618))",30393_3_7,3,7,116.0 +"POLYGON ((7.200574490614899 53.53518345736577, 7.201729467408766 53.53518345736577, 7.201729467408766 53.53498324631555, 7.200574490614899 53.53498324631555, 7.200574490614899 53.53518345736577))",30393_4_9,4,9,78.78039319999999 +"POLYGON ((7.201729467408766 53.53558387662618, 7.202884444202633 53.53558387662618, 7.202884444202633 53.5353836674693, 7.201729467408766 53.5353836674693, 7.201729467408766 53.53558387662618))",30393_5_7,5,7,104.0 +"POLYGON ((7.199419513821031 53.53024464179843, 7.200574490614899 53.53024464179843, 7.200574490614899 53.53004440739628, 7.199419513821031 53.53004440739628, 7.199419513821031 53.53024464179843))",30394_3_7,3,7,109.5 +"POLYGON ((7.200574490614899 53.52984417204741, 7.201729467408766 53.52984417204741, 7.201729467408766 53.52964393575181, 7.200574490614899 53.52964393575181, 7.200574490614899 53.52984417204741))",30394_4_9,4,9,75.09612666666666 +"POLYGON ((7.201729467408766 53.53024464179843, 7.202884444202633 53.53024464179843, 7.202884444202633 53.53004440739628, 7.201729467408766 53.53004440739628, 7.201729467408766 53.53024464179843))",30394_5_7,5,7,97.8 +"POLYGON ((7.199419513821031 53.51422289780575, 7.200574490614899 53.51422289780575, 7.200574490614899 53.51402258765911, 7.199419513821031 53.51402258765911, 7.199419513821031 53.51422289780575))",30397_3_7,3,7,74.0 +"POLYGON ((7.200574490614899 53.51382227656558, 7.201729467408766 53.51382227656558, 7.201729467408766 53.51362196452517, 7.200574490614899 53.51362196452517, 7.200574490614899 53.51382227656558))",30397_4_9,4,9,57.6571874 +"POLYGON ((7.201729467408766 53.51422289780575, 7.202884444202633 53.51422289780575, 7.202884444202633 53.51402258765911, 7.201729467408766 53.51402258765911, 7.201729467408766 53.51422289780575))",30397_5_7,5,7,72.25 +"POLYGON ((7.199419513821031 53.50888096984345, 7.200574490614899 53.50888096984345, 7.200574490614899 53.50868063444576, 7.199419513821031 53.50868063444576, 7.199419513821031 53.50888096984345))",30398_3_7,3,7,107.66666666666667 +"POLYGON ((7.200574490614899 53.50848029810113, 7.201729467408766 53.50848029810113, 7.201729467408766 53.50827996080956, 7.200574490614899 53.50827996080956, 7.200574490614899 53.50848029810113))",30398_4_9,4,9,81.9404812 +"POLYGON ((7.201729467408766 53.50888096984345, 7.202884444202633 53.50888096984345, 7.202884444202633 53.50868063444576, 7.201729467408766 53.50868063444576, 7.201729467408766 53.50888096984345))",30398_5_7,5,7,108.66666666666667 +"POLYGON ((7.199419513821031 53.50353836850135, 7.200574490614899 53.50353836850135, 7.200574490614899 53.50333800785116, 7.199419513821031 53.50333800785116, 7.199419513821031 53.50353836850135))",30399_3_7,3,7,100.5 +"POLYGON ((7.200574490614899 53.503137646254, 7.201729467408766 53.503137646254, 7.201729467408766 53.50293728370982, 7.200574490614899 53.50293728370982, 7.200574490614899 53.503137646254))",30399_4_9,4,9,75.80419233333333 +"POLYGON ((7.201729467408766 53.50353836850135, 7.202884444202633 53.50353836850135, 7.202884444202633 53.50333800785116, 7.201729467408766 53.50333800785116, 7.201729467408766 53.50353836850135))",30399_5_7,5,7,89.6 +"POLYGON ((7.199419513821031 53.49819509374102, 7.200574490614899 53.49819509374102, 7.200574490614899 53.49799470783693, 7.199419513821031 53.49799470783693, 7.199419513821031 53.49819509374102))",30400_3_7,3,7,89.25 +"POLYGON ((7.200574490614899 53.49779432098577, 7.201729467408766 53.49779432098577, 7.201729467408766 53.49759393318755, 7.200574490614899 53.49759393318755, 7.200574490614899 53.49779432098577))",30400_4_9,4,9,77.77064659999999 +"POLYGON ((7.201729467408766 53.49819509374102, 7.202884444202633 53.49819509374102, 7.202884444202633 53.49799470783693, 7.201729467408766 53.49799470783693, 7.201729467408766 53.49819509374102))",30400_5_7,5,7,96.25 +"POLYGON ((7.199419513821031 53.48216122856681, 7.200574490614899 53.48216122856681, 7.200574490614899 53.48196076689227, 7.199419513821031 53.48196076689227, 7.199419513821031 53.48216122856681))",30403_3_7,3,7,92.5 +"POLYGON ((7.200574490614899 53.48176030427052, 7.201729467408766 53.48176030427052, 7.201729467408766 53.48155984070156, 7.200574490614899 53.48155984070156, 7.200574490614899 53.48176030427052))",30403_4_9,4,9,65.86266783333333 +"POLYGON ((7.201729467408766 53.48216122856681, 7.202884444202633 53.48216122856681, 7.202884444202633 53.48196076689227, 7.201729467408766 53.48196076689227, 7.201729467408766 53.48216122856681))",30403_5_7,5,7,79.0 +"POLYGON ((7.201729467408766 53.36895039904608, 7.202884444202633 53.36895039904608, 7.202884444202633 53.36874940282392, 7.201729467408766 53.36874940282392, 7.201729467408766 53.36895039904608))",30424_5_11,5,11,13.6742175 +"POLYGON ((7.201729467408766 53.36874940282392, 7.202884444202633 53.36874940282392, 7.202884444202633 53.36854840565343, 7.201729467408766 53.36854840565343, 7.201729467408766 53.36874940282392))",30424_5_12,5,12,27.132911250000003 +"POLYGON ((7.201729467408766 53.36359017523769, 7.202884444202633 53.36359017523769, 7.202884444202633 53.3633891537256, 7.201729467408766 53.3633891537256, 7.201729467408766 53.36359017523769))",30425_5_11,5,11,36.29397629411765 +"POLYGON ((7.201729467408766 53.3633891537256, 7.202884444202633 53.3633891537256, 7.202884444202633 53.36318813126513, 7.201729467408766 53.36318813126513, 7.201729467408766 53.3633891537256))",30425_5_12,5,12,43.05012428571428 +"POLYGON ((7.201729467408766 53.3582292770129, 7.202884444202633 53.3582292770129, 7.202884444202633 53.35802823020947, 7.201729467408766 53.35802823020947, 7.201729467408766 53.3582292770129))",30426_5_11,5,11,51.999999 +"POLYGON ((7.197109560233295 53.17616290695764, 7.198264537027162 53.17616290695764, 7.198264537027162 53.17596100225781, 7.197109560233295 53.17596100225781, 7.197109560233295 53.17616290695764))",30460_1_8,1,8,118.66666666666667 +"POLYGON ((7.202884444202633 52.82917653541593, 7.204039420996502 52.82917653541593, 7.204039420996502 52.82897300136948, 7.202884444202633 52.82897300136948, 7.202884444202633 52.82917653541593))",30524_6_13,6,13,138.999996 +"POLYGON ((7.202884444202633 52.82815885564817, 7.204039420996502 52.82815885564817, 7.204039420996502 52.82795531683394, 7.202884444202633 52.82795531683394, 7.202884444202633 52.82815885564817))",30524_6_18,6,18,116.000002 +"POLYGON ((7.195954583439427 52.82415575060166, 7.197109560233295 52.82415575060166, 7.197109560233295 52.82395219303372, 7.195954583439427 52.82395219303372, 7.195954583439427 52.82415575060166))",30525_0_11,0,11,146.66666666666666 +"POLYGON ((7.195954583439427 52.82212013201013, 7.197109560233295 52.82212013201013, 7.197109560233295 52.82191656490612, 7.195954583439427 52.82191656490612, 7.195954583439427 52.82212013201013))",30525_0_21,0,21,133.00514525 +"POLYGON ((7.197109560233295 52.82456286287675, 7.198264537027162 52.82456286287675, 7.198264537027162 52.82435930721601, 7.197109560233295 52.82435930721601, 7.197109560233295 52.82456286287675))",30525_1_9,1,9,83.16666666666667 +"POLYGON ((7.198264537027162 52.82374863451219, 7.199419513821031 52.82374863451219, 7.199419513821031 52.82354507503705, 7.198264537027162 52.82354507503705, 7.198264537027162 52.82374863451219))",30525_2_13,2,13,107.0 +"POLYGON ((7.199419513821031 52.82517352413745, 7.200574490614899 52.82517352413745, 7.200574490614899 52.82496997133747, 7.199419513821031 52.82496997133747, 7.199419513821031 52.82517352413745))",30525_3_6,3,6,119.66666666666667 +"POLYGON ((7.199419513821031 52.82374863451219, 7.200574490614899 52.82374863451219, 7.200574490614899 52.82354507503705, 7.199419513821031 52.82354507503705, 7.199419513821031 52.82374863451219))",30525_3_13,3,13,80.66666666666667 +"POLYGON ((7.200574490614899 52.82558062687663, 7.201729467408766 52.82558062687663, 7.201729467408766 52.82537707598384, 7.200574490614899 52.82537707598384, 7.200574490614899 52.82558062687663))",30525_4_4,4,4,88.6 +"POLYGON ((7.200574490614899 52.82517352413745, 7.201729467408766 52.82517352413745, 7.201729467408766 52.82496997133747, 7.200574490614899 52.82496997133747, 7.200574490614899 52.82517352413745))",30525_4_6,4,6,147.66898133333333 +"POLYGON ((7.200574490614899 52.8247664175839, 7.201729467408766 52.8247664175839, 7.201729467408766 52.82456286287675, 7.200574490614899 52.82456286287675, 7.200574490614899 52.8247664175839))",30525_4_8,4,8,121.83844875 +"POLYGON ((7.200574490614899 52.82313795322597, 7.201729467408766 52.82313795322597, 7.201729467408766 52.82293439089003, 7.200574490614899 52.82293439089003, 7.200574490614899 52.82313795322597))",30525_4_16,4,16,103.718842 +"POLYGON ((7.201729467408766 52.82558062687663, 7.202884444202633 52.82558062687663, 7.202884444202633 52.82537707598384, 7.201729467408766 52.82537707598384, 7.201729467408766 52.82558062687663))",30525_5_4,5,4,146.0 +"POLYGON ((7.201729467408766 52.82517352413745, 7.202884444202633 52.82517352413745, 7.202884444202633 52.82496997133747, 7.201729467408766 52.82496997133747, 7.201729467408766 52.82517352413745))",30525_5_6,5,6,151.66666666666666 +"POLYGON ((7.201729467408766 52.82456286287675, 7.202884444202633 52.82456286287675, 7.202884444202633 52.82435930721601, 7.201729467408766 52.82435930721601, 7.201729467408766 52.82456286287675))",30525_5_9,5,9,170.0 +"POLYGON ((7.201729467408766 52.82435930721601, 7.202884444202633 52.82435930721601, 7.202884444202633 52.82415575060166, 7.201729467408766 52.82415575060166, 7.201729467408766 52.82435930721601))",30525_5_10,5,10,127.29620066666666 +"POLYGON ((7.201729467408766 52.82415575060166, 7.202884444202633 52.82415575060166, 7.202884444202633 52.82395219303372, 7.201729467408766 52.82395219303372, 7.201729467408766 52.82415575060166))",30525_5_11,5,11,97.41383060000001 +"POLYGON ((7.201729467408766 52.82374863451219, 7.202884444202633 52.82374863451219, 7.202884444202633 52.82354507503705, 7.201729467408766 52.82354507503705, 7.201729467408766 52.82374863451219))",30525_5_13,5,13,97.1999993 +"POLYGON ((7.201729467408766 52.82354507503705, 7.202884444202633 52.82354507503705, 7.202884444202633 52.82334151460832, 7.201729467408766 52.82334151460832, 7.201729467408766 52.82354507503705))",30525_5_14,5,14,120.905929 +"POLYGON ((7.201729467408766 52.82313795322597, 7.202884444202633 52.82313795322597, 7.202884444202633 52.82293439089003, 7.201729467408766 52.82293439089003, 7.201729467408766 52.82313795322597))",30525_5_16,5,16,159.0 +"POLYGON ((7.201729467408766 52.82252726335729, 7.202884444202633 52.82252726335729, 7.202884444202633 52.82232369816052, 7.201729467408766 52.82232369816052, 7.201729467408766 52.82252726335729))",30525_5_19,5,19,97.3999994 +"POLYGON ((7.201729467408766 52.82212013201013, 7.202884444202633 52.82212013201013, 7.202884444202633 52.82191656490612, 7.201729467408766 52.82191656490612, 7.201729467408766 52.82212013201013))",30525_5_21,5,21,128.99999933333334 +"POLYGON ((7.201729467408766 52.82191656490612, 7.202884444202633 52.82191656490612, 7.202884444202633 52.8217129968485, 7.201729467408766 52.8217129968485, 7.201729467408766 52.82191656490612))",30525_5_22,5,22,102.62315683333333 +"POLYGON ((7.202884444202633 52.82435930721601, 7.204039420996502 52.82435930721601, 7.204039420996502 52.82415575060166, 7.202884444202633 52.82415575060166, 7.202884444202633 52.82435930721601))",30525_6_10,6,10,121.320222 +"POLYGON ((7.202884444202633 52.82415575060166, 7.204039420996502 52.82415575060166, 7.204039420996502 52.82395219303372, 7.202884444202633 52.82395219303372, 7.202884444202633 52.82415575060166))",30525_6_11,6,11,78.0 +"POLYGON ((7.202884444202633 52.82395219303372, 7.204039420996502 52.82395219303372, 7.204039420996502 52.82374863451219, 7.202884444202633 52.82374863451219, 7.202884444202633 52.82395219303372))",30525_6_12,6,12,121.2394255 +"POLYGON ((7.202884444202633 52.82374863451219, 7.204039420996502 52.82374863451219, 7.204039420996502 52.82354507503705, 7.202884444202633 52.82354507503705, 7.202884444202633 52.82374863451219))",30525_6_13,6,13,129.43478342857142 +"POLYGON ((7.202884444202633 52.82354507503705, 7.204039420996502 52.82354507503705, 7.204039420996502 52.82334151460832, 7.202884444202633 52.82334151460832, 7.202884444202633 52.82354507503705))",30525_6_14,6,14,80.6 +"POLYGON ((7.202884444202633 52.82313795322597, 7.204039420996502 52.82313795322597, 7.204039420996502 52.82293439089003, 7.202884444202633 52.82293439089003, 7.202884444202633 52.82313795322597))",30525_6_16,6,16,175.66666666666666 +"POLYGON ((7.202884444202633 52.82273082760047, 7.204039420996502 52.82273082760047, 7.204039420996502 52.82252726335729, 7.202884444202633 52.82252726335729, 7.202884444202633 52.82273082760047))",30525_6_18,6,18,117.25000025 +"POLYGON ((7.195954583439427 52.81872722244206, 7.197109560233295 52.81872722244206, 7.197109560233295 52.8185236394442, 7.195954583439427 52.8185236394442, 7.195954583439427 52.81872722244206))",30526_0_11,0,11,161.5 +"POLYGON ((7.195954583439427 52.81669134954884, 7.197109560233295 52.81669134954884, 7.197109560233295 52.81648775701439, 7.195954583439427 52.81648775701439, 7.195954583439427 52.81669134954884))",30526_0_21,0,21,136.5110525 +"POLYGON ((7.197109560233295 52.81913438557688, 7.198264537027162 52.81913438557688, 7.198264537027162 52.81893080448631, 7.197109560233295 52.81893080448631, 7.197109560233295 52.81913438557688))",30526_1_9,1,9,83.0 +"POLYGON ((7.198264537027162 52.81832005549266, 7.199419513821031 52.81832005549266, 7.199419513821031 52.81811647058748, 7.198264537027162 52.81811647058748, 7.198264537027162 52.81832005549266))",30526_2_13,2,13,123.0 +"POLYGON ((7.199419513821031 52.81974512312679, 7.200574490614899 52.81974512312679, 7.200574490614899 52.81954154489713, 7.199419513821031 52.81954154489713, 7.199419513821031 52.81974512312679))",30526_3_6,3,6,139.5 +"POLYGON ((7.199419513821031 52.81832005549266, 7.200574490614899 52.81832005549266, 7.200574490614899 52.81811647058748, 7.199419513821031 52.81811647058748, 7.199419513821031 52.81832005549266))",30526_3_13,3,13,85.5 +"POLYGON ((7.200574490614899 52.8201522767252, 7.201729467408766 52.8201522767252, 7.201729467408766 52.81994870040283, 7.200574490614899 52.81994870040283, 7.200574490614899 52.8201522767252))",30526_4_4,4,4,88.25 +"POLYGON ((7.200574490614899 52.81974512312679, 7.201729467408766 52.81974512312679, 7.201729467408766 52.81954154489713, 7.200574490614899 52.81954154489713, 7.200574490614899 52.81974512312679))",30526_4_6,4,6,140.07430933333333 +"POLYGON ((7.200574490614899 52.81933796571384, 7.201729467408766 52.81933796571384, 7.201729467408766 52.81913438557688, 7.200574490614899 52.81913438557688, 7.200574490614899 52.81933796571384))",30526_4_8,4,8,120.99337500000001 +"POLYGON ((7.200574490614899 52.81770929791616, 7.201729467408766 52.81770929791616, 7.201729467408766 52.81750571015002, 7.200574490614899 52.81750571015002, 7.200574490614899 52.81770929791616))",30526_4_16,4,16,105.999999 +"POLYGON ((7.201729467408766 52.8201522767252, 7.202884444202633 52.8201522767252, 7.202884444202633 52.81994870040283, 7.201729467408766 52.81994870040283, 7.201729467408766 52.8201522767252))",30526_5_4,5,4,142.0 +"POLYGON ((7.201729467408766 52.81974512312679, 7.202884444202633 52.81974512312679, 7.202884444202633 52.81954154489713, 7.201729467408766 52.81954154489713, 7.201729467408766 52.81974512312679))",30526_5_6,5,6,163.0 +"POLYGON ((7.201729467408766 52.81913438557688, 7.202884444202633 52.81913438557688, 7.202884444202633 52.81893080448631, 7.201729467408766 52.81893080448631, 7.201729467408766 52.81913438557688))",30526_5_9,5,9,166.000001 +"POLYGON ((7.201729467408766 52.81893080448631, 7.202884444202633 52.81893080448631, 7.202884444202633 52.81872722244206, 7.201729467408766 52.81872722244206, 7.201729467408766 52.81893080448631))",30526_5_10,5,10,127.909296 +"POLYGON ((7.201729467408766 52.81872722244206, 7.202884444202633 52.81872722244206, 7.202884444202633 52.8185236394442, 7.201729467408766 52.8185236394442, 7.201729467408766 52.81872722244206))",30526_5_11,5,11,98.0707575 +"POLYGON ((7.201729467408766 52.81832005549266, 7.202884444202633 52.81832005549266, 7.202884444202633 52.81811647058748, 7.201729467408766 52.81811647058748, 7.201729467408766 52.81832005549266))",30526_5_13,5,13,105.83333183333333 +"POLYGON ((7.201729467408766 52.81811647058748, 7.202884444202633 52.81811647058748, 7.202884444202633 52.81791288472866, 7.201729467408766 52.81791288472866, 7.201729467408766 52.81811647058748))",30526_5_14,5,14,120.666667 +"POLYGON ((7.201729467408766 52.81770929791616, 7.202884444202633 52.81770929791616, 7.202884444202633 52.81750571015002, 7.201729467408766 52.81750571015002, 7.201729467408766 52.81770929791616))",30526_5_16,5,16,163.0 +"POLYGON ((7.201729467408766 52.81709853175676, 7.202884444202633 52.81709853175676, 7.202884444202633 52.81689494112963, 7.201729467408766 52.81689494112963, 7.201729467408766 52.81709853175676))",30526_5_19,5,19,95.999999 +"POLYGON ((7.201729467408766 52.81648775701439, 7.202884444202633 52.81648775701439, 7.202884444202633 52.81628416352626, 7.201729467408766 52.81628416352626, 7.201729467408766 52.81648775701439))",30526_5_22,5,22,108.65901714285714 +"POLYGON ((7.202884444202633 52.81893080448631, 7.204039420996502 52.81893080448631, 7.204039420996502 52.81872722244206, 7.202884444202633 52.81872722244206, 7.202884444202633 52.81893080448631))",30526_6_10,6,10,129.666668 +"POLYGON ((7.202884444202633 52.81872722244206, 7.204039420996502 52.81872722244206, 7.204039420996502 52.8185236394442, 7.202884444202633 52.8185236394442, 7.202884444202633 52.81872722244206))",30526_6_11,6,11,81.5 +"POLYGON ((7.202884444202633 52.8185236394442, 7.204039420996502 52.8185236394442, 7.204039420996502 52.81832005549266, 7.202884444202633 52.81832005549266, 7.202884444202633 52.8185236394442))",30526_6_12,6,12,126.19186433333334 +"POLYGON ((7.202884444202633 52.81832005549266, 7.204039420996502 52.81832005549266, 7.204039420996502 52.81811647058748, 7.202884444202633 52.81811647058748, 7.202884444202633 52.81832005549266))",30526_6_13,6,13,129.1999992 +"POLYGON ((7.202884444202633 52.81811647058748, 7.204039420996502 52.81811647058748, 7.204039420996502 52.81791288472866, 7.202884444202633 52.81791288472866, 7.202884444202633 52.81811647058748))",30526_6_14,6,14,83.0 +"POLYGON ((7.202884444202633 52.81770929791616, 7.204039420996502 52.81770929791616, 7.204039420996502 52.81750571015002, 7.202884444202633 52.81750571015002, 7.202884444202633 52.81770929791616))",30526_6_16,6,16,187.5 +"POLYGON ((7.202884444202633 52.81730212143022, 7.204039420996502 52.81730212143022, 7.204039420996502 52.81709853175676, 7.202884444202633 52.81709853175676, 7.202884444202633 52.81730212143022))",30526_6_18,6,18,119.33312633333333 +"POLYGON ((7.202884444202633 52.81329801613339, 7.204039420996502 52.81329801613339, 7.204039420996502 52.81309440770423, 7.202884444202633 52.81309440770423, 7.202884444202633 52.81329801613339))",30527_6_11,6,11,87.0 +"POLYGON ((7.202884444202633 52.80786813163967, 7.204039420996502 52.80786813163967, 7.204039420996502 52.80766449777787, 7.202884444202633 52.80766449777787, 7.202884444202633 52.80786813163967))",30528_6_11,6,11,92.0 +"POLYGON ((7.202884444202633 52.80766449777787, 7.204039420996502 52.80766449777787, 7.204039420996502 52.80746086296231, 7.202884444202633 52.80746086296231, 7.202884444202633 52.80766449777787))",30528_6_12,6,12,88.66666666666667 +"POLYGON ((7.202884444202633 52.80243756892497, 7.204039420996502 52.80243756892497, 7.204039420996502 52.80223390962918, 7.202884444202633 52.80223390962918, 7.202884444202633 52.80243756892497))",30529_6_11,6,11,85.0 +"POLYGON ((7.202884444202633 52.72069367633994, 7.204039420996502 52.72069367633994, 7.204039420996502 52.72048963441863, 7.202884444202633 52.72048963441863, 7.202884444202633 52.72069367633994))",30544_6_12,6,12,101.25 +"POLYGON ((7.200574490614899 52.6668615628127, 7.201729467408766 52.6668615628127, 7.201729467408766 52.66665726914164, 7.200574490614899 52.66665726914164, 7.200574490614899 52.6668615628127))",30554_4_9,4,9,86.0 +"POLYGON ((7.200574490614899 52.66522718670267, 7.201729467408766 52.66522718670267, 7.201729467408766 52.66502288539115, 7.200574490614899 52.66502288539115, 7.200574490614899 52.66522718670267))",30554_4_17,4,17,73.2 +"POLYGON ((7.195954583439427 52.54097227127348, 7.197109560233295 52.54097227127348, 7.197109560233295 52.54076738957649, 7.195954583439427 52.54076738957649, 7.195954583439427 52.54097227127348))",30577_0_11,0,11,151.0 +"POLYGON ((7.195954583439427 52.53892341127471, 7.197109560233295 52.53892341127471, 7.197109560233295 52.53871852001571, 7.195954583439427 52.53871852001571, 7.195954583439427 52.53892341127471))",30577_0_21,0,21,133.999996 +"POLYGON ((7.197109560233295 52.54138203179889, 7.198264537027162 52.54138203179889, 7.198264537027162 52.54117715201427, 7.197109560233295 52.54117715201427, 7.197109560233295 52.54138203179889))",30577_1_9,1,9,140.0 +"POLYGON ((7.198264537027162 52.54056250692331, 7.199419513821031 52.54056250692331, 7.199419513821031 52.54035762331393, 7.198264537027162 52.54035762331393, 7.198264537027162 52.54056250692331))",30577_2_13,2,13,177.0 +"POLYGON ((7.199419513821031 52.5419966654156, 7.200574490614899 52.5419966654156, 7.200574490614899 52.54179178849954, 7.199419513821031 52.54179178849954, 7.199419513821031 52.5419966654156))",30577_3_6,3,6,187.0 +"POLYGON ((7.199419513821031 52.54076738957649, 7.200574490614899 52.54076738957649, 7.200574490614899 52.54056250692331, 7.199419513821031 52.54056250692331, 7.199419513821031 52.54076738957649))",30577_3_12,3,12,130.0 +"POLYGON ((7.199419513821031 52.53994785322659, 7.200574490614899 52.53994785322659, 7.200574490614899 52.53974296674861, 7.199419513821031 52.53974296674861, 7.199419513821031 52.53994785322659))",30577_3_16,3,16,137.0 +"POLYGON ((7.200574490614899 52.54240641637918, 7.201729467408766 52.54240641637918, 7.201729467408766 52.54220154137548, 7.200574490614899 52.54220154137548, 7.200574490614899 52.54240641637918))",30577_4_4,4,4,186.0 +"POLYGON ((7.200574490614899 52.5419966654156, 7.201729467408766 52.5419966654156, 7.201729467408766 52.54179178849954, 7.200574490614899 52.54179178849954, 7.200574490614899 52.5419966654156))",30577_4_6,4,6,152.6428566666667 +"POLYGON ((7.200574490614899 52.54158691062732, 7.201729467408766 52.54158691062732, 7.201729467408766 52.54138203179889, 7.200574490614899 52.54138203179889, 7.200574490614899 52.54158691062732))",30577_4_8,4,8,136.499999 +"POLYGON ((7.200574490614899 52.54117715201427, 7.201729467408766 52.54117715201427, 7.201729467408766 52.54097227127348, 7.200574490614899 52.54097227127348, 7.200574490614899 52.54117715201427))",30577_4_10,4,10,113.0 +"POLYGON ((7.200574490614899 52.53994785322659, 7.201729467408766 52.53994785322659, 7.201729467408766 52.53974296674861, 7.200574490614899 52.53974296674861, 7.200574490614899 52.53994785322659))",30577_4_16,4,16,139.000004 +"POLYGON ((7.200574490614899 52.53974296674861, 7.201729467408766 52.53974296674861, 7.201729467408766 52.53953807931445, 7.200574490614899 52.53953807931445, 7.200574490614899 52.53974296674861))",30577_4_17,4,17,147.0 +"POLYGON ((7.201729467408766 52.54240641637918, 7.202884444202633 52.54240641637918, 7.202884444202633 52.54220154137548, 7.201729467408766 52.54220154137548, 7.201729467408766 52.54240641637918))",30577_5_4,5,4,128.0 +"POLYGON ((7.201729467408766 52.5419966654156, 7.202884444202633 52.5419966654156, 7.202884444202633 52.54179178849954, 7.201729467408766 52.54179178849954, 7.201729467408766 52.5419966654156))",30577_5_6,5,6,179.0 +"POLYGON ((7.201729467408766 52.54117715201427, 7.202884444202633 52.54117715201427, 7.202884444202633 52.54097227127348, 7.201729467408766 52.54097227127348, 7.201729467408766 52.54117715201427))",30577_5_10,5,10,134.1306685 +"POLYGON ((7.201729467408766 52.54097227127348, 7.202884444202633 52.54097227127348, 7.202884444202633 52.54076738957649, 7.201729467408766 52.54076738957649, 7.201729467408766 52.54097227127348))",30577_5_11,5,11,134.0 +"POLYGON ((7.201729467408766 52.54076738957649, 7.202884444202633 52.54076738957649, 7.202884444202633 52.54056250692331, 7.201729467408766 52.54056250692331, 7.201729467408766 52.54076738957649))",30577_5_12,5,12,118.79643899999999 +"POLYGON ((7.201729467408766 52.54056250692331, 7.202884444202633 52.54056250692331, 7.202884444202633 52.54035762331393, 7.201729467408766 52.54035762331393, 7.201729467408766 52.54056250692331))",30577_5_13,5,13,121.00000066666666 +"POLYGON ((7.201729467408766 52.53994785322659, 7.202884444202633 52.53994785322659, 7.202884444202633 52.53974296674861, 7.201729467408766 52.53974296674861, 7.201729467408766 52.53994785322659))",30577_5_16,5,16,122.0 +"POLYGON ((7.201729467408766 52.53933319092407, 7.202884444202633 52.53933319092407, 7.202884444202633 52.53912830157748, 7.201729467408766 52.53912830157748, 7.201729467408766 52.53933319092407))",30577_5_19,5,19,143.999998 +"POLYGON ((7.201729467408766 52.53871852001571, 7.202884444202633 52.53871852001571, 7.202884444202633 52.53851362780051, 7.201729467408766 52.53851362780051, 7.201729467408766 52.53871852001571))",30577_5_22,5,22,123.42167066666667 +"POLYGON ((7.202884444202633 52.54117715201427, 7.204039420996502 52.54117715201427, 7.204039420996502 52.54097227127348, 7.202884444202633 52.54097227127348, 7.202884444202633 52.54117715201427))",30577_6_10,6,10,119.9999995 +"POLYGON ((7.202884444202633 52.54056250692331, 7.204039420996502 52.54056250692331, 7.204039420996502 52.54035762331393, 7.202884444202633 52.54035762331393, 7.202884444202633 52.54056250692331))",30577_6_13,6,13,122.999998 +"POLYGON ((7.202884444202633 52.54035762331393, 7.204039420996502 52.54035762331393, 7.204039420996502 52.54015273874835, 7.202884444202633 52.54015273874835, 7.202884444202633 52.54035762331393))",30577_6_14,6,14,140.0000015 +"POLYGON ((7.202884444202633 52.53994785322659, 7.204039420996502 52.53994785322659, 7.204039420996502 52.53974296674861, 7.202884444202633 52.53974296674861, 7.202884444202633 52.53994785322659))",30577_6_16,6,16,160.0 +"POLYGON ((7.202884444202633 52.53953807931445, 7.204039420996502 52.53953807931445, 7.204039420996502 52.53933319092407, 7.202884444202633 52.53933319092407, 7.202884444202633 52.53953807931445))",30577_6_18,6,18,114.999999 +"POLYGON ((7.195954583439427 52.53550843211835, 7.197109560233295 52.53550843211835, 7.197109560233295 52.53530352492226, 7.195954583439427 52.53530352492226, 7.195954583439427 52.53550843211835))",30578_0_11,0,11,134.5 +"POLYGON ((7.195954583439427 52.53345931712649, 7.197109560233295 52.53345931712649, 7.197109560233295 52.5332544003679, 7.195954583439427 52.5332544003679, 7.195954583439427 52.53345931712649))",30578_0_21,0,21,131.7499995 +"POLYGON ((7.197109560233295 52.53591824364179, 7.198264537027162 52.53591824364179, 7.198264537027162 52.53571333835819, 7.197109560233295 52.53571333835819, 7.197109560233295 52.53591824364179))",30578_1_9,1,9,138.0 +"POLYGON ((7.198264537027162 52.53509861676995, 7.199419513821031 52.53509861676995, 7.199419513821031 52.53489370766139, 7.198264537027162 52.53489370766139, 7.198264537027162 52.53509861676995))",30578_2_13,2,13,176.0 +"POLYGON ((7.199419513821031 52.53653295375518, 7.200574490614899 52.53653295375518, 7.200574490614899 52.53632805134029, 7.199419513821031 52.53632805134029, 7.199419513821031 52.53653295375518))",30578_3_6,3,6,187.0 +"POLYGON ((7.199419513821031 52.53530352492226, 7.200574490614899 52.53530352492226, 7.200574490614899 52.53509861676995, 7.199419513821031 52.53509861676995, 7.199419513821031 52.53530352492226))",30578_3_12,3,12,133.0 +"POLYGON ((7.199419513821031 52.53448388657553, 7.200574490614899 52.53448388657553, 7.200574490614899 52.53427897459822, 7.199419513821031 52.53427897459822, 7.199419513821031 52.53448388657553))",30578_3_16,3,16,136.0 +"POLYGON ((7.200574490614899 52.5369427557163, 7.201729467408766 52.5369427557163, 7.201729467408766 52.53673785521386, 7.200574490614899 52.53673785521386, 7.200574490614899 52.5369427557163))",30578_4_4,4,4,187.66666666666666 +"POLYGON ((7.200574490614899 52.53653295375518, 7.201729467408766 52.53653295375518, 7.201729467408766 52.53632805134029, 7.200574490614899 52.53632805134029, 7.200574490614899 52.53653295375518))",30578_4_6,4,6,142.400001 +"POLYGON ((7.200574490614899 52.53612314796916, 7.201729467408766 52.53612314796916, 7.201729467408766 52.53591824364179, 7.200574490614899 52.53591824364179, 7.200574490614899 52.53612314796916))",30578_4_8,4,8,136.99999733333334 +"POLYGON ((7.200574490614899 52.53571333835819, 7.201729467408766 52.53571333835819, 7.201729467408766 52.53550843211835, 7.200574490614899 52.53550843211835, 7.200574490614899 52.53571333835819))",30578_4_10,4,10,121.66666666666667 +"POLYGON ((7.200574490614899 52.53448388657553, 7.201729467408766 52.53448388657553, 7.201729467408766 52.53427897459822, 7.200574490614899 52.53427897459822, 7.200574490614899 52.53448388657553))",30578_4_16,4,16,138.6431645 +"POLYGON ((7.200574490614899 52.53427897459822, 7.201729467408766 52.53427897459822, 7.201729467408766 52.53407406166467, 7.200574490614899 52.53407406166467, 7.200574490614899 52.53427897459822))",30578_4_17,4,17,146.33333333333334 +"POLYGON ((7.201729467408766 52.5369427557163, 7.202884444202633 52.5369427557163, 7.202884444202633 52.53673785521386, 7.201729467408766 52.53673785521386, 7.201729467408766 52.5369427557163))",30578_5_4,5,4,128.0 +"POLYGON ((7.201729467408766 52.53653295375518, 7.202884444202633 52.53653295375518, 7.202884444202633 52.53632805134029, 7.201729467408766 52.53632805134029, 7.201729467408766 52.53653295375518))",30578_5_6,5,6,172.5 +"POLYGON ((7.201729467408766 52.53571333835819, 7.202884444202633 52.53571333835819, 7.202884444202633 52.53550843211835, 7.201729467408766 52.53550843211835, 7.201729467408766 52.53571333835819))",30578_5_10,5,10,133.776317 +"POLYGON ((7.201729467408766 52.53550843211835, 7.202884444202633 52.53550843211835, 7.202884444202633 52.53530352492226, 7.201729467408766 52.53530352492226, 7.201729467408766 52.53550843211835))",30578_5_11,5,11,136.2499975 +"POLYGON ((7.201729467408766 52.53530352492226, 7.202884444202633 52.53530352492226, 7.202884444202633 52.53509861676995, 7.201729467408766 52.53509861676995, 7.201729467408766 52.53530352492226))",30578_5_12,5,12,119.81216533333334 +"POLYGON ((7.201729467408766 52.53509861676995, 7.202884444202633 52.53509861676995, 7.202884444202633 52.53489370766139, 7.201729467408766 52.53489370766139, 7.201729467408766 52.53509861676995))",30578_5_13,5,13,120.249999875 +"POLYGON ((7.201729467408766 52.53448388657553, 7.202884444202633 52.53448388657553, 7.202884444202633 52.53427897459822, 7.201729467408766 52.53427897459822, 7.201729467408766 52.53448388657553))",30578_5_16,5,16,111.0 +"POLYGON ((7.201729467408766 52.53386914777487, 7.202884444202633 52.53386914777487, 7.202884444202633 52.53366423292881, 7.201729467408766 52.53366423292881, 7.201729467408766 52.53386914777487))",30578_5_19,5,19,138.99999866666667 +"POLYGON ((7.201729467408766 52.5332544003679, 7.202884444202633 52.5332544003679, 7.202884444202633 52.53304948265308, 7.201729467408766 52.53304948265308, 7.201729467408766 52.5332544003679))",30578_5_22,5,22,128.26548114285714 +"POLYGON ((7.202884444202633 52.53571333835819, 7.204039420996502 52.53571333835819, 7.204039420996502 52.53550843211835, 7.202884444202633 52.53550843211835, 7.202884444202633 52.53571333835819))",30578_6_10,6,10,119.38267475 +"POLYGON ((7.202884444202633 52.53550843211835, 7.204039420996502 52.53550843211835, 7.204039420996502 52.53530352492226, 7.202884444202633 52.53530352492226, 7.202884444202633 52.53550843211835))",30578_6_11,6,11,118.25 +"POLYGON ((7.202884444202633 52.53530352492226, 7.204039420996502 52.53530352492226, 7.204039420996502 52.53509861676995, 7.202884444202633 52.53509861676995, 7.202884444202633 52.53530352492226))",30578_6_12,6,12,120.75 +"POLYGON ((7.202884444202633 52.53509861676995, 7.204039420996502 52.53509861676995, 7.204039420996502 52.53489370766139, 7.202884444202633 52.53489370766139, 7.202884444202633 52.53509861676995))",30578_6_13,6,13,126.53644754545454 +"POLYGON ((7.202884444202633 52.53489370766139, 7.204039420996502 52.53489370766139, 7.204039420996502 52.53468879759659, 7.202884444202633 52.53468879759659, 7.202884444202633 52.53489370766139))",30578_6_14,6,14,141.797116 +"POLYGON ((7.202884444202633 52.53448388657553, 7.204039420996502 52.53448388657553, 7.204039420996502 52.53427897459822, 7.202884444202633 52.53427897459822, 7.202884444202633 52.53448388657553))",30578_6_16,6,16,148.5 +"POLYGON ((7.202884444202633 52.53407406166467, 7.204039420996502 52.53407406166467, 7.204039420996502 52.53386914777487, 7.202884444202633 52.53386914777487, 7.202884444202633 52.53407406166467))",30578_6_18,6,18,113.00000025 +"POLYGON ((7.195954583439427 52.53004391297071, 7.197109560233295 52.53004391297071, 7.197109560233295 52.52983898027424, 7.195954583439427 52.52983898027424, 7.195954583439427 52.53004391297071))",30579_0_11,0,11,11.375 +"POLYGON ((7.195954583439427 52.52983898027424, 7.197109560233295 52.52983898027424, 7.197109560233295 52.52963404662147, 7.195954583439427 52.52963404662147, 7.195954583439427 52.52983898027424))",30579_0_12,0,12,3.2666666666666666 +"POLYGON ((7.195954583439427 52.52799454297264, 7.197109560233295 52.52799454297264, 7.197109560233295 52.52778960071319, 7.195954583439427 52.52778960071319, 7.195954583439427 52.52799454297264))",30579_0_21,0,21,130.66666899999998 +"POLYGON ((7.197109560233295 52.53045377549479, 7.198264537027162 52.53045377549479, 7.198264537027162 52.5302488447109, 7.197109560233295 52.5302488447109, 7.197109560233295 52.53045377549479))",30579_1_9,1,9,138.0 +"POLYGON ((7.198264537027162 52.52963404662147, 7.199419513821031 52.52963404662147, 7.199419513821031 52.5294291120124, 7.198264537027162 52.5294291120124, 7.198264537027162 52.52963404662147))",30579_2_13,2,13,175.0 +"POLYGON ((7.199419513821031 52.53106856210881, 7.200574490614899 52.53106856210881, 7.200574490614899 52.53086363419376, 7.199419513821031 52.53086363419376, 7.199419513821031 52.53106856210881))",30579_3_6,3,6,188.0 +"POLYGON ((7.199419513821031 52.52983898027424, 7.200574490614899 52.52983898027424, 7.200574490614899 52.52963404662147, 7.199419513821031 52.52963404662147, 7.199419513821031 52.52983898027424))",30579_3_12,3,12,136.0 +"POLYGON ((7.199419513821031 52.5290192399254, 7.200574490614899 52.5290192399254, 7.200574490614899 52.52881430244746, 7.199419513821031 52.52881430244746, 7.199419513821031 52.5290192399254))",30579_3_16,3,16,135.66666666666666 +"POLYGON ((7.200574490614899 52.53147841507007, 7.201729467408766 52.53147841507007, 7.201729467408766 52.53127348906758, 7.200574490614899 52.53127348906758, 7.200574490614899 52.53147841507007))",30579_4_4,4,4,178.5 +"POLYGON ((7.200574490614899 52.53106856210881, 7.201729467408766 52.53106856210881, 7.201729467408766 52.53086363419376, 7.200574490614899 52.53086363419376, 7.200574490614899 52.53106856210881))",30579_4_6,4,6,144.16666683333332 +"POLYGON ((7.200574490614899 52.53065870532242, 7.201729467408766 52.53065870532242, 7.201729467408766 52.53045377549479, 7.200574490614899 52.53045377549479, 7.200574490614899 52.53065870532242))",30579_4_8,4,8,139.666667 +"POLYGON ((7.200574490614899 52.5302488447109, 7.201729467408766 52.5302488447109, 7.201729467408766 52.53004391297071, 7.200574490614899 52.53004391297071, 7.200574490614899 52.5302488447109))",30579_4_10,4,10,128.33333333333334 +"POLYGON ((7.200574490614899 52.5290192399254, 7.201729467408766 52.5290192399254, 7.201729467408766 52.52881430244746, 7.200574490614899 52.52881430244746, 7.200574490614899 52.5290192399254))",30579_4_16,4,16,143.66666633333332 +"POLYGON ((7.200574490614899 52.52881430244746, 7.201729467408766 52.52881430244746, 7.201729467408766 52.52860936401321, 7.200574490614899 52.52860936401321, 7.200574490614899 52.52881430244746))",30579_4_17,4,17,146.0 +"POLYGON ((7.201729467408766 52.53147841507007, 7.202884444202633 52.53147841507007, 7.202884444202633 52.53127348906758, 7.201729467408766 52.53127348906758, 7.201729467408766 52.53147841507007))",30579_5_4,5,4,128.33333333333334 +"POLYGON ((7.201729467408766 52.53106856210881, 7.202884444202633 52.53106856210881, 7.202884444202633 52.53086363419376, 7.201729467408766 52.53086363419376, 7.201729467408766 52.53106856210881))",30579_5_6,5,6,173.5 +"POLYGON ((7.201729467408766 52.5302488447109, 7.202884444202633 52.5302488447109, 7.202884444202633 52.53004391297071, 7.201729467408766 52.53004391297071, 7.201729467408766 52.5302488447109))",30579_5_10,5,10,129.9257275 +"POLYGON ((7.201729467408766 52.53004391297071, 7.202884444202633 52.53004391297071, 7.202884444202633 52.52983898027424, 7.201729467408766 52.52983898027424, 7.201729467408766 52.53004391297071))",30579_5_11,5,11,139.33333333333334 +"POLYGON ((7.201729467408766 52.52983898027424, 7.202884444202633 52.52983898027424, 7.202884444202633 52.52963404662147, 7.201729467408766 52.52963404662147, 7.201729467408766 52.52983898027424))",30579_5_12,5,12,116.750002 +"POLYGON ((7.201729467408766 52.52963404662147, 7.202884444202633 52.52963404662147, 7.202884444202633 52.5294291120124, 7.201729467408766 52.5294291120124, 7.201729467408766 52.52963404662147))",30579_5_13,5,13,124.99999916666667 +"POLYGON ((7.201729467408766 52.5290192399254, 7.202884444202633 52.5290192399254, 7.202884444202633 52.52881430244746, 7.201729467408766 52.52881430244746, 7.201729467408766 52.5290192399254))",30579_5_16,5,16,18.285714285714285 +"POLYGON ((7.201729467408766 52.52840442462265, 7.202884444202633 52.52840442462265, 7.202884444202633 52.52819948427581, 7.201729467408766 52.52819948427581, 7.201729467408766 52.52840442462265))",30579_5_19,5,19,140.5 +"POLYGON ((7.201729467408766 52.52778960071319, 7.202884444202633 52.52778960071319, 7.202884444202633 52.52758465749741, 7.201729467408766 52.52758465749741, 7.201729467408766 52.52778960071319))",30579_5_22,5,22,129.12158128571429 +"POLYGON ((7.202884444202633 52.5302488447109, 7.204039420996502 52.5302488447109, 7.204039420996502 52.53004391297071, 7.202884444202633 52.53004391297071, 7.202884444202633 52.5302488447109))",30579_6_10,6,10,117.58321774999999 +"POLYGON ((7.202884444202633 52.53004391297071, 7.204039420996502 52.53004391297071, 7.204039420996502 52.52983898027424, 7.202884444202633 52.52983898027424, 7.202884444202633 52.53004391297071))",30579_6_11,6,11,43.5 +"POLYGON ((7.202884444202633 52.52983898027424, 7.204039420996502 52.52983898027424, 7.204039420996502 52.52963404662147, 7.202884444202633 52.52963404662147, 7.202884444202633 52.52983898027424))",30579_6_12,6,12,123.33333333333333 +"POLYGON ((7.202884444202633 52.52963404662147, 7.204039420996502 52.52963404662147, 7.204039420996502 52.5294291120124, 7.202884444202633 52.5294291120124, 7.202884444202633 52.52963404662147))",30579_6_13,6,13,84.47143940000001 +"POLYGON ((7.202884444202633 52.5294291120124, 7.204039420996502 52.5294291120124, 7.204039420996502 52.52922417644705, 7.202884444202633 52.52922417644705, 7.202884444202633 52.5294291120124))",30579_6_14,6,14,138.62191883333332 +"POLYGON ((7.202884444202633 52.5290192399254, 7.204039420996502 52.5290192399254, 7.204039420996502 52.52881430244746, 7.202884444202633 52.52881430244746, 7.202884444202633 52.5290192399254))",30579_6_16,6,16,26.933333333333334 +"POLYGON ((7.202884444202633 52.52860936401321, 7.204039420996502 52.52860936401321, 7.204039420996502 52.52840442462265, 7.202884444202633 52.52840442462265, 7.202884444202633 52.52860936401321))",30579_6_18,6,18,106.9999995 +"POLYGON ((7.195954583439427 52.52437375559745, 7.197109560233295 52.52437375559745, 7.197109560233295 52.52416879644293, 7.195954583439427 52.52416879644293, 7.195954583439427 52.52437375559745))",30580_0_12,0,12,70.2 +"POLYGON ((7.195954583439427 52.52252908877829, 7.197109560233295 52.52252908877829, 7.197109560233295 52.52232412101663, 7.195954583439427 52.52232412101663, 7.195954583439427 52.52252908877829))",30580_0_21,0,21,131.26905 +"POLYGON ((7.197109560233295 52.52498862732299, 7.198264537027162 52.52498862732299, 7.198264537027162 52.52478367103749, 7.197109560233295 52.52478367103749, 7.197109560233295 52.52498862732299))",30580_1_9,1,9,141.0 +"POLYGON ((7.198264537027162 52.52416879644293, 7.199419513821031 52.52416879644293, 7.199419513821031 52.52396383633207, 7.198264537027162 52.52396383633207, 7.198264537027162 52.52416879644293))",30580_2_13,2,13,158.5 +"POLYGON ((7.199419513821031 52.52560349044153, 7.200574490614899 52.52560349044153, 7.200574490614899 52.52539853702502, 7.199419513821031 52.52539853702502, 7.199419513821031 52.52560349044153))",30580_3_6,3,6,190.0 +"POLYGON ((7.199419513821031 52.52437375559745, 7.200574490614899 52.52437375559745, 7.200574490614899 52.52416879644293, 7.199419513821031 52.52416879644293, 7.199419513821031 52.52437375559745))",30580_3_12,3,12,131.33333333333334 +"POLYGON ((7.199419513821031 52.5235539132413, 7.200574490614899 52.5235539132413, 7.200574490614899 52.5233489502614, 7.199419513821031 52.5233489502614, 7.199419513821031 52.5235539132413))",30580_3_16,3,16,133.33333333333334 +"POLYGON ((7.200574490614899 52.52601339440558, 7.201729467408766 52.52601339440558, 7.201729467408766 52.52580844290172, 7.200574490614899 52.52580844290172, 7.200574490614899 52.52601339440558))",30580_4_4,4,4,139.66666666666666 +"POLYGON ((7.200574490614899 52.52560349044153, 7.201729467408766 52.52560349044153, 7.201729467408766 52.52539853702502, 7.200574490614899 52.52539853702502, 7.200574490614899 52.52560349044153))",30580_4_6,4,6,151.4353375 +"POLYGON ((7.200574490614899 52.52519358265218, 7.201729467408766 52.52519358265218, 7.201729467408766 52.52498862732299, 7.200574490614899 52.52498862732299, 7.200574490614899 52.52519358265218))",30580_4_8,4,8,138.00000066666666 +"POLYGON ((7.200574490614899 52.52478367103749, 7.201729467408766 52.52478367103749, 7.201729467408766 52.52457871379563, 7.200574490614899 52.52457871379563, 7.200574490614899 52.52478367103749))",30580_4_10,4,10,131.33333333333334 +"POLYGON ((7.200574490614899 52.5235539132413, 7.201729467408766 52.5235539132413, 7.201729467408766 52.5233489502614, 7.200574490614899 52.5233489502614, 7.200574490614899 52.5235539132413))",30580_4_16,4,16,142.666668 +"POLYGON ((7.200574490614899 52.5233489502614, 7.201729467408766 52.5233489502614, 7.201729467408766 52.52314398632515, 7.200574490614899 52.52314398632515, 7.200574490614899 52.5233489502614))",30580_4_17,4,17,145.66666666666666 +"POLYGON ((7.201729467408766 52.52601339440558, 7.202884444202633 52.52601339440558, 7.202884444202633 52.52580844290172, 7.201729467408766 52.52580844290172, 7.201729467408766 52.52601339440558))",30580_5_4,5,4,128.66666666666666 +"POLYGON ((7.201729467408766 52.52560349044153, 7.202884444202633 52.52560349044153, 7.202884444202633 52.52539853702502, 7.201729467408766 52.52539853702502, 7.201729467408766 52.52560349044153))",30580_5_6,5,6,151.0 +"POLYGON ((7.201729467408766 52.52478367103749, 7.202884444202633 52.52478367103749, 7.202884444202633 52.52457871379563, 7.201729467408766 52.52457871379563, 7.201729467408766 52.52478367103749))",30580_5_10,5,10,130.90374899999998 +"POLYGON ((7.201729467408766 52.52457871379563, 7.202884444202633 52.52457871379563, 7.202884444202633 52.52437375559745, 7.201729467408766 52.52437375559745, 7.201729467408766 52.52457871379563))",30580_5_11,5,11,135.333334 +"POLYGON ((7.201729467408766 52.52437375559745, 7.202884444202633 52.52437375559745, 7.202884444202633 52.52416879644293, 7.201729467408766 52.52416879644293, 7.201729467408766 52.52437375559745))",30580_5_12,5,12,116.353543 +"POLYGON ((7.201729467408766 52.52416879644293, 7.202884444202633 52.52416879644293, 7.202884444202633 52.52396383633207, 7.201729467408766 52.52396383633207, 7.201729467408766 52.52416879644293))",30580_5_13,5,13,124.42857142857143 +"POLYGON ((7.201729467408766 52.5235539132413, 7.202884444202633 52.5235539132413, 7.202884444202633 52.5233489502614, 7.201729467408766 52.5233489502614, 7.201729467408766 52.5235539132413))",30580_5_16,5,16,58.857142857142854 +"POLYGON ((7.201729467408766 52.52293902143256, 7.202884444202633 52.52293902143256, 7.202884444202633 52.52273405558361, 7.201729467408766 52.52273405558361, 7.201729467408766 52.52293902143256))",30580_5_19,5,19,146.0 +"POLYGON ((7.201729467408766 52.52232412101663, 7.202884444202633 52.52232412101663, 7.202884444202633 52.52211915229861, 7.201729467408766 52.52211915229861, 7.201729467408766 52.52232412101663))",30580_5_22,5,22,134.218319 +"POLYGON ((7.202884444202633 52.52478367103749, 7.204039420996502 52.52478367103749, 7.204039420996502 52.52457871379563, 7.202884444202633 52.52457871379563, 7.202884444202633 52.52478367103749))",30580_6_10,6,10,120.13043499999999 +"POLYGON ((7.202884444202633 52.52457871379563, 7.204039420996502 52.52457871379563, 7.204039420996502 52.52437375559745, 7.202884444202633 52.52437375559745, 7.202884444202633 52.52457871379563))",30580_6_11,6,11,21.09090909090909 +"POLYGON ((7.202884444202633 52.52437375559745, 7.204039420996502 52.52437375559745, 7.204039420996502 52.52416879644293, 7.202884444202633 52.52416879644293, 7.202884444202633 52.52437375559745))",30580_6_12,6,12,123.66666666666667 +"POLYGON ((7.202884444202633 52.52416879644293, 7.204039420996502 52.52416879644293, 7.204039420996502 52.52396383633207, 7.202884444202633 52.52396383633207, 7.202884444202633 52.52416879644293))",30580_6_13,6,13,46.57610176666666 +"POLYGON ((7.202884444202633 52.52396383633207, 7.204039420996502 52.52396383633207, 7.204039420996502 52.52375887526486, 7.202884444202633 52.52375887526486, 7.202884444202633 52.52396383633207))",30580_6_14,6,14,135.63970216666667 +"POLYGON ((7.202884444202633 52.5235539132413, 7.204039420996502 52.5235539132413, 7.204039420996502 52.5233489502614, 7.202884444202633 52.5233489502614, 7.202884444202633 52.5235539132413))",30580_6_16,6,16,46.2 +"POLYGON ((7.202884444202633 52.52314398632515, 7.204039420996502 52.52314398632515, 7.204039420996502 52.52293902143256, 7.202884444202633 52.52293902143256, 7.202884444202633 52.52314398632515))",30580_6_18,6,18,119.51642975000001 +"POLYGON ((7.195954583439427 52.51890785085705, 7.197109560233295 52.51890785085705, 7.197109560233295 52.51870286619945, 7.195954583439427 52.51870286619945, 7.195954583439427 52.51890785085705))",30581_0_12,0,12,146.66666666666666 +"POLYGON ((7.195954583439427 52.51706295450854, 7.197109560233295 52.51706295450854, 7.197109560233295 52.51685796124337, 7.195954583439427 52.51685796124337, 7.195954583439427 52.51706295450854))",30581_0_21,0,21,131.93128675 +"POLYGON ((7.197109560233295 52.51952279909149, 7.198264537027162 52.51952279909149, 7.198264537027162 52.51931781730306, 7.197109560233295 52.51931781730306, 7.197109560233295 52.51952279909149))",30581_1_9,1,9,141.33333333333334 +"POLYGON ((7.198264537027162 52.51870286619945, 7.199419513821031 52.51870286619945, 7.199419513821031 52.51849788058548, 7.198264537027162 52.51849788058548, 7.198264537027162 52.51870286619945))",30581_2_13,2,13,175.5 +"POLYGON ((7.199419513821031 52.52013773871847, 7.200574490614899 52.52013773871847, 7.200574490614899 52.5199327597992, 7.199419513821031 52.5199327597992, 7.199419513821031 52.52013773871847))",30581_3_6,3,6,196.5 +"POLYGON ((7.199419513821031 52.51890785085705, 7.200574490614899 52.51890785085705, 7.200574490614899 52.51870286619945, 7.199419513821031 52.51870286619945, 7.199419513821031 52.51890785085705))",30581_3_12,3,12,134.33333333333334 +"POLYGON ((7.199419513821031 52.51808790648833, 7.200574490614899 52.51808790648833, 7.200574490614899 52.51788291800518, 7.199419513821031 52.51788291800518, 7.199419513821031 52.51808790648833))",30581_3_16,3,16,137.33333333333334 +"POLYGON ((7.200574490614899 52.52054769368792, 7.201729467408766 52.52054769368792, 7.201729467408766 52.52034271668139, 7.200574490614899 52.52034271668139, 7.200574490614899 52.52054769368792))",30581_4_4,4,4,88.4 +"POLYGON ((7.200574490614899 52.52013773871847, 7.201729467408766 52.52013773871847, 7.201729467408766 52.5199327597992, 7.200574490614899 52.5199327597992, 7.200574490614899 52.52013773871847))",30581_4_6,4,6,159.1999998 +"POLYGON ((7.200574490614899 52.51972777992353, 7.201729467408766 52.51972777992353, 7.201729467408766 52.51952279909149, 7.200574490614899 52.51952279909149, 7.200574490614899 52.51972777992353))",30581_4_8,4,8,139.00000066666666 +"POLYGON ((7.200574490614899 52.51931781730306, 7.201729467408766 52.51931781730306, 7.201729467408766 52.51911283455824, 7.200574490614899 52.51911283455824, 7.200574490614899 52.51931781730306))",30581_4_10,4,10,126.66666666666667 +"POLYGON ((7.200574490614899 52.51808790648833, 7.201729467408766 52.51808790648833, 7.201729467408766 52.51788291800518, 7.200574490614899 52.51788291800518, 7.200574490614899 52.51808790648833))",30581_4_16,4,16,137.66666666666666 +"POLYGON ((7.200574490614899 52.51788291800518, 7.201729467408766 52.51788291800518, 7.201729467408766 52.51767792856561, 7.200574490614899 52.51767792856561, 7.200574490614899 52.51788291800518))",30581_4_17,4,17,144.0 +"POLYGON ((7.201729467408766 52.52054769368792, 7.202884444202633 52.52054769368792, 7.202884444202633 52.52034271668139, 7.201729467408766 52.52034271668139, 7.201729467408766 52.52054769368792))",30581_5_4,5,4,128.66666666666666 +"POLYGON ((7.201729467408766 52.52013773871847, 7.202884444202633 52.52013773871847, 7.202884444202633 52.5199327597992, 7.201729467408766 52.5199327597992, 7.201729467408766 52.52013773871847))",30581_5_6,5,6,155.66666666666666 +"POLYGON ((7.201729467408766 52.51931781730306, 7.202884444202633 52.51931781730306, 7.202884444202633 52.51911283455824, 7.201729467408766 52.51911283455824, 7.201729467408766 52.51931781730306))",30581_5_10,5,10,141.662585 +"POLYGON ((7.201729467408766 52.51911283455824, 7.202884444202633 52.51911283455824, 7.202884444202633 52.51890785085705, 7.201729467408766 52.51890785085705, 7.201729467408766 52.51911283455824))",30581_5_11,5,11,134.8129185 +"POLYGON ((7.201729467408766 52.51890785085705, 7.202884444202633 52.51890785085705, 7.202884444202633 52.51870286619945, 7.201729467408766 52.51870286619945, 7.201729467408766 52.51890785085705))",30581_5_12,5,12,120.60912525 +"POLYGON ((7.201729467408766 52.51870286619945, 7.202884444202633 52.51870286619945, 7.202884444202633 52.51849788058548, 7.201729467408766 52.51849788058548, 7.201729467408766 52.51870286619945))",30581_5_13,5,13,125.42857085714286 +"POLYGON ((7.201729467408766 52.51808790648833, 7.202884444202633 52.51808790648833, 7.202884444202633 52.51788291800518, 7.201729467408766 52.51788291800518, 7.201729467408766 52.51808790648833))",30581_5_16,5,16,144.5 +"POLYGON ((7.201729467408766 52.51747293816966, 7.202884444202633 52.51747293816966, 7.202884444202633 52.5172679468173, 7.201729467408766 52.5172679468173, 7.201729467408766 52.51747293816966))",30581_5_19,5,19,145.666668 +"POLYGON ((7.201729467408766 52.51685796124337, 7.202884444202633 52.51685796124337, 7.202884444202633 52.51665296702179, 7.201729467408766 52.51665296702179, 7.201729467408766 52.51685796124337))",30581_5_22,5,22,134.60259214285716 +"POLYGON ((7.201729467408766 52.51665296702179, 7.202884444202633 52.51665296702179, 7.202884444202633 52.5164479718438, 7.201729467408766 52.5164479718438, 7.201729467408766 52.51665296702179))",30581_5_23,5,23,127.895276 +"POLYGON ((7.202884444202633 52.51931781730306, 7.204039420996502 52.51931781730306, 7.204039420996502 52.51911283455824, 7.202884444202633 52.51911283455824, 7.202884444202633 52.51931781730306))",30581_6_10,6,10,120.51819175 +"POLYGON ((7.202884444202633 52.51911283455824, 7.204039420996502 52.51911283455824, 7.204039420996502 52.51890785085705, 7.202884444202633 52.51890785085705, 7.202884444202633 52.51911283455824))",30581_6_11,6,11,124.0 +"POLYGON ((7.202884444202633 52.51890785085705, 7.204039420996502 52.51890785085705, 7.204039420996502 52.51870286619945, 7.202884444202633 52.51870286619945, 7.202884444202633 52.51890785085705))",30581_6_12,6,12,116.33333333333333 +"POLYGON ((7.202884444202633 52.51870286619945, 7.204039420996502 52.51870286619945, 7.204039420996502 52.51849788058548, 7.202884444202633 52.51849788058548, 7.202884444202633 52.51870286619945))",30581_6_13,6,13,130.044761 +"POLYGON ((7.202884444202633 52.51849788058548, 7.204039420996502 52.51849788058548, 7.204039420996502 52.5182928940151, 7.202884444202633 52.5182928940151, 7.202884444202633 52.51849788058548))",30581_6_14,6,14,153.5955415 +"POLYGON ((7.202884444202633 52.51808790648833, 7.204039420996502 52.51808790648833, 7.204039420996502 52.51788291800518, 7.202884444202633 52.51788291800518, 7.202884444202633 52.51808790648833))",30581_6_16,6,16,105.33333333333333 +"POLYGON ((7.202884444202633 52.51767792856561, 7.204039420996502 52.51767792856561, 7.204039420996502 52.51747293816966, 7.202884444202633 52.51747293816966, 7.202884444202633 52.51767792856561))",30581_6_18,6,18,127.86357933333333 +"POLYGON ((7.195954583439427 52.51344126601813, 7.197109560233295 52.51344126601813, 7.197109560233295 52.51323625585616, 7.195954583439427 52.51323625585616, 7.195954583439427 52.51344126601813))",30582_0_12,0,12,159.0 +"POLYGON ((7.195954583439427 52.5115961401285, 7.197109560233295 52.5115961401285, 7.197109560233295 52.51139112135852, 7.195954583439427 52.51139112135852, 7.195954583439427 52.5115961401285))",30582_0_21,0,21,133.33333333333334 +"POLYGON ((7.197109560233295 52.51405629076539, 7.198264537027162 52.51405629076539, 7.198264537027162 52.51385128347274, 7.197109560233295 52.51385128347274, 7.197109560233295 52.51405629076539))",30582_1_9,1,9,142.5 +"POLYGON ((7.198264537027162 52.51323625585616, 7.199419513821031 52.51323625585616, 7.199419513821031 52.51303124473777, 7.198264537027162 52.51303124473777, 7.198264537027162 52.51323625585616))",30582_2_13,2,13,179.5 +"POLYGON ((7.199419513821031 52.51467130690477, 7.200574490614899 52.51467130690477, 7.200574490614899 52.5144663024814, 7.199419513821031 52.5144663024814, 7.199419513821031 52.51467130690477))",30582_3_6,3,6,201.0 +"POLYGON ((7.199419513821031 52.51344126601813, 7.200574490614899 52.51344126601813, 7.200574490614899 52.51323625585616, 7.199419513821031 52.51323625585616, 7.199419513821031 52.51344126601813))",30582_3_12,3,12,135.0 +"POLYGON ((7.199419513821031 52.51262121963164, 7.200574490614899 52.51262121963164, 7.200574490614899 52.51241620564391, 7.199419513821031 52.51241620564391, 7.199419513821031 52.51262121963164))",30582_3_16,3,16,138.33333333333334 +"POLYGON ((7.200574490614899 52.51508131288222, 7.201729467408766 52.51508131288222, 7.201729467408766 52.51487631037171, 7.200574490614899 52.51487631037171, 7.200574490614899 52.51508131288222))",30582_4_4,4,4,91.0 +"POLYGON ((7.200574490614899 52.51467130690477, 7.201729467408766 52.51467130690477, 7.201729467408766 52.5144663024814, 7.200574490614899 52.5144663024814, 7.200574490614899 52.51467130690477))",30582_4_6,4,6,158.66666816666665 +"POLYGON ((7.200574490614899 52.51426129710161, 7.201729467408766 52.51426129710161, 7.201729467408766 52.51405629076539, 7.200574490614899 52.51405629076539, 7.200574490614899 52.51426129710161))",30582_4_8,4,8,140.66666766666665 +"POLYGON ((7.200574490614899 52.51385128347274, 7.201729467408766 52.51385128347274, 7.201729467408766 52.51364627522366, 7.200574490614899 52.51364627522366, 7.200574490614899 52.51385128347274))",30582_4_10,4,10,135.0 +"POLYGON ((7.200574490614899 52.51262121963164, 7.201729467408766 52.51262121963164, 7.201729467408766 52.51241620564391, 7.200574490614899 52.51241620564391, 7.200574490614899 52.51262121963164))",30582_4_16,4,16,138.66666533333333 +"POLYGON ((7.200574490614899 52.51241620564391, 7.201729467408766 52.51241620564391, 7.201729467408766 52.51221119069973, 7.200574490614899 52.51221119069973, 7.200574490614899 52.51241620564391))",30582_4_17,4,17,142.66666666666666 +"POLYGON ((7.201729467408766 52.51508131288222, 7.202884444202633 52.51508131288222, 7.202884444202633 52.51487631037171, 7.201729467408766 52.51487631037171, 7.201729467408766 52.51508131288222))",30582_5_4,5,4,128.0 +"POLYGON ((7.201729467408766 52.51467130690477, 7.202884444202633 52.51467130690477, 7.202884444202633 52.5144663024814, 7.201729467408766 52.5144663024814, 7.201729467408766 52.51467130690477))",30582_5_6,5,6,148.5 +"POLYGON ((7.201729467408766 52.51385128347274, 7.202884444202633 52.51385128347274, 7.202884444202633 52.51364627522366, 7.201729467408766 52.51364627522366, 7.201729467408766 52.51385128347274))",30582_5_10,5,10,141.33333733333333 +"POLYGON ((7.201729467408766 52.51364627522366, 7.202884444202633 52.51364627522366, 7.202884444202633 52.51344126601813, 7.201729467408766 52.51344126601813, 7.201729467408766 52.51364627522366))",30582_5_11,5,11,136.1966206666667 +"POLYGON ((7.201729467408766 52.51344126601813, 7.202884444202633 52.51344126601813, 7.202884444202633 52.51323625585616, 7.201729467408766 52.51323625585616, 7.201729467408766 52.51344126601813))",30582_5_12,5,12,113.64477525 +"POLYGON ((7.201729467408766 52.51323625585616, 7.202884444202633 52.51323625585616, 7.202884444202633 52.51303124473777, 7.201729467408766 52.51303124473777, 7.201729467408766 52.51323625585616))",30582_5_13,5,13,121.41927342857142 +"POLYGON ((7.201729467408766 52.51262121963164, 7.202884444202633 52.51262121963164, 7.202884444202633 52.51241620564391, 7.201729467408766 52.51241620564391, 7.201729467408766 52.51262121963164))",30582_5_16,5,16,158.33333333333334 +"POLYGON ((7.201729467408766 52.51200617479911, 7.202884444202633 52.51200617479911, 7.202884444202633 52.51180115794202, 7.201729467408766 52.51180115794202, 7.201729467408766 52.51200617479911))",30582_5_19,5,19,142.66666899999998 +"POLYGON ((7.201729467408766 52.51139112135852, 7.202884444202633 52.51139112135852, 7.202884444202633 52.51118610163208, 7.201729467408766 52.51118610163208, 7.201729467408766 52.51139112135852))",30582_5_22,5,22,140.33333433333334 +"POLYGON ((7.201729467408766 52.51118610163208, 7.202884444202633 52.51118610163208, 7.202884444202633 52.51098108094919, 7.201729467408766 52.51098108094919, 7.201729467408766 52.51118610163208))",30582_5_23,5,23,130.26849766666666 +"POLYGON ((7.202884444202633 52.51385128347274, 7.204039420996502 52.51385128347274, 7.204039420996502 52.51364627522366, 7.202884444202633 52.51364627522366, 7.202884444202633 52.51385128347274))",30582_6_10,6,10,117.5535955 +"POLYGON ((7.202884444202633 52.51364627522366, 7.204039420996502 52.51364627522366, 7.204039420996502 52.51344126601813, 7.202884444202633 52.51344126601813, 7.202884444202633 52.51364627522366))",30582_6_11,6,11,127.66666666666667 +"POLYGON ((7.202884444202633 52.51344126601813, 7.204039420996502 52.51344126601813, 7.204039420996502 52.51323625585616, 7.202884444202633 52.51323625585616, 7.202884444202633 52.51344126601813))",30582_6_12,6,12,113.66666666666667 +"POLYGON ((7.202884444202633 52.51323625585616, 7.204039420996502 52.51323625585616, 7.204039420996502 52.51303124473777, 7.202884444202633 52.51303124473777, 7.202884444202633 52.51323625585616))",30582_6_13,6,13,134.00743766666665 +"POLYGON ((7.202884444202633 52.51303124473777, 7.204039420996502 52.51303124473777, 7.204039420996502 52.51282623266292, 7.202884444202633 52.51282623266292, 7.202884444202633 52.51303124473777))",30582_6_14,6,14,148.62680749999998 +"POLYGON ((7.202884444202633 52.51282623266292, 7.204039420996502 52.51282623266292, 7.204039420996502 52.51262121963164, 7.202884444202633 52.51262121963164, 7.202884444202633 52.51282623266292))",30582_6_15,6,15,154.0 +"POLYGON ((7.202884444202633 52.51262121963164, 7.204039420996502 52.51262121963164, 7.204039420996502 52.51241620564391, 7.202884444202633 52.51241620564391, 7.202884444202633 52.51262121963164))",30582_6_16,6,16,119.5 +"POLYGON ((7.202884444202633 52.51221119069973, 7.204039420996502 52.51221119069973, 7.204039420996502 52.51200617479911, 7.202884444202633 52.51200617479911, 7.202884444202633 52.51221119069973))",30582_6_18,6,18,107.65678925 +"POLYGON ((7.195954583439427 52.50797400104585, 7.197109560233295 52.50797400104585, 7.197109560233295 52.50776896537822, 7.195954583439427 52.50776896537822, 7.195954583439427 52.50797400104585))",30583_0_12,0,12,167.0 +"POLYGON ((7.195954583439427 52.50612864560335, 7.197109560233295 52.50612864560335, 7.197109560233295 52.50592360132725, 7.195954583439427 52.50592360132725, 7.195954583439427 52.50612864560335))",30583_0_21,0,21,133.749999 +"POLYGON ((7.197109560233295 52.50858910230986, 7.198264537027162 52.50858910230986, 7.198264537027162 52.50838406951166, 7.197109560233295 52.50838406951166, 7.197109560233295 52.50858910230986))",30583_1_9,1,9,135.0 +"POLYGON ((7.198264537027162 52.50776896537822, 7.199419513821031 52.50776896537822, 7.199419513821031 52.50756392875408, 7.198264537027162 52.50756392875408, 7.198264537027162 52.50776896537822))",30583_2_13,2,13,182.0 +"POLYGON ((7.199419513821031 52.50920419496554, 7.200574490614899 52.50920419496554, 7.200574490614899 52.50899916503678, 7.199419513821031 52.50899916503678, 7.199419513821031 52.50920419496554))",30583_3_6,3,6,197.0 +"POLYGON ((7.199419513821031 52.50797400104585, 7.200574490614899 52.50797400104585, 7.200574490614899 52.50776896537822, 7.199419513821031 52.50776896537822, 7.199419513821031 52.50797400104585))",30583_3_12,3,12,136.33333333333334 +"POLYGON ((7.199419513821031 52.50715385263636, 7.200574490614899 52.50715385263636, 7.200574490614899 52.50694881314274, 7.199419513821031 52.50694881314274, 7.199419513821031 52.50715385263636))",30583_3_16,3,16,144.0 +"POLYGON ((7.200574490614899 52.50961425195361, 7.201729467408766 52.50961425195361, 7.201729467408766 52.50940922393781, 7.200574490614899 52.50940922393781, 7.200574490614899 52.50961425195361))",30583_4_4,4,4,87.25 +"POLYGON ((7.200574490614899 52.50920419496554, 7.201729467408766 52.50920419496554, 7.201729467408766 52.50899916503678, 7.200574490614899 52.50899916503678, 7.200574490614899 52.50920419496554))",30583_4_6,4,6,152.50000116666666 +"POLYGON ((7.200574490614899 52.50879413415156, 7.201729467408766 52.50879413415156, 7.201729467408766 52.50858910230986, 7.200574490614899 52.50858910230986, 7.200574490614899 52.50879413415156))",30583_4_8,4,8,138.33333266666668 +"POLYGON ((7.200574490614899 52.50838406951166, 7.201729467408766 52.50838406951166, 7.201729467408766 52.508179035757, 7.200574490614899 52.508179035757, 7.200574490614899 52.50838406951166))",30583_4_10,4,10,141.0 +"POLYGON ((7.200574490614899 52.50715385263636, 7.201729467408766 52.50715385263636, 7.201729467408766 52.50694881314274, 7.200574490614899 52.50694881314274, 7.200574490614899 52.50715385263636))",30583_4_16,4,16,131.66666866666665 +"POLYGON ((7.200574490614899 52.50694881314274, 7.201729467408766 52.50694881314274, 7.201729467408766 52.50674377269265, 7.200574490614899 52.50674377269265, 7.200574490614899 52.50694881314274))",30583_4_17,4,17,148.0 +"POLYGON ((7.201729467408766 52.50961425195361, 7.202884444202633 52.50961425195361, 7.202884444202633 52.50940922393781, 7.201729467408766 52.50940922393781, 7.201729467408766 52.50961425195361))",30583_5_4,5,4,129.0 +"POLYGON ((7.201729467408766 52.50920419496554, 7.202884444202633 52.50920419496554, 7.202884444202633 52.50899916503678, 7.201729467408766 52.50899916503678, 7.201729467408766 52.50920419496554))",30583_5_6,5,6,155.66666666666666 +"POLYGON ((7.201729467408766 52.50838406951166, 7.202884444202633 52.50838406951166, 7.202884444202633 52.508179035757, 7.201729467408766 52.508179035757, 7.201729467408766 52.50838406951166))",30583_5_10,5,10,144.333334 +"POLYGON ((7.201729467408766 52.508179035757, 7.202884444202633 52.508179035757, 7.202884444202633 52.50797400104585, 7.201729467408766 52.50797400104585, 7.201729467408766 52.508179035757))",30583_5_11,5,11,137.33333366666668 +"POLYGON ((7.201729467408766 52.50797400104585, 7.202884444202633 52.50797400104585, 7.202884444202633 52.50776896537822, 7.201729467408766 52.50776896537822, 7.201729467408766 52.50797400104585))",30583_5_12,5,12,108.32267024999999 +"POLYGON ((7.201729467408766 52.50776896537822, 7.202884444202633 52.50776896537822, 7.202884444202633 52.50756392875408, 7.201729467408766 52.50756392875408, 7.201729467408766 52.50776896537822))",30583_5_13,5,13,131.0 +"POLYGON ((7.201729467408766 52.50715385263636, 7.202884444202633 52.50715385263636, 7.202884444202633 52.50694881314274, 7.201729467408766 52.50694881314274, 7.201729467408766 52.50715385263636))",30583_5_16,5,16,159.5 +"POLYGON ((7.201729467408766 52.50653873128605, 7.202884444202633 52.50653873128605, 7.202884444202633 52.50633368892295, 7.201729467408766 52.50633368892295, 7.201729467408766 52.50653873128605))",30583_5_19,5,19,138.333334 +"POLYGON ((7.201729467408766 52.50592360132725, 7.202884444202633 52.50592360132725, 7.202884444202633 52.50571855609465, 7.201729467408766 52.50571855609465, 7.201729467408766 52.50592360132725))",30583_5_22,5,22,142.00000133333333 +"POLYGON ((7.201729467408766 52.50571855609465, 7.202884444202633 52.50571855609465, 7.202884444202633 52.50551350990554, 7.201729467408766 52.50551350990554, 7.201729467408766 52.50571855609465))",30583_5_23,5,23,132.85599933333333 +"POLYGON ((7.202884444202633 52.50838406951166, 7.204039420996502 52.50838406951166, 7.204039420996502 52.508179035757, 7.202884444202633 52.508179035757, 7.202884444202633 52.50838406951166))",30583_6_10,6,10,119.58995725 +"POLYGON ((7.202884444202633 52.508179035757, 7.204039420996502 52.508179035757, 7.204039420996502 52.50797400104585, 7.202884444202633 52.50797400104585, 7.202884444202633 52.508179035757))",30583_6_11,6,11,130.0 +"POLYGON ((7.202884444202633 52.50797400104585, 7.204039420996502 52.50797400104585, 7.204039420996502 52.50776896537822, 7.202884444202633 52.50776896537822, 7.202884444202633 52.50797400104585))",30583_6_12,6,12,113.0 +"POLYGON ((7.202884444202633 52.50776896537822, 7.204039420996502 52.50776896537822, 7.204039420996502 52.50756392875408, 7.202884444202633 52.50756392875408, 7.202884444202633 52.50776896537822))",30583_6_13,6,13,128.54030774999998 +"POLYGON ((7.202884444202633 52.50756392875408, 7.204039420996502 52.50756392875408, 7.204039420996502 52.50735889117346, 7.202884444202633 52.50735889117346, 7.202884444202633 52.50756392875408))",30583_6_14,6,14,144.473376 +"POLYGON ((7.202884444202633 52.50735889117346, 7.204039420996502 52.50735889117346, 7.204039420996502 52.50715385263636, 7.202884444202633 52.50715385263636, 7.202884444202633 52.50735889117346))",30583_6_15,6,15,149.66666666666666 +"POLYGON ((7.202884444202633 52.50715385263636, 7.204039420996502 52.50715385263636, 7.204039420996502 52.50694881314274, 7.202884444202633 52.50694881314274, 7.202884444202633 52.50715385263636))",30583_6_16,6,16,151.0 +"POLYGON ((7.202884444202633 52.50674377269265, 7.204039420996502 52.50674377269265, 7.204039420996502 52.50653873128605, 7.202884444202633 52.50653873128605, 7.202884444202633 52.50674377269265))",30583_6_18,6,18,107.12599925 +"POLYGON ((7.195954583439427 52.50250605590538, 7.197109560233295 52.50250605590538, 7.197109560233295 52.50230099473075, 7.195954583439427 52.50230099473075, 7.195954583439427 52.50250605590538))",30584_0_12,0,12,174.33333333333334 +"POLYGON ((7.195954583439427 52.50066047089826, 7.197109560233295 52.50066047089826, 7.197109560233295 52.50045540111473, 7.195954583439427 52.50045540111473, 7.195954583439427 52.50066047089826))",30584_0_21,0,21,135.16287233333333 +"POLYGON ((7.197109560233295 52.50312123369005, 7.198264537027162 52.50312123369005, 7.198264537027162 52.50291617538503, 7.197109560233295 52.50291617538503, 7.197109560233295 52.50312123369005))",30584_1_9,1,9,144.5 +"POLYGON ((7.198264537027162 52.50230099473075, 7.199419513821031 52.50230099473075, 7.199419513821031 52.50209593259959, 7.198264537027162 52.50209593259959, 7.198264537027162 52.50230099473075))",30584_2_13,2,13,180.33333333333334 +"POLYGON ((7.199419513821031 52.50373640286595, 7.200574490614899 52.50373640286595, 7.200574490614899 52.5035313474305, 7.199419513821031 52.5035313474305, 7.199419513821031 52.50373640286595))",30584_3_6,3,6,185.5 +"POLYGON ((7.199419513821031 52.50250605590538, 7.200574490614899 52.50250605590538, 7.200574490614899 52.50230099473075, 7.199419513821031 52.50230099473075, 7.199419513821031 52.50250605590538))",30584_3_12,3,12,135.66666666666666 +"POLYGON ((7.199419513821031 52.50168580546765, 7.200574490614899 52.50168580546765, 7.200574490614899 52.50148074046686, 7.199419513821031 52.50148074046686, 7.199419513821031 52.50168580546765))",30584_3_16,3,16,135.33333333333334 +"POLYGON ((7.200574490614899 52.50414651086726, 7.201729467408766 52.50414651086726, 7.201729467408766 52.50394145734487, 7.200574490614899 52.50394145734487, 7.200574490614899 52.50414651086726))",30584_4_4,4,4,104.0 +"POLYGON ((7.200574490614899 52.50373640286595, 7.201729467408766 52.50373640286595, 7.201729467408766 52.5035313474305, 7.200574490614899 52.5035313474305, 7.200574490614899 52.50373640286595))",30584_4_6,4,6,144.4 +"POLYGON ((7.200574490614899 52.50332629103855, 7.201729467408766 52.50332629103855, 7.201729467408766 52.50312123369005, 7.200574490614899 52.50312123369005, 7.200574490614899 52.50332629103855))",30584_4_8,4,8,138.6275863333333 +"POLYGON ((7.200574490614899 52.50291617538503, 7.201729467408766 52.50291617538503, 7.201729467408766 52.50271111612347, 7.200574490614899 52.50271111612347, 7.200574490614899 52.50291617538503))",30584_4_10,4,10,134.66666666666666 +"POLYGON ((7.200574490614899 52.50168580546765, 7.201729467408766 52.50168580546765, 7.201729467408766 52.50148074046686, 7.200574490614899 52.50148074046686, 7.200574490614899 52.50168580546765))",30584_4_16,4,16,139.66304350000001 +"POLYGON ((7.200574490614899 52.50148074046686, 7.201729467408766 52.50148074046686, 7.201729467408766 52.50127567450954, 7.200574490614899 52.50127567450954, 7.200574490614899 52.50148074046686))",30584_4_17,4,17,148.66666666666666 +"POLYGON ((7.201729467408766 52.50414651086726, 7.202884444202633 52.50414651086726, 7.202884444202633 52.50394145734487, 7.201729467408766 52.50394145734487, 7.201729467408766 52.50414651086726))",30584_5_4,5,4,128.66666666666666 +"POLYGON ((7.201729467408766 52.50373640286595, 7.202884444202633 52.50373640286595, 7.202884444202633 52.5035313474305, 7.201729467408766 52.5035313474305, 7.201729467408766 52.50373640286595))",30584_5_6,5,6,162.0 +"POLYGON ((7.201729467408766 52.50291617538503, 7.202884444202633 52.50291617538503, 7.202884444202633 52.50271111612347, 7.201729467408766 52.50271111612347, 7.201729467408766 52.50291617538503))",30584_5_10,5,10,146.33333466666667 +"POLYGON ((7.201729467408766 52.50271111612347, 7.202884444202633 52.50271111612347, 7.202884444202633 52.50250605590538, 7.201729467408766 52.50250605590538, 7.201729467408766 52.50271111612347))",30584_5_11,5,11,134.79205875 +"POLYGON ((7.201729467408766 52.50250605590538, 7.202884444202633 52.50250605590538, 7.202884444202633 52.50230099473075, 7.201729467408766 52.50230099473075, 7.201729467408766 52.50250605590538))",30584_5_12,5,12,114.519519 +"POLYGON ((7.201729467408766 52.50230099473075, 7.202884444202633 52.50230099473075, 7.202884444202633 52.50209593259959, 7.201729467408766 52.50209593259959, 7.201729467408766 52.50230099473075))",30584_5_13,5,13,130.6250005 +"POLYGON ((7.201729467408766 52.50168580546765, 7.202884444202633 52.50168580546765, 7.202884444202633 52.50148074046686, 7.201729467408766 52.50148074046686, 7.201729467408766 52.50168580546765))",30584_5_16,5,16,160.5 +"POLYGON ((7.201729467408766 52.50107060759566, 7.202884444202633 52.50107060759566, 7.202884444202633 52.50086553972525, 7.201729467408766 52.50086553972525, 7.201729467408766 52.50107060759566))",30584_5_19,5,19,140.00000333333332 +"POLYGON ((7.201729467408766 52.50045540111473, 7.202884444202633 52.50045540111473, 7.202884444202633 52.50025033037466, 7.201729467408766 52.50025033037466, 7.201729467408766 52.50045540111473))",30584_5_22,5,22,144.66666866666665 +"POLYGON ((7.201729467408766 52.50025033037466, 7.202884444202633 52.50025033037466, 7.202884444202633 52.50004525867802, 7.201729467408766 52.50004525867802, 7.201729467408766 52.50025033037466))",30584_5_23,5,23,125.4144235 +"POLYGON ((7.202884444202633 52.50291617538503, 7.204039420996502 52.50291617538503, 7.204039420996502 52.50271111612347, 7.202884444202633 52.50271111612347, 7.202884444202633 52.50291617538503))",30584_6_10,6,10,121.66666566666667 +"POLYGON ((7.202884444202633 52.50271111612347, 7.204039420996502 52.50271111612347, 7.204039420996502 52.50250605590538, 7.202884444202633 52.50250605590538, 7.202884444202633 52.50271111612347))",30584_6_11,6,11,121.0 +"POLYGON ((7.202884444202633 52.50250605590538, 7.204039420996502 52.50250605590538, 7.204039420996502 52.50230099473075, 7.202884444202633 52.50230099473075, 7.202884444202633 52.50250605590538))",30584_6_12,6,12,111.33333333333333 +"POLYGON ((7.202884444202633 52.50230099473075, 7.204039420996502 52.50230099473075, 7.204039420996502 52.50209593259959, 7.202884444202633 52.50209593259959, 7.202884444202633 52.50230099473075))",30584_6_13,6,13,127.4563875 +"POLYGON ((7.202884444202633 52.50209593259959, 7.204039420996502 52.50209593259959, 7.204039420996502 52.5018908695119, 7.202884444202633 52.5018908695119, 7.202884444202633 52.50209593259959))",30584_6_14,6,14,133.39491033333334 +"POLYGON ((7.202884444202633 52.5018908695119, 7.204039420996502 52.5018908695119, 7.204039420996502 52.50168580546765, 7.202884444202633 52.50168580546765, 7.202884444202633 52.5018908695119))",30584_6_15,6,15,140.0 +"POLYGON ((7.202884444202633 52.50168580546765, 7.204039420996502 52.50168580546765, 7.204039420996502 52.50148074046686, 7.202884444202633 52.50148074046686, 7.202884444202633 52.50168580546765))",30584_6_16,6,16,163.5 +"POLYGON ((7.202884444202633 52.50127567450954, 7.204039420996502 52.50127567450954, 7.204039420996502 52.50107060759566, 7.202884444202633 52.50107060759566, 7.202884444202633 52.50127567450954))",30584_6_18,6,18,124.2981645 +"POLYGON ((7.195954583439427 52.49703743056192, 7.197109560233295 52.49703743056192, 7.197109560233295 52.496832343879, 7.195954583439427 52.496832343879, 7.195954583439427 52.49703743056192))",30585_0_12,0,12,169.0 +"POLYGON ((7.195954583439427 52.49519161597843, 7.197109560233295 52.49519161597843, 7.197109560233295 52.49498652068618, 7.195954583439427 52.49498652068618, 7.195954583439427 52.49519161597843))",30585_0_21,0,21,132.61308699999998 +"POLYGON ((7.197109560233295 52.49765268487116, 7.198264537027162 52.49765268487116, 7.198264537027162 52.49744760105799, 7.197109560233295 52.49744760105799, 7.197109560233295 52.49765268487116))",30585_1_9,1,9,140.0 +"POLYGON ((7.198264537027162 52.496832343879, 7.199419513821031 52.496832343879, 7.199419513821031 52.4966272562395, 7.198264537027162 52.4966272562395, 7.198264537027162 52.496832343879))",30585_2_13,2,13,175.5 +"POLYGON ((7.199419513821031 52.49826793057118, 7.200574490614899 52.49826793057118, 7.200574490614899 52.49806284962776, 7.199419513821031 52.49806284962776, 7.199419513821031 52.49826793057118))",30585_3_6,3,6,191.0 +"POLYGON ((7.199419513821031 52.49703743056192, 7.200574490614899 52.49703743056192, 7.200574490614899 52.496832343879, 7.199419513821031 52.496832343879, 7.199419513821031 52.49703743056192))",30585_3_12,3,12,138.33333333333334 +"POLYGON ((7.199419513821031 52.49621707809073, 7.200574490614899 52.49621707809073, 7.200574490614899 52.49601198758147, 7.199419513821031 52.49601198758147, 7.199419513821031 52.49621707809073))",30585_3_16,3,16,138.0 +"POLYGON ((7.200574490614899 52.49867808958834, 7.201729467408766 52.49867808958834, 7.201729467408766 52.49847301055805, 7.200574490614899 52.49847301055805, 7.200574490614899 52.49867808958834))",30585_4_4,4,4,167.0 +"POLYGON ((7.200574490614899 52.49826793057118, 7.201729467408766 52.49826793057118, 7.201729467408766 52.49806284962776, 7.200574490614899 52.49806284962776, 7.200574490614899 52.49826793057118))",30585_4_6,4,6,148.97319466666667 +"POLYGON ((7.200574490614899 52.49785776772774, 7.201729467408766 52.49785776772774, 7.201729467408766 52.49765268487116, 7.200574490614899 52.49765268487116, 7.200574490614899 52.49785776772774))",30585_4_8,4,8,136.21510025 +"POLYGON ((7.200574490614899 52.49744760105799, 7.201729467408766 52.49744760105799, 7.201729467408766 52.49724251628824, 7.200574490614899 52.49724251628824, 7.200574490614899 52.49744760105799))",30585_4_10,4,10,125.0 +"POLYGON ((7.200574490614899 52.49621707809073, 7.201729467408766 52.49621707809073, 7.201729467408766 52.49601198758147, 7.200574490614899 52.49601198758147, 7.200574490614899 52.49621707809073))",30585_4_16,4,16,151.59420266666666 +"POLYGON ((7.200574490614899 52.49601198758147, 7.201729467408766 52.49601198758147, 7.201729467408766 52.4958068961156, 7.200574490614899 52.4958068961156, 7.200574490614899 52.49601198758147))",30585_4_17,4,17,146.0 +"POLYGON ((7.201729467408766 52.49867808958834, 7.202884444202633 52.49867808958834, 7.202884444202633 52.49847301055805, 7.201729467408766 52.49847301055805, 7.201729467408766 52.49867808958834))",30585_5_4,5,4,128.33333333333334 +"POLYGON ((7.201729467408766 52.49826793057118, 7.202884444202633 52.49826793057118, 7.202884444202633 52.49806284962776, 7.201729467408766 52.49806284962776, 7.201729467408766 52.49826793057118))",30585_5_6,5,6,168.5 +"POLYGON ((7.201729467408766 52.49744760105799, 7.202884444202633 52.49744760105799, 7.202884444202633 52.49724251628824, 7.201729467408766 52.49724251628824, 7.201729467408766 52.49744760105799))",30585_5_10,5,10,144.33333100000002 +"POLYGON ((7.201729467408766 52.49724251628824, 7.202884444202633 52.49724251628824, 7.202884444202633 52.49703743056192, 7.201729467408766 52.49703743056192, 7.201729467408766 52.49724251628824))",30585_5_11,5,11,129.88748566666666 +"POLYGON ((7.201729467408766 52.49703743056192, 7.202884444202633 52.49703743056192, 7.202884444202633 52.496832343879, 7.201729467408766 52.496832343879, 7.201729467408766 52.49703743056192))",30585_5_12,5,12,121.7500005 +"POLYGON ((7.201729467408766 52.496832343879, 7.202884444202633 52.496832343879, 7.202884444202633 52.4966272562395, 7.201729467408766 52.4966272562395, 7.201729467408766 52.496832343879))",30585_5_13,5,13,131.58072833333333 +"POLYGON ((7.201729467408766 52.49621707809073, 7.202884444202633 52.49621707809073, 7.202884444202633 52.49601198758147, 7.201729467408766 52.49601198758147, 7.201729467408766 52.49621707809073))",30585_5_16,5,16,158.0 +"POLYGON ((7.201729467408766 52.49560180369313, 7.202884444202633 52.49560180369313, 7.202884444202633 52.49539671031408, 7.201729467408766 52.49539671031408, 7.201729467408766 52.49560180369313))",30585_5_19,5,19,138.00000133333333 +"POLYGON ((7.201729467408766 52.49498652068618, 7.202884444202633 52.49498652068618, 7.202884444202633 52.49478142443731, 7.201729467408766 52.49478142443731, 7.201729467408766 52.49498652068618))",30585_5_22,5,22,145.70129766666668 +"POLYGON ((7.201729467408766 52.49478142443731, 7.202884444202633 52.49478142443731, 7.202884444202633 52.49457632723185, 7.201729467408766 52.49457632723185, 7.201729467408766 52.49478142443731))",30585_5_23,5,23,125.21812775000001 +"POLYGON ((7.202884444202633 52.49744760105799, 7.204039420996502 52.49744760105799, 7.204039420996502 52.49724251628824, 7.202884444202633 52.49724251628824, 7.202884444202633 52.49744760105799))",30585_6_10,6,10,122.3480725 +"POLYGON ((7.202884444202633 52.49724251628824, 7.204039420996502 52.49724251628824, 7.204039420996502 52.49703743056192, 7.202884444202633 52.49703743056192, 7.202884444202633 52.49724251628824))",30585_6_11,6,11,125.0 +"POLYGON ((7.202884444202633 52.49703743056192, 7.204039420996502 52.49703743056192, 7.204039420996502 52.496832343879, 7.202884444202633 52.496832343879, 7.202884444202633 52.49703743056192))",30585_6_12,6,12,111.5 +"POLYGON ((7.202884444202633 52.496832343879, 7.204039420996502 52.496832343879, 7.204039420996502 52.4966272562395, 7.202884444202633 52.4966272562395, 7.202884444202633 52.496832343879))",30585_6_13,6,13,127.87640400000001 +"POLYGON ((7.202884444202633 52.4966272562395, 7.204039420996502 52.4966272562395, 7.204039420996502 52.49642216764341, 7.202884444202633 52.49642216764341, 7.202884444202633 52.4966272562395))",30585_6_14,6,14,131.15507925 +"POLYGON ((7.202884444202633 52.49642216764341, 7.204039420996502 52.49642216764341, 7.204039420996502 52.49621707809073, 7.202884444202633 52.49621707809073, 7.202884444202633 52.49642216764341))",30585_6_15,6,15,147.66666666666666 +"POLYGON ((7.202884444202633 52.49621707809073, 7.204039420996502 52.49621707809073, 7.204039420996502 52.49601198758147, 7.202884444202633 52.49601198758147, 7.202884444202633 52.49621707809073))",30585_6_16,6,16,151.66666666666666 +"POLYGON ((7.202884444202633 52.4958068961156, 7.204039420996502 52.4958068961156, 7.204039420996502 52.49560180369313, 7.202884444202633 52.49560180369313, 7.202884444202633 52.4958068961156))",30585_6_18,6,18,120.7500015 +"POLYGON ((7.195954583439427 52.48972208080906, 7.197109560233295 52.48972208080906, 7.197109560233295 52.48951696000677, 7.195954583439427 52.48951696000677, 7.195954583439427 52.48972208080906))",30586_0_21,0,21,132.203536 +"POLYGON ((7.197109560233295 52.49218345581838, 7.198264537027162 52.49218345581838, 7.198264537027162 52.49197834649576, 7.197109560233295 52.49197834649576, 7.197109560233295 52.49218345581838))",30586_1_9,1,9,137.0 +"POLYGON ((7.199419513821031 52.49279877804645, 7.200574490614899 52.49279877804645, 7.200574490614899 52.49259367159372, 7.199419513821031 52.49259367159372, 7.199419513821031 52.49279877804645))",30586_3_6,3,6,193.0 +"POLYGON ((7.199419513821031 52.49156812498065, 7.200574490614899 52.49156812498065, 7.200574490614899 52.49136301278814, 7.199419513821031 52.49136301278814, 7.199419513821031 52.49156812498065))",30586_3_12,3,12,137.0 +"POLYGON ((7.199419513821031 52.4907476704708, 7.200574490614899 52.4907476704708, 7.200574490614899 52.49054255445174, 7.199419513821031 52.49054255445174, 7.199419513821031 52.4907476704708))",30586_3_16,3,16,141.0 +"POLYGON ((7.200574490614899 52.49320898808206, 7.201729467408766 52.49320898808206, 7.201729467408766 52.49300388354257, 7.200574490614899 52.49300388354257, 7.200574490614899 52.49320898808206))",30586_4_4,4,4,186.0 +"POLYGON ((7.200574490614899 52.49279877804645, 7.201729467408766 52.49279877804645, 7.201729467408766 52.49259367159372, 7.200574490614899 52.49259367159372, 7.200574490614899 52.49279877804645))",30586_4_6,4,6,159.0 +"POLYGON ((7.200574490614899 52.49197834649576, 7.201729467408766 52.49197834649576, 7.201729467408766 52.49177323621651, 7.200574490614899 52.49177323621651, 7.200574490614899 52.49197834649576))",30586_4_10,4,10,124.0 +"POLYGON ((7.200574490614899 52.49054255445174, 7.201729467408766 52.49054255445174, 7.201729467408766 52.49033743747603, 7.200574490614899 52.49033743747603, 7.200574490614899 52.49054255445174))",30586_4_17,4,17,145.0 +"POLYGON ((7.201729467408766 52.49320898808206, 7.202884444202633 52.49320898808206, 7.202884444202633 52.49300388354257, 7.201729467408766 52.49300388354257, 7.201729467408766 52.49320898808206))",30586_5_4,5,4,129.0 +"POLYGON ((7.201729467408766 52.49279877804645, 7.202884444202633 52.49279877804645, 7.202884444202633 52.49259367159372, 7.201729467408766 52.49259367159372, 7.201729467408766 52.49279877804645))",30586_5_6,5,6,179.0 +"POLYGON ((7.201729467408766 52.49197834649576, 7.202884444202633 52.49197834649576, 7.202884444202633 52.49177323621651, 7.201729467408766 52.49177323621651, 7.201729467408766 52.49197834649576))",30586_5_10,5,10,140.000002 +"POLYGON ((7.201729467408766 52.49177323621651, 7.202884444202633 52.49177323621651, 7.202884444202633 52.49156812498065, 7.201729467408766 52.49156812498065, 7.201729467408766 52.49177323621651))",30586_5_11,5,11,127.999997 +"POLYGON ((7.201729467408766 52.49136301278814, 7.202884444202633 52.49136301278814, 7.202884444202633 52.491157899639, 7.201729467408766 52.491157899639, 7.201729467408766 52.49136301278814))",30586_5_13,5,13,117.0 +"POLYGON ((7.201729467408766 52.4907476704708, 7.202884444202633 52.4907476704708, 7.202884444202633 52.49054255445174, 7.201729467408766 52.49054255445174, 7.201729467408766 52.4907476704708))",30586_5_16,5,16,154.0 +"POLYGON ((7.201729467408766 52.49013231954369, 7.202884444202633 52.49013231954369, 7.202884444202633 52.4899272006547, 7.201729467408766 52.4899272006547, 7.201729467408766 52.49013231954369))",30586_5_19,5,19,138.999998 +"POLYGON ((7.201729467408766 52.48951696000677, 7.202884444202633 52.48951696000677, 7.202884444202633 52.48931183824782, 7.201729467408766 52.48931183824782, 7.201729467408766 52.48951696000677))",30586_5_22,5,22,146.000004 +"POLYGON ((7.201729467408766 52.48931183824782, 7.202884444202633 52.48931183824782, 7.202884444202633 52.48910671553223, 7.201729467408766 52.48910671553223, 7.201729467408766 52.48931183824782))",30586_5_23,5,23,113.484994 +"POLYGON ((7.202884444202633 52.49197834649576, 7.204039420996502 52.49197834649576, 7.204039420996502 52.49177323621651, 7.202884444202633 52.49177323621651, 7.202884444202633 52.49197834649576))",30586_6_10,6,10,120.0 +"POLYGON ((7.202884444202633 52.49177323621651, 7.204039420996502 52.49177323621651, 7.204039420996502 52.49156812498065, 7.202884444202633 52.49156812498065, 7.202884444202633 52.49177323621651))",30586_6_11,6,11,128.0 +"POLYGON ((7.202884444202633 52.49156812498065, 7.204039420996502 52.49156812498065, 7.204039420996502 52.49136301278814, 7.202884444202633 52.49136301278814, 7.202884444202633 52.49156812498065))",30586_6_12,6,12,111.0 +"POLYGON ((7.202884444202633 52.49136301278814, 7.204039420996502 52.49136301278814, 7.204039420996502 52.491157899639, 7.202884444202633 52.491157899639, 7.202884444202633 52.49136301278814))",30586_6_13,6,13,122.85948025 +"POLYGON ((7.202884444202633 52.491157899639, 7.204039420996502 52.491157899639, 7.204039420996502 52.49095278553322, 7.202884444202633 52.49095278553322, 7.202884444202633 52.491157899639))",30586_6_14,6,14,134.0 +"POLYGON ((7.202884444202633 52.49095278553322, 7.204039420996502 52.49095278553322, 7.204039420996502 52.4907476704708, 7.202884444202633 52.4907476704708, 7.202884444202633 52.49095278553322))",30586_6_15,6,15,153.0 +"POLYGON ((7.202884444202633 52.4907476704708, 7.204039420996502 52.4907476704708, 7.204039420996502 52.49054255445174, 7.202884444202633 52.49054255445174, 7.202884444202633 52.4907476704708))",30586_6_16,6,16,145.0 +"POLYGON ((7.202884444202633 52.49033743747603, 7.204039420996502 52.49033743747603, 7.204039420996502 52.49013231954369, 7.202884444202633 52.49013231954369, 7.202884444202633 52.49033743747603))",30586_6_18,6,18,123.000002 +"POLYGON ((7.195954583439427 52.28323011502598, 7.197109560233295 52.28323011502598, 7.197109560233295 52.28302403251005, 7.195954583439427 52.28302403251005, 7.195954583439427 52.28323011502598))",30624_0_12,0,12,163.0 +"POLYGON ((7.195954583439427 52.28116924673523, 7.197109560233295 52.28116924673523, 7.197109560233295 52.28096315463451, 7.195954583439427 52.28096315463451, 7.195954583439427 52.28116924673523))",30624_0_22,0,22,17.41518795652174 +"POLYGON ((7.197109560233295 52.28384835682296, 7.198264537027162 52.28384835682296, 7.198264537027162 52.28364227718242, 7.197109560233295 52.28364227718242, 7.197109560233295 52.28384835682296))",30624_1_9,1,9,123.66666666666667 +"POLYGON ((7.198264537027162 52.28302403251005, 7.199419513821031 52.28302403251005, 7.199419513821031 52.28281794903565, 7.198264537027162 52.28281794903565, 7.198264537027162 52.28302403251005))",30624_2_13,2,13,176.0 +"POLYGON ((7.199419513821031 52.28446658999375, 7.200574490614899 52.28446658999375, 7.200574490614899 52.28426051322862, 7.199419513821031 52.28426051322862, 7.199419513821031 52.28446658999375))",30624_3_6,3,6,189.0 +"POLYGON ((7.199419513821031 52.28323011502598, 7.200574490614899 52.28323011502598, 7.200574490614899 52.28302403251005, 7.199419513821031 52.28302403251005, 7.199419513821031 52.28323011502598))",30624_3_12,3,12,132.0 +"POLYGON ((7.199419513821031 52.28240577921142, 7.200574490614899 52.28240577921142, 7.200574490614899 52.28219969286159, 7.199419513821031 52.28219969286159, 7.199419513821031 52.28240577921142))",30624_3_16,3,16,128.0 +"POLYGON ((7.200574490614899 52.28487874064865, 7.201729467408766 52.28487874064865, 7.201729467408766 52.28467266580043, 7.200574490614899 52.28467266580043, 7.200574490614899 52.28487874064865))",30624_4_4,4,4,120.0 +"POLYGON ((7.200574490614899 52.28467266580043, 7.201729467408766 52.28467266580043, 7.201729467408766 52.28446658999375, 7.200574490614899 52.28446658999375, 7.200574490614899 52.28467266580043))",30624_4_5,4,5,101.333334 +"POLYGON ((7.200574490614899 52.28364227718242, 7.201729467408766 52.28364227718242, 7.201729467408766 52.28343619658344, 7.200574490614899 52.28343619658344, 7.200574490614899 52.28364227718242))",30624_4_10,4,10,129.5 +"POLYGON ((7.201729467408766 52.28487874064865, 7.202884444202633 52.28487874064865, 7.202884444202633 52.28467266580043, 7.201729467408766 52.28467266580043, 7.201729467408766 52.28487874064865))",30624_5_4,5,4,128.5 +"POLYGON ((7.201729467408766 52.28446658999375, 7.202884444202633 52.28446658999375, 7.202884444202633 52.28426051322862, 7.201729467408766 52.28426051322862, 7.201729467408766 52.28446658999375))",30624_5_6,5,6,193.5 +"POLYGON ((7.201729467408766 52.28384835682296, 7.202884444202633 52.28384835682296, 7.202884444202633 52.28364227718242, 7.201729467408766 52.28364227718242, 7.201729467408766 52.28384835682296))",30624_5_9,5,9,133.35980733333335 +"POLYGON ((7.201729467408766 52.28343619658344, 7.202884444202633 52.28343619658344, 7.202884444202633 52.28323011502598, 7.201729467408766 52.28323011502598, 7.201729467408766 52.28343619658344))",30624_5_11,5,11,135.56048049999998 +"POLYGON ((7.201729467408766 52.2817875172865, 7.202884444202633 52.2817875172865, 7.202884444202633 52.28158142806123, 7.201729467408766 52.28158142806123, 7.201729467408766 52.2817875172865))",30624_5_19,5,19,142.9999965 +"POLYGON ((7.201729467408766 52.28096315463451, 7.202884444202633 52.28096315463451, 7.202884444202633 52.28075706157529, 7.201729467408766 52.28075706157529, 7.201729467408766 52.28096315463451))",30624_5_23,5,23,123.80297566666667 +"POLYGON ((7.202884444202633 52.28364227718242, 7.204039420996502 52.28364227718242, 7.204039420996502 52.28343619658344, 7.202884444202633 52.28343619658344, 7.202884444202633 52.28364227718242))",30624_6_10,6,10,149.5 +"POLYGON ((7.202884444202633 52.28323011502598, 7.204039420996502 52.28323011502598, 7.204039420996502 52.28302403251005, 7.202884444202633 52.28302403251005, 7.202884444202633 52.28323011502598))",30624_6_12,6,12,117.55555555555556 +"POLYGON ((7.202884444202633 52.28302403251005, 7.204039420996502 52.28302403251005, 7.204039420996502 52.28281794903565, 7.202884444202633 52.28281794903565, 7.202884444202633 52.28302403251005))",30624_6_13,6,13,128.91026916666667 +"POLYGON ((7.202884444202633 52.28281794903565, 7.204039420996502 52.28281794903565, 7.204039420996502 52.28261186460276, 7.202884444202633 52.28261186460276, 7.202884444202633 52.28281794903565))",30624_6_14,6,14,140.55941779999998 +"POLYGON ((7.202884444202633 52.28199360555329, 7.204039420996502 52.28199360555329, 7.204039420996502 52.2817875172865, 7.202884444202633 52.2817875172865, 7.202884444202633 52.28199360555329))",30624_6_18,6,18,119.33333166666667 +"POLYGON ((7.195954583439427 52.27567312936101, 7.197109560233295 52.27567312936101, 7.197109560233295 52.27546701169994, 7.195954583439427 52.27546701169994, 7.195954583439427 52.27567312936101))",30625_0_22,0,22,43.525498 +"POLYGON ((7.197109560233295 52.27835257172875, 7.198264537027162 52.27835257172875, 7.198264537027162 52.27814646652851, 7.197109560233295 52.27814646652851, 7.197109560233295 52.27835257172875))",30625_1_9,1,9,131.0 +"POLYGON ((7.199419513821031 52.27897088157841, 7.200574490614899 52.27897088157841, 7.200574490614899 52.2787647792537, 7.199419513821031 52.2787647792537, 7.199419513821031 52.27897088157841))",30625_3_6,3,6,180.0 +"POLYGON ((7.199419513821031 52.27773425325248, 7.200574490614899 52.27773425325248, 7.200574490614899 52.2775281451767, 7.199419513821031 52.2775281451767, 7.199419513821031 52.27773425325248))",30625_3_12,3,12,127.5 +"POLYGON ((7.199419513821031 52.2769098151982, 7.200574490614899 52.2769098151982, 7.200574490614899 52.27670370328833, 7.199419513821031 52.27670370328833, 7.199419513821031 52.2769098151982))",30625_3_16,3,16,129.0 +"POLYGON ((7.200574490614899 52.2793830833523, 7.201729467408766 52.2793830833523, 7.201729467408766 52.27917698294461, 7.200574490614899 52.27917698294461, 7.200574490614899 52.2793830833523))",30625_4_4,4,4,121.0 +"POLYGON ((7.200574490614899 52.27917698294461, 7.201729467408766 52.27917698294461, 7.201729467408766 52.27897088157841, 7.200574490614899 52.27897088157841, 7.200574490614899 52.27917698294461))",30625_4_5,4,5,93.00000075 +"POLYGON ((7.200574490614899 52.27814646652851, 7.201729467408766 52.27814646652851, 7.201729467408766 52.27794036036975, 7.200574490614899 52.27794036036975, 7.200574490614899 52.27814646652851))",30625_4_10,4,10,129.0 +"POLYGON ((7.201729467408766 52.2793830833523, 7.202884444202633 52.2793830833523, 7.202884444202633 52.27917698294461, 7.201729467408766 52.27917698294461, 7.201729467408766 52.2793830833523))",30625_5_4,5,4,129.0 +"POLYGON ((7.201729467408766 52.27897088157841, 7.202884444202633 52.27897088157841, 7.202884444202633 52.2787647792537, 7.201729467408766 52.2787647792537, 7.201729467408766 52.27897088157841))",30625_5_6,5,6,206.0 +"POLYGON ((7.201729467408766 52.27835257172875, 7.202884444202633 52.27835257172875, 7.202884444202633 52.27814646652851, 7.201729467408766 52.27814646652851, 7.201729467408766 52.27835257172875))",30625_5_9,5,9,135.0 +"POLYGON ((7.201729467408766 52.27794036036975, 7.202884444202633 52.27794036036975, 7.202884444202633 52.27773425325248, 7.201729467408766 52.27773425325248, 7.201729467408766 52.27794036036975))",30625_5_11,5,11,138.000002 +"POLYGON ((7.201729467408766 52.27629147659299, 7.202884444202633 52.27629147659299, 7.202884444202633 52.27608536180754, 7.201729467408766 52.27608536180754, 7.201729467408766 52.27629147659299))",30625_5_19,5,19,142.999996 +"POLYGON ((7.201729467408766 52.27546701169994, 7.202884444202633 52.27546701169994, 7.202884444202633 52.27526089308034, 7.201729467408766 52.27526089308034, 7.201729467408766 52.27546701169994))",30625_5_23,5,23,128.0 +"POLYGON ((7.202884444202633 52.27814646652851, 7.204039420996502 52.27814646652851, 7.204039420996502 52.27794036036975, 7.202884444202633 52.27794036036975, 7.202884444202633 52.27814646652851))",30625_6_10,6,10,150.999995 +"POLYGON ((7.202884444202633 52.27773425325248, 7.204039420996502 52.27773425325248, 7.204039420996502 52.2775281451767, 7.202884444202633 52.2775281451767, 7.202884444202633 52.27773425325248))",30625_6_12,6,12,119.66666666666667 +"POLYGON ((7.202884444202633 52.2775281451767, 7.204039420996502 52.2775281451767, 7.204039420996502 52.27732203614239, 7.202884444202633 52.27732203614239, 7.202884444202633 52.2775281451767))",30625_6_13,6,13,126.373256 +"POLYGON ((7.202884444202633 52.27732203614239, 7.204039420996502 52.27732203614239, 7.204039420996502 52.27711592614956, 7.202884444202633 52.27711592614956, 7.202884444202633 52.27732203614239))",30625_6_14,6,14,126.22689933333334 +"POLYGON ((7.202884444202633 52.27649759041993, 7.204039420996502 52.27649759041993, 7.204039420996502 52.27629147659299, 7.202884444202633 52.27629147659299, 7.202884444202633 52.27649759041993))",30625_6_18,6,18,117.5 +"POLYGON ((7.195954583439427 52.19521451417156, 7.197109560233295 52.19521451417156, 7.197109560233295 52.19500802254554, 7.195954583439427 52.19500802254554, 7.195954583439427 52.19521451417156))",30640_0_12,0,12,80.8 +"POLYGON ((7.195954583439427 52.1931495547457, 7.197109560233295 52.1931495547457, 7.197109560233295 52.19294305352728, 7.195954583439427 52.19294305352728, 7.195954583439427 52.1931495547457))",30640_0_22,0,22,96.47303149999999 +"POLYGON ((7.197109560233295 52.19583398329424, 7.198264537027162 52.19583398329424, 7.198264537027162 52.1956274945459, 7.197109560233295 52.1956274945459, 7.197109560233295 52.19583398329424))",30640_1_9,1,9,71.0 +"POLYGON ((7.198264537027162 52.19500802254554, 7.199419513821031 52.19500802254554, 7.199419513821031 52.19480152996029, 7.198264537027162 52.19480152996029, 7.198264537027162 52.19500802254554))",30640_2_13,2,13,115.0 +"POLYGON ((7.199419513821031 52.19645344378389, 7.200574490614899 52.19645344378389, 7.200574490614899 52.19624695791322, 7.199419513821031 52.19624695791322, 7.199419513821031 52.19645344378389))",30640_3_6,3,6,126.66666666666667 +"POLYGON ((7.199419513821031 52.19521451417156, 7.200574490614899 52.19521451417156, 7.200574490614899 52.19500802254554, 7.199419513821031 52.19500802254554, 7.199419513821031 52.19521451417156))",30640_3_12,3,12,105.25 +"POLYGON ((7.199419513821031 52.19438854191208, 7.200574490614899 52.19438854191208, 7.200574490614899 52.19418204644913, 7.199419513821031 52.19418204644913, 7.199419513821031 52.19438854191208))",30640_3_16,3,16,97.75 +"POLYGON ((7.200574490614899 52.19686641264756, 7.201729467408766 52.19686641264756, 7.201729467408766 52.19665992869533, 7.200574490614899 52.19665992869533, 7.200574490614899 52.19686641264756))",30640_4_4,4,4,126.0 +"POLYGON ((7.200574490614899 52.19665992869533, 7.201729467408766 52.19665992869533, 7.201729467408766 52.19645344378389, 7.200574490614899 52.19645344378389, 7.200574490614899 52.19665992869533))",30640_4_5,4,5,118.75 +"POLYGON ((7.201729467408766 52.19686641264756, 7.202884444202633 52.19686641264756, 7.202884444202633 52.19665992869533, 7.201729467408766 52.19665992869533, 7.201729467408766 52.19686641264756))",30640_5_4,5,4,117.33333333333333 +"POLYGON ((7.201729467408766 52.19645344378389, 7.202884444202633 52.19645344378389, 7.202884444202633 52.19624695791322, 7.201729467408766 52.19624695791322, 7.201729467408766 52.19645344378389))",30640_5_6,5,6,139.66666666666666 +"POLYGON ((7.201729467408766 52.19583398329424, 7.202884444202633 52.19583398329424, 7.202884444202633 52.1956274945459, 7.201729467408766 52.1956274945459, 7.201729467408766 52.19583398329424))",30640_5_9,5,9,87.21977166666666 +"POLYGON ((7.201729467408766 52.19542100483834, 7.202884444202633 52.19542100483834, 7.202884444202633 52.19521451417156, 7.201729467408766 52.19521451417156, 7.201729467408766 52.19542100483834))",30640_5_11,5,11,107.3339746 +"POLYGON ((7.201729467408766 52.1935625543048, 7.202884444202633 52.1935625543048, 7.202884444202633 52.19335605500488, 7.201729467408766 52.19335605500488, 7.201729467408766 52.1935625543048))",30640_5_20,5,20,96.228846 +"POLYGON ((7.201729467408766 52.19294305352728, 7.202884444202633 52.19294305352728, 7.202884444202633 52.19273655134961, 7.201729467408766 52.19273655134961, 7.201729467408766 52.19294305352728))",30640_5_23,5,23,88.48002966666667 +"POLYGON ((7.202884444202633 52.19583398329424, 7.204039420996502 52.19583398329424, 7.204039420996502 52.1956274945459, 7.202884444202633 52.1956274945459, 7.202884444202633 52.19583398329424))",30640_6_9,6,9,117.89322475 +"POLYGON ((7.202884444202633 52.19521451417156, 7.204039420996502 52.19521451417156, 7.204039420996502 52.19500802254554, 7.202884444202633 52.19500802254554, 7.202884444202633 52.19521451417156))",30640_6_12,6,12,95.38461538461539 +"POLYGON ((7.202884444202633 52.19500802254554, 7.204039420996502 52.19500802254554, 7.204039420996502 52.19480152996029, 7.202884444202633 52.19480152996029, 7.202884444202633 52.19500802254554))",30640_6_13,6,13,98.0000001111111 +"POLYGON ((7.202884444202633 52.19480152996029, 7.204039420996502 52.19480152996029, 7.204039420996502 52.19459503641581, 7.202884444202633 52.19459503641581, 7.202884444202633 52.19480152996029))",30640_6_14,6,14,97.08748399999999 +"POLYGON ((7.200574490614899 50.87096167664339, 7.201729467408766 50.87096167664339, 7.201729467408766 50.87074908904782, 7.200574490614899 50.87074908904782, 7.200574490614899 50.87096167664339))",30877_4_12,4,12,131.0 +"POLYGON ((7.200574490614899 50.86529234227899, 7.201729467408766 50.86529234227899, 7.201729467408766 50.86507972882745, 7.200574490614899 50.86507972882745, 7.200574490614899 50.86529234227899))",30878_4_12,4,12,131.5 +"POLYGON ((7.200574490614899 50.84260810947281, 7.201729467408766 50.84260810947281, 7.201729467408766 50.84239539258672, 7.200574490614899 50.84239539258672, 7.200574490614899 50.84260810947281))",30882_4_12,4,12,126.0 +"POLYGON ((7.200574490614899 50.83693532729267, 7.201729467408766 50.83693532729267, 7.201729467408766 50.83672258454529, 7.200574490614899 50.83672258454529, 7.200574490614899 50.83693532729267))",30883_4_12,4,12,122.66666666666667 +"POLYGON ((7.200574490614899 50.8312618554646, 7.201729467408766 50.8312618554646, 7.201729467408766 50.83104908685487, 7.200574490614899 50.83104908685487, 7.200574490614899 50.8312618554646))",30884_4_12,4,12,115.25 +"POLYGON ((7.200574490614899 50.82558769396039, 7.201729467408766 50.82558769396039, 7.201729467408766 50.82537489948725, 7.200574490614899 50.82537489948725, 7.200574490614899 50.82558769396039))",30885_4_12,4,12,110.66666666666667 +"POLYGON ((7.204937736280621 53.61499214337697, 7.20609271307449 53.61499214337697, 7.20609271307449 53.61479230988792, 7.204937736280621 53.61479230988792, 7.204937736280621 53.61499214337697))",31053_0_10,0,10,90.0 +"POLYGON ((7.207247689868357 53.61419280374557, 7.208402666662226 53.61419280374557, 7.208402666662226 53.61399296647306, 7.207247689868357 53.61399296647306, 7.207247689868357 53.61419280374557))",31053_2_14,2,14,78.6 +"POLYGON ((7.208402666662226 53.6153918075175, 7.209557643456093 53.6153918075175, 7.209557643456093 53.61519197592015, 7.208402666662226 53.61519197592015, 7.208402666662226 53.6153918075175))",31053_3_8,3,8,81.5 +"POLYGON ((7.209557643456093 53.61599129663437, 7.210712620249961 53.61599129663437, 7.210712620249961 53.61579146787459, 7.209557643456093 53.61579146787459, 7.209557643456093 53.61599129663437))",31053_4_5,4,5,88.8 +"POLYGON ((7.209557643456093 53.61519197592015, 7.210712620249961 53.61519197592015, 7.210712620249961 53.61499214337697, 7.209557643456093 53.61499214337697, 7.209557643456093 53.61519197592015))",31053_4_9,4,9,75.83333383333333 +"POLYGON ((7.210712620249961 53.61599129663437, 7.211867597043828 53.61599129663437, 7.211867597043828 53.61579146787459, 7.210712620249961 53.61579146787459, 7.210712620249961 53.61599129663437))",31053_5_5,5,5,84.4 +"POLYGON ((7.211867597043828 53.61439264007222, 7.213022573837696 53.61439264007222, 7.213022573837696 53.61419280374557, 7.211867597043828 53.61419280374557, 7.211867597043828 53.61439264007222))",31053_6_13,6,13,82.8 +"POLYGON ((7.204937736280621 53.60966292663468, 7.20609271307449 53.60966292663468, 7.20609271307449 53.60946306792193, 7.204937736280621 53.60946306792193, 7.204937736280621 53.60966292663468))",31054_0_10,0,10,93.0 +"POLYGON ((7.210712620249961 53.59427103785051, 7.211867597043828 53.59427103785051, 7.211867597043828 53.59407110629618, 7.210712620249961 53.59407110629618, 7.210712620249961 53.59427103785051))",31057_5_7,5,7,37.833333333333336 +"POLYGON ((7.210712620249961 53.58893920596157, 7.211867597043828 53.58893920596157, 7.211867597043828 53.58873924917789, 7.210712620249961 53.58873924917789, 7.210712620249961 53.58893920596157))",31058_5_7,5,7,32.0 +"POLYGON ((7.210712620249961 53.57827352374137, 7.211867597043828 53.57827352374137, 7.211867597043828 53.57807351649464, 7.210712620249961 53.57807351649464, 7.210712620249961 53.57827352374137))",31060_5_7,5,7,70.0 +"POLYGON ((7.208402666662226 53.5727396408523, 7.209557643456093 53.5727396408523, 7.209557643456093 53.57253960742558, 7.208402666662226 53.57253960742558, 7.208402666662226 53.5727396408523))",31061_3_8,3,8,77.8 +"POLYGON ((7.209557643456093 53.57253960742558, 7.210712620249961 53.57253960742558, 7.210712620249961 53.57233957305256, 7.209557643456093 53.57233957305256, 7.209557643456093 53.57253960742558))",31061_4_9,4,9,52.675172249999996 +"POLYGON ((7.210712620249961 53.57293967333272, 7.211867597043828 53.57293967333272, 7.211867597043828 53.5727396408523, 7.210712620249961 53.5727396408523, 7.210712620249961 53.57293967333272))",31061_5_7,5,7,63.166666666666664 +"POLYGON ((7.208402666662226 53.56760515000683, 7.209557643456093 53.56760515000683, 7.209557643456093 53.56740509229125, 7.208402666662226 53.56740509229125, 7.208402666662226 53.56760515000683))",31062_3_7,3,7,121.5 +"POLYGON ((7.208402666662226 53.56740509229125, 7.209557643456093 53.56740509229125, 7.209557643456093 53.56720503362933, 7.208402666662226 53.56720503362933, 7.208402666662226 53.56740509229125))",31062_3_8,3,8,109.0 +"POLYGON ((7.209557643456093 53.56720503362933, 7.210712620249961 53.56720503362933, 7.210712620249961 53.56700497402105, 7.209557643456093 53.56700497402105, 7.209557643456093 53.56720503362933))",31062_4_9,4,9,80.7812844 +"POLYGON ((7.210712620249961 53.56760515000683, 7.211867597043828 53.56760515000683, 7.211867597043828 53.56740509229125, 7.210712620249961 53.56740509229125, 7.210712620249961 53.56760515000683))",31062_5_7,5,7,85.75 +"POLYGON ((7.208402666662226 53.56226995372501, 7.209557643456093 53.56226995372501, 7.209557643456093 53.56206987077285, 7.208402666662226 53.56206987077285, 7.208402666662226 53.56226995372501))",31063_3_7,3,7,110.66666666666667 +"POLYGON ((7.209557643456093 53.56186978687428, 7.210712620249961 53.56186978687428, 7.210712620249961 53.5616697020293, 7.209557643456093 53.5616697020293, 7.209557643456093 53.56186978687428))",31063_4_9,4,9,89.5999998 +"POLYGON ((7.210712620249961 53.56226995372501, 7.211867597043828 53.56226995372501, 7.211867597043828 53.56206987077285, 7.210712620249961 53.56206987077285, 7.210712620249961 53.56226995372501))",31063_5_7,5,7,99.0 +"POLYGON ((7.208402666662226 53.5569340844487, 7.209557643456093 53.5569340844487, 7.209557643456093 53.55673397625848, 7.208402666662226 53.55673397625848, 7.208402666662226 53.5569340844487))",31064_3_7,3,7,125.33333333333333 +"POLYGON ((7.209557643456093 53.5565338671218, 7.210712620249961 53.5565338671218, 7.210712620249961 53.55633375703867, 7.209557643456093 53.55633375703867, 7.209557643456093 53.5565338671218))",31064_4_9,4,9,88.2841228 +"POLYGON ((7.210712620249961 53.5569340844487, 7.211867597043828 53.5569340844487, 7.211867597043828 53.55673397625848, 7.210712620249961 53.55673397625848, 7.210712620249961 53.5569340844487))",31064_5_7,5,7,104.33333333333333 +"POLYGON ((7.208402666662226 53.55159754213922, 7.209557643456093 53.55159754213922, 7.209557643456093 53.55139740870952, 7.208402666662226 53.55139740870952, 7.208402666662226 53.55159754213922))",31065_3_7,3,7,121.66666666666667 +"POLYGON ((7.209557643456093 53.5511972743333, 7.210712620249961 53.5511972743333, 7.210712620249961 53.55099713901056, 7.209557643456093 53.55099713901056, 7.209557643456093 53.5511972743333))",31065_4_9,4,9,81.7999996 +"POLYGON ((7.210712620249961 53.55159754213922, 7.211867597043828 53.55159754213922, 7.211867597043828 53.55139740870952, 7.210712620249961 53.55139740870952, 7.210712620249961 53.55159754213922))",31065_5_7,5,7,109.75 +"POLYGON ((7.208402666662226 53.54626032675804, 7.209557643456093 53.54626032675804, 7.209557643456093 53.54606016808738, 7.208402666662226 53.54606016808738, 7.208402666662226 53.54626032675804))",31066_3_7,3,7,104.75 +"POLYGON ((7.209557643456093 53.54586000847016, 7.210712620249961 53.54586000847016, 7.210712620249961 53.54565984790638, 7.209557643456093 53.54565984790638, 7.209557643456093 53.54586000847016))",31066_4_9,4,9,72.5935235 +"POLYGON ((7.210712620249961 53.54626032675804, 7.211867597043828 53.54626032675804, 7.211867597043828 53.54606016808738, 7.210712620249961 53.54606016808738, 7.210712620249961 53.54626032675804))",31066_5_7,5,7,94.25 +"POLYGON ((7.208402666662226 53.54092243826654, 7.209557643456093 53.54092243826654, 7.209557643456093 53.5407222543535, 7.208402666662226 53.5407222543535, 7.208402666662226 53.54092243826654))",31067_3_7,3,7,96.25 +"POLYGON ((7.209557643456093 53.54052206949384, 7.210712620249961 53.54052206949384, 7.210712620249961 53.54032188368756, 7.209557643456093 53.54032188368756, 7.209557643456093 53.54052206949384))",31067_4_9,4,9,63.615163 +"POLYGON ((7.210712620249961 53.54092243826654, 7.211867597043828 53.54092243826654, 7.211867597043828 53.5407222543535, 7.210712620249961 53.5407222543535, 7.210712620249961 53.54092243826654))",31067_5_7,5,7,89.6 +"POLYGON ((7.208402666662226 53.53558387662618, 7.209557643456093 53.53558387662618, 7.209557643456093 53.5353836674693, 7.208402666662226 53.5353836674693, 7.208402666662226 53.53558387662618))",31068_3_7,3,7,109.0 +"POLYGON ((7.209557643456093 53.53518345736577, 7.210712620249961 53.53518345736577, 7.210712620249961 53.53498324631555, 7.209557643456093 53.53498324631555, 7.209557643456093 53.53518345736577))",31068_4_9,4,9,61.525342 +"POLYGON ((7.210712620249961 53.53558387662618, 7.211867597043828 53.53558387662618, 7.211867597043828 53.5353836674693, 7.210712620249961 53.5353836674693, 7.210712620249961 53.53558387662618))",31068_5_7,5,7,98.0 +"POLYGON ((7.208402666662226 53.48216122856681, 7.209557643456093 53.48216122856681, 7.209557643456093 53.48196076689227, 7.208402666662226 53.48196076689227, 7.208402666662226 53.48216122856681))",31078_3_7,3,7,36.4 +"POLYGON ((7.209557643456093 53.48176030427052, 7.210712620249961 53.48176030427052, 7.210712620249961 53.48155984070156, 7.209557643456093 53.48155984070156, 7.209557643456093 53.48176030427052))",31078_4_9,4,9,31.6925544 +"POLYGON ((7.210712620249961 53.48216122856681, 7.211867597043828 53.48216122856681, 7.211867597043828 53.48196076689227, 7.210712620249961 53.48196076689227, 7.210712620249961 53.48216122856681))",31078_5_7,5,7,33.2 +"POLYGON ((7.208402666662226 53.47681525974975, 7.209557643456093 53.47681525974975, 7.209557643456093 53.47661477281552, 7.208402666662226 53.47661477281552, 7.208402666662226 53.47681525974975))",31079_3_7,3,7,77.0 +"POLYGON ((7.209557643456093 53.47641428493404, 7.210712620249961 53.47641428493404, 7.210712620249961 53.47621379610528, 7.209557643456093 53.47621379610528, 7.209557643456093 53.47641428493404))",31079_4_9,4,9,54.48330933333333 +"POLYGON ((7.210712620249961 53.47681525974975, 7.211867597043828 53.47681525974975, 7.211867597043828 53.47661477281552, 7.210712620249961 53.47661477281552, 7.210712620249961 53.47681525974975))",31079_5_7,5,7,54.375 +"POLYGON ((7.208402666662226 53.47146861732262, 7.209557643456093 53.47146861732262, 7.209557643456093 53.47126810512728, 7.208402666662226 53.47126810512728, 7.208402666662226 53.47146861732262))",31080_3_7,3,7,103.5 +"POLYGON ((7.209557643456093 53.47106759198461, 7.210712620249961 53.47106759198461, 7.210712620249961 53.47086707789463, 7.209557643456093 53.47086707789463, 7.209557643456093 53.47106759198461))",31080_4_9,4,9,82.6820605 +"POLYGON ((7.210712620249961 53.47146861732262, 7.211867597043828 53.47146861732262, 7.211867597043828 53.47126810512728, 7.210712620249961 53.47126810512728, 7.210712620249961 53.47146861732262))",31080_5_7,5,7,79.5 +"POLYGON ((7.204937736280621 53.4012984248423, 7.20609271307449 53.4012984248423, 7.20609271307449 53.40109758127785, 7.204937736280621 53.40109758127785, 7.204937736280621 53.4012984248423))",31093_0_10,0,10,53.857142857142854 +"POLYGON ((7.207247689868357 53.40049504489634, 7.208402666662226 53.40049504489634, 7.208402666662226 53.40029419753978, 7.207247689868357 53.40029419753978, 7.207247689868357 53.40049504489634))",31093_2_14,2,14,52.42857142857143 +"POLYGON ((7.208402666662226 53.40190094984754, 7.209557643456093 53.40190094984754, 7.209557643456093 53.40170010912716, 7.208402666662226 53.40170010912716, 7.208402666662226 53.40190094984754))",31093_3_7,3,7,57.285714285714285 +"POLYGON ((7.209557643456093 53.40230262844429, 7.210712620249961 53.40230262844429, 7.210712620249961 53.40210178961993, 7.209557643456093 53.40210178961993, 7.209557643456093 53.40230262844429))",31093_4_5,4,5,63.42857142857143 +"POLYGON ((7.209557643456093 53.40149926745875, 7.210712620249961 53.40149926745875, 7.210712620249961 53.4012984248423, 7.209557643456093 53.4012984248423, 7.209557643456093 53.40149926745875))",31093_4_9,4,9,71.92226083333334 +"POLYGON ((7.210712620249961 53.40230262844429, 7.211867597043828 53.40230262844429, 7.211867597043828 53.40210178961993, 7.210712620249961 53.40210178961993, 7.210712620249961 53.40230262844429))",31093_5_5,5,5,72.2 +"POLYGON ((7.210712620249961 53.40190094984754, 7.211867597043828 53.40190094984754, 7.211867597043828 53.40170010912716, 7.210712620249961 53.40170010912716, 7.210712620249961 53.40190094984754))",31093_5_7,5,7,61.333333333333336 +"POLYGON ((7.211867597043828 53.40089673676537, 7.213022573837696 53.40089673676537, 7.213022573837696 53.40069589130488, 7.211867597043828 53.40069589130488, 7.211867597043828 53.40089673676537))",31093_6_12,6,12,50.880202375 +"POLYGON ((7.211867597043828 53.40069589130488, 7.213022573837696 53.40069589130488, 7.213022573837696 53.40049504489634, 7.211867597043828 53.40049504489634, 7.211867597043828 53.40069589130488))",31093_6_13,6,13,86.0 +"POLYGON ((7.204937736280621 53.39594227201631, 7.20609271307449 53.39594227201631, 7.20609271307449 53.39574140317053, 7.204937736280621 53.39574140317053, 7.204937736280621 53.39594227201631))",31094_0_10,0,10,51.625 +"POLYGON ((7.207247689868357 53.3951387909447, 7.208402666662226 53.3951387909447, 7.208402666662226 53.3949379183066, 7.207247689868357 53.3949379183066, 7.207247689868357 53.3951387909447))",31094_2_14,2,14,46.44444444444444 +"POLYGON ((7.208402666662226 53.39654487286521, 7.209557643456093 53.39654487286521, 7.209557643456093 53.39634400686365, 7.208402666662226 53.39634400686365, 7.208402666662226 53.39654487286521))",31094_3_7,3,7,53.285714285714285 +"POLYGON ((7.209557643456093 53.39694660202413, 7.210712620249961 53.39694660202413, 7.210712620249961 53.3967457379187, 7.209557643456093 53.3967457379187, 7.209557643456093 53.39694660202413))",31094_4_5,4,5,54.0 +"POLYGON ((7.209557643456093 53.39614313991401, 7.210712620249961 53.39614313991401, 7.210712620249961 53.39594227201631, 7.209557643456093 53.39594227201631, 7.209557643456093 53.39614313991401))",31094_4_9,4,9,48.29296811111111 +"POLYGON ((7.210712620249961 53.39694660202413, 7.211867597043828 53.39694660202413, 7.211867597043828 53.3967457379187, 7.210712620249961 53.3967457379187, 7.210712620249961 53.39694660202413))",31094_5_5,5,5,54.285714285714285 +"POLYGON ((7.210712620249961 53.39654487286521, 7.211867597043828 53.39654487286521, 7.211867597043828 53.39634400686365, 7.210712620249961 53.39634400686365, 7.210712620249961 53.39654487286521))",31094_5_7,5,7,50.875 +"POLYGON ((7.211867597043828 53.39554053337666, 7.213022573837696 53.39554053337666, 7.213022573837696 53.39533966263473, 7.211867597043828 53.39533966263473, 7.211867597043828 53.39554053337666))",31094_6_12,6,12,29.4876512 +"POLYGON ((7.211867597043828 53.3951387909447, 7.213022573837696 53.3951387909447, 7.213022573837696 53.3949379183066, 7.211867597043828 53.3949379183066, 7.211867597043828 53.3951387909447))",31094_6_14,6,14,55.0 +"POLYGON ((7.204937736280621 53.39058544500323, 7.20609271307449 53.39058544500323, 7.20609271307449 53.39038455087469, 7.204937736280621 53.39038455087469, 7.204937736280621 53.39058544500323))",31095_0_10,0,10,25.4 +"POLYGON ((7.207247689868357 53.38978186280028, 7.208402666662226 53.38978186280028, 7.208402666662226 53.38958096487921, 7.207247689868357 53.38958096487921, 7.207247689868357 53.38978186280028))",31095_2_14,2,14,21.26086956521739 +"POLYGON ((7.208402666662226 53.39118812170008, 7.209557643456093 53.39118812170008, 7.209557643456093 53.39098723041592, 7.208402666662226 53.39098723041592, 7.208402666662226 53.39118812170008))",31095_3_7,3,7,34.53333333333333 +"POLYGON ((7.209557643456093 53.39158990142403, 7.210712620249961 53.39158990142403, 7.210712620249961 53.39138901203611, 7.209557643456093 53.39138901203611, 7.209557643456093 53.39158990142403))",31095_4_5,4,5,18.93103448275862 +"POLYGON ((7.209557643456093 53.39078633818363, 7.210712620249961 53.39078633818363, 7.210712620249961 53.39058544500323, 7.209557643456093 53.39058544500323, 7.209557643456093 53.39078633818363))",31095_4_9,4,9,49.24003883333334 +"POLYGON ((7.210712620249961 53.39158990142403, 7.211867597043828 53.39158990142403, 7.211867597043828 53.39138901203611, 7.210712620249961 53.39138901203611, 7.210712620249961 53.39158990142403))",31095_5_5,5,5,27.0 +"POLYGON ((7.210712620249961 53.39118812170008, 7.211867597043828 53.39118812170008, 7.211867597043828 53.39098723041592, 7.210712620249961 53.39098723041592, 7.210712620249961 53.39118812170008))",31095_5_7,5,7,29.333333333333332 +"POLYGON ((7.211867597043828 53.39018365579803, 7.213022573837696 53.39018365579803, 7.213022573837696 53.38998275977323, 7.211867597043828 53.38998275977323, 7.211867597043828 53.39018365579803))",31095_6_12,6,12,28.62141370588235 +"POLYGON ((7.211867597043828 53.38978186280028, 7.213022573837696 53.38978186280028, 7.213022573837696 53.38958096487921, 7.211867597043828 53.38958096487921, 7.211867597043828 53.38978186280028))",31095_6_14,6,14,20.318181818181817 +"POLYGON ((7.204937736280621 53.38522794376506, 7.20609271307449 53.38522794376506, 7.20609271307449 53.38502702435233, 7.204937736280621 53.38502702435233, 7.204937736280621 53.38522794376506))",31096_0_10,0,10,51.0 +"POLYGON ((7.211867597043828 53.38482610399144, 7.213022573837696 53.38482610399144, 7.213022573837696 53.38462518268234, 7.211867597043828 53.38462518268234, 7.211867597043828 53.38482610399144))",31096_6_12,6,12,38.340673333333335 +"POLYGON ((7.211867597043828 53.38442426042506, 7.213022573837696 53.38442426042506, 7.213022573837696 53.38422333721959, 7.211867597043828 53.38422333721959, 7.211867597043828 53.38442426042506))",31096_6_14,6,14,44.2 +"POLYGON ((7.210712620249961 53.36874940282392, 7.211867597043828 53.36874940282392, 7.211867597043828 53.36854840565343, 7.210712620249961 53.36854840565343, 7.210712620249961 53.36874940282392))",31099_5_12,5,12,13.45926953846154 +"POLYGON ((7.210712620249961 53.3633891537256, 7.211867597043828 53.3633891537256, 7.211867597043828 53.36318813126513, 7.210712620249961 53.36318813126513, 7.210712620249961 53.3633891537256))",31100_5_12,5,12,43.43481458823529 +"POLYGON ((7.210712620249961 53.3582292770129, 7.211867597043828 53.3582292770129, 7.211867597043828 53.35802823020947, 7.210712620249961 53.35802823020947, 7.210712620249961 53.3582292770129))",31101_5_11,5,11,55.309551 +"POLYGON ((7.20609271307449 53.17616290695764, 7.207247689868357 53.17616290695764, 7.207247689868357 53.17596100225781, 7.20609271307449 53.17596100225781, 7.20609271307449 53.17616290695764))",31135_1_8,1,8,122.0 +"POLYGON ((7.211867597043828 52.84565962660749, 7.213022573837696 52.84565962660749, 7.213022573837696 52.8454561697924, 7.211867597043828 52.8454561697924, 7.211867597043828 52.84565962660749))",31196_6_12,6,12,124.000004 +"POLYGON ((7.204937736280621 52.84043726654587, 7.20609271307449 52.84043726654587, 7.20609271307449 52.84023378525966, 7.204937736280621 52.84023378525966, 7.204937736280621 52.84043726654587))",31197_0_11,0,11,179.0 +"POLYGON ((7.204937736280621 52.8384024107784, 7.20609271307449 52.8384024107784, 7.20609271307449 52.83819891995764, 7.204937736280621 52.83819891995764, 7.204937736280621 52.8384024107784))",31197_0_21,0,21,133.25176975 +"POLYGON ((7.20609271307449 52.84084422625797, 7.207247689868357 52.84084422625797, 7.207247689868357 52.84064074687864, 7.20609271307449 52.84064074687864, 7.20609271307449 52.84084422625797))",31197_1_9,1,9,83.6 +"POLYGON ((7.207247689868357 52.84003030302, 7.208402666662226 52.84003030302, 7.208402666662226 52.83982681982689, 7.207247689868357 52.83982681982689, 7.207247689868357 52.84003030302))",31197_2_13,2,13,108.33333333333333 +"POLYGON ((7.208402666662226 52.84145465867531, 7.209557643456093 52.84145465867531, 7.209557643456093 52.84125118215631, 7.208402666662226 52.84125118215631, 7.208402666662226 52.84145465867531))",31197_3_6,3,6,107.66666666666667 +"POLYGON ((7.208402666662226 52.84003030302, 7.209557643456093 52.84003030302, 7.209557643456093 52.83982681982689, 7.208402666662226 52.83982681982689, 7.208402666662226 52.84003030302))",31197_3_13,3,13,82.25 +"POLYGON ((7.209557643456093 52.84186160885304, 7.210712620249961 52.84186160885304, 7.210712620249961 52.84165813424089, 7.209557643456093 52.84165813424089, 7.209557643456093 52.84186160885304))",31197_4_4,4,4,76.6 +"POLYGON ((7.209557643456093 52.84145465867531, 7.210712620249961 52.84145465867531, 7.210712620249961 52.84125118215631, 7.209557643456093 52.84125118215631, 7.209557643456093 52.84145465867531))",31197_4_6,4,6,182.5000025 +"POLYGON ((7.209557643456093 52.84104770468385, 7.210712620249961 52.84104770468385, 7.210712620249961 52.84084422625797, 7.209557643456093 52.84084422625797, 7.209557643456093 52.84104770468385))",31197_4_8,4,8,122.33333566666666 +"POLYGON ((7.209557643456093 52.83921636452685, 7.210712620249961 52.83921636452685, 7.210712620249961 52.83901287751993, 7.209557643456093 52.83901287751993, 7.209557643456093 52.83921636452685))",31197_4_17,4,17,97.9999995 +"POLYGON ((7.210712620249961 52.84186160885304, 7.211867597043828 52.84186160885304, 7.211867597043828 52.84165813424089, 7.210712620249961 52.84165813424089, 7.210712620249961 52.84186160885304))",31197_5_4,5,4,144.5 +"POLYGON ((7.210712620249961 52.84145465867531, 7.211867597043828 52.84145465867531, 7.211867597043828 52.84125118215631, 7.210712620249961 52.84125118215631, 7.210712620249961 52.84145465867531))",31197_5_6,5,6,214.0 +"POLYGON ((7.210712620249961 52.84084422625797, 7.211867597043828 52.84084422625797, 7.211867597043828 52.84064074687864, 7.210712620249961 52.84064074687864, 7.210712620249961 52.84084422625797))",31197_5_9,5,9,177.0 +"POLYGON ((7.210712620249961 52.84064074687864, 7.211867597043828 52.84064074687864, 7.211867597043828 52.84043726654587, 7.210712620249961 52.84043726654587, 7.210712620249961 52.84064074687864))",31197_5_10,5,10,129.486508 +"POLYGON ((7.210712620249961 52.84043726654587, 7.211867597043828 52.84043726654587, 7.211867597043828 52.84023378525966, 7.210712620249961 52.84023378525966, 7.210712620249961 52.84043726654587))",31197_5_11,5,11,105.8174205 +"POLYGON ((7.210712620249961 52.84003030302, 7.211867597043828 52.84003030302, 7.211867597043828 52.83982681982689, 7.210712620249961 52.83982681982689, 7.210712620249961 52.84003030302))",31197_5_13,5,13,97.534789375 +"POLYGON ((7.210712620249961 52.83982681982689, 7.211867597043828 52.83982681982689, 7.211867597043828 52.83962333568033, 7.210712620249961 52.83962333568033, 7.210712620249961 52.83982681982689))",31197_5_14,5,14,117.7499985 +"POLYGON ((7.210712620249961 52.83941985058031, 7.211867597043828 52.83941985058031, 7.211867597043828 52.83921636452685, 7.210712620249961 52.83921636452685, 7.210712620249961 52.83941985058031))",31197_5_16,5,16,189.5 +"POLYGON ((7.210712620249961 52.83880938955955, 7.211867597043828 52.83880938955955, 7.211867597043828 52.8386059006457, 7.210712620249961 52.8386059006457, 7.210712620249961 52.83880938955955))",31197_5_19,5,19,95.4 +"POLYGON ((7.210712620249961 52.8384024107784, 7.211867597043828 52.8384024107784, 7.211867597043828 52.83819891995764, 7.210712620249961 52.83819891995764, 7.210712620249961 52.8384024107784))",31197_5_21,5,21,135.66666666666666 +"POLYGON ((7.210712620249961 52.83819891995764, 7.211867597043828 52.83819891995764, 7.211867597043828 52.83799542818341, 7.210712620249961 52.83799542818341, 7.210712620249961 52.83819891995764))",31197_5_22,5,22,97.49711699999999 +"POLYGON ((7.211867597043828 52.84064074687864, 7.213022573837696 52.84064074687864, 7.213022573837696 52.84043726654587, 7.211867597043828 52.84043726654587, 7.211867597043828 52.84064074687864))",31197_6_10,6,10,124.33333366666666 +"POLYGON ((7.211867597043828 52.84043726654587, 7.213022573837696 52.84043726654587, 7.213022573837696 52.84023378525966, 7.211867597043828 52.84023378525966, 7.211867597043828 52.84043726654587))",31197_6_11,6,11,83.8 +"POLYGON ((7.211867597043828 52.84023378525966, 7.213022573837696 52.84023378525966, 7.213022573837696 52.84003030302, 7.211867597043828 52.84003030302, 7.211867597043828 52.84023378525966))",31197_6_12,6,12,124.90992866666666 +"POLYGON ((7.211867597043828 52.84003030302, 7.213022573837696 52.84003030302, 7.213022573837696 52.83982681982689, 7.211867597043828 52.83982681982689, 7.211867597043828 52.84003030302))",31197_6_13,6,13,129.17802566666666 +"POLYGON ((7.211867597043828 52.83982681982689, 7.213022573837696 52.83982681982689, 7.213022573837696 52.83962333568033, 7.211867597043828 52.83962333568033, 7.211867597043828 52.83982681982689))",31197_6_14,6,14,88.5 +"POLYGON ((7.211867597043828 52.83941985058031, 7.213022573837696 52.83941985058031, 7.213022573837696 52.83921636452685, 7.211867597043828 52.83921636452685, 7.211867597043828 52.83941985058031))",31197_6_16,6,16,164.0 +"POLYGON ((7.211867597043828 52.83921636452685, 7.213022573837696 52.83921636452685, 7.213022573837696 52.83901287751993, 7.211867597043828 52.83901287751993, 7.211867597043828 52.83921636452685))",31197_6_17,6,17,116.73169733333333 +"POLYGON ((7.211867597043828 52.83901287751993, 7.213022573837696 52.83901287751993, 7.213022573837696 52.83880938955955, 7.211867597043828 52.83880938955955, 7.211867597043828 52.83901287751993))",31197_6_18,6,18,120.000001 +"POLYGON ((7.204937736280621 52.83501077261755, 7.20609271307449 52.83501077261755, 7.20609271307449 52.83480726590545, 7.204937736280621 52.83480726590545, 7.204937736280621 52.83501077261755))",31198_0_11,0,11,176.5 +"POLYGON ((7.204937736280621 52.83297566258891, 7.20609271307449 52.83297566258891, 7.20609271307449 52.83277214634175, 7.204937736280621 52.83277214634175, 7.204937736280621 52.83297566258891))",31198_0_21,0,21,134.666664 +"POLYGON ((7.20609271307449 52.83541778318128, 7.207247689868357 52.83541778318128, 7.207247689868357 52.83521427837616, 7.20609271307449 52.83521427837616, 7.20609271307449 52.83541778318128))",31198_1_9,1,9,83.0 +"POLYGON ((7.207247689868357 52.83460375823985, 7.208402666662226 52.83460375823985, 7.208402666662226 52.83440024962075, 7.207247689868357 52.83440024962075, 7.207247689868357 52.83460375823985))",31198_2_13,2,13,109.0 +"POLYGON ((7.208402666662226 52.83602829187569, 7.209557643456093 52.83602829187569, 7.209557643456093 52.83582478993105, 7.208402666662226 52.83582478993105, 7.208402666662226 52.83602829187569))",31198_3_6,3,6,107.5 +"POLYGON ((7.208402666662226 52.83460375823985, 7.209557643456093 52.83460375823985, 7.209557643456093 52.83440024962075, 7.208402666662226 52.83440024962075, 7.208402666662226 52.83460375823985))",31198_3_13,3,13,79.6 +"POLYGON ((7.209557643456093 52.83643529290453, 7.210712620249961 52.83643529290453, 7.210712620249961 52.83623179286685, 7.209557643456093 52.83623179286685, 7.209557643456093 52.83643529290453))",31198_4_4,4,4,88.8 +"POLYGON ((7.209557643456093 52.83602829187569, 7.210712620249961 52.83602829187569, 7.210712620249961 52.83582478993105, 7.209557643456093 52.83582478993105, 7.209557643456093 52.83602829187569))",31198_4_6,4,6,177.99999733333334 +"POLYGON ((7.209557643456093 52.8356212870329, 7.210712620249961 52.8356212870329, 7.210712620249961 52.83541778318128, 7.209557643456093 52.83541778318128, 7.209557643456093 52.8356212870329))",31198_4_8,4,8,122.413814 +"POLYGON ((7.209557643456093 52.83399322952204, 7.210712620249961 52.83399322952204, 7.210712620249961 52.83378971804243, 7.209557643456093 52.83378971804243, 7.209557643456093 52.83399322952204))",31198_4_16,4,16,96.3999998 +"POLYGON ((7.210712620249961 52.83643529290453, 7.211867597043828 52.83643529290453, 7.211867597043828 52.83623179286685, 7.210712620249961 52.83623179286685, 7.210712620249961 52.83643529290453))",31198_5_4,5,4,144.66666666666666 +"POLYGON ((7.210712620249961 52.83602829187569, 7.211867597043828 52.83602829187569, 7.211867597043828 52.83582478993105, 7.210712620249961 52.83582478993105, 7.210712620249961 52.83602829187569))",31198_5_6,5,6,211.0 +"POLYGON ((7.210712620249961 52.83541778318128, 7.211867597043828 52.83541778318128, 7.211867597043828 52.83521427837616, 7.210712620249961 52.83521427837616, 7.210712620249961 52.83541778318128))",31198_5_9,5,9,175.0 +"POLYGON ((7.210712620249961 52.83521427837616, 7.211867597043828 52.83521427837616, 7.211867597043828 52.83501077261755, 7.210712620249961 52.83501077261755, 7.210712620249961 52.83521427837616))",31198_5_10,5,10,128.11072475 +"POLYGON ((7.210712620249961 52.83501077261755, 7.211867597043828 52.83501077261755, 7.211867597043828 52.83480726590545, 7.210712620249961 52.83480726590545, 7.210712620249961 52.83501077261755))",31198_5_11,5,11,102.8255334 +"POLYGON ((7.210712620249961 52.83460375823985, 7.211867597043828 52.83460375823985, 7.211867597043828 52.83440024962075, 7.210712620249961 52.83440024962075, 7.210712620249961 52.83460375823985))",31198_5_13,5,13,100.22222044444445 +"POLYGON ((7.210712620249961 52.83440024962075, 7.211867597043828 52.83440024962075, 7.211867597043828 52.83419674004814, 7.210712620249961 52.83419674004814, 7.210712620249961 52.83440024962075))",31198_5_14,5,14,119.33333333333333 +"POLYGON ((7.210712620249961 52.83399322952204, 7.211867597043828 52.83399322952204, 7.211867597043828 52.83378971804243, 7.210712620249961 52.83378971804243, 7.210712620249961 52.83399322952204))",31198_5_16,5,16,178.5 +"POLYGON ((7.210712620249961 52.83338269222268, 7.211867597043828 52.83338269222268, 7.211867597043828 52.83317917788255, 7.210712620249961 52.83317917788255, 7.210712620249961 52.83338269222268))",31198_5_19,5,19,94.0 +"POLYGON ((7.210712620249961 52.83297566258891, 7.211867597043828 52.83297566258891, 7.211867597043828 52.83277214634175, 7.210712620249961 52.83277214634175, 7.210712620249961 52.83297566258891))",31198_5_21,5,21,130.578756 +"POLYGON ((7.210712620249961 52.83277214634175, 7.211867597043828 52.83277214634175, 7.211867597043828 52.83256862914106, 7.210712620249961 52.83256862914106, 7.210712620249961 52.83277214634175))",31198_5_22,5,22,100.6481122 +"POLYGON ((7.211867597043828 52.83521427837616, 7.213022573837696 52.83521427837616, 7.213022573837696 52.83501077261755, 7.211867597043828 52.83501077261755, 7.211867597043828 52.83521427837616))",31198_6_10,6,10,117.999998 +"POLYGON ((7.211867597043828 52.83501077261755, 7.213022573837696 52.83501077261755, 7.213022573837696 52.83480726590545, 7.211867597043828 52.83480726590545, 7.211867597043828 52.83501077261755))",31198_6_11,6,11,74.66666666666667 +"POLYGON ((7.211867597043828 52.83480726590545, 7.213022573837696 52.83480726590545, 7.213022573837696 52.83460375823985, 7.211867597043828 52.83460375823985, 7.211867597043828 52.83480726590545))",31198_6_12,6,12,122.77154625 +"POLYGON ((7.211867597043828 52.83460375823985, 7.213022573837696 52.83460375823985, 7.213022573837696 52.83440024962075, 7.211867597043828 52.83440024962075, 7.211867597043828 52.83460375823985))",31198_6_13,6,13,129.325707 +"POLYGON ((7.211867597043828 52.83440024962075, 7.213022573837696 52.83440024962075, 7.213022573837696 52.83419674004814, 7.211867597043828 52.83419674004814, 7.211867597043828 52.83440024962075))",31198_6_14,6,14,88.8 +"POLYGON ((7.211867597043828 52.83399322952204, 7.213022573837696 52.83399322952204, 7.213022573837696 52.83378971804243, 7.211867597043828 52.83378971804243, 7.211867597043828 52.83399322952204))",31198_6_16,6,16,161.0 +"POLYGON ((7.211867597043828 52.83358620560931, 7.213022573837696 52.83358620560931, 7.213022573837696 52.83338269222268, 7.211867597043828 52.83338269222268, 7.211867597043828 52.83358620560931))",31198_6_18,6,18,119.97377250000001 +"POLYGON ((7.204937736280621 52.82958360064816, 7.20609271307449 52.82958360064816, 7.20609271307449 52.82938006850881, 7.204937736280621 52.82938006850881, 7.204937736280621 52.82958360064816))",31199_0_11,0,11,157.0 +"POLYGON ((7.204937736280621 52.82754823634482, 7.20609271307449 52.82754823634482, 7.20609271307449 52.8273446946699, 7.204937736280621 52.8273446946699, 7.204937736280621 52.82754823634482))",31199_0_21,0,21,133.07225499999998 +"POLYGON ((7.20609271307449 52.82999066206622, 7.207247689868357 52.82999066206622, 7.207247689868357 52.82978713183396, 7.20609271307449 52.82978713183396, 7.20609271307449 52.82999066206622))",31199_1_9,1,9,82.6 +"POLYGON ((7.207247689868357 52.82917653541593, 7.208402666662226 52.82917653541593, 7.208402666662226 52.82897300136948, 7.207247689868357 52.82897300136948, 7.207247689868357 52.82917653541593))",31199_2_13,2,13,108.25 +"POLYGON ((7.208402666662226 52.83060124704174, 7.209557643456093 52.83060124704174, 7.209557643456093 52.8303977196701, 7.208402666662226 52.8303977196701, 7.208402666662226 52.83060124704174))",31199_3_6,3,6,108.33333333333333 +"POLYGON ((7.208402666662226 52.82917653541593, 7.209557643456093 52.82917653541593, 7.209557643456093 52.82897300136948, 7.208402666662226 52.82897300136948, 7.208402666662226 52.82917653541593))",31199_3_13,3,13,81.83333333333333 +"POLYGON ((7.209557643456093 52.8310082989244, 7.210712620249961 52.8310082989244, 7.210712620249961 52.83080477345983, 7.209557643456093 52.83080477345983, 7.209557643456093 52.8310082989244))",31199_4_4,4,4,88.6 +"POLYGON ((7.209557643456093 52.83060124704174, 7.210712620249961 52.83060124704174, 7.210712620249961 52.8303977196701, 7.209557643456093 52.8303977196701, 7.209557643456093 52.83060124704174))",31199_4_6,4,6,155.36588966666667 +"POLYGON ((7.209557643456093 52.83019419134493, 7.210712620249961 52.83019419134493, 7.210712620249961 52.82999066206622, 7.209557643456093 52.82999066206622, 7.209557643456093 52.83019419134493))",31199_4_8,4,8,122.25411025 +"POLYGON ((7.209557643456093 52.82856593041593, 7.210712620249961 52.82856593041593, 7.210712620249961 52.82836239350883, 7.209557643456093 52.82836239350883, 7.209557643456093 52.82856593041593))",31199_4_16,4,16,97.29502399999998 +"POLYGON ((7.210712620249961 52.8310082989244, 7.211867597043828 52.8310082989244, 7.211867597043828 52.83080477345983, 7.210712620249961 52.83080477345983, 7.210712620249961 52.8310082989244))",31199_5_4,5,4,142.0 +"POLYGON ((7.210712620249961 52.83060124704174, 7.211867597043828 52.83060124704174, 7.211867597043828 52.8303977196701, 7.210712620249961 52.8303977196701, 7.210712620249961 52.83060124704174))",31199_5_6,5,6,186.0 +"POLYGON ((7.210712620249961 52.82999066206622, 7.211867597043828 52.82999066206622, 7.211867597043828 52.82978713183396, 7.210712620249961 52.82978713183396, 7.210712620249961 52.82999066206622))",31199_5_9,5,9,172.80555566666666 +"POLYGON ((7.210712620249961 52.82978713183396, 7.211867597043828 52.82978713183396, 7.211867597043828 52.82958360064816, 7.210712620249961 52.82958360064816, 7.210712620249961 52.82978713183396))",31199_5_10,5,10,127.42301425 +"POLYGON ((7.210712620249961 52.82958360064816, 7.211867597043828 52.82958360064816, 7.211867597043828 52.82938006850881, 7.210712620249961 52.82938006850881, 7.210712620249961 52.82958360064816))",31199_5_11,5,11,98.47312480000001 +"POLYGON ((7.210712620249961 52.82917653541593, 7.211867597043828 52.82917653541593, 7.211867597043828 52.82897300136948, 7.210712620249961 52.82897300136948, 7.210712620249961 52.82917653541593))",31199_5_13,5,13,98.33333377777778 +"POLYGON ((7.210712620249961 52.82897300136948, 7.211867597043828 52.82897300136948, 7.211867597043828 52.82876946636948, 7.210712620249961 52.82876946636948, 7.210712620249961 52.82897300136948))",31199_5_14,5,14,120.000003 +"POLYGON ((7.210712620249961 52.82856593041593, 7.211867597043828 52.82856593041593, 7.211867597043828 52.82836239350883, 7.210712620249961 52.82836239350883, 7.210712620249961 52.82856593041593))",31199_5_16,5,16,164.0 +"POLYGON ((7.210712620249961 52.82795531683394, 7.211867597043828 52.82795531683394, 7.211867597043828 52.82775177706616, 7.210712620249961 52.82775177706616, 7.210712620249961 52.82795531683394))",31199_5_19,5,19,95.907439 +"POLYGON ((7.210712620249961 52.82754823634482, 7.211867597043828 52.82754823634482, 7.211867597043828 52.8273446946699, 7.210712620249961 52.8273446946699, 7.210712620249961 52.82754823634482))",31199_5_21,5,21,128.7500005 +"POLYGON ((7.210712620249961 52.8273446946699, 7.211867597043828 52.8273446946699, 7.211867597043828 52.82714115204143, 7.210712620249961 52.82714115204143, 7.210712620249961 52.8273446946699))",31199_5_22,5,22,96.901794 +"POLYGON ((7.211867597043828 52.82958360064816, 7.213022573837696 52.82958360064816, 7.213022573837696 52.82938006850881, 7.211867597043828 52.82938006850881, 7.211867597043828 52.82958360064816))",31199_6_11,6,11,77.4 +"POLYGON ((7.211867597043828 52.82938006850881, 7.213022573837696 52.82938006850881, 7.213022573837696 52.82917653541593, 7.211867597043828 52.82917653541593, 7.211867597043828 52.82938006850881))",31199_6_12,6,12,120.74765075 +"POLYGON ((7.211867597043828 52.82917653541593, 7.213022573837696 52.82917653541593, 7.213022573837696 52.82897300136948, 7.211867597043828 52.82897300136948, 7.211867597043828 52.82917653541593))",31199_6_13,6,13,129.4285734285714 +"POLYGON ((7.211867597043828 52.82897300136948, 7.213022573837696 52.82897300136948, 7.213022573837696 52.82876946636948, 7.211867597043828 52.82876946636948, 7.211867597043828 52.82897300136948))",31199_6_14,6,14,88.2 +"POLYGON ((7.211867597043828 52.82856593041593, 7.213022573837696 52.82856593041593, 7.213022573837696 52.82836239350883, 7.211867597043828 52.82836239350883, 7.211867597043828 52.82856593041593))",31199_6_16,6,16,166.5 +"POLYGON ((7.211867597043828 52.82815885564817, 7.213022573837696 52.82815885564817, 7.213022573837696 52.82795531683394, 7.211867597043828 52.82795531683394, 7.211867597043828 52.82815885564817))",31199_6_18,6,18,118.92412200000001 +"POLYGON ((7.208402666662226 52.82517352413745, 7.209557643456093 52.82517352413745, 7.209557643456093 52.82496997133747, 7.208402666662226 52.82496997133747, 7.208402666662226 52.82517352413745))",31200_3_6,3,6,113.0 +"POLYGON ((7.210712620249961 52.82354507503705, 7.211867597043828 52.82354507503705, 7.211867597043828 52.82334151460832, 7.210712620249961 52.82334151460832, 7.210712620249961 52.82354507503705))",31200_5_14,5,14,122.000004 +"POLYGON ((7.211867597043828 52.80243756892497, 7.213022573837696 52.80243756892497, 7.213022573837696 52.80223390962918, 7.211867597043828 52.80223390962918, 7.211867597043828 52.80243756892497))",31204_6_11,6,11,84.4 +"POLYGON ((7.211867597043828 52.80223390962918, 7.213022573837696 52.80223390962918, 7.213022573837696 52.80203024937958, 7.211867597043828 52.80203024937958, 7.211867597043828 52.80223390962918))",31204_6_12,6,12,99.0 +"POLYGON ((7.211867597043828 52.79700632795336, 7.213022573837696 52.79700632795336, 7.213022573837696 52.79680264322223, 7.211867597043828 52.79680264322223, 7.211867597043828 52.79700632795336))",31205_6_11,6,11,60.666666666666664 +"POLYGON ((7.211867597043828 52.79680264322223, 7.213022573837696 52.79680264322223, 7.213022573837696 52.79659895753726, 7.211867597043828 52.79659895753726, 7.211867597043828 52.79680264322223))",31205_6_12,6,12,70.5 +"POLYGON ((7.211867597043828 52.75876478412933, 7.213022573837696 52.75876478412933, 7.213022573837696 52.75856092035903, 7.211867597043828 52.75856092035903, 7.211867597043828 52.75876478412933))",31212_6_12,6,12,56.285714285714285 +"POLYGON ((7.211867597043828 52.75332809036559, 7.213022573837696 52.75332809036559, 7.213022573837696 52.75312420114916, 7.211867597043828 52.75312420114916, 7.211867597043828 52.75332809036559))",31213_6_12,6,12,48.888888888888886 +"POLYGON ((7.211867597043828 52.7478907180212, 7.213022573837696 52.7478907180212, 7.213022573837696 52.74768680335729, 7.211867597043828 52.74768680335729, 7.211867597043828 52.7478907180212))",31214_6_12,6,12,68.16666666666667 +"POLYGON ((7.211867597043828 52.74245266706043, 7.213022573837696 52.74245266706043, 7.213022573837696 52.74224872694772, 7.211867597043828 52.74224872694772, 7.211867597043828 52.74245266706043))",31215_6_12,6,12,72.8 +"POLYGON ((7.211867597043828 52.73701393744759, 7.213022573837696 52.73701393744759, 7.213022573837696 52.73680997188474, 7.211867597043828 52.73680997188474, 7.211867597043828 52.73701393744759))",31216_6_12,6,12,76.5 +"POLYGON ((7.211867597043828 52.731574529147, 7.213022573837696 52.731574529147, 7.213022573837696 52.73137053813267, 7.211867597043828 52.73137053813267, 7.211867597043828 52.731574529147))",31217_6_12,6,12,77.0 +"POLYGON ((7.211867597043828 52.72069367633994, 7.213022573837696 52.72069367633994, 7.213022573837696 52.72048963441863, 7.211867597043828 52.72048963441863, 7.211867597043828 52.72069367633994))",31219_6_12,6,12,83.4 +"POLYGON ((7.209557643456093 52.6668615628127, 7.210712620249961 52.6668615628127, 7.210712620249961 52.66665726914164, 7.209557643456093 52.66665726914164, 7.209557643456093 52.6668615628127))",31229_4_9,4,9,102.25 +"POLYGON ((7.209557643456093 52.66522718670267, 7.210712620249961 52.66522718670267, 7.210712620249961 52.66502288539115, 7.209557643456093 52.66502288539115, 7.209557643456093 52.66522718670267))",31229_4_17,4,17,85.0 +"POLYGON ((7.204937736280621 52.49156812498065, 7.20609271307449 52.49156812498065, 7.20609271307449 52.49136301278814, 7.204937736280621 52.49136301278814, 7.204937736280621 52.49156812498065))",31261_0_12,0,12,149.0 +"POLYGON ((7.204937736280621 52.48972208080906, 7.20609271307449 52.48972208080906, 7.20609271307449 52.48951696000677, 7.204937736280621 52.48951696000677, 7.204937736280621 52.48972208080906))",31261_0_21,0,21,136.17134166666668 +"POLYGON ((7.20609271307449 52.49218345581838, 7.207247689868357 52.49218345581838, 7.207247689868357 52.49197834649576, 7.20609271307449 52.49197834649576, 7.20609271307449 52.49218345581838))",31261_1_9,1,9,137.0 +"POLYGON ((7.207247689868357 52.49136301278814, 7.208402666662226 52.49136301278814, 7.208402666662226 52.491157899639, 7.207247689868357 52.491157899639, 7.207247689868357 52.49136301278814))",31261_2_13,2,13,176.0 +"POLYGON ((7.208402666662226 52.49279877804645, 7.209557643456093 52.49279877804645, 7.209557643456093 52.49259367159372, 7.208402666662226 52.49259367159372, 7.208402666662226 52.49279877804645))",31261_3_6,3,6,193.0 +"POLYGON ((7.208402666662226 52.49156812498065, 7.209557643456093 52.49156812498065, 7.209557643456093 52.49136301278814, 7.208402666662226 52.49136301278814, 7.208402666662226 52.49156812498065))",31261_3_12,3,12,138.5 +"POLYGON ((7.208402666662226 52.4907476704708, 7.209557643456093 52.4907476704708, 7.209557643456093 52.49054255445174, 7.208402666662226 52.49054255445174, 7.208402666662226 52.4907476704708))",31261_3_16,3,16,141.0 +"POLYGON ((7.209557643456093 52.49320898808206, 7.210712620249961 52.49320898808206, 7.210712620249961 52.49300388354257, 7.209557643456093 52.49300388354257, 7.209557643456093 52.49320898808206))",31261_4_4,4,4,185.0 +"POLYGON ((7.209557643456093 52.49279877804645, 7.210712620249961 52.49279877804645, 7.210712620249961 52.49259367159372, 7.209557643456093 52.49259367159372, 7.209557643456093 52.49279877804645))",31261_4_6,4,6,148.2 +"POLYGON ((7.209557643456093 52.49238856418436, 7.210712620249961 52.49238856418436, 7.210712620249961 52.49218345581838, 7.209557643456093 52.49218345581838, 7.209557643456093 52.49238856418436))",31261_4_8,4,8,127.009802 +"POLYGON ((7.209557643456093 52.49197834649576, 7.210712620249961 52.49197834649576, 7.210712620249961 52.49177323621651, 7.209557643456093 52.49177323621651, 7.209557643456093 52.49197834649576))",31261_4_10,4,10,125.0 +"POLYGON ((7.209557643456093 52.4907476704708, 7.210712620249961 52.4907476704708, 7.210712620249961 52.49054255445174, 7.209557643456093 52.49054255445174, 7.209557643456093 52.4907476704708))",31261_4_16,4,16,146.333334 +"POLYGON ((7.209557643456093 52.49054255445174, 7.210712620249961 52.49054255445174, 7.210712620249961 52.49033743747603, 7.209557643456093 52.49033743747603, 7.209557643456093 52.49054255445174))",31261_4_17,4,17,143.5 +"POLYGON ((7.210712620249961 52.49320898808206, 7.211867597043828 52.49320898808206, 7.211867597043828 52.49300388354257, 7.210712620249961 52.49300388354257, 7.210712620249961 52.49320898808206))",31261_5_4,5,4,128.5 +"POLYGON ((7.210712620249961 52.49279877804645, 7.211867597043828 52.49279877804645, 7.211867597043828 52.49259367159372, 7.210712620249961 52.49259367159372, 7.210712620249961 52.49279877804645))",31261_5_6,5,6,178.0 +"POLYGON ((7.210712620249961 52.49197834649576, 7.211867597043828 52.49197834649576, 7.211867597043828 52.49177323621651, 7.210712620249961 52.49177323621651, 7.210712620249961 52.49197834649576))",31261_5_10,5,10,132.97631933333332 +"POLYGON ((7.210712620249961 52.49177323621651, 7.211867597043828 52.49177323621651, 7.211867597043828 52.49156812498065, 7.210712620249961 52.49156812498065, 7.210712620249961 52.49177323621651))",31261_5_11,5,11,124.333333 +"POLYGON ((7.210712620249961 52.49156812498065, 7.211867597043828 52.49156812498065, 7.211867597043828 52.49136301278814, 7.210712620249961 52.49136301278814, 7.210712620249961 52.49156812498065))",31261_5_12,5,12,125.99999633333333 +"POLYGON ((7.210712620249961 52.49136301278814, 7.211867597043828 52.49136301278814, 7.211867597043828 52.491157899639, 7.210712620249961 52.491157899639, 7.210712620249961 52.49136301278814))",31261_5_13,5,13,134.166665 +"POLYGON ((7.210712620249961 52.4907476704708, 7.211867597043828 52.4907476704708, 7.211867597043828 52.49054255445174, 7.210712620249961 52.49054255445174, 7.210712620249961 52.4907476704708))",31261_5_16,5,16,157.0 +"POLYGON ((7.210712620249961 52.49013231954369, 7.211867597043828 52.49013231954369, 7.211867597043828 52.4899272006547, 7.210712620249961 52.4899272006547, 7.210712620249961 52.49013231954369))",31261_5_19,5,19,140.33333366666668 +"POLYGON ((7.210712620249961 52.48951696000677, 7.211867597043828 52.48951696000677, 7.211867597043828 52.48931183824782, 7.210712620249961 52.48931183824782, 7.210712620249961 52.48951696000677))",31261_5_22,5,22,145.999999 +"POLYGON ((7.210712620249961 52.48931183824782, 7.211867597043828 52.48931183824782, 7.211867597043828 52.48910671553223, 7.210712620249961 52.48910671553223, 7.210712620249961 52.48931183824782))",31261_5_23,5,23,111.10270733333334 +"POLYGON ((7.211867597043828 52.49197834649576, 7.213022573837696 52.49197834649576, 7.213022573837696 52.49177323621651, 7.211867597043828 52.49177323621651, 7.211867597043828 52.49197834649576))",31261_6_10,6,10,119.33333133333333 +"POLYGON ((7.211867597043828 52.49177323621651, 7.213022573837696 52.49177323621651, 7.213022573837696 52.49156812498065, 7.211867597043828 52.49156812498065, 7.211867597043828 52.49177323621651))",31261_6_11,6,11,131.0 +"POLYGON ((7.211867597043828 52.49156812498065, 7.213022573837696 52.49156812498065, 7.213022573837696 52.49136301278814, 7.211867597043828 52.49136301278814, 7.211867597043828 52.49156812498065))",31261_6_12,6,12,112.0 +"POLYGON ((7.211867597043828 52.49136301278814, 7.213022573837696 52.49136301278814, 7.213022573837696 52.491157899639, 7.211867597043828 52.491157899639, 7.211867597043828 52.49136301278814))",31261_6_13,6,13,124.01876314285713 +"POLYGON ((7.211867597043828 52.491157899639, 7.213022573837696 52.491157899639, 7.213022573837696 52.49095278553322, 7.211867597043828 52.49095278553322, 7.211867597043828 52.491157899639))",31261_6_14,6,14,137.68838449999998 +"POLYGON ((7.211867597043828 52.49095278553322, 7.213022573837696 52.49095278553322, 7.213022573837696 52.4907476704708, 7.211867597043828 52.4907476704708, 7.211867597043828 52.49095278553322))",31261_6_15,6,15,157.5 +"POLYGON ((7.211867597043828 52.4907476704708, 7.213022573837696 52.4907476704708, 7.213022573837696 52.49054255445174, 7.211867597043828 52.49054255445174, 7.211867597043828 52.4907476704708))",31261_6_16,6,16,146.5 +"POLYGON ((7.211867597043828 52.49033743747603, 7.213022573837696 52.49033743747603, 7.213022573837696 52.49013231954369, 7.211867597043828 52.49013231954369, 7.211867597043828 52.49033743747603))",31261_6_18,6,18,123.000001 +"POLYGON ((7.204937736280621 52.48609813912682, 7.20609271307449 52.48609813912682, 7.20609271307449 52.48589300142341, 7.204937736280621 52.48589300142341, 7.204937736280621 52.48609813912682))",31262_0_12,0,12,127.66666666666667 +"POLYGON ((7.204937736280621 52.48425186535539, 7.20609271307449 52.48425186535539, 7.20609271307449 52.48404671904176, 7.204937736280621 52.48404671904176, 7.204937736280621 52.48425186535539))",31262_0_21,0,21,135.999998 +"POLYGON ((7.20609271307449 52.48671354649695, 7.207247689868357 52.48671354649695, 7.207247689868357 52.48650841166358, 7.20609271307449 52.48650841166358, 7.20609271307449 52.48671354649695))",31262_1_9,1,9,137.33333333333334 +"POLYGON ((7.207247689868357 52.48589300142341, 7.208402666662226 52.48589300142341, 7.208402666662226 52.48568786276332, 7.207247689868357 52.48568786276332, 7.207247689868357 52.48589300142341))",31262_2_13,2,13,179.5 +"POLYGON ((7.208402666662226 52.48732894525698, 7.209557643456093 52.48732894525698, 7.209557643456093 52.48712381329365, 7.208402666662226 52.48712381329365, 7.208402666662226 52.48732894525698))",31262_3_6,3,6,187.66666666666666 +"POLYGON ((7.208402666662226 52.48609813912682, 7.209557643456093 52.48609813912682, 7.209557643456093 52.48589300142341, 7.208402666662226 52.48589300142341, 7.208402666662226 52.48609813912682))",31262_3_12,3,12,137.0 +"POLYGON ((7.208402666662226 52.48527758257308, 7.209557643456093 52.48527758257308, 7.209557643456093 52.48507244104293, 7.208402666662226 52.48507244104293, 7.208402666662226 52.48527758257308))",31262_3_16,3,16,139.0 +"POLYGON ((7.209557643456093 52.48773920631366, 7.210712620249961 52.48773920631366, 7.210712620249961 52.48753407626364, 7.209557643456093 52.48753407626364, 7.209557643456093 52.48773920631366))",31262_4_4,4,4,181.0 +"POLYGON ((7.209557643456093 52.48732894525698, 7.210712620249961 52.48732894525698, 7.210712620249961 52.48712381329365, 7.209557643456093 52.48712381329365, 7.209557643456093 52.48732894525698))",31262_4_6,4,6,161.58354400000002 +"POLYGON ((7.209557643456093 52.48691868037362, 7.210712620249961 52.48691868037362, 7.210712620249961 52.48671354649695, 7.209557643456093 52.48671354649695, 7.209557643456093 52.48691868037362))",31262_4_8,4,8,139.37396533333333 +"POLYGON ((7.209557643456093 52.48650841166358, 7.210712620249961 52.48650841166358, 7.210712620249961 52.48630327587353, 7.209557643456093 52.48630327587353, 7.209557643456093 52.48650841166358))",31262_4_10,4,10,127.33333333333333 +"POLYGON ((7.209557643456093 52.48527758257308, 7.210712620249961 52.48527758257308, 7.210712620249961 52.48507244104293, 7.209557643456093 52.48507244104293, 7.209557643456093 52.48527758257308))",31262_4_16,4,16,142.66666866666665 +"POLYGON ((7.209557643456093 52.48507244104293, 7.210712620249961 52.48507244104293, 7.210712620249961 52.48486729855609, 7.209557643456093 52.48486729855609, 7.209557643456093 52.48507244104293))",31262_4_17,4,17,142.0 +"POLYGON ((7.210712620249961 52.48773920631366, 7.211867597043828 52.48773920631366, 7.211867597043828 52.48753407626364, 7.210712620249961 52.48753407626364, 7.210712620249961 52.48773920631366))",31262_5_4,5,4,129.0 +"POLYGON ((7.210712620249961 52.48732894525698, 7.211867597043828 52.48732894525698, 7.211867597043828 52.48712381329365, 7.210712620249961 52.48712381329365, 7.210712620249961 52.48732894525698))",31262_5_6,5,6,183.0 +"POLYGON ((7.210712620249961 52.48650841166358, 7.211867597043828 52.48650841166358, 7.211867597043828 52.48630327587353, 7.210712620249961 52.48630327587353, 7.210712620249961 52.48650841166358))",31262_5_10,5,10,111.35101775 +"POLYGON ((7.210712620249961 52.48630327587353, 7.211867597043828 52.48630327587353, 7.211867597043828 52.48609813912682, 7.210712620249961 52.48609813912682, 7.210712620249961 52.48630327587353))",31262_5_11,5,11,124.33034725 +"POLYGON ((7.210712620249961 52.48609813912682, 7.211867597043828 52.48609813912682, 7.211867597043828 52.48589300142341, 7.210712620249961 52.48589300142341, 7.210712620249961 52.48609813912682))",31262_5_12,5,12,124.73385825 +"POLYGON ((7.210712620249961 52.48589300142341, 7.211867597043828 52.48589300142341, 7.211867597043828 52.48568786276332, 7.210712620249961 52.48568786276332, 7.210712620249961 52.48589300142341))",31262_5_13,5,13,140.26724133333332 +"POLYGON ((7.210712620249961 52.48527758257308, 7.211867597043828 52.48527758257308, 7.211867597043828 52.48507244104293, 7.210712620249961 52.48507244104293, 7.210712620249961 52.48527758257308))",31262_5_16,5,16,155.33333333333334 +"POLYGON ((7.210712620249961 52.48466215511255, 7.211867597043828 52.48466215511255, 7.211867597043828 52.48445701071232, 7.210712620249961 52.48445701071232, 7.210712620249961 52.48466215511255))",31262_5_19,5,19,142.999999 +"POLYGON ((7.210712620249961 52.48404671904176, 7.211867597043828 52.48404671904176, 7.211867597043828 52.48384157177143, 7.210712620249961 52.48384157177143, 7.210712620249961 52.48404671904176))",31262_5_22,5,22,145.75 +"POLYGON ((7.210712620249961 52.48384157177143, 7.211867597043828 52.48384157177143, 7.211867597043828 52.4836364235444, 7.210712620249961 52.4836364235444, 7.210712620249961 52.48384157177143))",31262_5_23,5,23,119.73589275 +"POLYGON ((7.211867597043828 52.48650841166358, 7.213022573837696 52.48650841166358, 7.213022573837696 52.48630327587353, 7.211867597043828 52.48630327587353, 7.211867597043828 52.48650841166358))",31262_6_10,6,10,119.1551715 +"POLYGON ((7.211867597043828 52.48630327587353, 7.213022573837696 52.48630327587353, 7.213022573837696 52.48609813912682, 7.211867597043828 52.48609813912682, 7.211867597043828 52.48630327587353))",31262_6_11,6,11,133.33333333333334 +"POLYGON ((7.211867597043828 52.48609813912682, 7.213022573837696 52.48609813912682, 7.213022573837696 52.48589300142341, 7.211867597043828 52.48589300142341, 7.211867597043828 52.48609813912682))",31262_6_12,6,12,111.25 +"POLYGON ((7.211867597043828 52.48589300142341, 7.213022573837696 52.48589300142341, 7.213022573837696 52.48568786276332, 7.211867597043828 52.48568786276332, 7.211867597043828 52.48589300142341))",31262_6_13,6,13,120.98937283333332 +"POLYGON ((7.211867597043828 52.48568786276332, 7.213022573837696 52.48568786276332, 7.213022573837696 52.48548272314654, 7.211867597043828 52.48548272314654, 7.211867597043828 52.48568786276332))",31262_6_14,6,14,131.39194 +"POLYGON ((7.211867597043828 52.48548272314654, 7.213022573837696 52.48548272314654, 7.213022573837696 52.48527758257308, 7.211867597043828 52.48527758257308, 7.211867597043828 52.48548272314654))",31262_6_15,6,15,151.0 +"POLYGON ((7.211867597043828 52.48527758257308, 7.213022573837696 52.48527758257308, 7.213022573837696 52.48507244104293, 7.211867597043828 52.48507244104293, 7.211867597043828 52.48527758257308))",31262_6_16,6,16,139.33333333333334 +"POLYGON ((7.211867597043828 52.48486729855609, 7.213022573837696 52.48486729855609, 7.213022573837696 52.48466215511255, 7.211867597043828 52.48466215511255, 7.211867597043828 52.48486729855609))",31262_6_18,6,18,121.8717535 +"POLYGON ((7.204937736280621 52.48062747296566, 7.20609271307449 52.48062747296566, 7.20609271307449 52.48042230975005, 7.204937736280621 52.48042230975005, 7.204937736280621 52.48062747296566))",31263_0_12,0,12,131.0 +"POLYGON ((7.204937736280621 52.47878096958268, 7.20609271307449 52.47878096958268, 7.20609271307449 52.47857579775641, 7.204937736280621 52.47857579775641, 7.204937736280621 52.47878096958268))",31263_0_21,0,21,136.99999933333334 +"POLYGON ((7.20609271307449 52.4812429568721, 7.207247689868357 52.4812429568721, 7.207247689868357 52.48103779652668, 7.20609271307449 52.48103779652668, 7.20609271307449 52.4812429568721))",31263_1_9,1,9,138.0 +"POLYGON ((7.207247689868357 52.48042230975005, 7.208402666662226 52.48042230975005, 7.208402666662226 52.48021714557772, 7.207247689868357 52.48021714557772, 7.207247689868357 52.48042230975005))",31263_2_13,2,13,179.5 +"POLYGON ((7.208402666662226 52.481858432168, 7.209557643456093 52.481858432168, 7.209557643456093 52.48165327469276, 7.208402666662226 52.48165327469276, 7.208402666662226 52.481858432168))",31263_3_6,3,6,185.0 +"POLYGON ((7.208402666662226 52.48062747296566, 7.209557643456093 52.48062747296566, 7.209557643456093 52.48042230975005, 7.208402666662226 52.48042230975005, 7.208402666662226 52.48062747296566))",31263_3_12,3,12,133.33333333333334 +"POLYGON ((7.208402666662226 52.47980681436284, 7.209557643456093 52.47980681436284, 7.209557643456093 52.47960164732029, 7.208402666662226 52.47960164732029, 7.208402666662226 52.47980681436284))",31263_3_16,3,16,137.66666666666666 +"POLYGON ((7.209557643456093 52.48226874424835, 7.210712620249961 52.48226874424835, 7.210712620249961 52.48206358868653, 7.209557643456093 52.48206358868653, 7.209557643456093 52.48226874424835))",31263_4_4,4,4,180.5 +"POLYGON ((7.209557643456093 52.481858432168, 7.210712620249961 52.481858432168, 7.210712620249961 52.48165327469276, 7.209557643456093 52.48165327469276, 7.209557643456093 52.481858432168))",31263_4_6,4,6,164.8689945 +"POLYGON ((7.209557643456093 52.48144811626079, 7.210712620249961 52.48144811626079, 7.210712620249961 52.4812429568721, 7.209557643456093 52.4812429568721, 7.209557643456093 52.48144811626079))",31263_4_8,4,8,129.391143 +"POLYGON ((7.209557643456093 52.48103779652668, 7.210712620249961 52.48103779652668, 7.210712620249961 52.48083263522454, 7.209557643456093 52.48083263522454, 7.209557643456093 52.48103779652668))",31263_4_10,4,10,126.66666666666667 +"POLYGON ((7.209557643456093 52.47980681436284, 7.210712620249961 52.47980681436284, 7.210712620249961 52.47960164732029, 7.209557643456093 52.47960164732029, 7.209557643456093 52.47980681436284))",31263_4_16,4,16,138.66666466666666 +"POLYGON ((7.209557643456093 52.47960164732029, 7.210712620249961 52.47960164732029, 7.210712620249961 52.479396479321, 7.209557643456093 52.479396479321, 7.209557643456093 52.47960164732029))",31263_4_17,4,17,141.0 +"POLYGON ((7.210712620249961 52.48226874424835, 7.211867597043828 52.48226874424835, 7.211867597043828 52.48206358868653, 7.210712620249961 52.48206358868653, 7.210712620249961 52.48226874424835))",31263_5_4,5,4,128.33333333333334 +"POLYGON ((7.210712620249961 52.481858432168, 7.211867597043828 52.481858432168, 7.211867597043828 52.48165327469276, 7.210712620249961 52.48165327469276, 7.210712620249961 52.481858432168))",31263_5_6,5,6,180.0 +"POLYGON ((7.210712620249961 52.48103779652668, 7.211867597043828 52.48103779652668, 7.211867597043828 52.48083263522454, 7.210712620249961 52.48083263522454, 7.210712620249961 52.48103779652668))",31263_5_10,5,10,126.72254333333335 +"POLYGON ((7.210712620249961 52.48083263522454, 7.211867597043828 52.48083263522454, 7.211867597043828 52.48062747296566, 7.210712620249961 52.48062747296566, 7.210712620249961 52.48083263522454))",31263_5_11,5,11,131.868353 +"POLYGON ((7.210712620249961 52.48062747296566, 7.211867597043828 52.48062747296566, 7.211867597043828 52.48042230975005, 7.210712620249961 52.48042230975005, 7.210712620249961 52.48062747296566))",31263_5_12,5,12,123.75508166666667 +"POLYGON ((7.210712620249961 52.48042230975005, 7.211867597043828 52.48042230975005, 7.211867597043828 52.48021714557772, 7.210712620249961 52.48021714557772, 7.210712620249961 52.48042230975005))",31263_5_13,5,13,138.7999992 +"POLYGON ((7.210712620249961 52.47980681436284, 7.211867597043828 52.47980681436284, 7.211867597043828 52.47960164732029, 7.210712620249961 52.47960164732029, 7.210712620249961 52.47980681436284))",31263_5_16,5,16,156.0 +"POLYGON ((7.210712620249961 52.47919131036497, 7.211867597043828 52.47919131036497, 7.211867597043828 52.4789861404522, 7.210712620249961 52.4789861404522, 7.210712620249961 52.47919131036497))",31263_5_19,5,19,140.99999866666667 +"POLYGON ((7.210712620249961 52.47857579775641, 7.211867597043828 52.47857579775641, 7.211867597043828 52.4783706249734, 7.210712620249961 52.4783706249734, 7.210712620249961 52.47857579775641))",31263_5_22,5,22,144.0 +"POLYGON ((7.210712620249961 52.4783706249734, 7.211867597043828 52.4783706249734, 7.211867597043828 52.47816545123363, 7.210712620249961 52.47816545123363, 7.210712620249961 52.4783706249734))",31263_5_23,5,23,122.08985833333334 +"POLYGON ((7.211867597043828 52.48103779652668, 7.213022573837696 52.48103779652668, 7.213022573837696 52.48083263522454, 7.211867597043828 52.48083263522454, 7.211867597043828 52.48103779652668))",31263_6_10,6,10,118.512491 +"POLYGON ((7.211867597043828 52.48083263522454, 7.213022573837696 52.48083263522454, 7.213022573837696 52.48062747296566, 7.211867597043828 52.48062747296566, 7.211867597043828 52.48083263522454))",31263_6_11,6,11,131.5 +"POLYGON ((7.211867597043828 52.48062747296566, 7.213022573837696 52.48062747296566, 7.213022573837696 52.48042230975005, 7.211867597043828 52.48042230975005, 7.211867597043828 52.48062747296566))",31263_6_12,6,12,115.66666666666667 +"POLYGON ((7.211867597043828 52.48042230975005, 7.213022573837696 52.48042230975005, 7.213022573837696 52.48021714557772, 7.211867597043828 52.48021714557772, 7.211867597043828 52.48042230975005))",31263_6_13,6,13,121.89314760000002 +"POLYGON ((7.211867597043828 52.48021714557772, 7.213022573837696 52.48021714557772, 7.213022573837696 52.48001198044865, 7.211867597043828 52.48001198044865, 7.211867597043828 52.48021714557772))",31263_6_14,6,14,122.89252866666668 +"POLYGON ((7.211867597043828 52.48001198044865, 7.213022573837696 52.48001198044865, 7.213022573837696 52.47980681436284, 7.211867597043828 52.47980681436284, 7.211867597043828 52.48001198044865))",31263_6_15,6,15,147.5 +"POLYGON ((7.211867597043828 52.47980681436284, 7.213022573837696 52.47980681436284, 7.213022573837696 52.47960164732029, 7.211867597043828 52.47960164732029, 7.211867597043828 52.47980681436284))",31263_6_16,6,16,145.0 +"POLYGON ((7.211867597043828 52.479396479321, 7.213022573837696 52.479396479321, 7.213022573837696 52.47919131036497, 7.211867597043828 52.47919131036497, 7.211867597043828 52.479396479321))",31263_6_18,6,18,120.56418875 +"POLYGON ((7.204937736280621 52.28323011502598, 7.20609271307449 52.28323011502598, 7.20609271307449 52.28302403251005, 7.204937736280621 52.28302403251005, 7.204937736280621 52.28323011502598))",31299_0_12,0,12,163.0 +"POLYGON ((7.204937736280621 52.28116924673523, 7.20609271307449 52.28116924673523, 7.20609271307449 52.28096315463451, 7.204937736280621 52.28096315463451, 7.204937736280621 52.28116924673523))",31299_0_22,0,22,126.34041075 +"POLYGON ((7.20609271307449 52.28384835682296, 7.207247689868357 52.28384835682296, 7.207247689868357 52.28364227718242, 7.20609271307449 52.28364227718242, 7.20609271307449 52.28384835682296))",31299_1_9,1,9,129.66666666666666 +"POLYGON ((7.207247689868357 52.28302403251005, 7.208402666662226 52.28302403251005, 7.208402666662226 52.28281794903565, 7.207247689868357 52.28281794903565, 7.207247689868357 52.28302403251005))",31299_2_13,2,13,175.0 +"POLYGON ((7.208402666662226 52.28446658999375, 7.209557643456093 52.28446658999375, 7.209557643456093 52.28426051322862, 7.208402666662226 52.28426051322862, 7.208402666662226 52.28446658999375))",31299_3_6,3,6,194.0 +"POLYGON ((7.208402666662226 52.28323011502598, 7.209557643456093 52.28323011502598, 7.209557643456093 52.28302403251005, 7.208402666662226 52.28302403251005, 7.208402666662226 52.28323011502598))",31299_3_12,3,12,130.25 +"POLYGON ((7.208402666662226 52.28240577921142, 7.209557643456093 52.28240577921142, 7.209557643456093 52.28219969286159, 7.208402666662226 52.28219969286159, 7.208402666662226 52.28240577921142))",31299_3_16,3,16,128.33333333333334 +"POLYGON ((7.209557643456093 52.28487874064865, 7.210712620249961 52.28487874064865, 7.210712620249961 52.28467266580043, 7.209557643456093 52.28467266580043, 7.209557643456093 52.28487874064865))",31299_4_4,4,4,158.66666666666666 +"POLYGON ((7.209557643456093 52.28467266580043, 7.210712620249961 52.28467266580043, 7.210712620249961 52.28446658999375, 7.209557643456093 52.28446658999375, 7.209557643456093 52.28467266580043))",31299_4_5,4,5,111.66666644444445 +"POLYGON ((7.209557643456093 52.28364227718242, 7.210712620249961 52.28364227718242, 7.210712620249961 52.28343619658344, 7.209557643456093 52.28343619658344, 7.209557643456093 52.28364227718242))",31299_4_10,4,10,132.33333333333334 +"POLYGON ((7.210712620249961 52.28487874064865, 7.211867597043828 52.28487874064865, 7.211867597043828 52.28467266580043, 7.210712620249961 52.28467266580043, 7.210712620249961 52.28487874064865))",31299_5_4,5,4,127.75 +"POLYGON ((7.210712620249961 52.28446658999375, 7.211867597043828 52.28446658999375, 7.211867597043828 52.28426051322862, 7.210712620249961 52.28426051322862, 7.210712620249961 52.28446658999375))",31299_5_6,5,6,188.5 +"POLYGON ((7.210712620249961 52.28384835682296, 7.211867597043828 52.28384835682296, 7.211867597043828 52.28364227718242, 7.210712620249961 52.28364227718242, 7.210712620249961 52.28384835682296))",31299_5_9,5,9,133.451309 +"POLYGON ((7.210712620249961 52.28343619658344, 7.211867597043828 52.28343619658344, 7.211867597043828 52.28323011502598, 7.210712620249961 52.28323011502598, 7.210712620249961 52.28343619658344))",31299_5_11,5,11,123.3756065 +"POLYGON ((7.210712620249961 52.2817875172865, 7.211867597043828 52.2817875172865, 7.211867597043828 52.28158142806123, 7.210712620249961 52.28158142806123, 7.210712620249961 52.2817875172865))",31299_5_19,5,19,139.7500005 +"POLYGON ((7.210712620249961 52.28096315463451, 7.211867597043828 52.28096315463451, 7.211867597043828 52.28075706157529, 7.210712620249961 52.28075706157529, 7.210712620249961 52.28096315463451))",31299_5_23,5,23,127.4999995 +"POLYGON ((7.211867597043828 52.28364227718242, 7.213022573837696 52.28364227718242, 7.213022573837696 52.28343619658344, 7.211867597043828 52.28343619658344, 7.211867597043828 52.28364227718242))",31299_6_10,6,10,144.53354025000002 +"POLYGON ((7.211867597043828 52.28323011502598, 7.213022573837696 52.28323011502598, 7.213022573837696 52.28302403251005, 7.211867597043828 52.28302403251005, 7.211867597043828 52.28323011502598))",31299_6_12,6,12,120.5 +"POLYGON ((7.211867597043828 52.28302403251005, 7.213022573837696 52.28302403251005, 7.213022573837696 52.28281794903565, 7.211867597043828 52.28281794903565, 7.211867597043828 52.28302403251005))",31299_6_13,6,13,129.42857 +"POLYGON ((7.211867597043828 52.28281794903565, 7.213022573837696 52.28281794903565, 7.213022573837696 52.28261186460276, 7.211867597043828 52.28261186460276, 7.211867597043828 52.28281794903565))",31299_6_14,6,14,144.84756057142857 +"POLYGON ((7.211867597043828 52.28199360555329, 7.213022573837696 52.28199360555329, 7.213022573837696 52.2817875172865, 7.211867597043828 52.2817875172865, 7.211867597043828 52.28199360555329))",31299_6_18,6,18,120.499999 +"POLYGON ((7.204937736280621 52.1931495547457, 7.20609271307449 52.1931495547457, 7.20609271307449 52.19294305352728, 7.204937736280621 52.19294305352728, 7.204937736280621 52.1931495547457))",31315_0_22,0,22,94.999997 +"POLYGON ((7.208402666662226 52.19521451417156, 7.209557643456093 52.19521451417156, 7.209557643456093 52.19500802254554, 7.208402666662226 52.19500802254554, 7.208402666662226 52.19521451417156))",31315_3_12,3,12,106.0 +"POLYGON ((7.209557643456093 52.19686641264756, 7.210712620249961 52.19686641264756, 7.210712620249961 52.19665992869533, 7.209557643456093 52.19665992869533, 7.209557643456093 52.19686641264756))",31315_4_4,4,4,122.0 +"POLYGON ((7.210712620249961 52.1935625543048, 7.211867597043828 52.1935625543048, 7.211867597043828 52.19335605500488, 7.210712620249961 52.19335605500488, 7.210712620249961 52.1935625543048))",31315_5_20,5,20,96.999997 +"POLYGON ((7.211867597043828 52.19583398329424, 7.213022573837696 52.19583398329424, 7.213022573837696 52.1956274945459, 7.211867597043828 52.1956274945459, 7.211867597043828 52.19583398329424))",31315_6_9,6,9,117.414141 +"POLYGON ((7.204937736280621 52.18970774253543, 7.20609271307449 52.18970774253543, 7.20609271307449 52.18950122532928, 7.204937736280621 52.18950122532928, 7.204937736280621 52.18970774253543))",31316_0_12,0,12,77.0 +"POLYGON ((7.204937736280621 52.18764252730608, 7.20609271307449 52.18764252730608, 7.20609271307449 52.18743600050706, 7.204937736280621 52.18743600050706, 7.204937736280621 52.18764252730608))",31316_0_22,0,22,94.59978425 +"POLYGON ((7.20609271307449 52.19032728839824, 7.207247689868357 52.19032728839824, 7.207247689868357 52.19012077406992, 7.20609271307449 52.19012077406992, 7.20609271307449 52.19032728839824))",31316_1_9,1,9,73.33333333333333 +"POLYGON ((7.207247689868357 52.18950122532928, 7.208402666662226 52.18950122532928, 7.208402666662226 52.18929470716385, 7.207247689868357 52.18929470716385, 7.207247689868357 52.18950122532928))",31316_2_13,2,13,116.66666666666667 +"POLYGON ((7.208402666662226 52.1909468256276, 7.209557643456093 52.1909468256276, 7.209557643456093 52.19074031417708, 7.208402666662226 52.19074031417708, 7.208402666662226 52.1909468256276))",31316_3_6,3,6,123.0 +"POLYGON ((7.208402666662226 52.18970774253543, 7.209557643456093 52.18970774253543, 7.209557643456093 52.18950122532928, 7.208402666662226 52.18950122532928, 7.208402666662226 52.18970774253543))",31316_3_12,3,12,104.33333333333333 +"POLYGON ((7.208402666662226 52.18888166795513, 7.209557643456093 52.18888166795513, 7.209557643456093 52.18867514691184, 7.208402666662226 52.18867514691184, 7.208402666662226 52.18888166795513))",31316_3_16,3,16,116.66666666666667 +"POLYGON ((7.209557643456093 52.19135984565082, 7.210712620249961 52.19135984565082, 7.210712620249961 52.19115333611884, 7.209557643456093 52.19115333611884, 7.209557643456093 52.19135984565082))",31316_4_4,4,4,124.33333333333333 +"POLYGON ((7.209557643456093 52.19115333611884, 7.210712620249961 52.19115333611884, 7.210712620249961 52.1909468256276, 7.209557643456093 52.1909468256276, 7.209557643456093 52.19115333611884))",31316_4_5,4,5,124.33333333333333 +"POLYGON ((7.210712620249961 52.19135984565082, 7.211867597043828 52.19135984565082, 7.211867597043828 52.19115333611884, 7.210712620249961 52.19115333611884, 7.210712620249961 52.19135984565082))",31316_5_4,5,4,118.66666666666667 +"POLYGON ((7.210712620249961 52.1909468256276, 7.211867597043828 52.1909468256276, 7.211867597043828 52.19074031417708, 7.210712620249961 52.19074031417708, 7.210712620249961 52.1909468256276))",31316_5_6,5,6,144.33333333333334 +"POLYGON ((7.210712620249961 52.19032728839824, 7.211867597043828 52.19032728839824, 7.211867597043828 52.19012077406992, 7.210712620249961 52.19012077406992, 7.210712620249961 52.19032728839824))",31316_5_9,5,9,105.82407425 +"POLYGON ((7.210712620249961 52.18991425878232, 7.211867597043828 52.18991425878232, 7.211867597043828 52.18970774253543, 7.210712620249961 52.18970774253543, 7.210712620249961 52.18991425878232))",31316_5_11,5,11,108.3645875 +"POLYGON ((7.210712620249961 52.18805557802626, 7.211867597043828 52.18805557802626, 7.211867597043828 52.18784905314582, 7.210712620249961 52.18784905314582, 7.210712620249961 52.18805557802626))",31316_5_20,5,20,98.50000125 +"POLYGON ((7.210712620249961 52.18743600050706, 7.211867597043828 52.18743600050706, 7.211867597043828 52.18722947274873, 7.210712620249961 52.18722947274873, 7.210712620249961 52.18743600050706))",31316_5_23,5,23,83.13337859999999 +"POLYGON ((7.211867597043828 52.19032728839824, 7.213022573837696 52.19032728839824, 7.213022573837696 52.19012077406992, 7.211867597043828 52.19012077406992, 7.211867597043828 52.19032728839824))",31316_6_9,6,9,114.10335300000001 +"POLYGON ((7.211867597043828 52.18970774253543, 7.213022573837696 52.18970774253543, 7.213022573837696 52.18950122532928, 7.211867597043828 52.18950122532928, 7.211867597043828 52.18970774253543))",31316_6_12,6,12,91.9090909090909 +"POLYGON ((7.211867597043828 52.18950122532928, 7.213022573837696 52.18950122532928, 7.213022573837696 52.18929470716385, 7.211867597043828 52.18929470716385, 7.211867597043828 52.18950122532928))",31316_6_13,6,13,99.2478532 +"POLYGON ((7.211867597043828 52.18929470716385, 7.213022573837696 52.18929470716385, 7.213022573837696 52.18908818803912, 7.211867597043828 52.18908818803912, 7.211867597043828 52.18929470716385))",31316_6_14,6,14,97.7003884 +"POLYGON ((7.209557643456093 50.86529234227899, 7.210712620249961 50.86529234227899, 7.210712620249961 50.86507972882745, 7.209557643456093 50.86507972882745, 7.209557643456093 50.86529234227899))",31553_4_12,4,12,109.33333333333333 +"POLYGON ((7.209557643456093 50.85962231840805, 7.210712620249961 50.85962231840805, 7.210712620249961 50.85940967909947, 7.209557643456093 50.85940967909947, 7.209557643456093 50.85962231840805))",31554_4_12,4,12,124.33333333333333 +"POLYGON ((7.209557643456093 50.84828020203326, 7.210712620249961 50.84828020203326, 7.210712620249961 50.84806751100738, 7.209557643456093 50.84806751100738, 7.209557643456093 50.84828020203326))",31556_4_12,4,12,123.66666666666667 +"POLYGON ((7.209557643456093 50.84260810947281, 7.210712620249961 50.84260810947281, 7.210712620249961 50.84239539258672, 7.209557643456093 50.84239539258672, 7.209557643456093 50.84260810947281))",31557_4_12,4,12,126.33333333333333 +"POLYGON ((7.209557643456093 50.81991284275185, 7.210712620249961 50.81991284275185, 7.210712620249961 50.81970002241425, 7.209557643456093 50.81970002241425, 7.209557643456093 50.81991284275185))",31561_4_12,4,12,116.0 +"POLYGON ((7.209557643456093 50.81423730181083, 7.210712620249961 50.81423730181083, 7.210712620249961 50.81402445560772, 7.209557643456093 50.81402445560772, 7.209557643456093 50.81423730181083))",31562_4_12,4,12,122.5 +"POLYGON ((7.213920889121817 53.60966292663468, 7.215075865915685 53.60966292663468, 7.215075865915685 53.60946306792193, 7.213920889121817 53.60946306792193, 7.213920889121817 53.60966292663468))",31729_0_10,0,10,95.0 +"POLYGON ((7.216230842709552 53.60886348610816, 7.217385819503421 53.60886348610816, 7.217385819503421 53.60866362361174, 7.216230842709552 53.60866362361174, 7.216230842709552 53.60886348610816))",31729_2_14,2,14,77.5 +"POLYGON ((7.217385819503421 53.61006264122243, 7.218540796297289 53.61006264122243, 7.218540796297289 53.60986278440151, 7.217385819503421 53.60986278440151, 7.217385819503421 53.61006264122243))",31729_3_8,3,8,97.8 +"POLYGON ((7.218540796297289 53.61066220600974, 7.219695773091156 53.61066220600974, 7.219695773091156 53.61046235202654, 7.218540796297289 53.61046235202654, 7.218540796297289 53.61066220600974))",31729_4_5,4,5,96.4 +"POLYGON ((7.218540796297289 53.60986278440151, 7.219695773091156 53.60986278440151, 7.219695773091156 53.60966292663468, 7.218540796297289 53.60966292663468, 7.218540796297289 53.60986278440151))",31729_4_9,4,9,69.857143 +"POLYGON ((7.219695773091156 53.61066220600974, 7.220850749885025 53.61066220600974, 7.220850749885025 53.61046235202654, 7.219695773091156 53.61046235202654, 7.219695773091156 53.61066220600974))",31729_5_5,5,5,82.33333333333333 +"POLYGON ((7.220850749885025 53.60906334765868, 7.222005726678892 53.60906334765868, 7.222005726678892 53.60886348610816, 7.220850749885025 53.60886348610816, 7.220850749885025 53.60906334765868))",31729_6_13,6,13,77.83333333333333 +"POLYGON ((7.219695773091156 53.58893920596157, 7.220850749885025 53.58893920596157, 7.220850749885025 53.58873924917789, 7.219695773091156 53.58873924917789, 7.219695773091156 53.58893920596157))",31733_5_7,5,7,44.0 +"POLYGON ((7.217385819503421 53.58340671925694, 7.218540796297289 53.58340671925694, 7.218540796297289 53.58320673629628, 7.217385819503421 53.58320673629628, 7.217385819503421 53.58340671925694))",31734_3_8,3,8,73.0 +"POLYGON ((7.218540796297289 53.58320673629628, 7.219695773091156 53.58320673629628, 7.219695773091156 53.58300675238944, 7.218540796297289 53.58300675238944, 7.218540796297289 53.58320673629628))",31734_4_9,4,9,50.2838605 +"POLYGON ((7.219695773091156 53.58360670127141, 7.220850749885025 53.58360670127141, 7.220850749885025 53.58340671925694, 7.219695773091156 53.58340671925694, 7.219695773091156 53.58360670127141))",31734_5_7,5,7,53.0 +"POLYGON ((7.217385819503421 53.57807351649464, 7.218540796297289 53.57807351649464, 7.218540796297289 53.57787350830167, 7.217385819503421 53.57787350830167, 7.217385819503421 53.57807351649464))",31735_3_8,3,8,67.0 +"POLYGON ((7.218540796297289 53.57787350830167, 7.219695773091156 53.57787350830167, 7.219695773091156 53.57767349916247, 7.218540796297289 53.57767349916247, 7.218540796297289 53.57787350830167))",31735_4_9,4,9,59.592093000000006 +"POLYGON ((7.219695773091156 53.57827352374137, 7.220850749885025 53.57827352374137, 7.220850749885025 53.57807351649464, 7.219695773091156 53.57807351649464, 7.219695773091156 53.57827352374137))",31735_5_7,5,7,53.55555555555556 +"POLYGON ((7.217385819503421 53.47146861732262, 7.218540796297289 53.47146861732262, 7.218540796297289 53.47126810512728, 7.217385819503421 53.47126810512728, 7.217385819503421 53.47146861732262))",31755_3_7,3,7,99.5 +"POLYGON ((7.218540796297289 53.47106759198461, 7.219695773091156 53.47106759198461, 7.219695773091156 53.47086707789463, 7.218540796297289 53.47086707789463, 7.218540796297289 53.47106759198461))",31755_4_9,4,9,82.9430895 +"POLYGON ((7.219695773091156 53.47146861732262, 7.220850749885025 53.47146861732262, 7.220850749885025 53.47126810512728, 7.219695773091156 53.47126810512728, 7.219695773091156 53.47146861732262))",31755_5_7,5,7,91.0 +"POLYGON ((7.217385819503421 53.46612130124712, 7.218540796297289 53.46612130124712, 7.218540796297289 53.46592076378923, 7.217385819503421 53.46592076378923, 7.217385819503421 53.46612130124712))",31756_3_7,3,7,103.25 +"POLYGON ((7.218540796297289 53.46572022538395, 7.219695773091156 53.46572022538395, 7.219695773091156 53.46551968603129, 7.218540796297289 53.46551968603129, 7.218540796297289 53.46572022538395))",31756_4_9,4,9,72.33640050000001 +"POLYGON ((7.219695773091156 53.46612130124712, 7.220850749885025 53.46612130124712, 7.220850749885025 53.46592076378923, 7.219695773091156 53.46592076378923, 7.219695773091156 53.46612130124712))",31756_5_7,5,7,83.2 +"POLYGON ((7.217385819503421 53.46077331148496, 7.218540796297289 53.46077331148496, 7.218540796297289 53.46057274876306, 7.217385819503421 53.46057274876306, 7.217385819503421 53.46077331148496))",31757_3_7,3,7,111.66666666666667 +"POLYGON ((7.218540796297289 53.46037218509374, 7.219695773091156 53.46037218509374, 7.219695773091156 53.46017162047698, 7.218540796297289 53.46017162047698, 7.218540796297289 53.46037218509374))",31757_4_9,4,9,81.306167 +"POLYGON ((7.219695773091156 53.46077331148496, 7.220850749885025 53.46077331148496, 7.220850749885025 53.46057274876306, 7.219695773091156 53.46057274876306, 7.219695773091156 53.46077331148496))",31757_5_7,5,7,83.8 +"POLYGON ((7.217385819503421 53.45542464799784, 7.218540796297289 53.45542464799784, 7.218540796297289 53.45522406001052, 7.217385819503421 53.45522406001052, 7.217385819503421 53.45542464799784))",31758_3_7,3,7,91.25 +"POLYGON ((7.218540796297289 53.45502347107571, 7.219695773091156 53.45502347107571, 7.219695773091156 53.45482288119342, 7.218540796297289 53.45482288119342, 7.218540796297289 53.45502347107571))",31758_4_9,4,9,69.468172 +"POLYGON ((7.219695773091156 53.45542464799784, 7.220850749885025 53.45542464799784, 7.220850749885025 53.45522406001052, 7.219695773091156 53.45522406001052, 7.219695773091156 53.45542464799784))",31758_5_7,5,7,85.75 +"POLYGON ((7.217385819503421 53.45007531074754, 7.218540796297289 53.45007531074754, 7.218540796297289 53.44987469749334, 7.217385819503421 53.44987469749334, 7.217385819503421 53.45007531074754))",31759_3_7,3,7,98.5 +"POLYGON ((7.218540796297289 53.44967408329162, 7.219695773091156 53.44967408329162, 7.219695773091156 53.44947346814236, 7.218540796297289 53.44947346814236, 7.218540796297289 53.44967408329162))",31759_4_9,4,9,83.39044883333334 +"POLYGON ((7.219695773091156 53.45007531074754, 7.220850749885025 53.45007531074754, 7.220850749885025 53.44987469749334, 7.219695773091156 53.44987469749334, 7.219695773091156 53.45007531074754))",31759_5_7,5,7,97.6 +"POLYGON ((7.213920889121817 53.41200870808532, 7.215075865915685 53.41200870808532, 7.215075865915685 53.41180791507923, 7.213920889121817 53.41180791507923, 7.213920889121817 53.41200870808532))",31766_0_10,0,10,97.5 +"POLYGON ((7.216230842709552 53.41120553037349, 7.217385819503421 53.41120553037349, 7.217385819503421 53.41100473357573, 7.216230842709552 53.41100473357573, 7.216230842709552 53.41120553037349))",31766_2_14,2,14,79.33333333333333 +"POLYGON ((7.217385819503421 53.41261108141607, 7.218540796297289 53.41261108141607, 7.218540796297289 53.41241029125373, 7.217385819503421 53.41241029125373, 7.217385819503421 53.41261108141607))",31766_3_7,3,7,105.0 +"POLYGON ((7.218540796297289 53.41301265889702, 7.219695773091156 53.41301265889702, 7.219695773091156 53.4128118706305, 7.218540796297289 53.4128118706305, 7.218540796297289 53.41301265889702))",31766_4_5,4,5,90.5 +"POLYGON ((7.218540796297289 53.41220950014348, 7.219695773091156 53.41220950014348, 7.219695773091156 53.41200870808532, 7.218540796297289 53.41200870808532, 7.218540796297289 53.41220950014348))",31766_4_9,4,9,83.500001 +"POLYGON ((7.219695773091156 53.41301265889702, 7.220850749885025 53.41301265889702, 7.220850749885025 53.4128118706305, 7.219695773091156 53.4128118706305, 7.219695773091156 53.41301265889702))",31766_5_5,5,5,93.5 +"POLYGON ((7.219695773091156 53.41261108141607, 7.220850749885025 53.41261108141607, 7.220850749885025 53.41241029125373, 7.219695773091156 53.41241029125373, 7.219695773091156 53.41261108141607))",31766_5_7,5,7,81.0 +"POLYGON ((7.220850749885025 53.41160712112524, 7.222005726678892 53.41160712112524, 7.222005726678892 53.41140632622332, 7.220850749885025 53.41140632622332, 7.220850749885025 53.41160712112524))",31766_6_12,6,12,82.000001 +"POLYGON ((7.220850749885025 53.41140632622332, 7.222005726678892 53.41140632622332, 7.222005726678892 53.41120553037349, 7.220850749885025 53.41120553037349, 7.220850749885025 53.41140632622332))",31766_6_13,6,13,71.33333333333333 +"POLYGON ((7.213920889121817 53.40665390351929, 7.215075865915685 53.40665390351929, 7.215075865915685 53.40645308523474, 7.213920889121817 53.40645308523474, 7.213920889121817 53.40665390351929))",31767_0_10,0,10,83.6 +"POLYGON ((7.216230842709552 53.40585062469325, 7.217385819503421 53.40585062469325, 7.217385819503421 53.4056498026168, 7.216230842709552 53.4056498026168, 7.216230842709552 53.40585062469325))",31767_2_14,2,14,75.2 +"POLYGON ((7.217385819503421 53.40725635268515, 7.218540796297289 53.40725635268515, 7.218540796297289 53.40705553724449, 7.217385819503421 53.40705553724449, 7.217385819503421 53.40725635268515))",31767_3_7,3,7,75.33333333333333 +"POLYGON ((7.218540796297289 53.40765798072256, 7.219695773091156 53.40765798072256, 7.219695773091156 53.40745716717784, 7.218540796297289 53.40745716717784, 7.218540796297289 53.40765798072256))",31767_4_5,4,5,81.33333333333333 +"POLYGON ((7.218540796297289 53.40685472085588, 7.219695773091156 53.40685472085588, 7.219695773091156 53.40665390351929, 7.218540796297289 53.40665390351929, 7.218540796297289 53.40685472085588))",31767_4_9,4,9,73.428571 +"POLYGON ((7.219695773091156 53.40765798072256, 7.220850749885025 53.40765798072256, 7.220850749885025 53.40745716717784, 7.219695773091156 53.40745716717784, 7.219695773091156 53.40765798072256))",31767_5_5,5,5,97.6 +"POLYGON ((7.219695773091156 53.40725635268515, 7.220850749885025 53.40725635268515, 7.220850749885025 53.40705553724449, 7.219695773091156 53.40705553724449, 7.219695773091156 53.40725635268515))",31767_5_7,5,7,85.8 +"POLYGON ((7.220850749885025 53.40625226600222, 7.222005726678892 53.40625226600222, 7.222005726678892 53.40605144582172, 7.220850749885025 53.40605144582172, 7.220850749885025 53.40625226600222))",31767_6_12,6,12,73.547552 +"POLYGON ((7.220850749885025 53.40605144582172, 7.222005726678892 53.40605144582172, 7.222005726678892 53.40585062469325, 7.220850749885025 53.40585062469325, 7.220850749885025 53.40605144582172))",31767_6_13,6,13,71.5 +"POLYGON ((7.219695773091156 53.40190094984754, 7.220850749885025 53.40190094984754, 7.220850749885025 53.40170010912716, 7.219695773091156 53.40170010912716, 7.219695773091156 53.40190094984754))",31768_5_7,5,7,86.0 +"POLYGON ((7.220850749885025 53.40089673676537, 7.222005726678892 53.40089673676537, 7.222005726678892 53.40069589130488, 7.220850749885025 53.40069589130488, 7.220850749885025 53.40089673676537))",31768_6_12,6,12,71.141178 +"POLYGON ((7.213920889121817 53.39058544500323, 7.215075865915685 53.39058544500323, 7.215075865915685 53.39038455087469, 7.213920889121817 53.39038455087469, 7.213920889121817 53.39058544500323))",31770_0_10,0,10,95.75 +"POLYGON ((7.216230842709552 53.38978186280028, 7.217385819503421 53.38978186280028, 7.217385819503421 53.38958096487921, 7.216230842709552 53.38958096487921, 7.216230842709552 53.38978186280028))",31770_2_14,2,14,70.8 +"POLYGON ((7.217385819503421 53.39118812170008, 7.218540796297289 53.39118812170008, 7.218540796297289 53.39098723041592, 7.217385819503421 53.39098723041592, 7.217385819503421 53.39118812170008))",31770_3_7,3,7,69.0 +"POLYGON ((7.218540796297289 53.39158990142403, 7.219695773091156 53.39158990142403, 7.219695773091156 53.39138901203611, 7.218540796297289 53.39138901203611, 7.218540796297289 53.39158990142403))",31770_4_5,4,5,67.5 +"POLYGON ((7.218540796297289 53.39078633818363, 7.219695773091156 53.39078633818363, 7.219695773091156 53.39058544500323, 7.218540796297289 53.39058544500323, 7.218540796297289 53.39078633818363))",31770_4_9,4,9,64.52442257142857 +"POLYGON ((7.219695773091156 53.39158990142403, 7.220850749885025 53.39158990142403, 7.220850749885025 53.39138901203611, 7.219695773091156 53.39138901203611, 7.219695773091156 53.39158990142403))",31770_5_5,5,5,69.16666666666667 +"POLYGON ((7.219695773091156 53.39118812170008, 7.220850749885025 53.39118812170008, 7.220850749885025 53.39098723041592, 7.219695773091156 53.39098723041592, 7.219695773091156 53.39118812170008))",31770_5_7,5,7,55.0 +"POLYGON ((7.220850749885025 53.39018365579803, 7.222005726678892 53.39018365579803, 7.222005726678892 53.38998275977323, 7.220850749885025 53.38998275977323, 7.220850749885025 53.39018365579803))",31770_6_12,6,12,74.37832700000001 +"POLYGON ((7.220850749885025 53.38978186280028, 7.222005726678892 53.38978186280028, 7.222005726678892 53.38958096487921, 7.220850749885025 53.38958096487921, 7.220850749885025 53.38978186280028))",31770_6_14,6,14,91.5 +"POLYGON ((7.220850749885025 53.38442426042506, 7.222005726678892 53.38442426042506, 7.222005726678892 53.38422333721959, 7.220850749885025 53.38422333721959, 7.220850749885025 53.38442426042506))",31771_6_14,6,14,96.0 +"POLYGON ((7.219695773091156 53.3633891537256, 7.220850749885025 53.3633891537256, 7.220850749885025 53.36318813126513, 7.219695773091156 53.36318813126513, 7.219695773091156 53.3633891537256))",31775_5_12,5,12,48.7999998 +"POLYGON ((7.219695773091156 53.3582292770129, 7.220850749885025 53.3582292770129, 7.220850749885025 53.35802823020947, 7.219695773091156 53.35802823020947, 7.219695773091156 53.3582292770129))",31776_5_11,5,11,28.209985352941175 +"POLYGON ((7.219695773091156 53.35802823020947, 7.220850749885025 53.35802823020947, 7.220850749885025 53.35782718245758, 7.219695773091156 53.35782718245758, 7.219695773091156 53.35802823020947))",31776_5_12,5,12,28.331426 +"POLYGON ((7.215075865915685 53.18154668175862, 7.216230842709552 53.18154668175862, 7.216230842709552 53.18134480239792, 7.215075865915685 53.18134480239792, 7.215075865915685 53.18154668175862))",31809_1_8,1,8,124.5 +"POLYGON ((7.215075865915685 53.17616290695764, 7.216230842709552 53.17616290695764, 7.216230842709552 53.17596100225781, 7.215075865915685 53.17596100225781, 7.215075865915685 53.17616290695764))",31810_1_8,1,8,119.0 +"POLYGON ((7.213920889121817 52.86755956683344, 7.215075865915685 52.86755956683344, 7.215075865915685 52.86735621265638, 7.213920889121817 52.86735621265638, 7.213920889121817 52.86755956683344))",31867_0_11,0,11,175.5 +"POLYGON ((7.213920889121817 52.86552598216896, 7.215075865915685 52.86552598216896, 7.215075865915685 52.86532261845989, 7.213920889121817 52.86532261845989, 7.213920889121817 52.86552598216896))",31867_0_21,0,21,134.794346 +"POLYGON ((7.215075865915685 52.86796627232798, 7.216230842709552 52.86796627232798, 7.216230842709552 52.8677629200573, 7.215075865915685 52.8677629200573, 7.215075865915685 52.86796627232798))",31867_1_9,1,9,83.25 +"POLYGON ((7.216230842709552 52.86715285752613, 7.217385819503421 52.86715285752613, 7.217385819503421 52.86694950144268, 7.216230842709552 52.86694950144268, 7.216230842709552 52.86715285752613))",31867_2_13,2,13,108.5 +"POLYGON ((7.217385819503421 52.8685763234209, 7.218540796297289 52.8685763234209, 7.218540796297289 52.86837297400978, 7.217385819503421 52.86837297400978, 7.217385819503421 52.8685763234209))",31867_3_6,3,6,107.66666666666667 +"POLYGON ((7.217385819503421 52.86715285752613, 7.218540796297289 52.86715285752613, 7.218540796297289 52.86694950144268, 7.217385819503421 52.86694950144268, 7.217385819503421 52.86715285752613))",31867_3_13,3,13,80.0 +"POLYGON ((7.218540796297289 52.86898301938361, 7.219695773091156 52.86898301938361, 7.219695773091156 52.86877967187884, 7.218540796297289 52.86877967187884, 7.218540796297289 52.86898301938361))",31867_4_4,4,4,72.0 +"POLYGON ((7.218540796297289 52.8685763234209, 7.219695773091156 52.8685763234209, 7.219695773091156 52.86837297400978, 7.218540796297289 52.86837297400978, 7.218540796297289 52.8685763234209))",31867_4_6,4,6,181.145285 +"POLYGON ((7.218540796297289 52.86816962364547, 7.219695773091156 52.86816962364547, 7.219695773091156 52.86796627232798, 7.218540796297289 52.86796627232798, 7.218540796297289 52.86816962364547))",31867_4_8,4,8,126.66666433333334 +"POLYGON ((7.218540796297289 52.86633942747316, 7.219695773091156 52.86633942747316, 7.219695773091156 52.86613606757692, 7.218540796297289 52.86613606757692, 7.218540796297289 52.86633942747316))",31867_4_17,4,17,92.00000025 +"POLYGON ((7.219695773091156 52.86898301938361, 7.220850749885025 52.86898301938361, 7.220850749885025 52.86877967187884, 7.219695773091156 52.86877967187884, 7.219695773091156 52.86898301938361))",31867_5_4,5,4,146.5 +"POLYGON ((7.219695773091156 52.8685763234209, 7.220850749885025 52.8685763234209, 7.220850749885025 52.86837297400978, 7.219695773091156 52.86837297400978, 7.219695773091156 52.8685763234209))",31867_5_6,5,6,179.0 +"POLYGON ((7.219695773091156 52.86796627232798, 7.220850749885025 52.86796627232798, 7.220850749885025 52.8677629200573, 7.219695773091156 52.8677629200573, 7.219695773091156 52.86796627232798))",31867_5_9,5,9,145.956155 +"POLYGON ((7.219695773091156 52.8677629200573, 7.220850749885025 52.8677629200573, 7.220850749885025 52.86755956683344, 7.219695773091156 52.86755956683344, 7.219695773091156 52.8677629200573))",31867_5_10,5,10,129.27524300000002 +"POLYGON ((7.219695773091156 52.86755956683344, 7.220850749885025 52.86755956683344, 7.220850749885025 52.86735621265638, 7.219695773091156 52.86735621265638, 7.219695773091156 52.86755956683344))",31867_5_11,5,11,97.610992 +"POLYGON ((7.219695773091156 52.86715285752613, 7.220850749885025 52.86715285752613, 7.220850749885025 52.86694950144268, 7.219695773091156 52.86694950144268, 7.219695773091156 52.86715285752613))",31867_5_13,5,13,99.85714371428571 +"POLYGON ((7.219695773091156 52.86694950144268, 7.220850749885025 52.86694950144268, 7.220850749885025 52.86674614440604, 7.219695773091156 52.86674614440604, 7.219695773091156 52.86694950144268))",31867_5_14,5,14,128.999999 +"POLYGON ((7.219695773091156 52.86674614440604, 7.220850749885025 52.86674614440604, 7.220850749885025 52.8665427864162, 7.219695773091156 52.8665427864162, 7.219695773091156 52.86674614440604))",31867_5_15,5,15,135.0 +"POLYGON ((7.219695773091156 52.8665427864162, 7.220850749885025 52.8665427864162, 7.220850749885025 52.86633942747316, 7.219695773091156 52.86633942747316, 7.219695773091156 52.8665427864162))",31867_5_16,5,16,135.0 +"POLYGON ((7.219695773091156 52.86593270672748, 7.220850749885025 52.86593270672748, 7.220850749885025 52.86572934492482, 7.219695773091156 52.86572934492482, 7.219695773091156 52.86593270672748))",31867_5_19,5,19,97.24999925 +"POLYGON ((7.219695773091156 52.86552598216896, 7.220850749885025 52.86552598216896, 7.220850749885025 52.86532261845989, 7.219695773091156 52.86532261845989, 7.219695773091156 52.86552598216896))",31867_5_21,5,21,116.99999966666667 +"POLYGON ((7.219695773091156 52.86532261845989, 7.220850749885025 52.86532261845989, 7.220850749885025 52.8651192537976, 7.219695773091156 52.8651192537976, 7.219695773091156 52.86532261845989))",31867_5_22,5,22,90.82333700000001 +"POLYGON ((7.220850749885025 52.8677629200573, 7.222005726678892 52.8677629200573, 7.222005726678892 52.86755956683344, 7.220850749885025 52.86755956683344, 7.220850749885025 52.8677629200573))",31867_6_10,6,10,122.9999965 +"POLYGON ((7.220850749885025 52.86755956683344, 7.222005726678892 52.86755956683344, 7.222005726678892 52.86735621265638, 7.220850749885025 52.86735621265638, 7.220850749885025 52.86755956683344))",31867_6_11,6,11,92.66666666666667 +"POLYGON ((7.220850749885025 52.86715285752613, 7.222005726678892 52.86715285752613, 7.222005726678892 52.86694950144268, 7.220850749885025 52.86694950144268, 7.220850749885025 52.86715285752613))",31867_6_13,6,13,125.0331418 +"POLYGON ((7.220850749885025 52.86694950144268, 7.222005726678892 52.86694950144268, 7.222005726678892 52.86674614440604, 7.220850749885025 52.86674614440604, 7.220850749885025 52.86694950144268))",31867_6_14,6,14,78.75 +"POLYGON ((7.220850749885025 52.8665427864162, 7.222005726678892 52.8665427864162, 7.222005726678892 52.86633942747316, 7.220850749885025 52.86633942747316, 7.220850749885025 52.8665427864162))",31867_6_16,6,16,152.0 +"POLYGON ((7.220850749885025 52.86633942747316, 7.222005726678892 52.86633942747316, 7.222005726678892 52.86613606757692, 7.220850749885025 52.86613606757692, 7.220850749885025 52.86633942747316))",31867_6_17,6,17,117.49999975 +"POLYGON ((7.213920889121817 52.8621364625695, 7.215075865915685 52.8621364625695, 7.215075865915685 52.86193308297331, 7.213920889121817 52.86193308297331, 7.213920889121817 52.8621364625695))",31868_0_11,0,11,173.0 +"POLYGON ((7.213920889121817 52.8601026237115, 7.215075865915685 52.8601026237115, 7.215075865915685 52.8598992345828, 7.213920889121817 52.8598992345828, 7.213920889121817 52.8601026237115))",31868_0_21,0,21,134.41612766666665 +"POLYGON ((7.215075865915685 52.86254321890213, 7.216230842709552 52.86254321890213, 7.216230842709552 52.86233984121242, 7.215075865915685 52.86233984121242, 7.215075865915685 52.86254321890213))",31868_1_9,1,9,82.8 +"POLYGON ((7.216230842709552 52.86172970242389, 7.217385819503421 52.86172970242389, 7.217385819503421 52.86152632092121, 7.216230842709552 52.86152632092121, 7.216230842709552 52.86172970242389))",31868_2_13,2,13,108.5 +"POLYGON ((7.217385819503421 52.86315334625181, 7.218540796297289 52.86315334625181, 7.218540796297289 52.86294997142182, 7.217385819503421 52.86294997142182, 7.217385819503421 52.86315334625181))",31868_3_6,3,6,107.66666666666667 +"POLYGON ((7.217385819503421 52.86172970242389, 7.218540796297289 52.86172970242389, 7.218540796297289 52.86152632092121, 7.217385819503421 52.86152632092121, 7.217385819503421 52.86172970242389))",31868_3_13,3,13,79.2 +"POLYGON ((7.218540796297289 52.8635600930521, 7.219695773091156 52.8635600930521, 7.219695773091156 52.86335672012856, 7.218540796297289 52.86335672012856, 7.218540796297289 52.8635600930521))",31868_4_4,4,4,75.16666666666667 +"POLYGON ((7.218540796297289 52.86315334625181, 7.219695773091156 52.86315334625181, 7.219695773091156 52.86294997142182, 7.218540796297289 52.86294997142182, 7.218540796297289 52.86315334625181))",31868_4_6,4,6,181.35443099999998 +"POLYGON ((7.218540796297289 52.8627465956386, 7.219695773091156 52.8627465956386, 7.219695773091156 52.86254321890213, 7.218540796297289 52.86254321890213, 7.218540796297289 52.8627465956386))",31868_4_8,4,8,126.999999 +"POLYGON ((7.218540796297289 52.86091617069371, 7.219695773091156 52.86091617069371, 7.219695773091156 52.86071278537805, 7.218540796297289 52.86071278537805, 7.218540796297289 52.86091617069371))",31868_4_17,4,17,91.4 +"POLYGON ((7.219695773091156 52.8635600930521, 7.220850749885025 52.8635600930521, 7.220850749885025 52.86335672012856, 7.219695773091156 52.86335672012856, 7.219695773091156 52.8635600930521))",31868_5_4,5,4,149.0 +"POLYGON ((7.219695773091156 52.86315334625181, 7.220850749885025 52.86315334625181, 7.220850749885025 52.86294997142182, 7.219695773091156 52.86294997142182, 7.219695773091156 52.86315334625181))",31868_5_6,5,6,185.0 +"POLYGON ((7.219695773091156 52.86254321890213, 7.220850749885025 52.86254321890213, 7.220850749885025 52.86233984121242, 7.219695773091156 52.86233984121242, 7.219695773091156 52.86254321890213))",31868_5_9,5,9,162.76289433333332 +"POLYGON ((7.219695773091156 52.86233984121242, 7.220850749885025 52.86233984121242, 7.220850749885025 52.8621364625695, 7.219695773091156 52.8621364625695, 7.219695773091156 52.86233984121242))",31868_5_10,5,10,129.065785 +"POLYGON ((7.219695773091156 52.8621364625695, 7.220850749885025 52.8621364625695, 7.220850749885025 52.86193308297331, 7.219695773091156 52.86193308297331, 7.219695773091156 52.8621364625695))",31868_5_11,5,11,97.81377249999998 +"POLYGON ((7.219695773091156 52.86172970242389, 7.220850749885025 52.86172970242389, 7.220850749885025 52.86152632092121, 7.219695773091156 52.86152632092121, 7.219695773091156 52.86172970242389))",31868_5_13,5,13,96.37500025 +"POLYGON ((7.219695773091156 52.86152632092121, 7.220850749885025 52.86152632092121, 7.220850749885025 52.8613229384653, 7.219695773091156 52.8613229384653, 7.219695773091156 52.86152632092121))",31868_5_14,5,14,116.78480925 +"POLYGON ((7.219695773091156 52.86111955505613, 7.220850749885025 52.86111955505613, 7.220850749885025 52.86091617069371, 7.219695773091156 52.86091617069371, 7.219695773091156 52.86111955505613))",31868_5_16,5,16,153.0 +"POLYGON ((7.219695773091156 52.86050939910912, 7.220850749885025 52.86050939910912, 7.220850749885025 52.86030601188693, 7.219695773091156 52.86030601188693, 7.219695773091156 52.86050939910912))",31868_5_19,5,19,98.2619478 +"POLYGON ((7.219695773091156 52.8601026237115, 7.220850749885025 52.8601026237115, 7.220850749885025 52.8598992345828, 7.219695773091156 52.8598992345828, 7.219695773091156 52.8601026237115))",31868_5_21,5,21,121.99999733333334 +"POLYGON ((7.219695773091156 52.8598992345828, 7.220850749885025 52.8598992345828, 7.220850749885025 52.85969584450083, 7.219695773091156 52.85969584450083, 7.219695773091156 52.8598992345828))",31868_5_22,5,22,93.9978412 +"POLYGON ((7.220850749885025 52.86233984121242, 7.222005726678892 52.86233984121242, 7.222005726678892 52.8621364625695, 7.220850749885025 52.8621364625695, 7.220850749885025 52.86233984121242))",31868_6_10,6,10,122.980892 +"POLYGON ((7.220850749885025 52.8621364625695, 7.222005726678892 52.8621364625695, 7.222005726678892 52.86193308297331, 7.220850749885025 52.86193308297331, 7.220850749885025 52.8621364625695))",31868_6_11,6,11,89.8 +"POLYGON ((7.220850749885025 52.86172970242389, 7.222005726678892 52.86172970242389, 7.222005726678892 52.86152632092121, 7.220850749885025 52.86152632092121, 7.220850749885025 52.86172970242389))",31868_6_13,6,13,126.882444875 +"POLYGON ((7.220850749885025 52.86152632092121, 7.222005726678892 52.86152632092121, 7.222005726678892 52.8613229384653, 7.220850749885025 52.8613229384653, 7.220850749885025 52.86152632092121))",31868_6_14,6,14,78.6 +"POLYGON ((7.220850749885025 52.86111955505613, 7.222005726678892 52.86111955505613, 7.222005726678892 52.86091617069371, 7.220850749885025 52.86091617069371, 7.220850749885025 52.86111955505613))",31868_6_16,6,16,152.66666666666666 +"POLYGON ((7.220850749885025 52.86091617069371, 7.222005726678892 52.86091617069371, 7.222005726678892 52.86071278537805, 7.220850749885025 52.86071278537805, 7.220850749885025 52.86091617069371))",31868_6_17,6,17,117.716089 +"POLYGON ((7.213920889121817 52.85671268044487, 7.215075865915685 52.85671268044487, 7.215075865915685 52.85650927542821, 7.213920889121817 52.85650927542821, 7.213920889121817 52.85671268044487))",31869_0_11,0,11,177.5 +"POLYGON ((7.213920889121817 52.85467858737982, 7.215075865915685 52.85467858737982, 7.215075865915685 52.85447517283013, 7.213920889121817 52.85447517283013, 7.213920889121817 52.85467858737982))",31869_0_21,0,21,133.75436274999998 +"POLYGON ((7.215075865915685 52.85711948761831, 7.216230842709552 52.85711948761831, 7.216230842709552 52.85691608450824, 7.215075865915685 52.85691608450824, 7.215075865915685 52.85711948761831))",31869_1_9,1,9,83.4 +"POLYGON ((7.216230842709552 52.85630586945826, 7.217385819503421 52.85630586945826, 7.217385819503421 52.85610246253501, 7.216230842709552 52.85610246253501, 7.216230842709552 52.85630586945826))",31869_2_13,2,13,108.33333333333333 +"POLYGON ((7.217385819503421 52.85772969122882, 7.218540796297289 52.85772969122882, 7.218540796297289 52.8575262909786, 7.217385819503421 52.8575262909786, 7.217385819503421 52.85772969122882))",31869_3_6,3,6,107.5 +"POLYGON ((7.217385819503421 52.85630586945826, 7.218540796297289 52.85630586945826, 7.218540796297289 52.85610246253501, 7.217385819503421 52.85610246253501, 7.217385819503421 52.85630586945826))",31869_3_13,3,13,79.4 +"POLYGON ((7.218540796297289 52.85813648886941, 7.219695773091156 52.85813648886941, 7.219695773091156 52.85793309052575, 7.218540796297289 52.85793309052575, 7.218540796297289 52.85813648886941))",31869_4_4,4,4,69.0 +"POLYGON ((7.218540796297289 52.85772969122882, 7.219695773091156 52.85772969122882, 7.219695773091156 52.8575262909786, 7.218540796297289 52.8575262909786, 7.218540796297289 52.85772969122882))",31869_4_6,4,6,178.999998 +"POLYGON ((7.218540796297289 52.85732288977511, 7.219695773091156 52.85732288977511, 7.219695773091156 52.85711948761831, 7.218540796297289 52.85711948761831, 7.218540796297289 52.85732288977511))",31869_4_8,4,8,124.85930175 +"POLYGON ((7.218540796297289 52.85549223604546, 7.219695773091156 52.85549223604546, 7.219695773091156 52.85528882530902, 7.218540796297289 52.85528882530902, 7.218540796297289 52.85549223604546))",31869_4_17,4,17,89.800001 +"POLYGON ((7.219695773091156 52.85813648886941, 7.220850749885025 52.85813648886941, 7.220850749885025 52.85793309052575, 7.219695773091156 52.85793309052575, 7.219695773091156 52.85813648886941))",31869_5_4,5,4,150.0 +"POLYGON ((7.219695773091156 52.85772969122882, 7.220850749885025 52.85772969122882, 7.220850749885025 52.8575262909786, 7.219695773091156 52.8575262909786, 7.219695773091156 52.85772969122882))",31869_5_6,5,6,179.5 +"POLYGON ((7.219695773091156 52.85711948761831, 7.220850749885025 52.85711948761831, 7.220850749885025 52.85691608450824, 7.219695773091156 52.85691608450824, 7.219695773091156 52.85711948761831))",31869_5_9,5,9,165.48110666666668 +"POLYGON ((7.219695773091156 52.85691608450824, 7.220850749885025 52.85691608450824, 7.220850749885025 52.85671268044487, 7.219695773091156 52.85671268044487, 7.219695773091156 52.85691608450824))",31869_5_10,5,10,129.500002 +"POLYGON ((7.219695773091156 52.85671268044487, 7.220850749885025 52.85671268044487, 7.220850749885025 52.85650927542821, 7.219695773091156 52.85650927542821, 7.219695773091156 52.85671268044487))",31869_5_11,5,11,97.802356 +"POLYGON ((7.219695773091156 52.85630586945826, 7.220850749885025 52.85630586945826, 7.220850749885025 52.85610246253501, 7.219695773091156 52.85610246253501, 7.219695773091156 52.85630586945826))",31869_5_13,5,13,103.90308466666667 +"POLYGON ((7.219695773091156 52.85610246253501, 7.220850749885025 52.85610246253501, 7.220850749885025 52.85589905465847, 7.219695773091156 52.85589905465847, 7.219695773091156 52.85610246253501))",31869_5_14,5,14,114.9999995 +"POLYGON ((7.219695773091156 52.85569564582861, 7.220850749885025 52.85569564582861, 7.220850749885025 52.85549223604546, 7.219695773091156 52.85549223604546, 7.219695773091156 52.85569564582861))",31869_5_16,5,16,154.5 +"POLYGON ((7.219695773091156 52.85508541361926, 7.220850749885025 52.85508541361926, 7.220850749885025 52.8548820009762, 7.219695773091156 52.8548820009762, 7.219695773091156 52.85508541361926))",31869_5_19,5,19,98.49999825 +"POLYGON ((7.219695773091156 52.85467858737982, 7.220850749885025 52.85467858737982, 7.220850749885025 52.85447517283013, 7.219695773091156 52.85447517283013, 7.219695773091156 52.85467858737982))",31869_5_21,5,21,129.9999995 +"POLYGON ((7.219695773091156 52.85447517283013, 7.220850749885025 52.85447517283013, 7.220850749885025 52.85427175732713, 7.219695773091156 52.85427175732713, 7.219695773091156 52.85447517283013))",31869_5_22,5,22,94.60506360000001 +"POLYGON ((7.220850749885025 52.85691608450824, 7.222005726678892 52.85691608450824, 7.222005726678892 52.85671268044487, 7.220850749885025 52.85671268044487, 7.220850749885025 52.85691608450824))",31869_6_10,6,10,122.733269 +"POLYGON ((7.220850749885025 52.85671268044487, 7.222005726678892 52.85671268044487, 7.222005726678892 52.85650927542821, 7.220850749885025 52.85650927542821, 7.220850749885025 52.85671268044487))",31869_6_11,6,11,91.25 +"POLYGON ((7.220850749885025 52.85630586945826, 7.222005726678892 52.85630586945826, 7.222005726678892 52.85610246253501, 7.220850749885025 52.85610246253501, 7.220850749885025 52.85630586945826))",31869_6_13,6,13,116.88507242857142 +"POLYGON ((7.220850749885025 52.85610246253501, 7.222005726678892 52.85610246253501, 7.222005726678892 52.85589905465847, 7.220850749885025 52.85589905465847, 7.220850749885025 52.85610246253501))",31869_6_14,6,14,78.4 +"POLYGON ((7.220850749885025 52.85569564582861, 7.222005726678892 52.85569564582861, 7.222005726678892 52.85549223604546, 7.220850749885025 52.85549223604546, 7.220850749885025 52.85569564582861))",31869_6_16,6,16,153.0 +"POLYGON ((7.220850749885025 52.85549223604546, 7.222005726678892 52.85549223604546, 7.222005726678892 52.85528882530902, 7.220850749885025 52.85528882530902, 7.220850749885025 52.85549223604546))",31869_6_17,6,17,117.33333166666667 +"POLYGON ((7.213920889121817 52.85128822042346, 7.215075865915685 52.85128822042346, 7.215075865915685 52.85108478998497, 7.213920889121817 52.85108478998497, 7.213920889121817 52.85128822042346))",31870_0_11,0,11,181.5 +"POLYGON ((7.213920889121817 52.8492538731378, 7.215075865915685 52.8492538731378, 7.215075865915685 52.84905043316578, 7.213920889121817 52.84905043316578, 7.213920889121817 52.8492538731378))",31870_0_21,0,21,130.816367 +"POLYGON ((7.215075865915685 52.85169507844041, 7.216230842709552 52.85169507844041, 7.216230842709552 52.85149164990862, 7.215075865915685 52.85149164990862, 7.215075865915685 52.85169507844041))",31870_1_9,1,9,82.25 +"POLYGON ((7.216230842709552 52.85088135859313, 7.217385819503421 52.85088135859313, 7.217385819503421 52.85067792624795, 7.216230842709552 52.85067792624795, 7.216230842709552 52.85088135859313))",31870_2_13,2,13,108.75 +"POLYGON ((7.217385819503421 52.85230535831581, 7.218540796297289 52.85230535831581, 7.218540796297289 52.852101932644, 7.217385819503421 52.852101932644, 7.217385819503421 52.85230535831581))",31870_3_6,3,6,107.66666666666667 +"POLYGON ((7.217385819503421 52.85088135859313, 7.218540796297289 52.85088135859313, 7.218540796297289 52.85067792624795, 7.217385819503421 52.85067792624795, 7.217385819503421 52.85088135859313))",31870_3_13,3,13,78.8 +"POLYGON ((7.218540796297289 52.8527122067994, 7.219695773091156 52.8527122067994, 7.219695773091156 52.85250878303427, 7.218540796297289 52.85250878303427, 7.218540796297289 52.8527122067994))",31870_4_4,4,4,73.2 +"POLYGON ((7.218540796297289 52.85230535831581, 7.219695773091156 52.85230535831581, 7.219695773091156 52.852101932644, 7.218540796297289 52.852101932644, 7.218540796297289 52.85230535831581))",31870_4_6,4,6,180.0 +"POLYGON ((7.218540796297289 52.85189850601888, 7.219695773091156 52.85189850601888, 7.219695773091156 52.85169507844041, 7.218540796297289 52.85169507844041, 7.218540796297289 52.85189850601888))",31870_4_8,4,8,125.99999766666667 +"POLYGON ((7.218540796297289 52.8500676234923, 7.219695773091156 52.8500676234923, 7.219695773091156 52.84986418733371, 7.218540796297289 52.84986418733371, 7.218540796297289 52.8500676234923))",31870_4_17,4,17,89.4000014 +"POLYGON ((7.219695773091156 52.8527122067994, 7.220850749885025 52.8527122067994, 7.220850749885025 52.85250878303427, 7.219695773091156 52.85250878303427, 7.219695773091156 52.8527122067994))",31870_5_4,5,4,145.0 +"POLYGON ((7.219695773091156 52.85230535831581, 7.220850749885025 52.85230535831581, 7.220850749885025 52.852101932644, 7.219695773091156 52.852101932644, 7.219695773091156 52.85230535831581))",31870_5_6,5,6,188.33333333333334 +"POLYGON ((7.219695773091156 52.85169507844041, 7.220850749885025 52.85169507844041, 7.220850749885025 52.85149164990862, 7.219695773091156 52.85149164990862, 7.219695773091156 52.85169507844041))",31870_5_9,5,9,167.5000025 +"POLYGON ((7.219695773091156 52.85149164990862, 7.220850749885025 52.85149164990862, 7.220850749885025 52.85128822042346, 7.219695773091156 52.85128822042346, 7.219695773091156 52.85149164990862))",31870_5_10,5,10,132.66666666666666 +"POLYGON ((7.219695773091156 52.85128822042346, 7.220850749885025 52.85128822042346, 7.220850749885025 52.85108478998497, 7.219695773091156 52.85108478998497, 7.219695773091156 52.85128822042346))",31870_5_11,5,11,97.96315425 +"POLYGON ((7.219695773091156 52.85088135859313, 7.220850749885025 52.85088135859313, 7.220850749885025 52.85067792624795, 7.219695773091156 52.85067792624795, 7.219695773091156 52.85088135859313))",31870_5_13,5,13,107.5 +"POLYGON ((7.219695773091156 52.85067792624795, 7.220850749885025 52.85067792624795, 7.220850749885025 52.85047449294942, 7.219695773091156 52.85047449294942, 7.219695773091156 52.85067792624795))",31870_5_14,5,14,117.00000225 +"POLYGON ((7.219695773091156 52.85027105869754, 7.220850749885025 52.85027105869754, 7.220850749885025 52.8500676234923, 7.219695773091156 52.8500676234923, 7.219695773091156 52.85027105869754))",31870_5_16,5,16,147.0 +"POLYGON ((7.219695773091156 52.84966075022177, 7.220850749885025 52.84966075022177, 7.220850749885025 52.84945731215646, 7.219695773091156 52.84945731215646, 7.219695773091156 52.84966075022177))",31870_5_19,5,19,101.206141 +"POLYGON ((7.219695773091156 52.8492538731378, 7.220850749885025 52.8492538731378, 7.220850749885025 52.84905043316578, 7.219695773091156 52.84905043316578, 7.219695773091156 52.8492538731378))",31870_5_21,5,21,133.045893 +"POLYGON ((7.219695773091156 52.84905043316578, 7.220850749885025 52.84905043316578, 7.220850749885025 52.84884699224038, 7.219695773091156 52.84884699224038, 7.219695773091156 52.84905043316578))",31870_5_22,5,22,93.24999925 +"POLYGON ((7.220850749885025 52.85149164990862, 7.222005726678892 52.85149164990862, 7.222005726678892 52.85128822042346, 7.220850749885025 52.85128822042346, 7.220850749885025 52.85149164990862))",31870_6_10,6,10,122.666666 +"POLYGON ((7.220850749885025 52.85128822042346, 7.222005726678892 52.85128822042346, 7.222005726678892 52.85108478998497, 7.220850749885025 52.85108478998497, 7.220850749885025 52.85128822042346))",31870_6_11,6,11,90.75 +"POLYGON ((7.220850749885025 52.85088135859313, 7.222005726678892 52.85088135859313, 7.222005726678892 52.85067792624795, 7.220850749885025 52.85067792624795, 7.220850749885025 52.85088135859313))",31870_6_13,6,13,121.894208 +"POLYGON ((7.220850749885025 52.85067792624795, 7.222005726678892 52.85067792624795, 7.222005726678892 52.85047449294942, 7.220850749885025 52.85047449294942, 7.220850749885025 52.85067792624795))",31870_6_14,6,14,80.8 +"POLYGON ((7.220850749885025 52.85027105869754, 7.222005726678892 52.85027105869754, 7.222005726678892 52.8500676234923, 7.220850749885025 52.8500676234923, 7.220850749885025 52.85027105869754))",31870_6_16,6,16,143.33333333333334 +"POLYGON ((7.220850749885025 52.8500676234923, 7.222005726678892 52.8500676234923, 7.222005726678892 52.84986418733371, 7.220850749885025 52.84986418733371, 7.220850749885025 52.8500676234923))",31870_6_17,6,17,119.9889295 +"POLYGON ((7.213920889121817 52.84586308246915, 7.215075865915685 52.84586308246915, 7.215075865915685 52.84565962660749, 7.213920889121817 52.84565962660749, 7.213920889121817 52.84586308246915))",31871_0_11,0,11,181.0 +"POLYGON ((7.213920889121817 52.84382848094934, 7.215075865915685 52.84382848094934, 7.215075865915685 52.84362501555363, 7.213920889121817 52.84362501555363, 7.213920889121817 52.84382848094934))",31871_0_21,0,21,132.35637666666665 +"POLYGON ((7.215075865915685 52.84626999133233, 7.216230842709552 52.84626999133233, 7.216230842709552 52.84606653737744, 7.215075865915685 52.84606653737744, 7.215075865915685 52.84626999133233))",31871_1_9,1,9,83.8 +"POLYGON ((7.216230842709552 52.8454561697924, 7.217385819503421 52.8454561697924, 7.217385819503421 52.84525271202393, 7.216230842709552 52.84525271202393, 7.216230842709552 52.8454561697924))",31871_2_13,2,13,109.0 +"POLYGON ((7.217385819503421 52.84688034747667, 7.218540796297289 52.84688034747667, 7.218540796297289 52.84667689638194, 7.217385819503421 52.84667689638194, 7.217385819503421 52.84688034747667))",31871_3_6,3,6,107.25 +"POLYGON ((7.217385819503421 52.8454561697924, 7.218540796297289 52.8454561697924, 7.218540796297289 52.84525271202393, 7.217385819503421 52.84525271202393, 7.217385819503421 52.8454561697924))",31871_3_13,3,13,80.0 +"POLYGON ((7.218540796297289 52.84728724680597, 7.219695773091156 52.84728724680597, 7.219695773091156 52.84708379761801, 7.218540796297289 52.84708379761801, 7.218540796297289 52.84728724680597))",31871_4_4,4,4,77.2 +"POLYGON ((7.218540796297289 52.84688034747667, 7.219695773091156 52.84688034747667, 7.219695773091156 52.84667689638194, 7.218540796297289 52.84667689638194, 7.218540796297289 52.84688034747667))",31871_4_6,4,6,184.000003 +"POLYGON ((7.218540796297289 52.84647344433383, 7.219695773091156 52.84647344433383, 7.219695773091156 52.84626999133233, 7.218540796297289 52.84626999133233, 7.218540796297289 52.84647344433383))",31871_4_8,4,8,124.2500005 +"POLYGON ((7.218540796297289 52.84464233299813, 7.219695773091156 52.84464233299813, 7.219695773091156 52.84443887141605, 7.218540796297289 52.84443887141605, 7.218540796297289 52.84464233299813))",31871_4_17,4,17,93.8 +"POLYGON ((7.219695773091156 52.84728724680597, 7.220850749885025 52.84728724680597, 7.220850749885025 52.84708379761801, 7.219695773091156 52.84708379761801, 7.219695773091156 52.84728724680597))",31871_5_4,5,4,144.66666666666666 +"POLYGON ((7.219695773091156 52.84688034747667, 7.220850749885025 52.84688034747667, 7.220850749885025 52.84667689638194, 7.219695773091156 52.84667689638194, 7.219695773091156 52.84688034747667))",31871_5_6,5,6,204.0 +"POLYGON ((7.219695773091156 52.84626999133233, 7.220850749885025 52.84626999133233, 7.220850749885025 52.84606653737744, 7.219695773091156 52.84606653737744, 7.219695773091156 52.84626999133233))",31871_5_9,5,9,172.30221600000002 +"POLYGON ((7.219695773091156 52.84606653737744, 7.220850749885025 52.84606653737744, 7.220850749885025 52.84586308246915, 7.219695773091156 52.84586308246915, 7.219695773091156 52.84606653737744))",31871_5_10,5,10,133.650319 +"POLYGON ((7.219695773091156 52.84586308246915, 7.220850749885025 52.84586308246915, 7.220850749885025 52.84565962660749, 7.219695773091156 52.84565962660749, 7.219695773091156 52.84586308246915))",31871_5_11,5,11,95.1275668 +"POLYGON ((7.219695773091156 52.8454561697924, 7.220850749885025 52.8454561697924, 7.220850749885025 52.84525271202393, 7.219695773091156 52.84525271202393, 7.219695773091156 52.8454561697924))",31871_5_13,5,13,102.250000125 +"POLYGON ((7.219695773091156 52.84525271202393, 7.220850749885025 52.84525271202393, 7.220850749885025 52.84504925330207, 7.219695773091156 52.84504925330207, 7.219695773091156 52.84525271202393))",31871_5_14,5,14,119.249999 +"POLYGON ((7.219695773091156 52.8448457936268, 7.220850749885025 52.8448457936268, 7.220850749885025 52.84464233299813, 7.219695773091156 52.84464233299813, 7.219695773091156 52.8448457936268))",31871_5_16,5,16,153.5 +"POLYGON ((7.219695773091156 52.84423540888056, 7.220850749885025 52.84423540888056, 7.220850749885025 52.84403194539166, 7.219695773091156 52.84403194539166, 7.219695773091156 52.84423540888056))",31871_5_19,5,19,93.7999994 +"POLYGON ((7.219695773091156 52.84382848094934, 7.220850749885025 52.84382848094934, 7.220850749885025 52.84362501555363, 7.219695773091156 52.84362501555363, 7.219695773091156 52.84382848094934))",31871_5_21,5,21,135.5 +"POLYGON ((7.219695773091156 52.84362501555363, 7.220850749885025 52.84362501555363, 7.220850749885025 52.8434215492045, 7.219695773091156 52.8434215492045, 7.219695773091156 52.84362501555363))",31871_5_22,5,22,99.0833832 +"POLYGON ((7.220850749885025 52.84606653737744, 7.222005726678892 52.84606653737744, 7.222005726678892 52.84586308246915, 7.220850749885025 52.84586308246915, 7.220850749885025 52.84606653737744))",31871_6_10,6,10,123.7499995 +"POLYGON ((7.220850749885025 52.84586308246915, 7.222005726678892 52.84586308246915, 7.222005726678892 52.84565962660749, 7.220850749885025 52.84565962660749, 7.220850749885025 52.84586308246915))",31871_6_11,6,11,87.25 +"POLYGON ((7.220850749885025 52.84565962660749, 7.222005726678892 52.84565962660749, 7.222005726678892 52.8454561697924, 7.220850749885025 52.8454561697924, 7.220850749885025 52.84565962660749))",31871_6_12,6,12,126.50000299999999 +"POLYGON ((7.220850749885025 52.8454561697924, 7.222005726678892 52.8454561697924, 7.222005726678892 52.84525271202393, 7.220850749885025 52.84525271202393, 7.220850749885025 52.8454561697924))",31871_6_13,6,13,132.5231902857143 +"POLYGON ((7.220850749885025 52.84525271202393, 7.222005726678892 52.84525271202393, 7.222005726678892 52.84504925330207, 7.220850749885025 52.84504925330207, 7.220850749885025 52.84525271202393))",31871_6_14,6,14,86.0 +"POLYGON ((7.220850749885025 52.8448457936268, 7.222005726678892 52.8448457936268, 7.222005726678892 52.84464233299813, 7.220850749885025 52.84464233299813, 7.220850749885025 52.8448457936268))",31871_6_16,6,16,147.5 +"POLYGON ((7.220850749885025 52.84464233299813, 7.222005726678892 52.84464233299813, 7.222005726678892 52.84443887141605, 7.220850749885025 52.84443887141605, 7.220850749885025 52.84464233299813))",31871_6_17,6,17,119.892307 +"POLYGON ((7.217385819503421 52.84003030302, 7.218540796297289 52.84003030302, 7.218540796297289 52.83982681982689, 7.217385819503421 52.83982681982689, 7.217385819503421 52.84003030302))",31872_3_13,3,13,85.0 +"POLYGON ((7.218540796297289 52.84186160885304, 7.219695773091156 52.84186160885304, 7.219695773091156 52.84165813424089, 7.218540796297289 52.84165813424089, 7.218540796297289 52.84186160885304))",31872_4_4,4,4,67.0 +"POLYGON ((7.218540796297289 52.84145465867531, 7.219695773091156 52.84145465867531, 7.219695773091156 52.84125118215631, 7.218540796297289 52.84125118215631, 7.218540796297289 52.84145465867531))",31872_4_6,4,6,185.000003 +"POLYGON ((7.219695773091156 52.84145465867531, 7.220850749885025 52.84145465867531, 7.220850749885025 52.84125118215631, 7.219695773091156 52.84125118215631, 7.219695773091156 52.84145465867531))",31872_5_6,5,6,214.0 +"POLYGON ((7.219695773091156 52.84003030302, 7.220850749885025 52.84003030302, 7.220850749885025 52.83982681982689, 7.219695773091156 52.83982681982689, 7.219695773091156 52.84003030302))",31872_5_13,5,13,123.0 +"POLYGON ((7.219695773091156 52.83941985058031, 7.220850749885025 52.83941985058031, 7.220850749885025 52.83921636452685, 7.219695773091156 52.83921636452685, 7.219695773091156 52.83941985058031))",31872_5_16,5,16,180.0 +"POLYGON ((7.220850749885025 52.84064074687864, 7.222005726678892 52.84064074687864, 7.222005726678892 52.84043726654587, 7.220850749885025 52.84043726654587, 7.220850749885025 52.84064074687864))",31872_6_10,6,10,126.000002 +"POLYGON ((7.220850749885025 52.83982681982689, 7.222005726678892 52.83982681982689, 7.222005726678892 52.83962333568033, 7.220850749885025 52.83962333568033, 7.220850749885025 52.83982681982689))",31872_6_14,6,14,89.0 +"POLYGON ((7.220850749885025 52.83941985058031, 7.222005726678892 52.83941985058031, 7.222005726678892 52.83921636452685, 7.220850749885025 52.83921636452685, 7.220850749885025 52.83941985058031))",31872_6_16,6,16,157.0 +"POLYGON ((7.220850749885025 52.80243756892497, 7.222005726678892 52.80243756892497, 7.222005726678892 52.80223390962918, 7.220850749885025 52.80223390962918, 7.220850749885025 52.80243756892497))",31879_6_11,6,11,63.142857142857146 +"POLYGON ((7.220850749885025 52.79700632795336, 7.222005726678892 52.79700632795336, 7.222005726678892 52.79680264322223, 7.220850749885025 52.79680264322223, 7.220850749885025 52.79700632795336))",31880_6_11,6,11,10.272727272727273 +"POLYGON ((7.220850749885025 52.79680264322223, 7.222005726678892 52.79680264322223, 7.222005726678892 52.79659895753726, 7.220850749885025 52.79659895753726, 7.220850749885025 52.79680264322223))",31880_6_12,6,12,58.125 +"POLYGON ((7.220850749885025 52.78050477409298, 7.222005726678892 52.78050477409298, 7.222005726678892 52.78030101209377, 7.220850749885025 52.78030101209377, 7.220850749885025 52.78050477409298))",31883_6_12,6,12,55.714285714285715 +"POLYGON ((7.220850749885025 52.7750707942942, 7.222005726678892 52.7750707942942, 7.222005726678892 52.77486700685424, 7.220850749885025 52.77486700685424, 7.220850749885025 52.7750707942942))",31884_6_12,6,12,95.5 +"POLYGON ((7.220850749885025 52.76963613605787, 7.222005726678892 52.76963613605787, 7.222005726678892 52.7694323231758, 7.220850749885025 52.7694323231758, 7.220850749885025 52.76963613605787))",31885_6_12,6,12,81.2 +"POLYGON ((7.220850749885025 52.76420079934817, 7.222005726678892 52.76420079934817, 7.222005726678892 52.76399696102266, 7.220850749885025 52.76399696102266, 7.220850749885025 52.76420079934817))",31886_6_12,6,12,66.83333333333333 +"POLYGON ((7.220850749885025 52.731574529147, 7.222005726678892 52.731574529147, 7.222005726678892 52.73137053813267, 7.220850749885025 52.73137053813267, 7.220850749885025 52.731574529147))",31892_6_12,6,12,77.6 +"POLYGON ((7.220850749885025 52.726134442123, 7.222005726678892 52.726134442123, 7.222005726678892 52.72593042565585, 7.220850749885025 52.72593042565585, 7.220850749885025 52.726134442123))",31893_6_12,6,12,82.66666666666667 +"POLYGON ((7.220850749885025 52.72069367633994, 7.222005726678892 52.72069367633994, 7.222005726678892 52.72048963441863, 7.220850749885025 52.72048963441863, 7.220850749885025 52.72069367633994))",31894_6_12,6,12,14.444444444444445 +"POLYGON ((7.218540796297289 52.67067486937007, 7.219695773091156 52.67067486937007, 7.219695773091156 52.67047059352628, 7.218540796297289 52.67047059352628, 7.218540796297289 52.67067486937007))",31903_4_17,4,17,88.0 +"POLYGON ((7.218540796297289 52.6668615628127, 7.219695773091156 52.6668615628127, 7.219695773091156 52.66665726914164, 7.218540796297289 52.66665726914164, 7.218540796297289 52.6668615628127))",31904_4_9,4,9,101.0 +"POLYGON ((7.218540796297289 52.66522718670267, 7.219695773091156 52.66522718670267, 7.219695773091156 52.66502288539115, 7.218540796297289 52.66502288539115, 7.218540796297289 52.66522718670267))",31904_4_17,4,17,91.25 +"POLYGON ((7.213920889121817 52.48062747296566, 7.215075865915685 52.48062747296566, 7.215075865915685 52.48042230975005, 7.213920889121817 52.48042230975005, 7.213920889121817 52.48062747296566))",31938_0_12,0,12,148.0 +"POLYGON ((7.213920889121817 52.47878096958268, 7.215075865915685 52.47878096958268, 7.215075865915685 52.47857579775641, 7.213920889121817 52.47857579775641, 7.213920889121817 52.47878096958268))",31938_0_21,0,21,138.000002 +"POLYGON ((7.217385819503421 52.481858432168, 7.218540796297289 52.481858432168, 7.218540796297289 52.48165327469276, 7.217385819503421 52.48165327469276, 7.217385819503421 52.481858432168))",31938_3_6,3,6,181.0 +"POLYGON ((7.218540796297289 52.48226874424835, 7.219695773091156 52.48226874424835, 7.219695773091156 52.48206358868653, 7.218540796297289 52.48206358868653, 7.218540796297289 52.48226874424835))",31938_4_4,4,4,176.0 +"POLYGON ((7.218540796297289 52.481858432168, 7.219695773091156 52.481858432168, 7.219695773091156 52.48165327469276, 7.218540796297289 52.48165327469276, 7.218540796297289 52.481858432168))",31938_4_6,4,6,166.4999995 +"POLYGON ((7.218540796297289 52.48144811626079, 7.219695773091156 52.48144811626079, 7.219695773091156 52.4812429568721, 7.218540796297289 52.4812429568721, 7.218540796297289 52.48144811626079))",31938_4_8,4,8,122.0 +"POLYGON ((7.218540796297289 52.47980681436284, 7.219695773091156 52.47980681436284, 7.219695773091156 52.47960164732029, 7.218540796297289 52.47960164732029, 7.218540796297289 52.47980681436284))",31938_4_16,4,16,129.0 +"POLYGON ((7.218540796297289 52.47960164732029, 7.219695773091156 52.47960164732029, 7.219695773091156 52.479396479321, 7.218540796297289 52.479396479321, 7.218540796297289 52.47960164732029))",31938_4_17,4,17,142.0 +"POLYGON ((7.219695773091156 52.48226874424835, 7.220850749885025 52.48226874424835, 7.220850749885025 52.48206358868653, 7.219695773091156 52.48206358868653, 7.219695773091156 52.48226874424835))",31938_5_4,5,4,129.0 +"POLYGON ((7.219695773091156 52.48103779652668, 7.220850749885025 52.48103779652668, 7.220850749885025 52.48083263522454, 7.219695773091156 52.48083263522454, 7.219695773091156 52.48103779652668))",31938_5_10,5,10,135.999997 +"POLYGON ((7.219695773091156 52.48083263522454, 7.220850749885025 52.48083263522454, 7.220850749885025 52.48062747296566, 7.219695773091156 52.48062747296566, 7.219695773091156 52.48083263522454))",31938_5_11,5,11,133.955901 +"POLYGON ((7.219695773091156 52.48062747296566, 7.220850749885025 52.48062747296566, 7.220850749885025 52.48042230975005, 7.219695773091156 52.48042230975005, 7.219695773091156 52.48062747296566))",31938_5_12,5,12,125.000004 +"POLYGON ((7.219695773091156 52.48042230975005, 7.220850749885025 52.48042230975005, 7.220850749885025 52.48021714557772, 7.219695773091156 52.48021714557772, 7.219695773091156 52.48042230975005))",31938_5_13,5,13,139.03125 +"POLYGON ((7.219695773091156 52.47857579775641, 7.220850749885025 52.47857579775641, 7.220850749885025 52.4783706249734, 7.219695773091156 52.4783706249734, 7.219695773091156 52.47857579775641))",31938_5_22,5,22,144.0 +"POLYGON ((7.219695773091156 52.4783706249734, 7.220850749885025 52.4783706249734, 7.220850749885025 52.47816545123363, 7.219695773091156 52.47816545123363, 7.219695773091156 52.4783706249734))",31938_5_23,5,23,122.000004 +"POLYGON ((7.220850749885025 52.48103779652668, 7.222005726678892 52.48103779652668, 7.222005726678892 52.48083263522454, 7.220850749885025 52.48083263522454, 7.220850749885025 52.48103779652668))",31938_6_10,6,10,118.000002 +"POLYGON ((7.220850749885025 52.48083263522454, 7.222005726678892 52.48083263522454, 7.222005726678892 52.48062747296566, 7.220850749885025 52.48062747296566, 7.220850749885025 52.48083263522454))",31938_6_11,6,11,132.0 +"POLYGON ((7.220850749885025 52.48062747296566, 7.222005726678892 52.48062747296566, 7.222005726678892 52.48042230975005, 7.220850749885025 52.48042230975005, 7.220850749885025 52.48062747296566))",31938_6_12,6,12,118.0 +"POLYGON ((7.220850749885025 52.48042230975005, 7.222005726678892 52.48042230975005, 7.222005726678892 52.48021714557772, 7.220850749885025 52.48021714557772, 7.220850749885025 52.48042230975005))",31938_6_13,6,13,123.82228133333332 +"POLYGON ((7.220850749885025 52.48021714557772, 7.222005726678892 52.48021714557772, 7.222005726678892 52.48001198044865, 7.220850749885025 52.48001198044865, 7.220850749885025 52.48021714557772))",31938_6_14,6,14,129.000002 +"POLYGON ((7.220850749885025 52.48001198044865, 7.222005726678892 52.48001198044865, 7.222005726678892 52.47980681436284, 7.220850749885025 52.47980681436284, 7.220850749885025 52.48001198044865))",31938_6_15,6,15,143.0 +"POLYGON ((7.213920889121817 52.47515612646247, 7.215075865915685 52.47515612646247, 7.215075865915685 52.47495093773336, 7.213920889121817 52.47495093773336, 7.213920889121817 52.47515612646247))",31939_0_12,0,12,151.0 +"POLYGON ((7.213920889121817 52.47330939345621, 7.215075865915685 52.47330939345621, 7.215075865915685 52.473104196116, 7.213920889121817 52.473104196116, 7.213920889121817 52.47330939345621))",31939_0_21,0,21,137.93543825 +"POLYGON ((7.215075865915685 52.47577168690911, 7.216230842709552 52.47577168690911, 7.216230842709552 52.47556650105034, 7.215075865915685 52.47556650105034, 7.215075865915685 52.47577168690911))",31939_1_9,1,9,137.0 +"POLYGON ((7.216230842709552 52.47495093773336, 7.217385819503421 52.47495093773336, 7.217385819503421 52.47474574804747, 7.216230842709552 52.47474574804747, 7.216230842709552 52.47495093773336))",31939_2_13,2,13,179.33333333333334 +"POLYGON ((7.217385819503421 52.4763872387448, 7.218540796297289 52.4763872387448, 7.218540796297289 52.47618205575634, 7.217385819503421 52.47618205575634, 7.217385819503421 52.4763872387448))",31939_3_6,3,6,173.0 +"POLYGON ((7.217385819503421 52.47515612646247, 7.218540796297289 52.47515612646247, 7.218540796297289 52.47495093773336, 7.217385819503421 52.47495093773336, 7.217385819503421 52.47515612646247))",31939_3_12,3,12,127.5 +"POLYGON ((7.217385819503421 52.47433536580535, 7.218540796297289 52.47433536580535, 7.218540796297289 52.47413017324909, 7.217385819503421 52.47413017324909, 7.217385819503421 52.47433536580535))",31939_3_16,3,16,141.25 +"POLYGON ((7.218540796297289 52.47679760185141, 7.219695773091156 52.47679760185141, 7.219695773091156 52.47659242077648, 7.218540796297289 52.47659242077648, 7.218540796297289 52.47679760185141))",31939_4_4,4,4,180.5 +"POLYGON ((7.218540796297289 52.4763872387448, 7.219695773091156 52.4763872387448, 7.219695773091156 52.47618205575634, 7.218540796297289 52.47618205575634, 7.218540796297289 52.4763872387448))",31939_4_6,4,6,168.5789985 +"POLYGON ((7.218540796297289 52.47597687181112, 7.219695773091156 52.47597687181112, 7.219695773091156 52.47577168690911, 7.218540796297289 52.47577168690911, 7.218540796297289 52.47597687181112))",31939_4_8,4,8,130.4489625 +"POLYGON ((7.218540796297289 52.47556650105034, 7.219695773091156 52.47556650105034, 7.219695773091156 52.4753613142348, 7.218540796297289 52.4753613142348, 7.218540796297289 52.47556650105034))",31939_4_10,4,10,121.25 +"POLYGON ((7.218540796297289 52.47433536580535, 7.219695773091156 52.47433536580535, 7.219695773091156 52.47413017324909, 7.218540796297289 52.47413017324909, 7.218540796297289 52.47433536580535))",31939_4_16,4,16,134.92777866666668 +"POLYGON ((7.218540796297289 52.47413017324909, 7.219695773091156 52.47413017324909, 7.219695773091156 52.47392497973606, 7.218540796297289 52.47392497973606, 7.218540796297289 52.47413017324909))",31939_4_17,4,17,143.66666666666666 +"POLYGON ((7.219695773091156 52.47679760185141, 7.220850749885025 52.47679760185141, 7.220850749885025 52.47659242077648, 7.219695773091156 52.47659242077648, 7.219695773091156 52.47679760185141))",31939_5_4,5,4,121.66666666666667 +"POLYGON ((7.219695773091156 52.4763872387448, 7.220850749885025 52.4763872387448, 7.220850749885025 52.47618205575634, 7.219695773091156 52.47618205575634, 7.219695773091156 52.4763872387448))",31939_5_6,5,6,167.66666666666666 +"POLYGON ((7.219695773091156 52.47556650105034, 7.220850749885025 52.47556650105034, 7.220850749885025 52.4753613142348, 7.219695773091156 52.4753613142348, 7.219695773091156 52.47556650105034))",31939_5_10,5,10,137.7499985 +"POLYGON ((7.219695773091156 52.4753613142348, 7.220850749885025 52.4753613142348, 7.220850749885025 52.47515612646247, 7.219695773091156 52.47515612646247, 7.219695773091156 52.4753613142348))",31939_5_11,5,11,136.60229925 +"POLYGON ((7.219695773091156 52.47515612646247, 7.220850749885025 52.47515612646247, 7.220850749885025 52.47495093773336, 7.219695773091156 52.47495093773336, 7.219695773091156 52.47515612646247))",31939_5_12,5,12,126.9999995 +"POLYGON ((7.219695773091156 52.47495093773336, 7.220850749885025 52.47495093773336, 7.220850749885025 52.47474574804747, 7.219695773091156 52.47474574804747, 7.219695773091156 52.47495093773336))",31939_5_13,5,13,127.83809525 +"POLYGON ((7.219695773091156 52.47433536580535, 7.220850749885025 52.47433536580535, 7.220850749885025 52.47413017324909, 7.219695773091156 52.47413017324909, 7.219695773091156 52.47433536580535))",31939_5_16,5,16,159.33333333333334 +"POLYGON ((7.219695773091156 52.47371978526623, 7.220850749885025 52.47371978526623, 7.220850749885025 52.47351458983961, 7.219695773091156 52.47351458983961, 7.219695773091156 52.47371978526623))",31939_5_19,5,19,144.00000125 +"POLYGON ((7.219695773091156 52.473104196116, 7.220850749885025 52.473104196116, 7.220850749885025 52.47289899781899, 7.219695773091156 52.47289899781899, 7.219695773091156 52.473104196116))",31939_5_22,5,22,142.00000266666666 +"POLYGON ((7.219695773091156 52.47289899781899, 7.220850749885025 52.47289899781899, 7.220850749885025 52.47269379856518, 7.219695773091156 52.47269379856518, 7.219695773091156 52.47289899781899))",31939_5_23,5,23,126.06548599999999 +"POLYGON ((7.220850749885025 52.47556650105034, 7.222005726678892 52.47556650105034, 7.222005726678892 52.4753613142348, 7.220850749885025 52.4753613142348, 7.220850749885025 52.47556650105034))",31939_6_10,6,10,118.4846292 +"POLYGON ((7.220850749885025 52.4753613142348, 7.222005726678892 52.4753613142348, 7.222005726678892 52.47515612646247, 7.220850749885025 52.47515612646247, 7.220850749885025 52.4753613142348))",31939_6_11,6,11,130.0 +"POLYGON ((7.220850749885025 52.47515612646247, 7.222005726678892 52.47515612646247, 7.222005726678892 52.47495093773336, 7.220850749885025 52.47495093773336, 7.220850749885025 52.47515612646247))",31939_6_12,6,12,117.33333333333333 +"POLYGON ((7.220850749885025 52.47495093773336, 7.222005726678892 52.47495093773336, 7.222005726678892 52.47474574804747, 7.220850749885025 52.47474574804747, 7.220850749885025 52.47495093773336))",31939_6_13,6,13,127.99563627272728 +"POLYGON ((7.220850749885025 52.47474574804747, 7.222005726678892 52.47474574804747, 7.222005726678892 52.47454055740479, 7.220850749885025 52.47454055740479, 7.220850749885025 52.47474574804747))",31939_6_14,6,14,118.03608299999999 +"POLYGON ((7.220850749885025 52.47454055740479, 7.222005726678892 52.47454055740479, 7.222005726678892 52.47433536580535, 7.220850749885025 52.47433536580535, 7.220850749885025 52.47454055740479))",31939_6_15,6,15,142.66666666666666 +"POLYGON ((7.220850749885025 52.47433536580535, 7.222005726678892 52.47433536580535, 7.222005726678892 52.47413017324909, 7.220850749885025 52.47413017324909, 7.220850749885025 52.47433536580535))",31939_6_16,6,16,152.0 +"POLYGON ((7.220850749885025 52.47392497973606, 7.222005726678892 52.47392497973606, 7.222005726678892 52.47371978526623, 7.220850749885025 52.47371978526623, 7.220850749885025 52.47392497973606))",31939_6_18,6,18,121.2000002 +"POLYGON ((7.213920889121817 52.46783713694127, 7.215075865915685 52.46783713694127, 7.215075865915685 52.46763191408581, 7.213920889121817 52.46763191408581, 7.213920889121817 52.46783713694127))",31940_0_21,0,21,136.000002 +"POLYGON ((7.215075865915685 52.47029973657327, 7.216230842709552 52.47029973657327, 7.216230842709552 52.47009452519985, 7.215075865915685 52.47009452519985, 7.215075865915685 52.47029973657327))",31940_1_9,1,9,143.0 +"POLYGON ((7.216230842709552 52.4694788853386, 7.217385819503421 52.4694788853386, 7.217385819503421 52.46927367013786, 7.216230842709552 52.46927367013786, 7.216230842709552 52.4694788853386))",31940_2_13,2,13,179.0 +"POLYGON ((7.217385819503421 52.47091536495265, 7.218540796297289 52.47091536495265, 7.218540796297289 52.47071015644968, 7.217385819503421 52.47071015644968, 7.217385819503421 52.47091536495265))",31940_3_6,3,6,149.0 +"POLYGON ((7.217385819503421 52.46968409958251, 7.218540796297289 52.46968409958251, 7.218540796297289 52.4694788853386, 7.217385819503421 52.4694788853386, 7.217385819503421 52.46968409958251))",31940_3_12,3,12,127.0 +"POLYGON ((7.217385819503421 52.46886323686588, 7.218540796297289 52.46886323686588, 7.218540796297289 52.46865801879463, 7.217385819503421 52.46865801879463, 7.217385819503421 52.46886323686588))",31940_3_16,3,16,140.0 +"POLYGON ((7.218540796297289 52.47132577908812, 7.219695773091156 52.47132577908812, 7.219695773091156 52.47112057249879, 7.218540796297289 52.47112057249879, 7.218540796297289 52.47132577908812))",31940_4_4,4,4,182.0 +"POLYGON ((7.218540796297289 52.47091536495265, 7.219695773091156 52.47091536495265, 7.219695773091156 52.47071015644968, 7.218540796297289 52.47071015644968, 7.218540796297289 52.47091536495265))",31940_4_6,4,6,167.5 +"POLYGON ((7.218540796297289 52.47050494698989, 7.219695773091156 52.47050494698989, 7.219695773091156 52.47029973657327, 7.218540796297289 52.47029973657327, 7.218540796297289 52.47050494698989))",31940_4_8,4,8,136.000004 +"POLYGON ((7.218540796297289 52.47009452519985, 7.219695773091156 52.47009452519985, 7.219695773091156 52.4698893128696, 7.218540796297289 52.4698893128696, 7.218540796297289 52.47009452519985))",31940_4_10,4,10,108.0 +"POLYGON ((7.218540796297289 52.46886323686588, 7.219695773091156 52.46886323686588, 7.219695773091156 52.46865801879463, 7.218540796297289 52.46865801879463, 7.218540796297289 52.46886323686588))",31940_4_16,4,16,153.000001 +"POLYGON ((7.218540796297289 52.46865801879463, 7.219695773091156 52.46865801879463, 7.219695773091156 52.46845279976656, 7.218540796297289 52.46845279976656, 7.218540796297289 52.46865801879463))",31940_4_17,4,17,142.0 +"POLYGON ((7.219695773091156 52.47132577908812, 7.220850749885025 52.47132577908812, 7.220850749885025 52.47112057249879, 7.219695773091156 52.47112057249879, 7.219695773091156 52.47132577908812))",31940_5_4,5,4,110.0 +"POLYGON ((7.219695773091156 52.47091536495265, 7.220850749885025 52.47091536495265, 7.220850749885025 52.47071015644968, 7.219695773091156 52.47071015644968, 7.219695773091156 52.47091536495265))",31940_5_6,5,6,156.0 +"POLYGON ((7.219695773091156 52.47009452519985, 7.220850749885025 52.47009452519985, 7.220850749885025 52.4698893128696, 7.219695773091156 52.4698893128696, 7.219695773091156 52.47009452519985))",31940_5_10,5,10,137.232498 +"POLYGON ((7.219695773091156 52.4698893128696, 7.220850749885025 52.4698893128696, 7.220850749885025 52.46968409958251, 7.219695773091156 52.46968409958251, 7.219695773091156 52.4698893128696))",31940_5_11,5,11,138.0 +"POLYGON ((7.219695773091156 52.46968409958251, 7.220850749885025 52.46968409958251, 7.220850749885025 52.4694788853386, 7.219695773091156 52.4694788853386, 7.219695773091156 52.46968409958251))",31940_5_12,5,12,130.500002 +"POLYGON ((7.219695773091156 52.4694788853386, 7.220850749885025 52.4694788853386, 7.220850749885025 52.46927367013786, 7.219695773091156 52.46927367013786, 7.219695773091156 52.4694788853386))",31940_5_13,5,13,130.0 +"POLYGON ((7.219695773091156 52.46886323686588, 7.220850749885025 52.46886323686588, 7.220850749885025 52.46865801879463, 7.219695773091156 52.46865801879463, 7.219695773091156 52.46886323686588))",31940_5_16,5,16,161.0 +"POLYGON ((7.219695773091156 52.46824757978163, 7.220850749885025 52.46824757978163, 7.220850749885025 52.46804235883987, 7.219695773091156 52.46804235883987, 7.219695773091156 52.46824757978163))",31940_5_19,5,19,149.000004 +"POLYGON ((7.219695773091156 52.46742669027352, 7.220850749885025 52.46742669027352, 7.220850749885025 52.46722146550437, 7.219695773091156 52.46722146550437, 7.219695773091156 52.46742669027352))",31940_5_23,5,23,129.8362485 +"POLYGON ((7.220850749885025 52.47009452519985, 7.222005726678892 52.47009452519985, 7.222005726678892 52.4698893128696, 7.220850749885025 52.4698893128696, 7.220850749885025 52.47009452519985))",31940_6_10,6,10,118.181317 +"POLYGON ((7.220850749885025 52.4698893128696, 7.222005726678892 52.4698893128696, 7.222005726678892 52.46968409958251, 7.220850749885025 52.46968409958251, 7.220850749885025 52.4698893128696))",31940_6_11,6,11,131.0 +"POLYGON ((7.220850749885025 52.46968409958251, 7.222005726678892 52.46968409958251, 7.222005726678892 52.4694788853386, 7.220850749885025 52.4694788853386, 7.220850749885025 52.46968409958251))",31940_6_12,6,12,111.0 +"POLYGON ((7.220850749885025 52.4694788853386, 7.222005726678892 52.4694788853386, 7.222005726678892 52.46927367013786, 7.220850749885025 52.46927367013786, 7.220850749885025 52.4694788853386))",31940_6_13,6,13,134.13548459999998 +"POLYGON ((7.220850749885025 52.46927367013786, 7.222005726678892 52.46927367013786, 7.222005726678892 52.46906845398029, 7.220850749885025 52.46906845398029, 7.220850749885025 52.46927367013786))",31940_6_14,6,14,132.028321 +"POLYGON ((7.220850749885025 52.46906845398029, 7.222005726678892 52.46906845398029, 7.222005726678892 52.46886323686588, 7.220850749885025 52.46886323686588, 7.220850749885025 52.46906845398029))",31940_6_15,6,15,137.5 +"POLYGON ((7.220850749885025 52.46886323686588, 7.222005726678892 52.46886323686588, 7.222005726678892 52.46865801879463, 7.220850749885025 52.46865801879463, 7.220850749885025 52.46886323686588))",31940_6_16,6,16,153.0 +"POLYGON ((7.220850749885025 52.46845279976656, 7.222005726678892 52.46845279976656, 7.222005726678892 52.46824757978163, 7.220850749885025 52.46824757978163, 7.220850749885025 52.46845279976656))",31940_6_18,6,18,119.0 +"POLYGON ((7.213920889121817 52.28872529522086, 7.215075865915685 52.28872529522086, 7.215075865915685 52.28851923826352, 7.213920889121817 52.28851923826352, 7.213920889121817 52.28872529522086))",31973_0_12,0,12,155.0 +"POLYGON ((7.213920889121817 52.28666468251811, 7.215075865915685 52.28666468251811, 7.215075865915685 52.28645861597645, 7.213920889121817 52.28645861597645, 7.213920889121817 52.28666468251811))",31973_0_22,0,22,132.5 +"POLYGON ((7.215075865915685 52.28934346034238, 7.216230842709552 52.28934346034238, 7.216230842709552 52.28913740626029, 7.215075865915685 52.28913740626029, 7.215075865915685 52.28934346034238))",31973_1_9,1,9,141.0 +"POLYGON ((7.216230842709552 52.28851923826352, 7.217385819503421 52.28851923826352, 7.217385819503421 52.28831318034776, 7.216230842709552 52.28831318034776, 7.216230842709552 52.28851923826352))",31973_2_13,2,13,170.0 +"POLYGON ((7.217385819503421 52.28996161683814, 7.218540796297289 52.28996161683814, 7.218540796297289 52.2897555656313, 7.217385819503421 52.2897555656313, 7.217385819503421 52.28996161683814))",31973_3_6,3,6,185.0 +"POLYGON ((7.217385819503421 52.28872529522086, 7.218540796297289 52.28872529522086, 7.218540796297289 52.28851923826352, 7.217385819503421 52.28851923826352, 7.217385819503421 52.28872529522086))",31973_3_12,3,12,130.0 +"POLYGON ((7.217385819503421 52.28790106164093, 7.218540796297289 52.28790106164093, 7.218540796297289 52.28769500084988, 7.217385819503421 52.28769500084988, 7.217385819503421 52.28790106164093))",31973_3_16,3,16,135.0 +"POLYGON ((7.218540796297289 52.29016766708656, 7.219695773091156 52.29016766708656, 7.219695773091156 52.28996161683814, 7.218540796297289 52.28996161683814, 7.218540796297289 52.29016766708656))",31973_4_5,4,5,109.66666766666667 +"POLYGON ((7.218540796297289 52.28913740626029, 7.219695773091156 52.28913740626029, 7.219695773091156 52.28893135121979, 7.218540796297289 52.28893135121979, 7.218540796297289 52.28913740626029))",31973_4_10,4,10,132.0 +"POLYGON ((7.219695773091156 52.29037371637659, 7.220850749885025 52.29037371637659, 7.220850749885025 52.29016766708656, 7.219695773091156 52.29016766708656, 7.219695773091156 52.29037371637659))",31973_5_4,5,4,124.0 +"POLYGON ((7.219695773091156 52.28934346034238, 7.220850749885025 52.28934346034238, 7.220850749885025 52.28913740626029, 7.219695773091156 52.28913740626029, 7.219695773091156 52.28934346034238))",31973_5_9,5,9,133.643525 +"POLYGON ((7.219695773091156 52.28893135121979, 7.220850749885025 52.28893135121979, 7.220850749885025 52.28872529522086, 7.219695773091156 52.28872529522086, 7.219695773091156 52.28893135121979))",31973_5_11,5,11,132.983496 +"POLYGON ((7.219695773091156 52.28728287639248, 7.220850749885025 52.28728287639248, 7.220850749885025 52.28707681272613, 7.219695773091156 52.28707681272613, 7.219695773091156 52.28728287639248))",31973_5_19,5,19,142.999998 +"POLYGON ((7.219695773091156 52.28645861597645, 7.220850749885025 52.28645861597645, 7.220850749885025 52.28625254847635, 7.219695773091156 52.28625254847635, 7.219695773091156 52.28645861597645))",31973_5_23,5,23,120.330794 +"POLYGON ((7.220850749885025 52.28913740626029, 7.222005726678892 52.28913740626029, 7.222005726678892 52.28893135121979, 7.220850749885025 52.28893135121979, 7.220850749885025 52.28913740626029))",31973_6_10,6,10,146.999997 +"POLYGON ((7.220850749885025 52.28872529522086, 7.222005726678892 52.28872529522086, 7.222005726678892 52.28851923826352, 7.220850749885025 52.28851923826352, 7.220850749885025 52.28872529522086))",31973_6_12,6,12,113.0 +"POLYGON ((7.220850749885025 52.28851923826352, 7.222005726678892 52.28851923826352, 7.222005726678892 52.28831318034776, 7.220850749885025 52.28831318034776, 7.220850749885025 52.28851923826352))",31973_6_13,6,13,127.66666733333334 +"POLYGON ((7.220850749885025 52.28831318034776, 7.222005726678892 52.28831318034776, 7.222005726678892 52.28810712147355, 7.220850749885025 52.28810712147355, 7.220850749885025 52.28831318034776))",31973_6_14,6,14,136.15072833333332 +"POLYGON ((7.220850749885025 52.2874889391004, 7.222005726678892 52.2874889391004, 7.222005726678892 52.28728287639248, 7.220850749885025 52.28728287639248, 7.220850749885025 52.2874889391004))",31973_6_18,6,18,121.0 +"POLYGON ((7.213920889121817 52.28323011502598, 7.215075865915685 52.28323011502598, 7.215075865915685 52.28302403251005, 7.213920889121817 52.28302403251005, 7.213920889121817 52.28323011502598))",31974_0_12,0,12,159.0 +"POLYGON ((7.213920889121817 52.28116924673523, 7.215075865915685 52.28116924673523, 7.215075865915685 52.28096315463451, 7.213920889121817 52.28096315463451, 7.213920889121817 52.28116924673523))",31974_0_22,0,22,131.355299 +"POLYGON ((7.215075865915685 52.28384835682296, 7.216230842709552 52.28384835682296, 7.216230842709552 52.28364227718242, 7.215075865915685 52.28364227718242, 7.215075865915685 52.28384835682296))",31974_1_9,1,9,135.5 +"POLYGON ((7.216230842709552 52.28302403251005, 7.217385819503421 52.28302403251005, 7.217385819503421 52.28281794903565, 7.216230842709552 52.28281794903565, 7.216230842709552 52.28302403251005))",31974_2_13,2,13,172.5 +"POLYGON ((7.217385819503421 52.28446658999375, 7.218540796297289 52.28446658999375, 7.218540796297289 52.28426051322862, 7.217385819503421 52.28426051322862, 7.217385819503421 52.28446658999375))",31974_3_6,3,6,185.0 +"POLYGON ((7.217385819503421 52.28323011502598, 7.218540796297289 52.28323011502598, 7.218540796297289 52.28302403251005, 7.217385819503421 52.28302403251005, 7.217385819503421 52.28323011502598))",31974_3_12,3,12,128.5 +"POLYGON ((7.217385819503421 52.28240577921142, 7.218540796297289 52.28240577921142, 7.218540796297289 52.28219969286159, 7.217385819503421 52.28219969286159, 7.217385819503421 52.28240577921142))",31974_3_16,3,16,131.0 +"POLYGON ((7.218540796297289 52.28487874064865, 7.219695773091156 52.28487874064865, 7.219695773091156 52.28467266580043, 7.218540796297289 52.28467266580043, 7.218540796297289 52.28487874064865))",31974_4_4,4,4,175.0 +"POLYGON ((7.218540796297289 52.28467266580043, 7.219695773091156 52.28467266580043, 7.219695773091156 52.28446658999375, 7.218540796297289 52.28446658999375, 7.218540796297289 52.28467266580043))",31974_4_5,4,5,109.37846220000002 +"POLYGON ((7.218540796297289 52.28364227718242, 7.219695773091156 52.28364227718242, 7.219695773091156 52.28343619658344, 7.218540796297289 52.28343619658344, 7.218540796297289 52.28364227718242))",31974_4_10,4,10,137.0 +"POLYGON ((7.219695773091156 52.28487874064865, 7.220850749885025 52.28487874064865, 7.220850749885025 52.28467266580043, 7.219695773091156 52.28467266580043, 7.219695773091156 52.28487874064865))",31974_5_4,5,4,124.5 +"POLYGON ((7.219695773091156 52.28446658999375, 7.220850749885025 52.28446658999375, 7.220850749885025 52.28426051322862, 7.219695773091156 52.28426051322862, 7.219695773091156 52.28446658999375))",31974_5_6,5,6,188.0 +"POLYGON ((7.219695773091156 52.28384835682296, 7.220850749885025 52.28384835682296, 7.220850749885025 52.28364227718242, 7.219695773091156 52.28364227718242, 7.219695773091156 52.28384835682296))",31974_5_9,5,9,135.211015 +"POLYGON ((7.219695773091156 52.28343619658344, 7.220850749885025 52.28343619658344, 7.220850749885025 52.28323011502598, 7.219695773091156 52.28323011502598, 7.219695773091156 52.28343619658344))",31974_5_11,5,11,130.61243133333332 +"POLYGON ((7.219695773091156 52.2817875172865, 7.220850749885025 52.2817875172865, 7.220850749885025 52.28158142806123, 7.219695773091156 52.28158142806123, 7.219695773091156 52.2817875172865))",31974_5_19,5,19,141.000002 +"POLYGON ((7.219695773091156 52.28096315463451, 7.220850749885025 52.28096315463451, 7.220850749885025 52.28075706157529, 7.219695773091156 52.28075706157529, 7.219695773091156 52.28096315463451))",31974_5_23,5,23,121.22251066666666 +"POLYGON ((7.220850749885025 52.28364227718242, 7.222005726678892 52.28364227718242, 7.222005726678892 52.28343619658344, 7.220850749885025 52.28343619658344, 7.220850749885025 52.28364227718242))",31974_6_10,6,10,139.600139 +"POLYGON ((7.220850749885025 52.28323011502598, 7.222005726678892 52.28323011502598, 7.222005726678892 52.28302403251005, 7.220850749885025 52.28302403251005, 7.220850749885025 52.28323011502598))",31974_6_12,6,12,115.71428571428571 +"POLYGON ((7.220850749885025 52.28302403251005, 7.222005726678892 52.28302403251005, 7.222005726678892 52.28281794903565, 7.220850749885025 52.28281794903565, 7.220850749885025 52.28302403251005))",31974_6_13,6,13,130.52039725 +"POLYGON ((7.220850749885025 52.28281794903565, 7.222005726678892 52.28281794903565, 7.222005726678892 52.28261186460276, 7.220850749885025 52.28261186460276, 7.220850749885025 52.28281794903565))",31974_6_14,6,14,142.4919065 +"POLYGON ((7.220850749885025 52.28199360555329, 7.222005726678892 52.28199360555329, 7.222005726678892 52.2817875172865, 7.220850749885025 52.2817875172865, 7.220850749885025 52.28199360555329))",31974_6_18,6,18,120.5 +"POLYGON ((7.213920889121817 52.18970774253543, 7.215075865915685 52.18970774253543, 7.215075865915685 52.18950122532928, 7.213920889121817 52.18950122532928, 7.213920889121817 52.18970774253543))",31991_0_12,0,12,81.8 +"POLYGON ((7.213920889121817 52.18764252730608, 7.215075865915685 52.18764252730608, 7.215075865915685 52.18743600050706, 7.213920889121817 52.18743600050706, 7.213920889121817 52.18764252730608))",31991_0_22,0,22,98.56804600000001 +"POLYGON ((7.215075865915685 52.19032728839824, 7.216230842709552 52.19032728839824, 7.216230842709552 52.19012077406992, 7.215075865915685 52.19012077406992, 7.215075865915685 52.19032728839824))",31991_1_9,1,9,87.25 +"POLYGON ((7.216230842709552 52.18950122532928, 7.217385819503421 52.18950122532928, 7.217385819503421 52.18929470716385, 7.216230842709552 52.18929470716385, 7.216230842709552 52.18950122532928))",31991_2_13,2,13,102.25 +"POLYGON ((7.217385819503421 52.1909468256276, 7.218540796297289 52.1909468256276, 7.218540796297289 52.19074031417708, 7.217385819503421 52.19074031417708, 7.217385819503421 52.1909468256276))",31991_3_6,3,6,109.0 +"POLYGON ((7.217385819503421 52.18970774253543, 7.218540796297289 52.18970774253543, 7.218540796297289 52.18950122532928, 7.217385819503421 52.18950122532928, 7.217385819503421 52.18970774253543))",31991_3_12,3,12,103.5 +"POLYGON ((7.217385819503421 52.18888166795513, 7.218540796297289 52.18888166795513, 7.218540796297289 52.18867514691184, 7.217385819503421 52.18867514691184, 7.217385819503421 52.18888166795513))",31991_3_16,3,16,114.0 +"POLYGON ((7.218540796297289 52.19135984565082, 7.219695773091156 52.19135984565082, 7.219695773091156 52.19115333611884, 7.218540796297289 52.19115333611884, 7.218540796297289 52.19135984565082))",31991_4_4,4,4,119.0 +"POLYGON ((7.218540796297289 52.19115333611884, 7.219695773091156 52.19115333611884, 7.219695773091156 52.1909468256276, 7.218540796297289 52.1909468256276, 7.218540796297289 52.19115333611884))",31991_4_5,4,5,124.0 +"POLYGON ((7.219695773091156 52.19135984565082, 7.220850749885025 52.19135984565082, 7.220850749885025 52.19115333611884, 7.219695773091156 52.19115333611884, 7.219695773091156 52.19135984565082))",31991_5_4,5,4,113.0 +"POLYGON ((7.219695773091156 52.1909468256276, 7.220850749885025 52.1909468256276, 7.220850749885025 52.19074031417708, 7.219695773091156 52.19074031417708, 7.219695773091156 52.1909468256276))",31991_5_6,5,6,136.66666666666666 +"POLYGON ((7.219695773091156 52.19032728839824, 7.220850749885025 52.19032728839824, 7.220850749885025 52.19012077406992, 7.219695773091156 52.19012077406992, 7.219695773091156 52.19032728839824))",31991_5_9,5,9,99.1942714 +"POLYGON ((7.219695773091156 52.18991425878232, 7.220850749885025 52.18991425878232, 7.220850749885025 52.18970774253543, 7.219695773091156 52.18970774253543, 7.219695773091156 52.18991425878232))",31991_5_11,5,11,98.8268674 +"POLYGON ((7.219695773091156 52.18805557802626, 7.220850749885025 52.18805557802626, 7.220850749885025 52.18784905314582, 7.219695773091156 52.18784905314582, 7.219695773091156 52.18805557802626))",31991_5_20,5,20,97.6648648 +"POLYGON ((7.219695773091156 52.18743600050706, 7.220850749885025 52.18743600050706, 7.220850749885025 52.18722947274873, 7.219695773091156 52.18722947274873, 7.219695773091156 52.18743600050706))",31991_5_23,5,23,82.06879583333334 +"POLYGON ((7.220850749885025 52.19032728839824, 7.222005726678892 52.19032728839824, 7.222005726678892 52.19012077406992, 7.220850749885025 52.19012077406992, 7.220850749885025 52.19032728839824))",31991_6_9,6,9,112.0533686 +"POLYGON ((7.220850749885025 52.18970774253543, 7.222005726678892 52.18970774253543, 7.222005726678892 52.18950122532928, 7.220850749885025 52.18950122532928, 7.220850749885025 52.18970774253543))",31991_6_12,6,12,96.3076923076923 +"POLYGON ((7.220850749885025 52.18950122532928, 7.222005726678892 52.18950122532928, 7.222005726678892 52.18929470716385, 7.220850749885025 52.18929470716385, 7.220850749885025 52.18950122532928))",31991_6_13,6,13,100.20010777777779 +"POLYGON ((7.220850749885025 52.18929470716385, 7.222005726678892 52.18929470716385, 7.222005726678892 52.18908818803912, 7.220850749885025 52.18908818803912, 7.220850749885025 52.18929470716385))",31991_6_14,6,14,97.8000016 +"POLYGON ((7.218540796297289 50.85395160500224, 7.219695773091156 50.85395160500224, 7.219695773091156 50.85373893983554, 7.218540796297289 50.85373893983554, 7.218540796297289 50.85395160500224))",32230_4_12,4,12,129.0 +"POLYGON ((7.218540796297289 50.84828020203326, 7.219695773091156 50.84828020203326, 7.219695773091156 50.84806751100738, 7.218540796297289 50.84806751100738, 7.218540796297289 50.84828020203326))",32231_4_12,4,12,117.0 +"POLYGON ((7.218540796297289 50.81423730181083, 7.219695773091156 50.81423730181083, 7.219695773091156 50.81402445560772, 7.218540796297289 50.81402445560772, 7.218540796297289 50.81423730181083))",32237_4_12,4,12,124.0 +"POLYGON ((7.218540796297289 50.80856107110921, 7.219695773091156 50.80856107110921, 7.219695773091156 50.80834819903953, 7.218540796297289 50.80834819903953, 7.218540796297289 50.80856107110921))",32238_4_12,4,12,128.0 +"POLYGON ((7.218540796297289 50.80288415061886, 7.219695773091156 50.80288415061886, 7.219695773091156 50.80267125268156, 7.218540796297289 50.80267125268156, 7.218540796297289 50.80288415061886))",32239_4_12,4,12,127.0 +"POLYGON ((7.222904041963012 53.60966292663468, 7.22405901875688 53.60966292663468, 7.22405901875688 53.60946306792193, 7.222904041963012 53.60946306792193, 7.222904041963012 53.60966292663468))",32404_0_10,0,10,73.5 +"POLYGON ((7.225213995550749 53.60886348610816, 7.226368972344616 53.60886348610816, 7.226368972344616 53.60866362361174, 7.225213995550749 53.60866362361174, 7.225213995550749 53.60886348610816))",32404_2_14,2,14,72.0 +"POLYGON ((7.226368972344616 53.61006264122243, 7.227523949138482 53.61006264122243, 7.227523949138482 53.60986278440151, 7.226368972344616 53.60986278440151, 7.226368972344616 53.61006264122243))",32404_3_8,3,8,98.0 +"POLYGON ((7.227523949138482 53.61066220600974, 7.228678925932353 53.61066220600974, 7.228678925932353 53.61046235202654, 7.227523949138482 53.61046235202654, 7.227523949138482 53.61066220600974))",32404_4_5,4,5,78.0 +"POLYGON ((7.227523949138482 53.60986278440151, 7.228678925932353 53.60986278440151, 7.228678925932353 53.60966292663468, 7.227523949138482 53.60966292663468, 7.227523949138482 53.60986278440151))",32404_4_9,4,9,56.183428666666664 +"POLYGON ((7.228678925932353 53.61066220600974, 7.229833902726218 53.61066220600974, 7.229833902726218 53.61046235202654, 7.228678925932353 53.61046235202654, 7.228678925932353 53.61066220600974))",32404_5_5,5,5,79.0 +"POLYGON ((7.229833902726218 53.60906334765868, 7.230988879520088 53.60906334765868, 7.230988879520088 53.60886348610816, 7.229833902726218 53.60886348610816, 7.229833902726218 53.60906334765868))",32404_6_13,6,13,83.0 +"POLYGON ((7.222904041963012 53.60433303724182, 7.22405901875688 53.60433303724182, 7.22405901875688 53.60413315330391, 7.222904041963012 53.60413315330391, 7.222904041963012 53.60433303724182))",32405_0_10,0,10,69.6 +"POLYGON ((7.225213995550749 53.60353349581438, 7.226368972344616 53.60353349581438, 7.226368972344616 53.60333360809258, 7.225213995550749 53.60333360809258, 7.225213995550749 53.60353349581438))",32405_2_14,2,14,67.8 +"POLYGON ((7.226368972344616 53.60473280227971, 7.227523949138482 53.60473280227971, 7.227523949138482 53.60453292023375, 7.226368972344616 53.60453292023375, 7.226368972344616 53.60473280227971))",32405_3_8,3,8,100.75 +"POLYGON ((7.227523949138482 53.60533244274182, 7.228678925932353 53.60533244274182, 7.228678925932353 53.60513256353374, 7.227523949138482 53.60513256353374, 7.227523949138482 53.60533244274182))",32405_4_5,4,5,80.4 +"POLYGON ((7.227523949138482 53.60453292023375, 7.228678925932353 53.60453292023375, 7.228678925932353 53.60433303724182, 7.227523949138482 53.60433303724182, 7.227523949138482 53.60453292023375))",32405_4_9,4,9,66.12973866666665 +"POLYGON ((7.228678925932353 53.60533244274182, 7.229833902726218 53.60533244274182, 7.229833902726218 53.60513256353374, 7.228678925932353 53.60513256353374, 7.228678925932353 53.60533244274182))",32405_5_5,5,5,78.4 +"POLYGON ((7.229833902726218 53.6037333825902, 7.230988879520088 53.6037333825902, 7.230988879520088 53.60353349581438, 7.229833902726218 53.60353349581438, 7.229833902726218 53.6037333825902))",32405_6_13,6,13,76.8 +"POLYGON ((7.222904041963012 53.58833933277214, 7.22405901875688 53.58833933277214, 7.22405901875688 53.58813937315008, 7.222904041963012 53.58813937315008, 7.222904041963012 53.58833933277214))",32408_0_10,0,10,80.66666666666667 +"POLYGON ((7.225213995550749 53.58753948860704, 7.226368972344616 53.58753948860704, 7.226368972344616 53.58733952520041, 7.225213995550749 53.58733952520041, 7.225213995550749 53.58753948860704))",32408_2_14,2,14,94.5 +"POLYGON ((7.226368972344616 53.58873924917789, 7.227523949138482 53.58873924917789, 7.227523949138482 53.58853929144809, 7.226368972344616 53.58853929144809, 7.226368972344616 53.58873924917789))",32408_3_8,3,8,105.5 +"POLYGON ((7.227523949138482 53.58933911669055, 7.228678925932353 53.58933911669055, 7.228678925932353 53.58913916179912, 7.227523949138482 53.58913916179912, 7.227523949138482 53.58933911669055))",32408_4_5,4,5,81.0 +"POLYGON ((7.227523949138482 53.58853929144809, 7.228678925932353 53.58853929144809, 7.228678925932353 53.58833933277214, 7.227523949138482 53.58833933277214, 7.227523949138482 53.58853929144809))",32408_4_9,4,9,66.36778075000001 +"POLYGON ((7.228678925932353 53.58933911669055, 7.229833902726218 53.58933911669055, 7.229833902726218 53.58913916179912, 7.228678925932353 53.58913916179912, 7.228678925932353 53.58933911669055))",32408_5_5,5,5,74.25 +"POLYGON ((7.229833902726218 53.58773945106753, 7.230988879520088 53.58773945106753, 7.230988879520088 53.58753948860704, 7.229833902726218 53.58753948860704, 7.229833902726218 53.58773945106753))",32408_6_13,6,13,73.5 +"POLYGON ((7.222904041963012 53.58300675238944, 7.22405901875688 53.58300675238944, 7.22405901875688 53.5828067675364, 7.222904041963012 53.5828067675364, 7.222904041963012 53.58300675238944))",32409_0_10,0,10,56.857142857142854 +"POLYGON ((7.225213995550749 53.58220680730015, 7.226368972344616 53.58220680730015, 7.226368972344616 53.58200681866235, 7.225213995550749 53.58200681866235, 7.225213995550749 53.58220680730015))",32409_2_14,2,14,63.0 +"POLYGON ((7.226368972344616 53.58340671925694, 7.227523949138482 53.58340671925694, 7.227523949138482 53.58320673629628, 7.226368972344616 53.58320673629628, 7.226368972344616 53.58340671925694))",32409_3_8,3,8,32.0 +"POLYGON ((7.227523949138482 53.58400666246183, 7.228678925932353 53.58400666246183, 7.228678925932353 53.58380668233972, 7.227523949138482 53.58380668233972, 7.227523949138482 53.58400666246183))",32409_4_5,4,5,64.66666666666667 +"POLYGON ((7.227523949138482 53.58320673629628, 7.228678925932353 53.58320673629628, 7.228678925932353 53.58300675238944, 7.227523949138482 53.58300675238944, 7.227523949138482 53.58320673629628))",32409_4_9,4,9,22.905493200000002 +"POLYGON ((7.228678925932353 53.58400666246183, 7.229833902726218 53.58400666246183, 7.229833902726218 53.58380668233972, 7.228678925932353 53.58380668233972, 7.228678925932353 53.58400666246183))",32409_5_5,5,5,65.5 +"POLYGON ((7.228678925932353 53.58360670127141, 7.229833902726218 53.58360670127141, 7.229833902726218 53.58340671925694, 7.228678925932353 53.58340671925694, 7.228678925932353 53.58360670127141))",32409_5_7,5,7,40.083333333333336 +"POLYGON ((7.229833902726218 53.58240679499176, 7.230988879520088 53.58240679499176, 7.230988879520088 53.58220680730015, 7.229833902726218 53.58220680730015, 7.229833902726218 53.58240679499176))",32409_6_13,6,13,50.44444444444444 +"POLYGON ((7.226368972344616 53.44472529969579, 7.227523949138482 53.44472529969579, 7.227523949138482 53.4445246611733, 7.226368972344616 53.4445246611733, 7.226368972344616 53.44472529969579))",32435_3_7,3,7,109.66666666666667 +"POLYGON ((7.227523949138482 53.44432402170322, 7.228678925932353 53.44432402170322, 7.228678925932353 53.44412338128555, 7.227523949138482 53.44412338128555, 7.227523949138482 53.44432402170322))",32435_4_9,4,9,89.7292676 +"POLYGON ((7.228678925932353 53.44472529969579, 7.229833902726218 53.44472529969579, 7.229833902726218 53.4445246611733, 7.228678925932353 53.4445246611733, 7.228678925932353 53.44472529969579))",32435_5_7,5,7,103.25 +"POLYGON ((7.226368972344616 53.43937461480438, 7.227523949138482 53.43937461480438, 7.227523949138482 53.43917395101216, 7.226368972344616 53.43917395101216, 7.226368972344616 53.43937461480438))",32436_3_7,3,7,105.5 +"POLYGON ((7.227523949138482 53.4389732862723, 7.228678925932353 53.4389732862723, 7.228678925932353 53.43877262058479, 7.227523949138482 53.43877262058479, 7.227523949138482 53.4389732862723))",32436_4_9,4,9,73.49772983333334 +"POLYGON ((7.228678925932353 53.43937461480438, 7.229833902726218 53.43937461480438, 7.229833902726218 53.43917395101216, 7.228678925932353 53.43917395101216, 7.228678925932353 53.43937461480438))",32436_5_7,5,7,89.2 +"POLYGON ((7.226368972344616 53.4340232560351, 7.227523949138482 53.4340232560351, 7.227523949138482 53.43382256697173, 7.226368972344616 53.43382256697173, 7.226368972344616 53.4340232560351))",32437_3_7,3,7,65.0 +"POLYGON ((7.227523949138482 53.43362187696065, 7.228678925932353 53.43362187696065, 7.228678925932353 53.43342118600187, 7.227523949138482 53.43342118600187, 7.227523949138482 53.43362187696065))",32437_4_9,4,9,68.00000066666666 +"POLYGON ((7.228678925932353 53.4340232560351, 7.229833902726218 53.4340232560351, 7.229833902726218 53.43382256697173, 7.228678925932353 53.43382256697173, 7.228678925932353 53.4340232560351))",32437_5_7,5,7,83.5 +"POLYGON ((7.226368972344616 53.4286712233498, 7.227523949138482 53.4286712233498, 7.227523949138482 53.42847050901383, 7.226368972344616 53.42847050901383, 7.226368972344616 53.4286712233498))",32438_3_7,3,7,59.0 +"POLYGON ((7.227523949138482 53.42826979373009, 7.228678925932353 53.42826979373009, 7.228678925932353 53.42806907749862, 7.227523949138482 53.42806907749862, 7.227523949138482 53.42826979373009))",32438_4_9,4,9,43.3201956 +"POLYGON ((7.228678925932353 53.4286712233498, 7.229833902726218 53.4286712233498, 7.229833902726218 53.42847050901383, 7.228678925932353 53.42847050901383, 7.228678925932353 53.4286712233498))",32438_5_7,5,7,56.25 +"POLYGON ((7.222904041963012 53.41736283857847, 7.22405901875688 53.41736283857847, 7.22405901875688 53.41716207084944, 7.222904041963012 53.41716207084944, 7.222904041963012 53.41736283857847))",32440_0_10,0,10,90.25 +"POLYGON ((7.225213995550749 53.41655976197514, 7.226368972344616 53.41655976197514, 7.226368972344616 53.41635899045465, 7.225213995550749 53.41635899045465, 7.225213995550749 53.41655976197514))",32440_2_14,2,14,74.0 +"POLYGON ((7.226368972344616 53.41796513607841, 7.227523949138482 53.41796513607841, 7.227523949138482 53.41776437119296, 7.226368972344616 53.41776437119296, 7.226368972344616 53.41796513607841))",32440_3_7,3,7,95.75 +"POLYGON ((7.227523949138482 53.41836666300576, 7.228678925932353 53.41836666300576, 7.228678925932353 53.41816590001601, 7.227523949138482 53.41816590001601, 7.227523949138482 53.41836666300576))",32440_4_5,4,5,77.2 +"POLYGON ((7.227523949138482 53.41756360535965, 7.228678925932353 53.41756360535965, 7.228678925932353 53.41736283857847, 7.227523949138482 53.41736283857847, 7.227523949138482 53.41756360535965))",32440_4_9,4,9,75.9426075 +"POLYGON ((7.228678925932353 53.41836666300576, 7.229833902726218 53.41836666300576, 7.229833902726218 53.41816590001601, 7.228678925932353 53.41816590001601, 7.228678925932353 53.41836666300576))",32440_5_5,5,5,100.25 +"POLYGON ((7.228678925932353 53.41796513607841, 7.229833902726218 53.41796513607841, 7.229833902726218 53.41776437119296, 7.228678925932353 53.41776437119296, 7.228678925932353 53.41796513607841))",32440_5_7,5,7,91.4 +"POLYGON ((7.229833902726218 53.41696130217254, 7.230988879520088 53.41696130217254, 7.230988879520088 53.41676053254778, 7.229833902726218 53.41676053254778, 7.229833902726218 53.41696130217254))",32440_6_12,6,12,79.43091833333334 +"POLYGON ((7.229833902726218 53.41676053254778, 7.230988879520088 53.41676053254778, 7.230988879520088 53.41655976197514, 7.229833902726218 53.41655976197514, 7.229833902726218 53.41676053254778))",32440_6_13,6,13,62.142857142857146 +"POLYGON ((7.222904041963012 53.41200870808532, 7.22405901875688 53.41200870808532, 7.22405901875688 53.41180791507923, 7.222904041963012 53.41180791507923, 7.222904041963012 53.41200870808532))",32441_0_10,0,10,97.0 +"POLYGON ((7.225213995550749 53.41120553037349, 7.226368972344616 53.41120553037349, 7.226368972344616 53.41100473357573, 7.225213995550749 53.41100473357573, 7.225213995550749 53.41120553037349))",32441_2_14,2,14,82.0 +"POLYGON ((7.226368972344616 53.41261108141607, 7.227523949138482 53.41261108141607, 7.227523949138482 53.41241029125373, 7.226368972344616 53.41241029125373, 7.226368972344616 53.41261108141607))",32441_3_7,3,7,108.5 +"POLYGON ((7.227523949138482 53.41301265889702, 7.228678925932353 53.41301265889702, 7.228678925932353 53.4128118706305, 7.227523949138482 53.4128118706305, 7.227523949138482 53.41301265889702))",32441_4_5,4,5,100.0 +"POLYGON ((7.227523949138482 53.41220950014348, 7.228678925932353 53.41220950014348, 7.228678925932353 53.41200870808532, 7.227523949138482 53.41200870808532, 7.227523949138482 53.41220950014348))",32441_4_9,4,9,81.25 +"POLYGON ((7.228678925932353 53.41301265889702, 7.229833902726218 53.41301265889702, 7.229833902726218 53.4128118706305, 7.228678925932353 53.4128118706305, 7.228678925932353 53.41301265889702))",32441_5_5,5,5,99.66666666666667 +"POLYGON ((7.228678925932353 53.41261108141607, 7.229833902726218 53.41261108141607, 7.229833902726218 53.41241029125373, 7.228678925932353 53.41241029125373, 7.228678925932353 53.41261108141607))",32441_5_7,5,7,86.5 +"POLYGON ((7.229833902726218 53.41160712112524, 7.230988879520088 53.41160712112524, 7.230988879520088 53.41140632622332, 7.229833902726218 53.41140632622332, 7.229833902726218 53.41160712112524))",32441_6_12,6,12,78.585635 +"POLYGON ((7.229833902726218 53.41140632622332, 7.230988879520088 53.41140632622332, 7.230988879520088 53.41120553037349, 7.229833902726218 53.41120553037349, 7.229833902726218 53.41140632622332))",32441_6_13,6,13,89.33333333333333 +"POLYGON ((7.222904041963012 53.38522794376506, 7.22405901875688 53.38522794376506, 7.22405901875688 53.38502702435233, 7.222904041963012 53.38502702435233, 7.222904041963012 53.38522794376506))",32446_0_10,0,10,110.75 +"POLYGON ((7.225213995550749 53.38442426042506, 7.226368972344616 53.38442426042506, 7.226368972344616 53.38422333721959, 7.225213995550749 53.38422333721959, 7.225213995550749 53.38442426042506))",32446_2_14,2,14,115.75 +"POLYGON ((7.226368972344616 53.38583069631412, 7.227523949138482 53.38583069631412, 7.227523949138482 53.38562977974594, 7.226368972344616 53.38562977974594, 7.226368972344616 53.38583069631412))",32446_3_7,3,7,112.75 +"POLYGON ((7.227523949138482 53.38623252660595, 7.228678925932353 53.38623252660595, 7.228678925932353 53.38603161193412, 7.227523949138482 53.38603161193412, 7.227523949138482 53.38623252660595))",32446_4_5,4,5,119.0 +"POLYGON ((7.227523949138482 53.38542886222958, 7.228678925932353 53.38542886222958, 7.228678925932353 53.38522794376506, 7.227523949138482 53.38522794376506, 7.227523949138482 53.38542886222958))",32446_4_9,4,9,103.19999820000001 +"POLYGON ((7.228678925932353 53.38623252660595, 7.229833902726218 53.38623252660595, 7.229833902726218 53.38603161193412, 7.228678925932353 53.38603161193412, 7.228678925932353 53.38623252660595))",32446_5_5,5,5,87.8 +"POLYGON ((7.228678925932353 53.38583069631412, 7.229833902726218 53.38583069631412, 7.229833902726218 53.38562977974594, 7.228678925932353 53.38562977974594, 7.228678925932353 53.38583069631412))",32446_5_7,5,7,78.5 +"POLYGON ((7.229833902726218 53.38482610399144, 7.230988879520088 53.38482610399144, 7.230988879520088 53.38462518268234, 7.229833902726218 53.38462518268234, 7.229833902726218 53.38482610399144))",32446_6_12,6,12,100.25721100000001 +"POLYGON ((7.229833902726218 53.38442426042506, 7.230988879520088 53.38442426042506, 7.230988879520088 53.38422333721959, 7.229833902726218 53.38422333721959, 7.229833902726218 53.38442426042506))",32446_6_14,6,14,103.0 +"POLYGON ((7.228678925932353 53.3582292770129, 7.229833902726218 53.3582292770129, 7.229833902726218 53.35802823020947, 7.228678925932353 53.35802823020947, 7.228678925932353 53.3582292770129))",32451_5_11,5,11,76.92555466666667 +"POLYGON ((7.228678925932353 53.35802823020947, 7.229833902726218 53.35802823020947, 7.229833902726218 53.35782718245758, 7.228678925932353 53.35782718245758, 7.228678925932353 53.35802823020947))",32451_5_12,5,12,71.35156728571428 +"POLYGON ((7.22405901875688 53.18154668175862, 7.225213995550749 53.18154668175862, 7.225213995550749 53.18134480239792, 7.22405901875688 53.18134480239792, 7.22405901875688 53.18154668175862))",32484_1_8,1,8,127.0 +"POLYGON ((7.22405901875688 52.88423136581925, 7.225213995550749 52.88423136581925, 7.225213995550749 52.88402808979752, 7.22405901875688 52.88402808979752, 7.22405901875688 52.88423136581925))",32539_1_9,1,9,82.0 +"POLYGON ((7.228678925932353 52.88301169539318, 7.229833902726218 52.88301169539318, 7.229833902726218 52.88280841365318, 7.228678925932353 52.88280841365318, 7.228678925932353 52.88301169539318))",32539_5_15,5,15,156.0 +"POLYGON ((7.228678925932353 52.88179199065744, 7.229833902726218 52.88179199065744, 7.229833902726218 52.88158870319914, 7.228678925932353 52.88158870319914, 7.228678925932353 52.88179199065744))",32539_5_21,5,21,122.0 +"POLYGON ((7.229833902726218 52.88260513096014, 7.230988879520088 52.88260513096014, 7.230988879520088 52.88240184731404, 7.229833902726218 52.88240184731404, 7.229833902726218 52.88260513096014))",32539_6_17,6,17,121.0 +"POLYGON ((7.222904041963012 52.87840374192388, 7.22405901875688 52.87840374192388, 7.22405901875688 52.878200438581, 7.222904041963012 52.878200438581, 7.222904041963012 52.87840374192388))",32540_0_11,0,11,183.5 +"POLYGON ((7.222904041963012 52.87637066560577, 7.22405901875688 52.87637066560577, 7.22405901875688 52.8761673527319, 7.222904041963012 52.8761673527319, 7.222904041963012 52.87637066560577))",32540_0_21,0,21,133.3006145 +"POLYGON ((7.22405901875688 52.87881034575037, 7.225213995550749 52.87881034575037, 7.225213995550749 52.87860704431367, 7.22405901875688 52.87860704431367, 7.22405901875688 52.87881034575037))",32540_1_9,1,9,82.6 +"POLYGON ((7.225213995550749 52.87799713428502, 7.226368972344616 52.87799713428502, 7.226368972344616 52.87779382903597, 7.225213995550749 52.87779382903597, 7.225213995550749 52.87799713428502))",32540_2_13,2,13,156.0 +"POLYGON ((7.226368972344616 52.87921694576453, 7.227523949138482 52.87921694576453, 7.227523949138482 52.87901364623399, 7.226368972344616 52.87901364623399, 7.226368972344616 52.87921694576453))",32540_3_7,3,7,144.33333333333334 +"POLYGON ((7.226368972344616 52.87799713428502, 7.227523949138482 52.87799713428502, 7.227523949138482 52.87779382903597, 7.226368972344616 52.87779382903597, 7.226368972344616 52.87799713428502))",32540_3_13,3,13,83.2 +"POLYGON ((7.227523949138482 52.87982683863765, 7.228678925932353 52.87982683863765, 7.228678925932353 52.87962354196635, 7.227523949138482 52.87962354196635, 7.227523949138482 52.87982683863765))",32540_4_4,4,4,74.33333333333333 +"POLYGON ((7.227523949138482 52.87942024434197, 7.228678925932353 52.87942024434197, 7.228678925932353 52.87921694576453, 7.227523949138482 52.87921694576453, 7.227523949138482 52.87942024434197))",32540_4_6,4,6,180.99999733333334 +"POLYGON ((7.227523949138482 52.87901364623399, 7.228678925932353 52.87901364623399, 7.228678925932353 52.87881034575037, 7.227523949138482 52.87881034575037, 7.227523949138482 52.87901364623399))",32540_4_8,4,8,127.2499995 +"POLYGON ((7.227523949138482 52.87718390757021, 7.228678925932353 52.87718390757021, 7.228678925932353 52.87698059850875, 7.227523949138482 52.87698059850875, 7.227523949138482 52.87718390757021))",32540_4_17,4,17,94.000001 +"POLYGON ((7.228678925932353 52.87982683863765, 7.229833902726218 52.87982683863765, 7.229833902726218 52.87962354196635, 7.228678925932353 52.87962354196635, 7.228678925932353 52.87982683863765))",32540_5_4,5,4,151.66666666666666 +"POLYGON ((7.228678925932353 52.87942024434197, 7.229833902726218 52.87942024434197, 7.229833902726218 52.87921694576453, 7.228678925932353 52.87921694576453, 7.228678925932353 52.87942024434197))",32540_5_6,5,6,185.0 +"POLYGON ((7.228678925932353 52.87881034575037, 7.229833902726218 52.87881034575037, 7.229833902726218 52.87860704431367, 7.228678925932353 52.87860704431367, 7.228678925932353 52.87881034575037))",32540_5_9,5,9,159.57933866666667 +"POLYGON ((7.228678925932353 52.87860704431367, 7.229833902726218 52.87860704431367, 7.229833902726218 52.87840374192388, 7.228678925932353 52.87840374192388, 7.228678925932353 52.87860704431367))",32540_5_10,5,10,131.17154349999998 +"POLYGON ((7.228678925932353 52.87840374192388, 7.229833902726218 52.87840374192388, 7.229833902726218 52.878200438581, 7.228678925932353 52.878200438581, 7.228678925932353 52.87840374192388))",32540_5_11,5,11,90.707951 +"POLYGON ((7.228678925932353 52.87799713428502, 7.229833902726218 52.87799713428502, 7.229833902726218 52.87779382903597, 7.228678925932353 52.87779382903597, 7.228678925932353 52.87799713428502))",32540_5_13,5,13,108.85714314285714 +"POLYGON ((7.228678925932353 52.87779382903597, 7.229833902726218 52.87779382903597, 7.229833902726218 52.87759052283381, 7.228678925932353 52.87759052283381, 7.228678925932353 52.87779382903597))",32540_5_14,5,14,130.249999 +"POLYGON ((7.228678925932353 52.87759052283381, 7.229833902726218 52.87759052283381, 7.229833902726218 52.87738721567856, 7.228678925932353 52.87738721567856, 7.228678925932353 52.87759052283381))",32540_5_15,5,15,153.5 +"POLYGON ((7.228678925932353 52.8767772884942, 7.229833902726218 52.8767772884942, 7.229833902726218 52.87657397752654, 7.228678925932353 52.87657397752654, 7.228678925932353 52.8767772884942))",32540_5_19,5,19,92.5491516 +"POLYGON ((7.228678925932353 52.87637066560577, 7.229833902726218 52.87637066560577, 7.229833902726218 52.8761673527319, 7.228678925932353 52.8761673527319, 7.228678925932353 52.87637066560577))",32540_5_21,5,21,120.500003 +"POLYGON ((7.228678925932353 52.8761673527319, 7.229833902726218 52.8761673527319, 7.229833902726218 52.87596403890492, 7.228678925932353 52.87596403890492, 7.228678925932353 52.8761673527319))",32540_5_22,5,22,79.50147433333333 +"POLYGON ((7.229833902726218 52.87860704431367, 7.230988879520088 52.87860704431367, 7.230988879520088 52.87840374192388, 7.229833902726218 52.87840374192388, 7.229833902726218 52.87860704431367))",32540_6_10,6,10,125.4999995 +"POLYGON ((7.229833902726218 52.87840374192388, 7.230988879520088 52.87840374192388, 7.230988879520088 52.878200438581, 7.229833902726218 52.878200438581, 7.229833902726218 52.87840374192388))",32540_6_11,6,11,88.8 +"POLYGON ((7.229833902726218 52.878200438581, 7.230988879520088 52.878200438581, 7.230988879520088 52.87799713428502, 7.229833902726218 52.87799713428502, 7.229833902726218 52.878200438581))",32540_6_12,6,12,119.00699800000001 +"POLYGON ((7.229833902726218 52.87799713428502, 7.230988879520088 52.87799713428502, 7.230988879520088 52.87779382903597, 7.229833902726218 52.87779382903597, 7.229833902726218 52.87799713428502))",32540_6_13,6,13,125.71428485714286 +"POLYGON ((7.229833902726218 52.87779382903597, 7.230988879520088 52.87779382903597, 7.230988879520088 52.87759052283381, 7.229833902726218 52.87759052283381, 7.229833902726218 52.87779382903597))",32540_6_14,6,14,79.0 +"POLYGON ((7.229833902726218 52.87738721567856, 7.230988879520088 52.87738721567856, 7.230988879520088 52.87718390757021, 7.229833902726218 52.87718390757021, 7.229833902726218 52.87738721567856))",32540_6_16,6,16,153.0 +"POLYGON ((7.229833902726218 52.87718390757021, 7.230988879520088 52.87718390757021, 7.230988879520088 52.87698059850875, 7.229833902726218 52.87698059850875, 7.229833902726218 52.87718390757021))",32540_6_17,6,17,120.99999775 +"POLYGON ((7.222904041963012 52.87298199327284, 7.22405901875688 52.87298199327284, 7.22405901875688 52.87277866451355, 7.222904041963012 52.87277866451355, 7.222904041963012 52.87298199327284))",32541_0_11,0,11,180.66666666666666 +"POLYGON ((7.222904041963012 52.87094866278833, 7.22405901875688 52.87094866278833, 7.22405901875688 52.87074532449753, 7.222904041963012 52.87074532449753, 7.222904041963012 52.87094866278833))",32541_0_21,0,21,133.66666999999998 +"POLYGON ((7.22405901875688 52.87338864793201, 7.225213995550749 52.87338864793201, 7.225213995550749 52.873185321079, 7.22405901875688 52.873185321079, 7.22405901875688 52.87338864793201))",32541_1_9,1,9,80.4 +"POLYGON ((7.225213995550749 52.87257533480112, 7.226368972344616 52.87257533480112, 7.226368972344616 52.87237200413555, 7.225213995550749 52.87237200413555, 7.225213995550749 52.87257533480112))",32541_2_13,2,13,109.5 +"POLYGON ((7.226368972344616 52.87379529877863, 7.227523949138482 52.87379529877863, 7.227523949138482 52.87359197383189, 7.226368972344616 52.87359197383189, 7.226368972344616 52.87379529877863))",32541_3_7,3,7,108.33333333333333 +"POLYGON ((7.226368972344616 52.87257533480112, 7.227523949138482 52.87257533480112, 7.227523949138482 52.87237200413555, 7.226368972344616 52.87237200413555, 7.226368972344616 52.87257533480112))",32541_3_13,3,13,83.4 +"POLYGON ((7.227523949138482 52.87440526790007, 7.228678925932353 52.87440526790007, 7.228678925932353 52.87420194581271, 7.227523949138482 52.87420194581271, 7.227523949138482 52.87440526790007))",32541_4_4,4,4,79.0 +"POLYGON ((7.227523949138482 52.87399862277223, 7.228678925932353 52.87399862277223, 7.228678925932353 52.87379529877863, 7.227523949138482 52.87379529877863, 7.227523949138482 52.87399862277223))",32541_4_6,4,6,181.333332 +"POLYGON ((7.227523949138482 52.87359197383189, 7.228678925932353 52.87359197383189, 7.228678925932353 52.87338864793201, 7.227523949138482 52.87338864793201, 7.227523949138482 52.87359197383189))",32541_4_8,4,8,126.66666666666667 +"POLYGON ((7.227523949138482 52.87176200641994, 7.228678925932353 52.87176200641994, 7.228678925932353 52.87155867194177, 7.227523949138482 52.87155867194177, 7.227523949138482 52.87176200641994))",32541_4_17,4,17,94.40000119999999 +"POLYGON ((7.228678925932353 52.87440526790007, 7.229833902726218 52.87440526790007, 7.229833902726218 52.87420194581271, 7.228678925932353 52.87420194581271, 7.228678925932353 52.87440526790007))",32541_5_4,5,4,148.0 +"POLYGON ((7.228678925932353 52.87399862277223, 7.229833902726218 52.87399862277223, 7.229833902726218 52.87379529877863, 7.228678925932353 52.87379529877863, 7.228678925932353 52.87399862277223))",32541_5_6,5,6,174.5 +"POLYGON ((7.228678925932353 52.87338864793201, 7.229833902726218 52.87338864793201, 7.229833902726218 52.873185321079, 7.228678925932353 52.873185321079, 7.228678925932353 52.87338864793201))",32541_5_9,5,9,130.909396 +"POLYGON ((7.228678925932353 52.873185321079, 7.229833902726218 52.873185321079, 7.229833902726218 52.87298199327284, 7.228678925932353 52.87298199327284, 7.228678925932353 52.873185321079))",32541_5_10,5,10,131.81962333333334 +"POLYGON ((7.228678925932353 52.87298199327284, 7.229833902726218 52.87298199327284, 7.229833902726218 52.87277866451355, 7.228678925932353 52.87277866451355, 7.228678925932353 52.87298199327284))",32541_5_11,5,11,94.1736866 +"POLYGON ((7.228678925932353 52.87257533480112, 7.229833902726218 52.87257533480112, 7.229833902726218 52.87237200413555, 7.228678925932353 52.87237200413555, 7.228678925932353 52.87257533480112))",32541_5_13,5,13,109.57142971428571 +"POLYGON ((7.228678925932353 52.87237200413555, 7.229833902726218 52.87237200413555, 7.229833902726218 52.87216867251682, 7.228678925932353 52.87216867251682, 7.228678925932353 52.87237200413555))",32541_5_14,5,14,121.5000005 +"POLYGON ((7.228678925932353 52.87216867251682, 7.229833902726218 52.87216867251682, 7.229833902726218 52.87196533994495, 7.228678925932353 52.87196533994495, 7.228678925932353 52.87216867251682))",32541_5_15,5,15,156.66666666666666 +"POLYGON ((7.228678925932353 52.87135533651045, 7.229833902726218 52.87135533651045, 7.229833902726218 52.87115200012597, 7.228678925932353 52.87115200012597, 7.228678925932353 52.87135533651045))",32541_5_19,5,19,90.8 +"POLYGON ((7.228678925932353 52.87094866278833, 7.229833902726218 52.87094866278833, 7.229833902726218 52.87074532449753, 7.228678925932353 52.87074532449753, 7.228678925932353 52.87094866278833))",32541_5_21,5,21,117.74999975 +"POLYGON ((7.228678925932353 52.87074532449753, 7.229833902726218 52.87074532449753, 7.229833902726218 52.87054198525359, 7.228678925932353 52.87054198525359, 7.228678925932353 52.87074532449753))",32541_5_22,5,22,86.95558216666666 +"POLYGON ((7.229833902726218 52.873185321079, 7.230988879520088 52.873185321079, 7.230988879520088 52.87298199327284, 7.229833902726218 52.87298199327284, 7.229833902726218 52.873185321079))",32541_6_10,6,10,123.249998 +"POLYGON ((7.229833902726218 52.87298199327284, 7.230988879520088 52.87298199327284, 7.230988879520088 52.87277866451355, 7.229833902726218 52.87277866451355, 7.229833902726218 52.87298199327284))",32541_6_11,6,11,84.2 +"POLYGON ((7.229833902726218 52.87257533480112, 7.230988879520088 52.87257533480112, 7.230988879520088 52.87237200413555, 7.229833902726218 52.87237200413555, 7.229833902726218 52.87257533480112))",32541_6_13,6,13,119.681891375 +"POLYGON ((7.229833902726218 52.87237200413555, 7.230988879520088 52.87237200413555, 7.230988879520088 52.87216867251682, 7.229833902726218 52.87216867251682, 7.229833902726218 52.87237200413555))",32541_6_14,6,14,78.8 +"POLYGON ((7.229833902726218 52.87196533994495, 7.230988879520088 52.87196533994495, 7.230988879520088 52.87176200641994, 7.229833902726218 52.87176200641994, 7.229833902726218 52.87196533994495))",32541_6_16,6,16,139.0 +"POLYGON ((7.229833902726218 52.87176200641994, 7.230988879520088 52.87176200641994, 7.230988879520088 52.87155867194177, 7.229833902726218 52.87155867194177, 7.229833902726218 52.87176200641994))",32541_6_17,6,17,117.05926725 +"POLYGON ((7.222904041963012 52.86552598216896, 7.22405901875688 52.86552598216896, 7.22405901875688 52.86532261845989, 7.222904041963012 52.86532261845989, 7.222904041963012 52.86552598216896))",32542_0_21,0,21,133.000002 +"POLYGON ((7.22405901875688 52.86796627232798, 7.225213995550749 52.86796627232798, 7.225213995550749 52.8677629200573, 7.22405901875688 52.8677629200573, 7.22405901875688 52.86796627232798))",32542_1_9,1,9,80.0 +"POLYGON ((7.225213995550749 52.86715285752613, 7.226368972344616 52.86715285752613, 7.226368972344616 52.86694950144268, 7.225213995550749 52.86694950144268, 7.225213995550749 52.86715285752613))",32542_2_13,2,13,108.0 +"POLYGON ((7.226368972344616 52.86837297400978, 7.227523949138482 52.86837297400978, 7.227523949138482 52.86816962364547, 7.226368972344616 52.86816962364547, 7.226368972344616 52.86837297400978))",32542_3_7,3,7,108.0 +"POLYGON ((7.226368972344616 52.86715285752613, 7.227523949138482 52.86715285752613, 7.227523949138482 52.86694950144268, 7.226368972344616 52.86694950144268, 7.226368972344616 52.86715285752613))",32542_3_13,3,13,81.5 +"POLYGON ((7.227523949138482 52.86898301938361, 7.228678925932353 52.86898301938361, 7.228678925932353 52.86877967187884, 7.227523949138482 52.86877967187884, 7.227523949138482 52.86898301938361))",32542_4_4,4,4,82.0 +"POLYGON ((7.227523949138482 52.86816962364547, 7.228678925932353 52.86816962364547, 7.228678925932353 52.86796627232798, 7.227523949138482 52.86796627232798, 7.227523949138482 52.86816962364547))",32542_4_8,4,8,125.000004 +"POLYGON ((7.227523949138482 52.86633942747316, 7.228678925932353 52.86633942747316, 7.228678925932353 52.86613606757692, 7.227523949138482 52.86613606757692, 7.227523949138482 52.86633942747316))",32542_4_17,4,17,90.999997 +"POLYGON ((7.228678925932353 52.86898301938361, 7.229833902726218 52.86898301938361, 7.229833902726218 52.86877967187884, 7.228678925932353 52.86877967187884, 7.228678925932353 52.86898301938361))",32542_5_4,5,4,145.0 +"POLYGON ((7.228678925932353 52.8685763234209, 7.229833902726218 52.8685763234209, 7.229833902726218 52.86837297400978, 7.228678925932353 52.86837297400978, 7.228678925932353 52.8685763234209))",32542_5_6,5,6,169.0 +"POLYGON ((7.228678925932353 52.86796627232798, 7.229833902726218 52.86796627232798, 7.229833902726218 52.8677629200573, 7.228678925932353 52.8677629200573, 7.228678925932353 52.86796627232798))",32542_5_9,5,9,124.553448 +"POLYGON ((7.228678925932353 52.8677629200573, 7.229833902726218 52.8677629200573, 7.229833902726218 52.86755956683344, 7.228678925932353 52.86755956683344, 7.228678925932353 52.8677629200573))",32542_5_10,5,10,129.999998 +"POLYGON ((7.228678925932353 52.86755956683344, 7.229833902726218 52.86755956683344, 7.229833902726218 52.86735621265638, 7.228678925932353 52.86735621265638, 7.228678925932353 52.86755956683344))",32542_5_11,5,11,95.188875 +"POLYGON ((7.228678925932353 52.86715285752613, 7.229833902726218 52.86715285752613, 7.229833902726218 52.86694950144268, 7.228678925932353 52.86694950144268, 7.228678925932353 52.86715285752613))",32542_5_13,5,13,103.0 +"POLYGON ((7.228678925932353 52.86694950144268, 7.229833902726218 52.86694950144268, 7.229833902726218 52.86674614440604, 7.228678925932353 52.86674614440604, 7.228678925932353 52.86694950144268))",32542_5_14,5,14,123.000002 +"POLYGON ((7.228678925932353 52.86593270672748, 7.229833902726218 52.86593270672748, 7.229833902726218 52.86572934492482, 7.228678925932353 52.86572934492482, 7.228678925932353 52.86593270672748))",32542_5_19,5,19,93.999997 +"POLYGON ((7.228678925932353 52.86552598216896, 7.229833902726218 52.86552598216896, 7.229833902726218 52.86532261845989, 7.228678925932353 52.86532261845989, 7.228678925932353 52.86552598216896))",32542_5_21,5,21,115.999998 +"POLYGON ((7.228678925932353 52.86532261845989, 7.229833902726218 52.86532261845989, 7.229833902726218 52.8651192537976, 7.228678925932353 52.8651192537976, 7.228678925932353 52.86532261845989))",32542_5_22,5,22,97.483978 +"POLYGON ((7.229833902726218 52.8677629200573, 7.230988879520088 52.8677629200573, 7.230988879520088 52.86755956683344, 7.229833902726218 52.86755956683344, 7.229833902726218 52.8677629200573))",32542_6_10,6,10,122.999997 +"POLYGON ((7.229833902726218 52.86755956683344, 7.230988879520088 52.86755956683344, 7.230988879520088 52.86735621265638, 7.229833902726218 52.86735621265638, 7.229833902726218 52.86755956683344))",32542_6_11,6,11,90.0 +"POLYGON ((7.229833902726218 52.86715285752613, 7.230988879520088 52.86715285752613, 7.230988879520088 52.86694950144268, 7.229833902726218 52.86694950144268, 7.229833902726218 52.86715285752613))",32542_6_13,6,13,125.5000005 +"POLYGON ((7.229833902726218 52.86694950144268, 7.230988879520088 52.86694950144268, 7.230988879520088 52.86674614440604, 7.229833902726218 52.86674614440604, 7.229833902726218 52.86694950144268))",32542_6_14,6,14,78.5 +"POLYGON ((7.229833902726218 52.8665427864162, 7.230988879520088 52.8665427864162, 7.230988879520088 52.86633942747316, 7.229833902726218 52.86633942747316, 7.229833902726218 52.8665427864162))",32542_6_16,6,16,138.0 +"POLYGON ((7.229833902726218 52.80786813163967, 7.230988879520088 52.80786813163967, 7.230988879520088 52.80766449777787, 7.229833902726218 52.80766449777787, 7.229833902726218 52.80786813163967))",32553_6_11,6,11,87.0 +"POLYGON ((7.229833902726218 52.80243756892497, 7.230988879520088 52.80243756892497, 7.230988879520088 52.80223390962918, 7.229833902726218 52.80223390962918, 7.229833902726218 52.80243756892497))",32554_6_11,6,11,51.44444444444444 +"POLYGON ((7.229833902726218 52.79680264322223, 7.230988879520088 52.79680264322223, 7.230988879520088 52.79659895753726, 7.229833902726218 52.79659895753726, 7.229833902726218 52.79680264322223))",32555_6_12,6,12,19.6 +"POLYGON ((7.229833902726218 52.79137069852113, 7.230988879520088 52.79137069852113, 7.230988879520088 52.79116698739944, 7.229833902726218 52.79116698739944, 7.229833902726218 52.79137069852113))",32556_6_12,6,12,31.095238095238095 +"POLYGON ((7.229833902726218 52.78593807549001, 7.230988879520088 52.78593807549001, 7.230988879520088 52.78573433893022, 7.229833902726218 52.78573433893022, 7.229833902726218 52.78593807549001))",32557_6_12,6,12,48.5 +"POLYGON ((7.229833902726218 52.78050477409298, 7.230988879520088 52.78050477409298, 7.230988879520088 52.78030101209377, 7.229833902726218 52.78030101209377, 7.229833902726218 52.78050477409298))",32558_6_12,6,12,79.0 +"POLYGON ((7.229833902726218 52.726134442123, 7.230988879520088 52.726134442123, 7.230988879520088 52.72593042565585, 7.229833902726218 52.72593042565585, 7.229833902726218 52.726134442123))",32568_6_12,6,12,36.142857142857146 +"POLYGON ((7.227523949138482 52.67230904174008, 7.228678925932353 52.67230904174008, 7.228678925932353 52.67210477353634, 7.227523949138482 52.67210477353634, 7.227523949138482 52.67230904174008))",32578_4_9,4,9,99.8 +"POLYGON ((7.227523949138482 52.67067486937007, 7.228678925932353 52.67067486937007, 7.228678925932353 52.67047059352628, 7.227523949138482 52.67047059352628, 7.227523949138482 52.67067486937007))",32578_4_17,4,17,93.2 +"POLYGON ((7.222904041963012 52.46968409958251, 7.22405901875688 52.46968409958251, 7.22405901875688 52.4694788853386, 7.222904041963012 52.4694788853386, 7.222904041963012 52.46968409958251))",32615_0_12,0,12,158.0 +"POLYGON ((7.222904041963012 52.46783713694127, 7.22405901875688 52.46783713694127, 7.22405901875688 52.46763191408581, 7.222904041963012 52.46763191408581, 7.222904041963012 52.46783713694127))",32615_0_21,0,21,137.608475 +"POLYGON ((7.22405901875688 52.47029973657327, 7.225213995550749 52.47029973657327, 7.225213995550749 52.47009452519985, 7.22405901875688 52.47009452519985, 7.22405901875688 52.47029973657327))",32615_1_9,1,9,143.0 +"POLYGON ((7.225213995550749 52.4694788853386, 7.226368972344616 52.4694788853386, 7.226368972344616 52.46927367013786, 7.225213995550749 52.46927367013786, 7.225213995550749 52.4694788853386))",32615_2_13,2,13,180.0 +"POLYGON ((7.226368972344616 52.47091536495265, 7.227523949138482 52.47091536495265, 7.227523949138482 52.47071015644968, 7.226368972344616 52.47071015644968, 7.226368972344616 52.47091536495265))",32615_3_6,3,6,152.0 +"POLYGON ((7.226368972344616 52.46968409958251, 7.227523949138482 52.46968409958251, 7.227523949138482 52.4694788853386, 7.226368972344616 52.4694788853386, 7.226368972344616 52.46968409958251))",32615_3_12,3,12,129.33333333333334 +"POLYGON ((7.226368972344616 52.46886323686588, 7.227523949138482 52.46886323686588, 7.227523949138482 52.46865801879463, 7.226368972344616 52.46865801879463, 7.226368972344616 52.46886323686588))",32615_3_16,3,16,135.5 +"POLYGON ((7.227523949138482 52.47132577908812, 7.228678925932353 52.47132577908812, 7.228678925932353 52.47112057249879, 7.227523949138482 52.47112057249879, 7.227523949138482 52.47132577908812))",32615_4_4,4,4,182.0 +"POLYGON ((7.227523949138482 52.47091536495265, 7.228678925932353 52.47091536495265, 7.228678925932353 52.47071015644968, 7.227523949138482 52.47071015644968, 7.227523949138482 52.47091536495265))",32615_4_6,4,6,167.75000125 +"POLYGON ((7.227523949138482 52.47050494698989, 7.228678925932353 52.47050494698989, 7.228678925932353 52.47029973657327, 7.227523949138482 52.47029973657327, 7.227523949138482 52.47050494698989))",32615_4_8,4,8,135.33333333333334 +"POLYGON ((7.227523949138482 52.47009452519985, 7.228678925932353 52.47009452519985, 7.228678925932353 52.4698893128696, 7.227523949138482 52.4698893128696, 7.227523949138482 52.47009452519985))",32615_4_10,4,10,113.66666666666667 +"POLYGON ((7.227523949138482 52.46886323686588, 7.228678925932353 52.46886323686588, 7.228678925932353 52.46865801879463, 7.227523949138482 52.46865801879463, 7.227523949138482 52.46886323686588))",32615_4_16,4,16,154.500001 +"POLYGON ((7.227523949138482 52.46865801879463, 7.228678925932353 52.46865801879463, 7.228678925932353 52.46845279976656, 7.227523949138482 52.46845279976656, 7.227523949138482 52.46865801879463))",32615_4_17,4,17,140.66666666666666 +"POLYGON ((7.228678925932353 52.47132577908812, 7.229833902726218 52.47132577908812, 7.229833902726218 52.47112057249879, 7.228678925932353 52.47112057249879, 7.228678925932353 52.47132577908812))",32615_5_4,5,4,124.66666666666667 +"POLYGON ((7.228678925932353 52.47091536495265, 7.229833902726218 52.47091536495265, 7.229833902726218 52.47071015644968, 7.228678925932353 52.47071015644968, 7.228678925932353 52.47091536495265))",32615_5_6,5,6,164.33333333333334 +"POLYGON ((7.228678925932353 52.47009452519985, 7.229833902726218 52.47009452519985, 7.229833902726218 52.4698893128696, 7.228678925932353 52.4698893128696, 7.228678925932353 52.47009452519985))",32615_5_10,5,10,136.80414166666665 +"POLYGON ((7.228678925932353 52.4698893128696, 7.229833902726218 52.4698893128696, 7.229833902726218 52.46968409958251, 7.228678925932353 52.46968409958251, 7.228678925932353 52.4698893128696))",32615_5_11,5,11,138.50000175 +"POLYGON ((7.228678925932353 52.46968409958251, 7.229833902726218 52.46968409958251, 7.229833902726218 52.4694788853386, 7.228678925932353 52.4694788853386, 7.228678925932353 52.46968409958251))",32615_5_12,5,12,130.000002 +"POLYGON ((7.228678925932353 52.4694788853386, 7.229833902726218 52.4694788853386, 7.229833902726218 52.46927367013786, 7.228678925932353 52.46927367013786, 7.228678925932353 52.4694788853386))",32615_5_13,5,13,131.55520033333332 +"POLYGON ((7.228678925932353 52.46886323686588, 7.229833902726218 52.46886323686588, 7.229833902726218 52.46865801879463, 7.228678925932353 52.46865801879463, 7.228678925932353 52.46886323686588))",32615_5_16,5,16,164.0 +"POLYGON ((7.228678925932353 52.46824757978163, 7.229833902726218 52.46824757978163, 7.229833902726218 52.46804235883987, 7.228678925932353 52.46804235883987, 7.228678925932353 52.46824757978163))",32615_5_19,5,19,146.00000333333332 +"POLYGON ((7.228678925932353 52.46742669027352, 7.229833902726218 52.46742669027352, 7.229833902726218 52.46722146550437, 7.228678925932353 52.46722146550437, 7.228678925932353 52.46742669027352))",32615_5_23,5,23,132.753749 +"POLYGON ((7.229833902726218 52.47009452519985, 7.230988879520088 52.47009452519985, 7.230988879520088 52.4698893128696, 7.229833902726218 52.4698893128696, 7.229833902726218 52.47009452519985))",32615_6_10,6,10,123.0000015 +"POLYGON ((7.229833902726218 52.4698893128696, 7.230988879520088 52.4698893128696, 7.230988879520088 52.46968409958251, 7.229833902726218 52.46968409958251, 7.229833902726218 52.4698893128696))",32615_6_11,6,11,130.66666666666666 +"POLYGON ((7.229833902726218 52.46968409958251, 7.230988879520088 52.46968409958251, 7.230988879520088 52.4694788853386, 7.229833902726218 52.4694788853386, 7.229833902726218 52.46968409958251))",32615_6_12,6,12,116.66666666666667 +"POLYGON ((7.229833902726218 52.4694788853386, 7.230988879520088 52.4694788853386, 7.230988879520088 52.46927367013786, 7.229833902726218 52.46927367013786, 7.229833902726218 52.4694788853386))",32615_6_13,6,13,131.64997975 +"POLYGON ((7.229833902726218 52.46927367013786, 7.230988879520088 52.46927367013786, 7.230988879520088 52.46906845398029, 7.229833902726218 52.46906845398029, 7.229833902726218 52.46927367013786))",32615_6_14,6,14,141.89507733333332 +"POLYGON ((7.229833902726218 52.46906845398029, 7.230988879520088 52.46906845398029, 7.230988879520088 52.46886323686588, 7.229833902726218 52.46886323686588, 7.229833902726218 52.46906845398029))",32615_6_15,6,15,139.5 +"POLYGON ((7.229833902726218 52.46886323686588, 7.230988879520088 52.46886323686588, 7.230988879520088 52.46865801879463, 7.229833902726218 52.46865801879463, 7.229833902726218 52.46886323686588))",32615_6_16,6,16,154.5 +"POLYGON ((7.229833902726218 52.46845279976656, 7.230988879520088 52.46845279976656, 7.230988879520088 52.46824757978163, 7.229833902726218 52.46824757978163, 7.229833902726218 52.46845279976656))",32615_6_18,6,18,120.249998 +"POLYGON ((7.222904041963012 52.46421139229111, 7.22405901875688 52.46421139229111, 7.22405901875688 52.46400615253111, 7.222904041963012 52.46400615253111, 7.222904041963012 52.46421139229111))",32616_0_12,0,12,152.5 +"POLYGON ((7.222904041963012 52.46236420000318, 7.22405901875688 52.46236420000318, 7.22405901875688 52.4621589516312, 7.222904041963012 52.4621589516312, 7.222904041963012 52.46236420000318))",32616_0_21,0,21,139.500002 +"POLYGON ((7.22405901875688 52.4648271058299, 7.225213995550749 52.4648271058299, 7.225213995550749 52.46462186894051, 7.22405901875688 52.46462186894051, 7.22405901875688 52.4648271058299))",32616_1_9,1,9,131.0 +"POLYGON ((7.225213995550749 52.46400615253111, 7.226368972344616 52.46400615253111, 7.226368972344616 52.4638009118142, 7.225213995550749 52.4638009118142, 7.225213995550749 52.46400615253111))",32616_2_13,2,13,175.0 +"POLYGON ((7.226368972344616 52.46544281075684, 7.227523949138482 52.46544281075684, 7.227523949138482 52.46523757673807, 7.226368972344616 52.46523757673807, 7.226368972344616 52.46544281075684))",32616_3_6,3,6,178.5 +"POLYGON ((7.226368972344616 52.46421139229111, 7.227523949138482 52.46421139229111, 7.227523949138482 52.46400615253111, 7.226368972344616 52.46400615253111, 7.226368972344616 52.46421139229111))",32616_3_12,3,12,130.0 +"POLYGON ((7.226368972344616 52.46339042750977, 7.227523949138482 52.46339042750977, 7.227523949138482 52.46318518392223, 7.226368972344616 52.46318518392223, 7.226368972344616 52.46339042750977))",32616_3_16,3,16,137.5 +"POLYGON ((7.227523949138482 52.46585327592379, 7.228678925932353 52.46585327592379, 7.228678925932353 52.46564804381875, 7.227523949138482 52.46564804381875, 7.227523949138482 52.46585327592379))",32616_4_4,4,4,184.5 +"POLYGON ((7.227523949138482 52.46544281075684, 7.228678925932353 52.46544281075684, 7.228678925932353 52.46523757673807, 7.227523949138482 52.46523757673807, 7.227523949138482 52.46544281075684))",32616_4_6,4,6,173.07526799999997 +"POLYGON ((7.227523949138482 52.46503234176241, 7.228678925932353 52.46503234176241, 7.228678925932353 52.4648271058299, 7.227523949138482 52.4648271058299, 7.227523949138482 52.46503234176241))",32616_4_8,4,8,134.500002 +"POLYGON ((7.227523949138482 52.46462186894051, 7.228678925932353 52.46462186894051, 7.228678925932353 52.46441663109425, 7.227523949138482 52.46441663109425, 7.227523949138482 52.46462186894051))",32616_4_10,4,10,129.0 +"POLYGON ((7.227523949138482 52.46339042750977, 7.228678925932353 52.46339042750977, 7.228678925932353 52.46318518392223, 7.227523949138482 52.46318518392223, 7.227523949138482 52.46339042750977))",32616_4_16,4,16,154.999996 +"POLYGON ((7.227523949138482 52.46318518392223, 7.228678925932353 52.46318518392223, 7.228678925932353 52.4629799393778, 7.227523949138482 52.4629799393778, 7.227523949138482 52.46318518392223))",32616_4_17,4,17,141.0 +"POLYGON ((7.228678925932353 52.46585327592379, 7.229833902726218 52.46585327592379, 7.229833902726218 52.46564804381875, 7.228678925932353 52.46564804381875, 7.228678925932353 52.46585327592379))",32616_5_4,5,4,128.5 +"POLYGON ((7.228678925932353 52.46544281075684, 7.229833902726218 52.46544281075684, 7.229833902726218 52.46523757673807, 7.228678925932353 52.46523757673807, 7.228678925932353 52.46544281075684))",32616_5_6,5,6,184.0 +"POLYGON ((7.228678925932353 52.46462186894051, 7.229833902726218 52.46462186894051, 7.229833902726218 52.46441663109425, 7.228678925932353 52.46441663109425, 7.228678925932353 52.46462186894051))",32616_5_10,5,10,135.000001 +"POLYGON ((7.228678925932353 52.46441663109425, 7.229833902726218 52.46441663109425, 7.229833902726218 52.46421139229111, 7.228678925932353 52.46421139229111, 7.228678925932353 52.46441663109425))",32616_5_11,5,11,135.601205 +"POLYGON ((7.228678925932353 52.46421139229111, 7.229833902726218 52.46421139229111, 7.229833902726218 52.46400615253111, 7.228678925932353 52.46400615253111, 7.228678925932353 52.46421139229111))",32616_5_12,5,12,127.0 +"POLYGON ((7.228678925932353 52.46400615253111, 7.229833902726218 52.46400615253111, 7.229833902726218 52.4638009118142, 7.228678925932353 52.4638009118142, 7.228678925932353 52.46400615253111))",32616_5_13,5,13,126.4999995 +"POLYGON ((7.228678925932353 52.46339042750977, 7.229833902726218 52.46339042750977, 7.229833902726218 52.46318518392223, 7.228678925932353 52.46318518392223, 7.228678925932353 52.46339042750977))",32616_5_16,5,16,163.5 +"POLYGON ((7.228678925932353 52.46277469387648, 7.229833902726218 52.46277469387648, 7.229833902726218 52.46256944741828, 7.228678925932353 52.46256944741828, 7.228678925932353 52.46277469387648))",32616_5_19,5,19,149.0421045 +"POLYGON ((7.228678925932353 52.4619537023023, 7.229833902726218 52.4619537023023, 7.229833902726218 52.46174845201651, 7.228678925932353 52.46174845201651, 7.228678925932353 52.4619537023023))",32616_5_23,5,23,132.8736965 +"POLYGON ((7.229833902726218 52.46462186894051, 7.230988879520088 52.46462186894051, 7.230988879520088 52.46441663109425, 7.229833902726218 52.46441663109425, 7.229833902726218 52.46462186894051))",32616_6_10,6,10,123.628787 +"POLYGON ((7.229833902726218 52.46441663109425, 7.230988879520088 52.46441663109425, 7.230988879520088 52.46421139229111, 7.229833902726218 52.46421139229111, 7.229833902726218 52.46441663109425))",32616_6_11,6,11,130.5 +"POLYGON ((7.229833902726218 52.46421139229111, 7.230988879520088 52.46421139229111, 7.230988879520088 52.46400615253111, 7.229833902726218 52.46400615253111, 7.229833902726218 52.46421139229111))",32616_6_12,6,12,119.0 +"POLYGON ((7.229833902726218 52.46400615253111, 7.230988879520088 52.46400615253111, 7.230988879520088 52.4638009118142, 7.229833902726218 52.4638009118142, 7.229833902726218 52.46400615253111))",32616_6_13,6,13,134.22978333333333 +"POLYGON ((7.229833902726218 52.4638009118142, 7.230988879520088 52.4638009118142, 7.230988879520088 52.46359567014044, 7.229833902726218 52.46359567014044, 7.229833902726218 52.4638009118142))",32616_6_14,6,14,148.1917875 +"POLYGON ((7.229833902726218 52.46359567014044, 7.230988879520088 52.46359567014044, 7.230988879520088 52.46339042750977, 7.229833902726218 52.46339042750977, 7.229833902726218 52.46359567014044))",32616_6_15,6,15,136.0 +"POLYGON ((7.229833902726218 52.46339042750977, 7.230988879520088 52.46339042750977, 7.230988879520088 52.46318518392223, 7.229833902726218 52.46318518392223, 7.229833902726218 52.46339042750977))",32616_6_16,6,16,156.5 +"POLYGON ((7.229833902726218 52.4629799393778, 7.230988879520088 52.4629799393778, 7.230988879520088 52.46277469387648, 7.229833902726218 52.46277469387648, 7.229833902726218 52.4629799393778))",32616_6_18,6,18,118.2256645 +"POLYGON ((7.222904041963012 52.28872529522086, 7.22405901875688 52.28872529522086, 7.22405901875688 52.28851923826352, 7.222904041963012 52.28851923826352, 7.222904041963012 52.28872529522086))",32648_0_12,0,12,148.0 +"POLYGON ((7.222904041963012 52.28666468251811, 7.22405901875688 52.28666468251811, 7.22405901875688 52.28645861597645, 7.222904041963012 52.28645861597645, 7.222904041963012 52.28666468251811))",32648_0_22,0,22,130.4883905 +"POLYGON ((7.22405901875688 52.28934346034238, 7.225213995550749 52.28934346034238, 7.225213995550749 52.28913740626029, 7.22405901875688 52.28913740626029, 7.22405901875688 52.28934346034238))",32648_1_9,1,9,138.0 +"POLYGON ((7.225213995550749 52.28851923826352, 7.226368972344616 52.28851923826352, 7.226368972344616 52.28831318034776, 7.225213995550749 52.28831318034776, 7.225213995550749 52.28851923826352))",32648_2_13,2,13,167.0 +"POLYGON ((7.226368972344616 52.28996161683814, 7.227523949138482 52.28996161683814, 7.227523949138482 52.2897555656313, 7.226368972344616 52.2897555656313, 7.226368972344616 52.28996161683814))",32648_3_6,3,6,190.0 +"POLYGON ((7.226368972344616 52.28872529522086, 7.227523949138482 52.28872529522086, 7.227523949138482 52.28851923826352, 7.226368972344616 52.28851923826352, 7.226368972344616 52.28872529522086))",32648_3_12,3,12,125.75 +"POLYGON ((7.226368972344616 52.28790106164093, 7.227523949138482 52.28790106164093, 7.227523949138482 52.28769500084988, 7.226368972344616 52.28769500084988, 7.226368972344616 52.28790106164093))",32648_3_16,3,16,132.33333333333334 +"POLYGON ((7.227523949138482 52.29037371637659, 7.228678925932353 52.29037371637659, 7.228678925932353 52.29016766708656, 7.227523949138482 52.29016766708656, 7.227523949138482 52.29037371637659))",32648_4_4,4,4,190.0 +"POLYGON ((7.227523949138482 52.29016766708656, 7.228678925932353 52.29016766708656, 7.228678925932353 52.28996161683814, 7.227523949138482 52.28996161683814, 7.227523949138482 52.29016766708656))",32648_4_5,4,5,117.45535687499999 +"POLYGON ((7.227523949138482 52.28913740626029, 7.228678925932353 52.28913740626029, 7.228678925932353 52.28893135121979, 7.227523949138482 52.28893135121979, 7.227523949138482 52.28913740626029))",32648_4_10,4,10,127.0 +"POLYGON ((7.228678925932353 52.29037371637659, 7.229833902726218 52.29037371637659, 7.229833902726218 52.29016766708656, 7.228678925932353 52.29016766708656, 7.228678925932353 52.29037371637659))",32648_5_4,5,4,125.33333333333333 +"POLYGON ((7.228678925932353 52.28996161683814, 7.229833902726218 52.28996161683814, 7.229833902726218 52.2897555656313, 7.228678925932353 52.2897555656313, 7.228678925932353 52.28996161683814))",32648_5_6,5,6,180.33333333333334 +"POLYGON ((7.228678925932353 52.28934346034238, 7.229833902726218 52.28934346034238, 7.229833902726218 52.28913740626029, 7.228678925932353 52.28913740626029, 7.228678925932353 52.28934346034238))",32648_5_9,5,9,131.97037375 +"POLYGON ((7.228678925932353 52.28893135121979, 7.229833902726218 52.28893135121979, 7.229833902726218 52.28872529522086, 7.228678925932353 52.28872529522086, 7.228678925932353 52.28893135121979))",32648_5_11,5,11,131.3174535 +"POLYGON ((7.228678925932353 52.28728287639248, 7.229833902726218 52.28728287639248, 7.229833902726218 52.28707681272613, 7.228678925932353 52.28707681272613, 7.228678925932353 52.28728287639248))",32648_5_19,5,19,143.25000075 +"POLYGON ((7.228678925932353 52.28645861597645, 7.229833902726218 52.28645861597645, 7.229833902726218 52.28625254847635, 7.228678925932353 52.28625254847635, 7.228678925932353 52.28645861597645))",32648_5_23,5,23,121.25000225 +"POLYGON ((7.229833902726218 52.28913740626029, 7.230988879520088 52.28913740626029, 7.230988879520088 52.28893135121979, 7.229833902726218 52.28893135121979, 7.229833902726218 52.28913740626029))",32648_6_10,6,10,144.99999966666667 +"POLYGON ((7.229833902726218 52.28872529522086, 7.230988879520088 52.28872529522086, 7.230988879520088 52.28851923826352, 7.229833902726218 52.28851923826352, 7.229833902726218 52.28872529522086))",32648_6_12,6,12,114.75 +"POLYGON ((7.229833902726218 52.28851923826352, 7.230988879520088 52.28851923826352, 7.230988879520088 52.28831318034776, 7.229833902726218 52.28831318034776, 7.229833902726218 52.28851923826352))",32648_6_13,6,13,131.8908115 +"POLYGON ((7.229833902726218 52.28831318034776, 7.230988879520088 52.28831318034776, 7.230988879520088 52.28810712147355, 7.229833902726218 52.28810712147355, 7.229833902726218 52.28831318034776))",32648_6_14,6,14,138.75018599999999 +"POLYGON ((7.229833902726218 52.2874889391004, 7.230988879520088 52.2874889391004, 7.230988879520088 52.28728287639248, 7.229833902726218 52.28728287639248, 7.229833902726218 52.2874889391004))",32648_6_18,6,18,123.67572175000001 +"POLYGON ((7.222904041963012 52.18970774253543, 7.22405901875688 52.18970774253543, 7.22405901875688 52.18950122532928, 7.222904041963012 52.18950122532928, 7.222904041963012 52.18970774253543))",32666_0_12,0,12,98.75 +"POLYGON ((7.222904041963012 52.18764252730608, 7.22405901875688 52.18764252730608, 7.22405901875688 52.18743600050706, 7.222904041963012 52.18743600050706, 7.222904041963012 52.18764252730608))",32666_0_22,0,22,100.46206520000001 +"POLYGON ((7.22405901875688 52.19032728839824, 7.225213995550749 52.19032728839824, 7.225213995550749 52.19012077406992, 7.22405901875688 52.19012077406992, 7.22405901875688 52.19032728839824))",32666_1_9,1,9,118.0 +"POLYGON ((7.225213995550749 52.18950122532928, 7.226368972344616 52.18950122532928, 7.226368972344616 52.18929470716385, 7.225213995550749 52.18929470716385, 7.225213995550749 52.18950122532928))",32666_2_13,2,13,88.25 +"POLYGON ((7.226368972344616 52.1909468256276, 7.227523949138482 52.1909468256276, 7.227523949138482 52.19074031417708, 7.226368972344616 52.19074031417708, 7.226368972344616 52.1909468256276))",32666_3_6,3,6,84.2 +"POLYGON ((7.226368972344616 52.18970774253543, 7.227523949138482 52.18970774253543, 7.227523949138482 52.18950122532928, 7.226368972344616 52.18950122532928, 7.226368972344616 52.18970774253543))",32666_3_12,3,12,106.25 +"POLYGON ((7.226368972344616 52.18888166795513, 7.227523949138482 52.18888166795513, 7.227523949138482 52.18867514691184, 7.226368972344616 52.18867514691184, 7.226368972344616 52.18888166795513))",32666_3_16,3,16,103.75 +"POLYGON ((7.227523949138482 52.19135984565082, 7.228678925932353 52.19135984565082, 7.228678925932353 52.19115333611884, 7.227523949138482 52.19115333611884, 7.227523949138482 52.19135984565082))",32666_4_4,4,4,105.5 +"POLYGON ((7.227523949138482 52.19115333611884, 7.228678925932353 52.19115333611884, 7.228678925932353 52.1909468256276, 7.227523949138482 52.1909468256276, 7.227523949138482 52.19115333611884))",32666_4_5,4,5,120.25 +"POLYGON ((7.228678925932353 52.19135984565082, 7.229833902726218 52.19135984565082, 7.229833902726218 52.19115333611884, 7.228678925932353 52.19115333611884, 7.228678925932353 52.19135984565082))",32666_5_4,5,4,111.33333333333333 +"POLYGON ((7.228678925932353 52.1909468256276, 7.229833902726218 52.1909468256276, 7.229833902726218 52.19074031417708, 7.228678925932353 52.19074031417708, 7.228678925932353 52.1909468256276))",32666_5_6,5,6,133.0 +"POLYGON ((7.228678925932353 52.19032728839824, 7.229833902726218 52.19032728839824, 7.229833902726218 52.19012077406992, 7.228678925932353 52.19012077406992, 7.228678925932353 52.19032728839824))",32666_5_9,5,9,78.7782372 +"POLYGON ((7.228678925932353 52.18991425878232, 7.229833902726218 52.18991425878232, 7.229833902726218 52.18970774253543, 7.228678925932353 52.18970774253543, 7.228678925932353 52.18991425878232))",32666_5_11,5,11,80.3875458 +"POLYGON ((7.228678925932353 52.18805557802626, 7.229833902726218 52.18805557802626, 7.229833902726218 52.18784905314582, 7.228678925932353 52.18784905314582, 7.228678925932353 52.18805557802626))",32666_5_20,5,20,98.0 +"POLYGON ((7.228678925932353 52.18743600050706, 7.229833902726218 52.18743600050706, 7.229833902726218 52.18722947274873, 7.228678925932353 52.18722947274873, 7.228678925932353 52.18743600050706))",32666_5_23,5,23,86.60000099999999 +"POLYGON ((7.229833902726218 52.19032728839824, 7.230988879520088 52.19032728839824, 7.230988879520088 52.19012077406992, 7.229833902726218 52.19012077406992, 7.229833902726218 52.19032728839824))",32666_6_9,6,9,111.58904775 +"POLYGON ((7.229833902726218 52.18970774253543, 7.230988879520088 52.18970774253543, 7.230988879520088 52.18950122532928, 7.229833902726218 52.18950122532928, 7.229833902726218 52.18970774253543))",32666_6_12,6,12,101.53846153846153 +"POLYGON ((7.229833902726218 52.18950122532928, 7.230988879520088 52.18950122532928, 7.230988879520088 52.18929470716385, 7.229833902726218 52.18929470716385, 7.229833902726218 52.18950122532928))",32666_6_13,6,13,100.870203875 +"POLYGON ((7.229833902726218 52.18929470716385, 7.230988879520088 52.18929470716385, 7.230988879520088 52.18908818803912, 7.229833902726218 52.18908818803912, 7.229833902726218 52.18929470716385))",32666_6_14,6,14,98.33333283333333 +"POLYGON ((7.227523949138482 52.18585259651102, 7.228678925932353 52.18585259651102, 7.228678925932353 52.18564606139802, 7.227523949138482 52.18564606139802, 7.227523949138482 52.18585259651102))",32667_4_4,4,4,121.0 +"POLYGON ((7.228678925932353 52.18543952532571, 7.229833902726218 52.18543952532571, 7.229833902726218 52.18523298829408, 7.228678925932353 52.18523298829408, 7.228678925932353 52.18543952532571))",32667_5_6,5,6,135.0 +"POLYGON ((7.228678925932353 52.18481991135287, 7.229833902726218 52.18481991135287, 7.229833902726218 52.18461337144328, 7.228678925932353 52.18461337144328, 7.228678925932353 52.18481991135287))",32667_5_9,5,9,77.923645 +"POLYGON ((7.228678925932353 52.18440683057438, 7.229833902726218 52.18440683057438, 7.229833902726218 52.18420028874615, 7.228678925932353 52.18420028874615, 7.228678925932353 52.18440683057438))",32667_5_11,5,11,80.51422 +"POLYGON ((7.228678925932353 52.18254791958447, 7.229833902726218 52.18254791958447, 7.229833902726218 52.18234136912226, 7.228678925932353 52.18234136912226, 7.228678925932353 52.18254791958447))",32667_5_20,5,20,104.999998 +"POLYGON ((7.228678925932353 52.1819282653198, 7.229833902726218 52.1819282653198, 7.229833902726218 52.18172171197956, 7.228678925932353 52.18172171197956, 7.228678925932353 52.1819282653198))",32667_5_23,5,23,84.649772 +"POLYGON ((7.229833902726218 52.1839937459586, 7.230988879520088 52.1839937459586, 7.230988879520088 52.18378720221173, 7.229833902726218 52.18378720221173, 7.229833902726218 52.1839937459586))",32667_6_13,6,13,100.873951 +"POLYGON ((7.227523949138482 50.80288415061886, 7.228678925932353 50.80288415061886, 7.228678925932353 50.80267125268156, 7.227523949138482 50.80267125268156, 7.227523949138482 50.80288415061886))",32914_4_12,4,12,133.66666666666666 +"POLYGON ((7.227523949138482 50.79720654031169, 7.228678925932353 50.79720654031169, 7.228678925932353 50.79699361650572, 7.227523949138482 50.79699361650572, 7.227523949138482 50.79720654031169))",32915_4_12,4,12,129.5 +"POLYGON ((7.227523949138482 50.76312639074575, 7.228678925932353 50.76312639074575, 7.228678925932353 50.76291331170566, 7.227523949138482 50.76291331170566, 7.227523949138482 50.76312639074575))",32921_4_12,4,12,133.0 +"POLYGON ((7.227523949138482 50.75744395093644, 7.228678925932353 50.75744395093644, 7.228678925932353 50.75723084602033, 7.227523949138482 50.75723084602033, 7.227523949138482 50.75744395093644))",32922_4_12,4,12,134.66666666666666 +"POLYGON ((7.227523949138482 50.75176082108649, 7.228678925932353 50.75176082108649, 7.228678925932353 50.7515476902933, 7.227523949138482 50.7515476902933, 7.227523949138482 50.75176082108649))",32923_4_12,4,12,139.0 +"POLYGON ((7.231887194804207 53.60433303724182, 7.233042171598076 53.60433303724182, 7.233042171598076 53.60413315330391, 7.231887194804207 53.60413315330391, 7.231887194804207 53.60433303724182))",33080_0_10,0,10,69.0 +"POLYGON ((7.234197148391942 53.60353349581438, 7.235352125185812 53.60353349581438, 7.235352125185812 53.60333360809258, 7.234197148391942 53.60333360809258, 7.234197148391942 53.60353349581438))",33080_2_14,2,14,73.0 +"POLYGON ((7.235352125185812 53.60473280227971, 7.236507101979679 53.60473280227971, 7.236507101979679 53.60453292023375, 7.235352125185812 53.60453292023375, 7.235352125185812 53.60473280227971))",33080_3_8,3,8,65.5 +"POLYGON ((7.236507101979679 53.60533244274182, 7.237662078773546 53.60533244274182, 7.237662078773546 53.60513256353374, 7.236507101979679 53.60513256353374, 7.236507101979679 53.60533244274182))",33080_4_5,4,5,75.0 +"POLYGON ((7.236507101979679 53.60453292023375, 7.237662078773546 53.60453292023375, 7.237662078773546 53.60433303724182, 7.236507101979679 53.60433303724182, 7.236507101979679 53.60453292023375))",33080_4_9,4,9,77.999999 +"POLYGON ((7.237662078773546 53.60533244274182, 7.238817055567415 53.60533244274182, 7.238817055567415 53.60513256353374, 7.237662078773546 53.60513256353374, 7.237662078773546 53.60533244274182))",33080_5_5,5,5,74.5 +"POLYGON ((7.238817055567415 53.6037333825902, 7.239972032361282 53.6037333825902, 7.239972032361282 53.60353349581438, 7.238817055567415 53.60353349581438, 7.238817055567415 53.6037333825902))",33080_6_13,6,13,69.0 +"POLYGON ((7.231887194804207 53.59900247515961, 7.233042171598076 53.59900247515961, 7.233042171598076 53.59880256599511, 7.231887194804207 53.59880256599511, 7.231887194804207 53.59900247515961))",33081_0_10,0,10,40.90909090909091 +"POLYGON ((7.234197148391942 53.59820283282543, 7.235352125185812 53.59820283282543, 7.235352125185812 53.5980029198768, 7.234197148391942 53.5980029198768, 7.234197148391942 53.59820283282543))",33081_2_14,2,14,52.125 +"POLYGON ((7.235352125185812 53.59940229065054, 7.236507101979679 53.59940229065054, 7.236507101979679 53.59920238337809, 7.235352125185812 53.59920238337809, 7.235352125185812 53.59940229065054))",33081_3_8,3,8,59.285714285714285 +"POLYGON ((7.236507101979679 53.60000200679181, 7.237662078773546 53.60000200679181, 7.237662078773546 53.5998021023574, 7.236507101979679 53.5998021023574, 7.236507101979679 53.60000200679181))",33081_4_5,4,5,50.888888888888886 +"POLYGON ((7.236507101979679 53.59920238337809, 7.237662078773546 53.59920238337809, 7.237662078773546 53.59900247515961, 7.236507101979679 53.59900247515961, 7.236507101979679 53.59920238337809))",33081_4_9,4,9,46.030606999999996 +"POLYGON ((7.237662078773546 53.60000200679181, 7.238817055567415 53.60000200679181, 7.238817055567415 53.5998021023574, 7.237662078773546 53.5998021023574, 7.237662078773546 53.60000200679181))",33081_5_5,5,5,55.25 +"POLYGON ((7.238817055567415 53.59840274482801, 7.239972032361282 53.59840274482801, 7.239972032361282 53.59820283282543, 7.238817055567415 53.59820283282543, 7.238817055567415 53.59840274482801))",33081_6_13,6,13,67.4 +"POLYGON ((7.231887194804207 53.59367124034929, 7.233042171598076 53.59367124034929, 7.233042171598076 53.59347130595674, 7.231887194804207 53.59347130595674, 7.231887194804207 53.59367124034929))",33082_0_10,0,10,67.5 +"POLYGON ((7.234197148391942 53.59287149710255, 7.235352125185812 53.59287149710255, 7.235352125185812 53.59267155892566, 7.234197148391942 53.59267155892566, 7.234197148391942 53.59287149710255))",33082_2_14,2,14,93.0 +"POLYGON ((7.235352125185812 53.59407110629618, 7.236507101979679 53.59407110629618, 7.236507101979679 53.59387117379578, 7.235352125185812 53.59387117379578, 7.235352125185812 53.59407110629618))",33082_3_8,3,8,117.66666666666667 +"POLYGON ((7.236507101979679 53.59467089812097, 7.237662078773546 53.59467089812097, 7.237662078773546 53.59447096845879, 7.236507101979679 53.59447096845879, 7.236507101979679 53.59467089812097))",33082_4_5,4,5,79.66666666666667 +"POLYGON ((7.236507101979679 53.59387117379578, 7.237662078773546 53.59387117379578, 7.237662078773546 53.59367124034929, 7.236507101979679 53.59367124034929, 7.236507101979679 53.59387117379578))",33082_4_9,4,9,76.99999940000001 +"POLYGON ((7.237662078773546 53.59467089812097, 7.238817055567415 53.59467089812097, 7.238817055567415 53.59447096845879, 7.237662078773546 53.59447096845879, 7.237662078773546 53.59467089812097))",33082_5_5,5,5,78.8 +"POLYGON ((7.238817055567415 53.59307143433337, 7.239972032361282 53.59307143433337, 7.239972032361282 53.59287149710255, 7.238817055567415 53.59287149710255, 7.238817055567415 53.59307143433337))",33082_6_13,6,13,81.6 +"POLYGON ((7.231887194804207 53.58833933277214, 7.233042171598076 53.58833933277214, 7.233042171598076 53.58813937315008, 7.231887194804207 53.58813937315008, 7.231887194804207 53.58833933277214))",33083_0_10,0,10,89.0 +"POLYGON ((7.234197148391942 53.58753948860704, 7.235352125185812 53.58753948860704, 7.235352125185812 53.58733952520041, 7.234197148391942 53.58733952520041, 7.234197148391942 53.58753948860704))",33083_2_14,2,14,100.66666666666667 +"POLYGON ((7.235352125185812 53.58873924917789, 7.236507101979679 53.58873924917789, 7.236507101979679 53.58853929144809, 7.235352125185812 53.58853929144809, 7.235352125185812 53.58873924917789))",33083_3_8,3,8,117.0 +"POLYGON ((7.236507101979679 53.58933911669055, 7.237662078773546 53.58933911669055, 7.237662078773546 53.58913916179912, 7.236507101979679 53.58913916179912, 7.236507101979679 53.58933911669055))",33083_4_5,4,5,83.33333333333333 +"POLYGON ((7.236507101979679 53.58853929144809, 7.237662078773546 53.58853929144809, 7.237662078773546 53.58833933277214, 7.236507101979679 53.58833933277214, 7.236507101979679 53.58853929144809))",33083_4_9,4,9,76.4601578 +"POLYGON ((7.237662078773546 53.58933911669055, 7.238817055567415 53.58933911669055, 7.238817055567415 53.58913916179912, 7.237662078773546 53.58913916179912, 7.237662078773546 53.58933911669055))",33083_5_5,5,5,77.33333333333333 +"POLYGON ((7.238817055567415 53.58773945106753, 7.239972032361282 53.58773945106753, 7.239972032361282 53.58753948860704, 7.238817055567415 53.58753948860704, 7.238817055567415 53.58773945106753))",33083_6_13,6,13,90.0 +"POLYGON ((7.231887194804207 53.57767349916247, 7.233042171598076 53.57767349916247, 7.233042171598076 53.57747348907702, 7.231887194804207 53.57747348907702, 7.231887194804207 53.57767349916247))",33085_0_10,0,10,69.66666666666667 +"POLYGON ((7.234197148391942 53.57687345314321, 7.235352125185812 53.57687345314321, 7.235352125185812 53.57667343927278, 7.234197148391942 53.57667343927278, 7.234197148391942 53.57687345314321))",33085_2_14,2,14,79.8 +"POLYGON ((7.236507101979679 53.57867353539611, 7.237662078773546 53.57867353539611, 7.237662078773546 53.57847353004185, 7.236507101979679 53.57847353004185, 7.236507101979679 53.57867353539611))",33085_4_5,4,5,66.28571428571429 +"POLYGON ((7.237662078773546 53.57867353539611, 7.238817055567415 53.57867353539611, 7.238817055567415 53.57847353004185, 7.237662078773546 53.57847353004185, 7.237662078773546 53.57867353539611))",33085_5_5,5,5,69.83333333333333 +"POLYGON ((7.238817055567415 53.5770734660674, 7.239972032361282 53.5770734660674, 7.239972032361282 53.57687345314321, 7.238817055567415 53.57687345314321, 7.238817055567415 53.5770734660674))",33085_6_13,6,13,64.42857142857143 +"POLYGON ((7.231887194804207 53.57233957305256, 7.233042171598076 53.57233957305256, 7.233042171598076 53.57213953773325, 7.231887194804207 53.57213953773325, 7.231887194804207 53.57233957305256))",33086_0_10,0,10,68.5 +"POLYGON ((7.234197148391942 53.57153942609754, 7.235352125185812 53.57153942609754, 7.235352125185812 53.57133938699302, 7.234197148391942 53.57133938699302, 7.234197148391942 53.57153942609754))",33086_2_14,2,14,96.33333333333333 +"POLYGON ((7.236507101979679 53.57333973545471, 7.237662078773546 53.57333973545471, 7.237662078773546 53.57313970486685, 7.236507101979679 53.57313970486685, 7.236507101979679 53.57333973545471))",33086_4_5,4,5,70.4 +"POLYGON ((7.237662078773546 53.57333973545471, 7.238817055567415 53.57333973545471, 7.238817055567415 53.57313970486685, 7.237662078773546 53.57313970486685, 7.237662078773546 53.57333973545471))",33086_5_5,5,5,64.75 +"POLYGON ((7.238817055567415 53.57173946425574, 7.239972032361282 53.57173946425574, 7.239972032361282 53.57153942609754, 7.238817055567415 53.57153942609754, 7.238817055567415 53.57173946425574))",33086_6_13,6,13,67.5 +"POLYGON ((7.235352125185812 53.4340232560351, 7.236507101979679 53.4340232560351, 7.236507101979679 53.43382256697173, 7.235352125185812 53.43382256697173, 7.235352125185812 53.4340232560351))",33112_3_7,3,7,86.0 +"POLYGON ((7.236507101979679 53.43362187696065, 7.237662078773546 53.43362187696065, 7.237662078773546 53.43342118600187, 7.236507101979679 53.43342118600187, 7.236507101979679 53.43362187696065))",33112_4_9,4,9,65.54794566666666 +"POLYGON ((7.237662078773546 53.4340232560351, 7.238817055567415 53.4340232560351, 7.238817055567415 53.43382256697173, 7.237662078773546 53.43382256697173, 7.237662078773546 53.4340232560351))",33112_5_7,5,7,72.0 +"POLYGON ((7.231887194804207 53.42806907749862, 7.233042171598076 53.42806907749862, 7.233042171598076 53.42786836031939, 7.231887194804207 53.42786836031939, 7.231887194804207 53.42806907749862))",33113_0_10,0,10,51.333333333333336 +"POLYGON ((7.234197148391942 53.42726620309514, 7.235352125185812 53.42726620309514, 7.235352125185812 53.42706548212487, 7.234197148391942 53.42706548212487, 7.234197148391942 53.42726620309514))",33113_2_14,2,14,66.0 +"POLYGON ((7.235352125185812 53.4286712233498, 7.236507101979679 53.4286712233498, 7.236507101979679 53.42847050901383, 7.235352125185812 53.42847050901383, 7.235352125185812 53.4286712233498))",33113_3_7,3,7,52.833333333333336 +"POLYGON ((7.236507101979679 53.4290726491785, 7.237662078773546 53.4290726491785, 7.237662078773546 53.42887193673803, 7.236507101979679 53.42887193673803, 7.236507101979679 53.4290726491785))",33113_4_5,4,5,73.66666666666667 +"POLYGON ((7.236507101979679 53.42826979373009, 7.237662078773546 53.42826979373009, 7.237662078773546 53.42806907749862, 7.236507101979679 53.42806907749862, 7.236507101979679 53.42826979373009))",33113_4_9,4,9,38.90023755555555 +"POLYGON ((7.237662078773546 53.4290726491785, 7.238817055567415 53.4290726491785, 7.238817055567415 53.42887193673803, 7.237662078773546 53.42887193673803, 7.237662078773546 53.4290726491785))",33113_5_5,5,5,89.0 +"POLYGON ((7.237662078773546 53.4286712233498, 7.238817055567415 53.4286712233498, 7.238817055567415 53.42847050901383, 7.237662078773546 53.42847050901383, 7.237662078773546 53.4286712233498))",33113_5_7,5,7,38.166666666666664 +"POLYGON ((7.238817055567415 53.4276676421924, 7.239972032361282 53.4276676421924, 7.239972032361282 53.42746692311766, 7.238817055567415 53.42746692311766, 7.238817055567415 53.4276676421924))",33113_6_12,6,12,83.671053 +"POLYGON ((7.238817055567415 53.42746692311766, 7.239972032361282 53.42746692311766, 7.239972032361282 53.42726620309514, 7.238817055567415 53.42726620309514, 7.238817055567415 53.42746692311766))",33113_6_13,6,13,66.0 +"POLYGON ((7.231887194804207 53.42271629503686, 7.233042171598076 53.42271629503686, 7.233042171598076 53.42251555258344, 7.231887194804207 53.42251555258344, 7.231887194804207 53.42271629503686))",33114_0_10,0,10,68.83333333333333 +"POLYGON ((7.234197148391942 53.42191331953632, 7.235352125185812 53.42191331953632, 7.235352125185812 53.42171257329165, 7.234197148391942 53.42171257329165, 7.234197148391942 53.42191331953632))",33114_2_14,2,14,70.16666666666667 +"POLYGON ((7.235352125185812 53.42331851671027, 7.236507101979679 53.42331851671027, 7.236507101979679 53.42311777710027, 7.235352125185812 53.42311777710027, 7.235352125185812 53.42331851671027))",33114_3_7,3,7,51.2 +"POLYGON ((7.236507101979679 53.42371999308688, 7.237662078773546 53.42371999308688, 7.237662078773546 53.42351925537248, 7.236507101979679 53.42351925537248, 7.236507101979679 53.42371999308688))",33114_4_5,4,5,71.16666666666667 +"POLYGON ((7.236507101979679 53.42291703654247, 7.237662078773546 53.42291703654247, 7.237662078773546 53.42271629503686, 7.236507101979679 53.42271629503686, 7.236507101979679 53.42291703654247))",33114_4_9,4,9,47.44189627272727 +"POLYGON ((7.237662078773546 53.42371999308688, 7.238817055567415 53.42371999308688, 7.238817055567415 53.42351925537248, 7.237662078773546 53.42351925537248, 7.237662078773546 53.42371999308688))",33114_5_5,5,5,81.5 +"POLYGON ((7.237662078773546 53.42331851671027, 7.238817055567415 53.42331851671027, 7.238817055567415 53.42311777710027, 7.237662078773546 53.42311777710027, 7.237662078773546 53.42331851671027))",33114_5_7,5,7,52.5 +"POLYGON ((7.238817055567415 53.42231480918222, 7.239972032361282 53.42231480918222, 7.239972032361282 53.42211406483317, 7.238817055567415 53.42211406483317, 7.238817055567415 53.42231480918222))",33114_6_12,6,12,81.4135797142857 +"POLYGON ((7.238817055567415 53.42211406483317, 7.239972032361282 53.42211406483317, 7.239972032361282 53.42191331953632, 7.238817055567415 53.42191331953632, 7.238817055567415 53.42211406483317))",33114_6_13,6,13,69.71428571428571 +"POLYGON ((7.231887194804207 53.41736283857847, 7.233042171598076 53.41736283857847, 7.233042171598076 53.41716207084944, 7.231887194804207 53.41716207084944, 7.231887194804207 53.41736283857847))",33115_0_10,0,10,78.0 +"POLYGON ((7.234197148391942 53.41655976197514, 7.235352125185812 53.41655976197514, 7.235352125185812 53.41635899045465, 7.234197148391942 53.41635899045465, 7.234197148391942 53.41655976197514))",33115_2_14,2,14,74.0 +"POLYGON ((7.236507101979679 53.41836666300576, 7.237662078773546 53.41836666300576, 7.237662078773546 53.41816590001601, 7.236507101979679 53.41816590001601, 7.236507101979679 53.41836666300576))",33115_4_5,4,5,80.0 +"POLYGON ((7.236507101979679 53.41756360535965, 7.237662078773546 53.41756360535965, 7.237662078773546 53.41736283857847, 7.236507101979679 53.41736283857847, 7.236507101979679 53.41756360535965))",33115_4_9,4,9,79.999998 +"POLYGON ((7.231887194804207 53.38522794376506, 7.233042171598076 53.38522794376506, 7.233042171598076 53.38502702435233, 7.231887194804207 53.38502702435233, 7.231887194804207 53.38522794376506))",33121_0_10,0,10,113.0 +"POLYGON ((7.234197148391942 53.38442426042506, 7.235352125185812 53.38442426042506, 7.235352125185812 53.38422333721959, 7.234197148391942 53.38422333721959, 7.234197148391942 53.38442426042506))",33121_2_14,2,14,116.5 +"POLYGON ((7.235352125185812 53.38583069631412, 7.236507101979679 53.38583069631412, 7.236507101979679 53.38562977974594, 7.235352125185812 53.38562977974594, 7.235352125185812 53.38583069631412))",33121_3_7,3,7,123.5 +"POLYGON ((7.236507101979679 53.38623252660595, 7.237662078773546 53.38623252660595, 7.237662078773546 53.38603161193412, 7.236507101979679 53.38603161193412, 7.236507101979679 53.38623252660595))",33121_4_5,4,5,124.5 +"POLYGON ((7.236507101979679 53.38542886222958, 7.237662078773546 53.38542886222958, 7.237662078773546 53.38522794376506, 7.236507101979679 53.38522794376506, 7.236507101979679 53.38542886222958))",33121_4_9,4,9,107.9999985 +"POLYGON ((7.237662078773546 53.38623252660595, 7.238817055567415 53.38623252660595, 7.238817055567415 53.38603161193412, 7.237662078773546 53.38603161193412, 7.237662078773546 53.38623252660595))",33121_5_5,5,5,87.5 +"POLYGON ((7.237662078773546 53.38583069631412, 7.238817055567415 53.38583069631412, 7.238817055567415 53.38562977974594, 7.237662078773546 53.38562977974594, 7.237662078773546 53.38583069631412))",33121_5_7,5,7,80.0 +"POLYGON ((7.238817055567415 53.38482610399144, 7.239972032361282 53.38482610399144, 7.239972032361282 53.38462518268234, 7.238817055567415 53.38462518268234, 7.238817055567415 53.38482610399144))",33121_6_12,6,12,104.0000005 +"POLYGON ((7.238817055567415 53.38442426042506, 7.239972032361282 53.38442426042506, 7.239972032361282 53.38422333721959, 7.238817055567415 53.38422333721959, 7.238817055567415 53.38442426042506))",33121_6_14,6,14,104.66666666666667 +"POLYGON ((7.231887194804207 53.37986976826376, 7.233042171598076 53.37986976826376, 7.233042171598076 53.37966882356544, 7.231887194804207 53.37966882356544, 7.231887194804207 53.37986976826376))",33122_0_10,0,10,114.0 +"POLYGON ((7.231887194804207 53.37966882356544, 7.233042171598076 53.37966882356544, 7.233042171598076 53.37946787791888, 7.231887194804207 53.37946787791888, 7.231887194804207 53.37966882356544))",33122_0_11,0,11,113.0 +"POLYGON ((7.234197148391942 53.37906598378103, 7.235352125185812 53.37906598378103, 7.235352125185812 53.37886503528974, 7.234197148391942 53.37886503528974, 7.234197148391942 53.37906598378103))",33122_2_14,2,14,114.0 +"POLYGON ((7.235352125185812 53.38047259666934, 7.236507101979679 53.38047259666934, 7.236507101979679 53.38027165481571, 7.235352125185812 53.38027165481571, 7.235352125185812 53.38047259666934))",33122_3_7,3,7,121.33333333333333 +"POLYGON ((7.236507101979679 53.38087447753188, 7.237662078773546 53.38087447753188, 7.237662078773546 53.38067353757472, 7.236507101979679 53.38067353757472, 7.236507101979679 53.38087447753188))",33122_4_5,4,5,121.66666666666667 +"POLYGON ((7.236507101979679 53.38007071201385, 7.237662078773546 53.38007071201385, 7.237662078773546 53.37986976826376, 7.236507101979679 53.37986976826376, 7.236507101979679 53.38007071201385))",33122_4_9,4,9,99.6428734 +"POLYGON ((7.237662078773546 53.38087447753188, 7.238817055567415 53.38087447753188, 7.238817055567415 53.38067353757472, 7.237662078773546 53.38067353757472, 7.237662078773546 53.38087447753188))",33122_5_5,5,5,90.4 +"POLYGON ((7.237662078773546 53.38047259666934, 7.238817055567415 53.38047259666934, 7.238817055567415 53.38027165481571, 7.237662078773546 53.38027165481571, 7.237662078773546 53.38047259666934))",33122_5_7,5,7,79.8 +"POLYGON ((7.238817055567415 53.37946787791888, 7.239972032361282 53.37946787791888, 7.239972032361282 53.37926693132407, 7.238817055567415 53.37926693132407, 7.238817055567415 53.37946787791888))",33122_6_12,6,12,104.39999900000001 +"POLYGON ((7.238817055567415 53.37906598378103, 7.239972032361282 53.37906598378103, 7.239972032361282 53.37886503528974, 7.238817055567415 53.37886503528974, 7.238817055567415 53.37906598378103))",33122_6_14,6,14,111.0 +"POLYGON ((7.231887194804207 53.37430994847601, 7.233042171598076 53.37430994847601, 7.233042171598076 53.37410897754236, 7.231887194804207 53.37410897754236, 7.231887194804207 53.37430994847601))",33123_0_11,0,11,111.0 +"POLYGON ((7.234197148391942 53.37370703283018, 7.235352125185812 53.37370703283018, 7.235352125185812 53.37350605905165, 7.234197148391942 53.37350605905165, 7.234197148391942 53.37370703283018))",33123_2_14,2,14,111.0 +"POLYGON ((7.235352125185812 53.3751138227277, 7.236507101979679 53.3751138227277, 7.236507101979679 53.3749128555872, 7.235352125185812 53.3749128555872, 7.235352125185812 53.3751138227277))",33123_3_7,3,7,114.0 +"POLYGON ((7.236507101979679 53.37551575416384, 7.237662078773546 53.37551575416384, 7.237662078773546 53.37531478891991, 7.236507101979679 53.37531478891991, 7.236507101979679 53.37551575416384))",33123_4_5,4,5,125.0 +"POLYGON ((7.236507101979679 53.37471188749843, 7.237662078773546 53.37471188749843, 7.237662078773546 53.37451091846136, 7.236507101979679 53.37451091846136, 7.236507101979679 53.37471188749843))",33123_4_9,4,9,97.000003 +"POLYGON ((7.237662078773546 53.3751138227277, 7.238817055567415 53.3751138227277, 7.238817055567415 53.3749128555872, 7.237662078773546 53.3749128555872, 7.237662078773546 53.3751138227277))",33123_5_7,5,7,83.0 +"POLYGON ((7.238817055567415 53.37410897754236, 7.239972032361282 53.37410897754236, 7.239972032361282 53.37390800566042, 7.238817055567415 53.37390800566042, 7.238817055567415 53.37410897754236))",33123_6_12,6,12,101.0 +"POLYGON ((7.237662078773546 53.36895039904608, 7.238817055567415 53.36895039904608, 7.238817055567415 53.36874940282392, 7.237662078773546 53.36874940282392, 7.237662078773546 53.36895039904608))",33124_5_11,5,11,85.0 +"POLYGON ((7.237662078773546 53.36874940282392, 7.238817055567415 53.36874940282392, 7.238817055567415 53.36854840565343, 7.237662078773546 53.36854840565343, 7.237662078773546 53.36874940282392))",33124_5_12,5,12,88.610778 +"POLYGON ((7.237662078773546 53.36359017523769, 7.238817055567415 53.36359017523769, 7.238817055567415 53.3633891537256, 7.237662078773546 53.3633891537256, 7.237662078773546 53.36359017523769))",33125_5_11,5,11,85.30894885714285 +"POLYGON ((7.237662078773546 53.3633891537256, 7.238817055567415 53.3633891537256, 7.238817055567415 53.36318813126513, 7.237662078773546 53.36318813126513, 7.237662078773546 53.3633891537256))",33125_5_12,5,12,88.75477814285715 +"POLYGON ((7.233042171598076 53.18154668175862, 7.234197148391942 53.18154668175862, 7.234197148391942 53.18134480239792, 7.233042171598076 53.18134480239792, 7.233042171598076 53.18154668175862))",33159_1_8,1,8,133.33333333333334 +"POLYGON ((7.231887194804207 53.08392830873037, 7.233042171598076 53.08392830873037, 7.233042171598076 53.08372597019878, 7.231887194804207 53.08372597019878, 7.231887194804207 53.08392830873037))",33177_0_11,0,11,110.5 +"POLYGON ((7.231887194804207 53.08190488061305, 7.233042171598076 53.08190488061305, 7.233042171598076 53.08170253256999, 7.231887194804207 53.08170253256999, 7.231887194804207 53.08190488061305))",33177_0_21,0,21,133.6831125 +"POLYGON ((7.233042171598076 53.08453531861834, 7.234197148391942 53.08453531861834, 7.234197148391942 53.08433298294015, 7.233042171598076 53.08433298294015, 7.233042171598076 53.08453531861834))",33177_1_8,1,8,135.66666666666666 +"POLYGON ((7.234197148391942 53.08352363071605, 7.235352125185812 53.08352363071605, 7.235352125185812 53.08332129028219, 7.234197148391942 53.08332129028219, 7.234197148391942 53.08352363071605))",33177_2_13,2,13,87.0 +"POLYGON ((7.235352125185812 53.0847376533454, 7.236507101979679 53.0847376533454, 7.236507101979679 53.08453531861834, 7.235352125185812 53.08453531861834, 7.235352125185812 53.0847376533454))",33177_3_7,3,7,90.66666666666667 +"POLYGON ((7.235352125185812 53.08352363071605, 7.236507101979679 53.08352363071605, 7.236507101979679 53.08332129028219, 7.235352125185812 53.08332129028219, 7.235352125185812 53.08352363071605))",33177_3_13,3,13,126.5 +"POLYGON ((7.236507101979679 53.08534465181983, 7.237662078773546 53.08534465181983, 7.237662078773546 53.08514231994614, 7.236507101979679 53.08514231994614, 7.236507101979679 53.08534465181983))",33177_4_4,4,4,200.0 +"POLYGON ((7.236507101979679 53.08453531861834, 7.237662078773546 53.08453531861834, 7.237662078773546 53.08433298294015, 7.236507101979679 53.08433298294015, 7.236507101979679 53.08453531861834))",33177_4_8,4,8,150.80379499999998 +"POLYGON ((7.236507101979679 53.08271426327372, 7.237662078773546 53.08271426327372, 7.237662078773546 53.08251191903529, 7.236507101979679 53.08251191903529, 7.236507101979679 53.08271426327372))",33177_4_17,4,17,132.499998 +"POLYGON ((7.237662078773546 53.08534465181983, 7.238817055567415 53.08534465181983, 7.238817055567415 53.08514231994614, 7.237662078773546 53.08514231994614, 7.237662078773546 53.08534465181983))",33177_5_4,5,4,87.66666666666667 +"POLYGON ((7.237662078773546 53.08493998712134, 7.238817055567415 53.08493998712134, 7.238817055567415 53.0847376533454, 7.237662078773546 53.0847376533454, 7.237662078773546 53.08493998712134))",33177_5_6,5,6,86.66666666666667 +"POLYGON ((7.237662078773546 53.08413064631083, 7.238817055567415 53.08413064631083, 7.238817055567415 53.08392830873037, 7.237662078773546 53.08392830873037, 7.237662078773546 53.08413064631083))",33177_5_10,5,10,145.76704 +"POLYGON ((7.237662078773546 53.08392830873037, 7.238817055567415 53.08392830873037, 7.238817055567415 53.08372597019878, 7.237662078773546 53.08372597019878, 7.237662078773546 53.08392830873037))",33177_5_11,5,11,109.6518975 +"POLYGON ((7.237662078773546 53.08372597019878, 7.238817055567415 53.08372597019878, 7.238817055567415 53.08352363071605, 7.237662078773546 53.08352363071605, 7.237662078773546 53.08372597019878))",33177_5_12,5,12,131.33333333333334 +"POLYGON ((7.237662078773546 53.08332129028219, 7.238817055567415 53.08332129028219, 7.238817055567415 53.08311894889717, 7.237662078773546 53.08311894889717, 7.237662078773546 53.08332129028219))",33177_5_14,5,14,151.000002 +"POLYGON ((7.237662078773546 53.08311894889717, 7.238817055567415 53.08311894889717, 7.238817055567415 53.08291660656102, 7.237662078773546 53.08291660656102, 7.237662078773546 53.08311894889717))",33177_5_15,5,15,113.33333333333333 +"POLYGON ((7.237662078773546 53.08230957384569, 7.238817055567415 53.08230957384569, 7.238817055567415 53.08210722770494, 7.237662078773546 53.08210722770494, 7.237662078773546 53.08230957384569))",33177_5_19,5,19,142.66666933333332 +"POLYGON ((7.237662078773546 53.08170253256999, 7.238817055567415 53.08170253256999, 7.238817055567415 53.08150018357579, 7.237662078773546 53.08150018357579, 7.237662078773546 53.08170253256999))",33177_5_22,5,22,118.869323 +"POLYGON ((7.238817055567415 53.08413064631083, 7.239972032361282 53.08413064631083, 7.239972032361282 53.08392830873037, 7.238817055567415 53.08392830873037, 7.238817055567415 53.08413064631083))",33177_6_10,6,10,120.500001 +"POLYGON ((7.238817055567415 53.08392830873037, 7.239972032361282 53.08392830873037, 7.239972032361282 53.08372597019878, 7.238817055567415 53.08372597019878, 7.238817055567415 53.08392830873037))",33177_6_11,6,11,113.11111111111111 +"POLYGON ((7.238817055567415 53.08372597019878, 7.239972032361282 53.08372597019878, 7.239972032361282 53.08352363071605, 7.238817055567415 53.08352363071605, 7.238817055567415 53.08372597019878))",33177_6_12,6,12,127.62328400000001 +"POLYGON ((7.238817055567415 53.08352363071605, 7.239972032361282 53.08352363071605, 7.239972032361282 53.08332129028219, 7.238817055567415 53.08332129028219, 7.238817055567415 53.08352363071605))",33177_6_13,6,13,121.6666665 +"POLYGON ((7.238817055567415 53.08332129028219, 7.239972032361282 53.08332129028219, 7.239972032361282 53.08311894889717, 7.238817055567415 53.08311894889717, 7.238817055567415 53.08332129028219))",33177_6_14,6,14,185.0 +"POLYGON ((7.238817055567415 53.08291660656102, 7.239972032361282 53.08291660656102, 7.239972032361282 53.08271426327372, 7.238817055567415 53.08271426327372, 7.238817055567415 53.08291660656102))",33177_6_16,6,16,72.75 +"POLYGON ((7.238817055567415 53.08271426327372, 7.239972032361282 53.08271426327372, 7.239972032361282 53.08251191903529, 7.238817055567415 53.08251191903529, 7.238817055567415 53.08271426327372))",33177_6_17,6,17,119.75143766666667 +"POLYGON ((7.231887194804207 53.07853228904884, 7.233042171598076 53.07853228904884, 7.233042171598076 53.07832992515292, 7.231887194804207 53.07832992515292, 7.231887194804207 53.07853228904884))",33178_0_11,0,11,85.0 +"POLYGON ((7.231887194804207 53.07650860728594, 7.233042171598076 53.07650860728594, 7.233042171598076 53.07630623387804, 7.231887194804207 53.07630623387804, 7.231887194804207 53.07650860728594))",33178_0_21,0,21,134.832838 +"POLYGON ((7.233042171598076 53.07913937502948, 7.234197148391942 53.07913937502948, 7.234197148391942 53.07893701398711, 7.233042171598076 53.07893701398711, 7.233042171598076 53.07913937502948))",33178_1_8,1,8,135.66666666666666 +"POLYGON ((7.234197148391942 53.07812756030582, 7.235352125185812 53.07812756030582, 7.235352125185812 53.07792519450751, 7.234197148391942 53.07792519450751, 7.234197148391942 53.07812756030582))",33178_2_13,2,13,97.25 +"POLYGON ((7.235352125185812 53.07934173512065, 7.236507101979679 53.07934173512065, 7.236507101979679 53.07913937502948, 7.235352125185812 53.07913937502948, 7.235352125185812 53.07934173512065))",33178_3_7,3,7,91.75 +"POLYGON ((7.235352125185812 53.07812756030582, 7.236507101979679 53.07812756030582, 7.236507101979679 53.07792519450751, 7.235352125185812 53.07792519450751, 7.235352125185812 53.07812756030582))",33178_3_13,3,13,125.0 +"POLYGON ((7.236507101979679 53.07994880968712, 7.237662078773546 53.07994880968712, 7.237662078773546 53.07974645244948, 7.236507101979679 53.07974645244948, 7.236507101979679 53.07994880968712))",33178_4_4,4,4,200.0 +"POLYGON ((7.236507101979679 53.07913937502948, 7.237662078773546 53.07913937502948, 7.237662078773546 53.07893701398711, 7.236507101979679 53.07893701398711, 7.236507101979679 53.07913937502948))",33178_4_8,4,8,147.60381600000002 +"POLYGON ((7.236507101979679 53.07731809140547, 7.237662078773546 53.07731809140547, 7.237662078773546 53.07711572180239, 7.236507101979679 53.07711572180239, 7.236507101979679 53.07731809140547))",33178_4_17,4,17,139.66666833333332 +"POLYGON ((7.237662078773546 53.07994880968712, 7.238817055567415 53.07994880968712, 7.238817055567415 53.07974645244948, 7.237662078773546 53.07974645244948, 7.237662078773546 53.07994880968712))",33178_5_4,5,4,87.75 +"POLYGON ((7.237662078773546 53.07954409426065, 7.238817055567415 53.07954409426065, 7.238817055567415 53.07934173512065, 7.237662078773546 53.07934173512065, 7.237662078773546 53.07954409426065))",33178_5_6,5,6,87.75 +"POLYGON ((7.237662078773546 53.07873465199357, 7.238817055567415 53.07873465199357, 7.238817055567415 53.07853228904884, 7.237662078773546 53.07853228904884, 7.237662078773546 53.07873465199357))",33178_5_10,5,10,141.333335 +"POLYGON ((7.237662078773546 53.07853228904884, 7.238817055567415 53.07853228904884, 7.238817055567415 53.07832992515292, 7.237662078773546 53.07832992515292, 7.237662078773546 53.07853228904884))",33178_5_11,5,11,122.50740575 +"POLYGON ((7.237662078773546 53.07832992515292, 7.238817055567415 53.07832992515292, 7.238817055567415 53.07812756030582, 7.237662078773546 53.07812756030582, 7.237662078773546 53.07832992515292))",33178_5_12,5,12,124.66666666666667 +"POLYGON ((7.237662078773546 53.07792519450751, 7.238817055567415 53.07792519450751, 7.238817055567415 53.07772282775804, 7.237662078773546 53.07772282775804, 7.237662078773546 53.07792519450751))",33178_5_14,5,14,142.00000066666666 +"POLYGON ((7.237662078773546 53.07772282775804, 7.238817055567415 53.07772282775804, 7.238817055567415 53.07752046005735, 7.237662078773546 53.07752046005735, 7.237662078773546 53.07772282775804))",33178_5_15,5,15,97.0 +"POLYGON ((7.237662078773546 53.07691335124811, 7.238817055567415 53.07691335124811, 7.238817055567415 53.07671097974262, 7.237662078773546 53.07671097974262, 7.237662078773546 53.07691335124811))",33178_5_19,5,19,142.33333233333335 +"POLYGON ((7.237662078773546 53.07650860728594, 7.238817055567415 53.07650860728594, 7.238817055567415 53.07630623387804, 7.237662078773546 53.07630623387804, 7.237662078773546 53.07650860728594))",33178_5_21,5,21,113.500003 +"POLYGON ((7.237662078773546 53.07630623387804, 7.238817055567415 53.07630623387804, 7.238817055567415 53.07610385951894, 7.237662078773546 53.07610385951894, 7.237662078773546 53.07630623387804))",33178_5_22,5,22,113.795652 +"POLYGON ((7.238817055567415 53.07873465199357, 7.239972032361282 53.07873465199357, 7.239972032361282 53.07853228904884, 7.238817055567415 53.07853228904884, 7.238817055567415 53.07873465199357))",33178_6_10,6,10,125.5778765 +"POLYGON ((7.238817055567415 53.07853228904884, 7.239972032361282 53.07853228904884, 7.239972032361282 53.07832992515292, 7.238817055567415 53.07832992515292, 7.238817055567415 53.07853228904884))",33178_6_11,6,11,119.9 +"POLYGON ((7.238817055567415 53.07832992515292, 7.239972032361282 53.07832992515292, 7.239972032361282 53.07812756030582, 7.238817055567415 53.07812756030582, 7.238817055567415 53.07832992515292))",33178_6_12,6,12,132.27632400000002 +"POLYGON ((7.238817055567415 53.07812756030582, 7.239972032361282 53.07812756030582, 7.239972032361282 53.07792519450751, 7.238817055567415 53.07792519450751, 7.238817055567415 53.07812756030582))",33178_6_13,6,13,121.49999916666667 +"POLYGON ((7.238817055567415 53.07792519450751, 7.239972032361282 53.07792519450751, 7.239972032361282 53.07772282775804, 7.238817055567415 53.07772282775804, 7.238817055567415 53.07792519450751))",33178_6_14,6,14,183.5 +"POLYGON ((7.238817055567415 53.07752046005735, 7.239972032361282 53.07752046005735, 7.239972032361282 53.07731809140547, 7.238817055567415 53.07731809140547, 7.238817055567415 53.07752046005735))",33178_6_16,6,16,86.2 +"POLYGON ((7.238817055567415 53.07731809140547, 7.239972032361282 53.07731809140547, 7.239972032361282 53.07711572180239, 7.238817055567415 53.07711572180239, 7.238817055567415 53.07731809140547))",33178_6_17,6,17,129.59924275 +"POLYGON ((7.231887194804207 53.07313559296755, 7.233042171598076 53.07313559296755, 7.233042171598076 53.07293320370594, 7.231887194804207 53.07293320370594, 7.231887194804207 53.07313559296755))",33179_0_11,0,11,78.25 +"POLYGON ((7.231887194804207 53.07111165754522, 7.233042171598076 53.07111165754522, 7.233042171598076 53.07090925877111, 7.231887194804207 53.07090925877111, 7.231887194804207 53.07111165754522))",33179_0_21,0,21,122.04484975 +"POLYGON ((7.233042171598076 53.073742755045, 7.234197148391942 53.073742755045, 7.234197148391942 53.07354036863708, 7.233042171598076 53.07354036863708, 7.233042171598076 53.073742755045))",33179_1_8,1,8,134.5 +"POLYGON ((7.234197148391942 53.07273081349307, 7.235352125185812 53.07273081349307, 7.235352125185812 53.07252842232895, 7.234197148391942 53.07252842232895, 7.234197148391942 53.07273081349307))",33179_2_13,2,13,121.0 +"POLYGON ((7.235352125185812 53.07394514050169, 7.236507101979679 53.07394514050169, 7.236507101979679 53.073742755045, 7.235352125185812 53.073742755045, 7.235352125185812 53.07394514050169))",33179_3_7,3,7,120.66666666666667 +"POLYGON ((7.235352125185812 53.07273081349307, 7.236507101979679 53.07273081349307, 7.236507101979679 53.07252842232895, 7.235352125185812 53.07252842232895, 7.235352125185812 53.07273081349307))",33179_3_13,3,13,125.33333333333333 +"POLYGON ((7.236507101979679 53.07455229116434, 7.237662078773546 53.07455229116434, 7.237662078773546 53.07434990856135, 7.236507101979679 53.07434990856135, 7.236507101979679 53.07455229116434))",33179_4_4,4,4,201.0 +"POLYGON ((7.236507101979679 53.073742755045, 7.237662078773546 53.073742755045, 7.237662078773546 53.07354036863708, 7.236507101979679 53.07354036863708, 7.236507101979679 53.073742755045))",33179_4_8,4,8,140.99999733333334 +"POLYGON ((7.236507101979679 53.07192124312915, 7.237662078773546 53.07192124312915, 7.237662078773546 53.07171884816005, 7.236507101979679 53.07171884816005, 7.236507101979679 53.07192124312915))",33179_4_17,4,17,140.749999 +"POLYGON ((7.237662078773546 53.07455229116434, 7.238817055567415 53.07455229116434, 7.238817055567415 53.07434990856135, 7.237662078773546 53.07434990856135, 7.237662078773546 53.07455229116434))",33179_5_4,5,4,88.5 +"POLYGON ((7.237662078773546 53.07414752500713, 7.238817055567415 53.07414752500713, 7.238817055567415 53.07394514050169, 7.237662078773546 53.07394514050169, 7.237662078773546 53.07414752500713))",33179_5_6,5,6,91.5 +"POLYGON ((7.237662078773546 53.07333798127794, 7.238817055567415 53.07333798127794, 7.238817055567415 53.07313559296755, 7.237662078773546 53.07313559296755, 7.237662078773546 53.07333798127794))",33179_5_10,5,10,141.33810533333335 +"POLYGON ((7.237662078773546 53.07313559296755, 7.238817055567415 53.07313559296755, 7.238817055567415 53.07293320370594, 7.237662078773546 53.07293320370594, 7.237662078773546 53.07313559296755))",33179_5_11,5,11,126.45143533333334 +"POLYGON ((7.237662078773546 53.07293320370594, 7.238817055567415 53.07293320370594, 7.238817055567415 53.07273081349307, 7.237662078773546 53.07273081349307, 7.237662078773546 53.07293320370594))",33179_5_12,5,12,118.0 +"POLYGON ((7.237662078773546 53.07252842232895, 7.238817055567415 53.07252842232895, 7.238817055567415 53.07232603021361, 7.237662078773546 53.07232603021361, 7.237662078773546 53.07252842232895))",33179_5_14,5,14,139.25 +"POLYGON ((7.237662078773546 53.07232603021361, 7.238817055567415 53.07232603021361, 7.238817055567415 53.072123637147, 7.237662078773546 53.072123637147, 7.237662078773546 53.07232603021361))",33179_5_15,5,15,84.0 +"POLYGON ((7.237662078773546 53.07151645223969, 7.238817055567415 53.07151645223969, 7.238817055567415 53.07131405536809, 7.237662078773546 53.07131405536809, 7.237662078773546 53.07151645223969))",33179_5_19,5,19,141.666668 +"POLYGON ((7.237662078773546 53.07111165754522, 7.238817055567415 53.07111165754522, 7.238817055567415 53.07090925877111, 7.237662078773546 53.07090925877111, 7.237662078773546 53.07111165754522))",33179_5_21,5,21,115.50490575 +"POLYGON ((7.237662078773546 53.07090925877111, 7.238817055567415 53.07090925877111, 7.238817055567415 53.07070685904572, 7.237662078773546 53.07070685904572, 7.237662078773546 53.07090925877111))",33179_5_22,5,22,118.35547374999999 +"POLYGON ((7.238817055567415 53.07333798127794, 7.239972032361282 53.07333798127794, 7.239972032361282 53.07313559296755, 7.238817055567415 53.07313559296755, 7.238817055567415 53.07333798127794))",33179_6_10,6,10,121.9182295 +"POLYGON ((7.238817055567415 53.07313559296755, 7.239972032361282 53.07313559296755, 7.239972032361282 53.07293320370594, 7.238817055567415 53.07293320370594, 7.238817055567415 53.07313559296755))",33179_6_11,6,11,128.5 +"POLYGON ((7.238817055567415 53.07293320370594, 7.239972032361282 53.07293320370594, 7.239972032361282 53.07273081349307, 7.238817055567415 53.07273081349307, 7.238817055567415 53.07293320370594))",33179_6_12,6,12,135.75000025 +"POLYGON ((7.238817055567415 53.07273081349307, 7.239972032361282 53.07273081349307, 7.239972032361282 53.07252842232895, 7.238817055567415 53.07252842232895, 7.238817055567415 53.07273081349307))",33179_6_13,6,13,127.57966985714286 +"POLYGON ((7.238817055567415 53.07252842232895, 7.239972032361282 53.07252842232895, 7.239972032361282 53.07232603021361, 7.238817055567415 53.07232603021361, 7.238817055567415 53.07252842232895))",33179_6_14,6,14,169.5 +"POLYGON ((7.238817055567415 53.072123637147, 7.239972032361282 53.072123637147, 7.239972032361282 53.07192124312915, 7.238817055567415 53.07192124312915, 7.238817055567415 53.072123637147))",33179_6_16,6,16,88.0 +"POLYGON ((7.238817055567415 53.07192124312915, 7.239972032361282 53.07192124312915, 7.239972032361282 53.07171884816005, 7.238817055567415 53.07171884816005, 7.238817055567415 53.07192124312915))",33179_6_17,6,17,120.923433 +"POLYGON ((7.231887194804207 53.06773822044961, 7.233042171598076 53.06773822044961, 7.233042171598076 53.0675358058209, 7.231887194804207 53.0675358058209, 7.231887194804207 53.06773822044961))",33180_0_11,0,11,79.0 +"POLYGON ((7.231887194804207 53.06571403135403, 7.233042171598076 53.06571403135403, 7.233042171598076 53.0655116072123, 7.231887194804207 53.0655116072123, 7.231887194804207 53.06571403135403))",33180_0_21,0,21,116.28783700000001 +"POLYGON ((7.233042171598076 53.06834545862802, 7.234197148391942 53.06834545862802, 7.234197148391942 53.06814304685317, 7.233042171598076 53.06814304685317, 7.233042171598076 53.06834545862802))",33180_1_8,1,8,135.0 +"POLYGON ((7.234197148391942 53.06733339024089, 7.235352125185812 53.06733339024089, 7.235352125185812 53.06713097370958, 7.234197148391942 53.06713097370958, 7.234197148391942 53.06733339024089))",33180_2_13,2,13,130.0 +"POLYGON ((7.235352125185812 53.06854786945159, 7.236507101979679 53.06854786945159, 7.236507101979679 53.06834545862802, 7.235352125185812 53.06834545862802, 7.235352125185812 53.06854786945159))",33180_3_7,3,7,115.0 +"POLYGON ((7.235352125185812 53.06733339024089, 7.236507101979679 53.06733339024089, 7.236507101979679 53.06713097370958, 7.235352125185812 53.06713097370958, 7.235352125185812 53.06733339024089))",33180_3_13,3,13,131.25 +"POLYGON ((7.236507101979679 53.06915509621459, 7.237662078773546 53.06915509621459, 7.237662078773546 53.06895268824488, 7.236507101979679 53.06895268824488, 7.236507101979679 53.06915509621459))",33180_4_4,4,4,196.5 +"POLYGON ((7.236507101979679 53.06834545862802, 7.237662078773546 53.06834545862802, 7.237662078773546 53.06814304685317, 7.236507101979679 53.06814304685317, 7.236507101979679 53.06834545862802))",33180_4_8,4,8,140.66666666666666 +"POLYGON ((7.236507101979679 53.06652371840789, 7.237662078773546 53.06652371840789, 7.237662078773546 53.06632129807138, 7.236507101979679 53.06632129807138, 7.236507101979679 53.06652371840789))",33180_4_17,4,17,133.73728933333334 +"POLYGON ((7.237662078773546 53.06915509621459, 7.238817055567415 53.06915509621459, 7.238817055567415 53.06895268824488, 7.237662078773546 53.06895268824488, 7.237662078773546 53.06915509621459))",33180_5_4,5,4,90.0 +"POLYGON ((7.237662078773546 53.06875027932387, 7.238817055567415 53.06875027932387, 7.238817055567415 53.06854786945159, 7.237662078773546 53.06854786945159, 7.237662078773546 53.06875027932387))",33180_5_6,5,6,87.6 +"POLYGON ((7.237662078773546 53.06814304685317, 7.238817055567415 53.06814304685317, 7.238817055567415 53.06794063412704, 7.237662078773546 53.06794063412704, 7.237662078773546 53.06814304685317))",33180_5_9,5,9,28.2204583 +"POLYGON ((7.237662078773546 53.06794063412704, 7.238817055567415 53.06794063412704, 7.238817055567415 53.06773822044961, 7.237662078773546 53.06773822044961, 7.237662078773546 53.06794063412704))",33180_5_10,5,10,137.6200005 +"POLYGON ((7.237662078773546 53.06773822044961, 7.238817055567415 53.06773822044961, 7.238817055567415 53.0675358058209, 7.237662078773546 53.0675358058209, 7.237662078773546 53.06773822044961))",33180_5_11,5,11,122.55832050000001 +"POLYGON ((7.237662078773546 53.0675358058209, 7.238817055567415 53.0675358058209, 7.238817055567415 53.06733339024089, 7.237662078773546 53.06733339024089, 7.237662078773546 53.0675358058209))",33180_5_12,5,12,127.66666666666667 +"POLYGON ((7.237662078773546 53.06713097370958, 7.238817055567415 53.06713097370958, 7.238817055567415 53.06692855622698, 7.237662078773546 53.06692855622698, 7.237662078773546 53.06713097370958))",33180_5_14,5,14,146.793985 +"POLYGON ((7.237662078773546 53.06692855622698, 7.238817055567415 53.06692855622698, 7.238817055567415 53.06672613779308, 7.237662078773546 53.06672613779308, 7.237662078773546 53.06692855622698))",33180_5_15,5,15,88.2 +"POLYGON ((7.237662078773546 53.06611887678357, 7.238817055567415 53.06611887678357, 7.238817055567415 53.06591645454445, 7.237662078773546 53.06591645454445, 7.237662078773546 53.06611887678357))",33180_5_19,5,19,139.33333266666668 +"POLYGON ((7.237662078773546 53.06571403135403, 7.238817055567415 53.06571403135403, 7.238817055567415 53.0655116072123, 7.237662078773546 53.0655116072123, 7.237662078773546 53.06571403135403))",33180_5_21,5,21,115.0000005 +"POLYGON ((7.237662078773546 53.0655116072123, 7.238817055567415 53.0655116072123, 7.238817055567415 53.06530918211925, 7.237662078773546 53.06530918211925, 7.237662078773546 53.0655116072123))",33180_5_22,5,22,121.24999825 +"POLYGON ((7.238817055567415 53.06794063412704, 7.239972032361282 53.06794063412704, 7.239972032361282 53.06773822044961, 7.238817055567415 53.06773822044961, 7.238817055567415 53.06794063412704))",33180_6_10,6,10,120.66666666666667 +"POLYGON ((7.238817055567415 53.06773822044961, 7.239972032361282 53.06773822044961, 7.239972032361282 53.0675358058209, 7.238817055567415 53.0675358058209, 7.238817055567415 53.06773822044961))",33180_6_11,6,11,130.0 +"POLYGON ((7.238817055567415 53.0675358058209, 7.239972032361282 53.0675358058209, 7.239972032361282 53.06733339024089, 7.238817055567415 53.06733339024089, 7.238817055567415 53.0675358058209))",33180_6_12,6,12,126.719768 +"POLYGON ((7.238817055567415 53.06733339024089, 7.239972032361282 53.06733339024089, 7.239972032361282 53.06713097370958, 7.238817055567415 53.06713097370958, 7.238817055567415 53.06733339024089))",33180_6_13,6,13,133.16666583333333 +"POLYGON ((7.238817055567415 53.06713097370958, 7.239972032361282 53.06713097370958, 7.239972032361282 53.06692855622698, 7.238817055567415 53.06692855622698, 7.238817055567415 53.06713097370958))",33180_6_14,6,14,167.0 +"POLYGON ((7.238817055567415 53.06672613779308, 7.239972032361282 53.06672613779308, 7.239972032361282 53.06652371840789, 7.238817055567415 53.06652371840789, 7.238817055567415 53.06672613779308))",33180_6_16,6,16,87.6 +"POLYGON ((7.238817055567415 53.06652371840789, 7.239972032361282 53.06652371840789, 7.239972032361282 53.06632129807138, 7.238817055567415 53.06632129807138, 7.238817055567415 53.06652371840789))",33180_6_17,6,17,115.99999975 +"POLYGON ((7.231887194804207 53.06234017145813, 7.233042171598076 53.06234017145813, 7.233042171598076 53.06213773146095, 7.231887194804207 53.06213773146095, 7.231887194804207 53.06234017145813))",33181_0_11,0,11,82.0 +"POLYGON ((7.231887194804207 53.06031572867548, 7.233042171598076 53.06031572867548, 7.233042171598076 53.06011327916474, 7.231887194804207 53.06011327916474, 7.231887194804207 53.06031572867548))",33181_0_21,0,21,130.44929725 +"POLYGON ((7.233042171598076 53.06294748574166, 7.234197148391942 53.06294748574166, 7.234197148391942 53.06274504859849, 7.233042171598076 53.06274504859849, 7.233042171598076 53.06294748574166))",33181_1_8,1,8,133.0 +"POLYGON ((7.234197148391942 53.0619352905124, 7.235352125185812 53.0619352905124, 7.235352125185812 53.06173284861252, 7.234197148391942 53.06173284861252, 7.234197148391942 53.0619352905124))",33181_2_13,2,13,96.5 +"POLYGON ((7.235352125185812 53.06314992193349, 7.236507101979679 53.06314992193349, 7.236507101979679 53.06294748574166, 7.235352125185812 53.06294748574166, 7.235352125185812 53.06314992193349))",33181_3_7,3,7,92.25 +"POLYGON ((7.235352125185812 53.0619352905124, 7.236507101979679 53.0619352905124, 7.236507101979679 53.06173284861252, 7.235352125185812 53.06173284861252, 7.235352125185812 53.0619352905124))",33181_3_13,3,13,132.0 +"POLYGON ((7.236507101979679 53.06375722480099, 7.237662078773546 53.06375722480099, 7.237662078773546 53.06355479146315, 7.236507101979679 53.06355479146315, 7.236507101979679 53.06375722480099))",33181_4_4,4,4,193.5 +"POLYGON ((7.236507101979679 53.06294748574166, 7.237662078773546 53.06294748574166, 7.237662078773546 53.06274504859849, 7.236507101979679 53.06274504859849, 7.236507101979679 53.06294748574166))",33181_4_8,4,8,143.66666733333332 +"POLYGON ((7.236507101979679 53.06112551720478, 7.237662078773546 53.06112551720478, 7.237662078773546 53.06092307149948, 7.236507101979679 53.06092307149948, 7.236507101979679 53.06112551720478))",33181_4_17,4,17,137.33333366666668 +"POLYGON ((7.237662078773546 53.06375722480099, 7.238817055567415 53.06375722480099, 7.238817055567415 53.06355479146315, 7.237662078773546 53.06355479146315, 7.237662078773546 53.06375722480099))",33181_5_4,5,4,88.5 +"POLYGON ((7.237662078773546 53.06335235717398, 7.238817055567415 53.06335235717398, 7.238817055567415 53.06314992193349, 7.237662078773546 53.06314992193349, 7.237662078773546 53.06335235717398))",33181_5_6,5,6,91.75 +"POLYGON ((7.237662078773546 53.06274504859849, 7.238817055567415 53.06274504859849, 7.238817055567415 53.06254261050398, 7.237662078773546 53.06254261050398, 7.237662078773546 53.06274504859849))",33181_5_9,5,9,130.59357699999998 +"POLYGON ((7.237662078773546 53.06254261050398, 7.238817055567415 53.06254261050398, 7.238817055567415 53.06234017145813, 7.237662078773546 53.06234017145813, 7.237662078773546 53.06254261050398))",33181_5_10,5,10,133.67367633333333 +"POLYGON ((7.237662078773546 53.06234017145813, 7.238817055567415 53.06234017145813, 7.238817055567415 53.06213773146095, 7.237662078773546 53.06213773146095, 7.237662078773546 53.06234017145813))",33181_5_11,5,11,126.00454466666667 +"POLYGON ((7.237662078773546 53.06213773146095, 7.238817055567415 53.06213773146095, 7.238817055567415 53.0619352905124, 7.237662078773546 53.0619352905124, 7.237662078773546 53.06213773146095))",33181_5_12,5,12,129.66666666666666 +"POLYGON ((7.237662078773546 53.06173284861252, 7.238817055567415 53.06173284861252, 7.238817055567415 53.06153040576129, 7.237662078773546 53.06153040576129, 7.237662078773546 53.06173284861252))",33181_5_14,5,14,164.999999 +"POLYGON ((7.237662078773546 53.06153040576129, 7.238817055567415 53.06153040576129, 7.238817055567415 53.06132796195871, 7.237662078773546 53.06132796195871, 7.237662078773546 53.06153040576129))",33181_5_15,5,15,88.25 +"POLYGON ((7.237662078773546 53.06072062484284, 7.238817055567415 53.06072062484284, 7.238817055567415 53.06051817723484, 7.237662078773546 53.06051817723484, 7.237662078773546 53.06072062484284))",33181_5_19,5,19,135.74999925 +"POLYGON ((7.237662078773546 53.06031572867548, 7.238817055567415 53.06031572867548, 7.238817055567415 53.06011327916474, 7.237662078773546 53.06011327916474, 7.237662078773546 53.06031572867548))",33181_5_21,5,21,119.33333466666666 +"POLYGON ((7.237662078773546 53.06011327916474, 7.238817055567415 53.06011327916474, 7.238817055567415 53.05991082870266, 7.237662078773546 53.05991082870266, 7.237662078773546 53.06011327916474))",33181_5_22,5,22,118.333333 +"POLYGON ((7.238817055567415 53.06254261050398, 7.239972032361282 53.06254261050398, 7.239972032361282 53.06234017145813, 7.238817055567415 53.06234017145813, 7.238817055567415 53.06254261050398))",33181_6_10,6,10,122.21875 +"POLYGON ((7.238817055567415 53.06234017145813, 7.239972032361282 53.06234017145813, 7.239972032361282 53.06213773146095, 7.238817055567415 53.06213773146095, 7.238817055567415 53.06234017145813))",33181_6_11,6,11,129.66666666666666 +"POLYGON ((7.238817055567415 53.06213773146095, 7.239972032361282 53.06213773146095, 7.239972032361282 53.0619352905124, 7.238817055567415 53.0619352905124, 7.238817055567415 53.06213773146095))",33181_6_12,6,12,126.2708275 +"POLYGON ((7.238817055567415 53.0619352905124, 7.239972032361282 53.0619352905124, 7.239972032361282 53.06173284861252, 7.238817055567415 53.06173284861252, 7.238817055567415 53.0619352905124))",33181_6_13,6,13,123.95012085714286 +"POLYGON ((7.238817055567415 53.06173284861252, 7.239972032361282 53.06173284861252, 7.239972032361282 53.06153040576129, 7.238817055567415 53.06153040576129, 7.238817055567415 53.06173284861252))",33181_6_14,6,14,180.0 +"POLYGON ((7.238817055567415 53.06132796195871, 7.239972032361282 53.06132796195871, 7.239972032361282 53.06112551720478, 7.238817055567415 53.06112551720478, 7.238817055567415 53.06132796195871))",33181_6_16,6,16,87.8 +"POLYGON ((7.238817055567415 53.06112551720478, 7.239972032361282 53.06112551720478, 7.239972032361282 53.06092307149948, 7.238817055567415 53.06092307149948, 7.238817055567415 53.06112551720478))",33181_6_17,6,17,113.999998 +"POLYGON ((7.231887194804207 53.05694144595625, 7.233042171598076 53.05694144595625, 7.233042171598076 53.05673898058919, 7.231887194804207 53.05673898058919, 7.231887194804207 53.05694144595625))",33182_0_11,0,11,85.2 +"POLYGON ((7.231887194804207 53.05491674947269, 7.233042171598076 53.05491674947269, 7.233042171598076 53.05471427459158, 7.231887194804207 53.05471427459158, 7.231887194804207 53.05491674947269))",33182_0_21,0,21,133.666666 +"POLYGON ((7.233042171598076 53.05754883634904, 7.234197148391942 53.05754883634904, 7.234197148391942 53.05734637383617, 7.233042171598076 53.05734637383617, 7.233042171598076 53.05754883634904))",33182_1_8,1,8,132.33333333333334 +"POLYGON ((7.234197148391942 53.05653651427075, 7.235352125185812 53.05653651427075, 7.235352125185812 53.05633404700091, 7.234197148391942 53.05633404700091, 7.234197148391942 53.05653651427075))",33182_2_13,2,13,85.25 +"POLYGON ((7.235352125185812 53.05775129791051, 7.236507101979679 53.05775129791051, 7.236507101979679 53.05754883634904, 7.235352125185812 53.05754883634904, 7.235352125185812 53.05775129791051))",33182_3_7,3,7,84.0 +"POLYGON ((7.235352125185812 53.05653651427075, 7.236507101979679 53.05653651427075, 7.236507101979679 53.05633404700091, 7.235352125185812 53.05633404700091, 7.235352125185812 53.05653651427075))",33182_3_13,3,13,132.33333333333334 +"POLYGON ((7.236507101979679 53.05835867688666, 7.237662078773546 53.05835867688666, 7.237662078773546 53.05815621817933, 7.236507101979679 53.05815621817933, 7.236507101979679 53.05835867688666))",33182_4_4,4,4,198.0 +"POLYGON ((7.236507101979679 53.05754883634904, 7.237662078773546 53.05754883634904, 7.237662078773546 53.05734637383617, 7.236507101979679 53.05734637383617, 7.236507101979679 53.05754883634904))",33182_4_8,4,8,143.33333333333334 +"POLYGON ((7.236507101979679 53.05572663948297, 7.237662078773546 53.05572663948297, 7.237662078773546 53.05552416840751, 7.236507101979679 53.05552416840751, 7.236507101979679 53.05572663948297))",33182_4_17,4,17,131.71697933333334 +"POLYGON ((7.237662078773546 53.05835867688666, 7.238817055567415 53.05835867688666, 7.238817055567415 53.05815621817933, 7.237662078773546 53.05815621817933, 7.237662078773546 53.05835867688666))",33182_5_4,5,4,85.5 +"POLYGON ((7.237662078773546 53.05795375852062, 7.238817055567415 53.05795375852062, 7.238817055567415 53.05775129791051, 7.237662078773546 53.05775129791051, 7.237662078773546 53.05795375852062))",33182_5_6,5,6,90.0 +"POLYGON ((7.237662078773546 53.05734637383617, 7.238817055567415 53.05734637383617, 7.238817055567415 53.05714391037191, 7.237662078773546 53.05714391037191, 7.237662078773546 53.05734637383617))",33182_5_9,5,9,156.78060733333334 +"POLYGON ((7.237662078773546 53.05714391037191, 7.238817055567415 53.05714391037191, 7.238817055567415 53.05694144595625, 7.237662078773546 53.05694144595625, 7.237662078773546 53.05714391037191))",33182_5_10,5,10,138.62547933333335 +"POLYGON ((7.237662078773546 53.05694144595625, 7.238817055567415 53.05694144595625, 7.238817055567415 53.05673898058919, 7.237662078773546 53.05673898058919, 7.237662078773546 53.05694144595625))",33182_5_11,5,11,128.25000175 +"POLYGON ((7.237662078773546 53.05673898058919, 7.238817055567415 53.05673898058919, 7.238817055567415 53.05653651427075, 7.237662078773546 53.05653651427075, 7.237662078773546 53.05673898058919))",33182_5_12,5,12,129.66666666666666 +"POLYGON ((7.237662078773546 53.05633404700091, 7.238817055567415 53.05633404700091, 7.238817055567415 53.05613157877966, 7.237662078773546 53.05613157877966, 7.237662078773546 53.05633404700091))",33182_5_14,5,14,162.18689633333335 +"POLYGON ((7.237662078773546 53.05613157877966, 7.238817055567415 53.05613157877966, 7.238817055567415 53.05592910960702, 7.237662078773546 53.05592910960702, 7.237662078773546 53.05613157877966))",33182_5_15,5,15,88.75 +"POLYGON ((7.237662078773546 53.05532169638064, 7.238817055567415 53.05532169638064, 7.238817055567415 53.05511922340236, 7.237662078773546 53.05511922340236, 7.237662078773546 53.05532169638064))",33182_5_19,5,19,138.953847 +"POLYGON ((7.237662078773546 53.05491674947269, 7.238817055567415 53.05491674947269, 7.238817055567415 53.05471427459158, 7.237662078773546 53.05471427459158, 7.237662078773546 53.05491674947269))",33182_5_21,5,21,112.9999985 +"POLYGON ((7.237662078773546 53.05471427459158, 7.238817055567415 53.05471427459158, 7.238817055567415 53.05451179875907, 7.237662078773546 53.05451179875907, 7.237662078773546 53.05471427459158))",33182_5_22,5,22,117.036947 +"POLYGON ((7.238817055567415 53.05714391037191, 7.239972032361282 53.05714391037191, 7.239972032361282 53.05694144595625, 7.238817055567415 53.05694144595625, 7.238817055567415 53.05714391037191))",33182_6_10,6,10,116.49999725 +"POLYGON ((7.238817055567415 53.05694144595625, 7.239972032361282 53.05694144595625, 7.239972032361282 53.05673898058919, 7.238817055567415 53.05673898058919, 7.238817055567415 53.05694144595625))",33182_6_11,6,11,131.88888888888889 +"POLYGON ((7.238817055567415 53.05673898058919, 7.239972032361282 53.05673898058919, 7.239972032361282 53.05653651427075, 7.238817055567415 53.05653651427075, 7.238817055567415 53.05673898058919))",33182_6_12,6,12,129.33333266666668 +"POLYGON ((7.238817055567415 53.05653651427075, 7.239972032361282 53.05653651427075, 7.239972032361282 53.05633404700091, 7.238817055567415 53.05633404700091, 7.238817055567415 53.05653651427075))",33182_6_13,6,13,124.11243562499999 +"POLYGON ((7.238817055567415 53.05633404700091, 7.239972032361282 53.05633404700091, 7.239972032361282 53.05613157877966, 7.238817055567415 53.05613157877966, 7.238817055567415 53.05633404700091))",33182_6_14,6,14,182.5 +"POLYGON ((7.238817055567415 53.05592910960702, 7.239972032361282 53.05592910960702, 7.239972032361282 53.05572663948297, 7.238817055567415 53.05572663948297, 7.238817055567415 53.05592910960702))",33182_6_16,6,16,84.25 +"POLYGON ((7.238817055567415 53.05572663948297, 7.239972032361282 53.05572663948297, 7.239972032361282 53.05552416840751, 7.238817055567415 53.05552416840751, 7.238817055567415 53.05572663948297))",33182_6_17,6,17,113.60213925 +"POLYGON ((7.231887194804207 53.05154204390712, 7.233042171598076 53.05154204390712, 7.233042171598076 53.05133955316882, 7.231887194804207 53.05133955316882, 7.231887194804207 53.05154204390712))",33183_0_11,0,11,83.75 +"POLYGON ((7.231887194804207 53.04951709370884, 7.233042171598076 53.04951709370884, 7.233042171598076 53.04931459345597, 7.231887194804207 53.04931459345597, 7.231887194804207 53.04951709370884))",33183_0_21,0,21,133.99999933333334 +"POLYGON ((7.233042171598076 53.05214951041331, 7.234197148391942 53.05214951041331, 7.234197148391942 53.05194702252935, 7.233042171598076 53.05194702252935, 7.233042171598076 53.05214951041331))",33183_1_8,1,8,132.0 +"POLYGON ((7.234197148391942 53.05113706147909, 7.235352125185812 53.05113706147909, 7.235352125185812 53.05093456883791, 7.234197148391942 53.05093456883791, 7.234197148391942 53.05113706147909))",33183_2_13,2,13,86.6 +"POLYGON ((7.235352125185812 53.05235199734582, 7.236507101979679 53.05235199734582, 7.236507101979679 53.05214951041331, 7.235352125185812 53.05214951041331, 7.235352125185812 53.05235199734582))",33183_3_7,3,7,83.5 +"POLYGON ((7.235352125185812 53.05113706147909, 7.236507101979679 53.05113706147909, 7.236507101979679 53.05093456883791, 7.235352125185812 53.05093456883791, 7.235352125185812 53.05113706147909))",33183_3_13,3,13,131.33333333333334 +"POLYGON ((7.236507101979679 53.05295945243473, 7.237662078773546 53.05295945243473, 7.237662078773546 53.05275696835653, 7.236507101979679 53.05275696835653, 7.236507101979679 53.05295945243473))",33183_4_4,4,4,201.0 +"POLYGON ((7.236507101979679 53.05214951041331, 7.237662078773546 53.05214951041331, 7.237662078773546 53.05194702252935, 7.236507101979679 53.05194702252935, 7.236507101979679 53.05214951041331))",33183_4_8,4,8,144.000004 +"POLYGON ((7.236507101979679 53.05032708520562, 7.237662078773546 53.05032708520562, 7.237662078773546 53.05012458875862, 7.236507101979679 53.05012458875862, 7.236507101979679 53.05032708520562))",33183_4_17,4,17,129.24999825 +"POLYGON ((7.237662078773546 53.05295945243473, 7.238817055567415 53.05295945243473, 7.238817055567415 53.05275696835653, 7.237662078773546 53.05275696835653, 7.237662078773546 53.05295945243473))",33183_5_4,5,4,87.0 +"POLYGON ((7.237662078773546 53.05255448332689, 7.238817055567415 53.05255448332689, 7.238817055567415 53.05235199734582, 7.237662078773546 53.05235199734582, 7.237662078773546 53.05255448332689))",33183_5_6,5,6,98.5 +"POLYGON ((7.237662078773546 53.05194702252935, 7.238817055567415 53.05194702252935, 7.238817055567415 53.05174453369396, 7.237662078773546 53.05174453369396, 7.237662078773546 53.05194702252935))",33183_5_9,5,9,170.50728049999998 +"POLYGON ((7.237662078773546 53.05174453369396, 7.238817055567415 53.05174453369396, 7.238817055567415 53.05154204390712, 7.237662078773546 53.05154204390712, 7.237662078773546 53.05174453369396))",33183_5_10,5,10,138.999999 +"POLYGON ((7.237662078773546 53.05154204390712, 7.238817055567415 53.05154204390712, 7.238817055567415 53.05133955316882, 7.237662078773546 53.05133955316882, 7.237662078773546 53.05154204390712))",33183_5_11,5,11,127.013149 +"POLYGON ((7.237662078773546 53.05133955316882, 7.238817055567415 53.05133955316882, 7.238817055567415 53.05113706147909, 7.237662078773546 53.05113706147909, 7.237662078773546 53.05133955316882))",33183_5_12,5,12,129.0 +"POLYGON ((7.237662078773546 53.05093456883791, 7.238817055567415 53.05093456883791, 7.238817055567415 53.05073207524526, 7.237662078773546 53.05073207524526, 7.237662078773546 53.05093456883791))",33183_5_14,5,14,170.99999833333334 +"POLYGON ((7.237662078773546 53.05073207524526, 7.238817055567415 53.05073207524526, 7.238817055567415 53.05052958070117, 7.237662078773546 53.05052958070117, 7.237662078773546 53.05073207524526))",33183_5_15,5,15,88.75 +"POLYGON ((7.237662078773546 53.04992209136015, 7.238817055567415 53.04992209136015, 7.238817055567415 53.04971959301022, 7.237662078773546 53.04971959301022, 7.237662078773546 53.04992209136015))",33183_5_19,5,19,138.66666933333332 +"POLYGON ((7.237662078773546 53.04951709370884, 7.238817055567415 53.04951709370884, 7.238817055567415 53.04931459345597, 7.237662078773546 53.04931459345597, 7.237662078773546 53.04951709370884))",33183_5_21,5,21,114.0000005 +"POLYGON ((7.237662078773546 53.04931459345597, 7.238817055567415 53.04931459345597, 7.238817055567415 53.04911209225165, 7.237662078773546 53.04911209225165, 7.237662078773546 53.04931459345597))",33183_5_22,5,22,122.35295625 +"POLYGON ((7.238817055567415 53.05174453369396, 7.239972032361282 53.05174453369396, 7.239972032361282 53.05154204390712, 7.238817055567415 53.05154204390712, 7.238817055567415 53.05174453369396))",33183_6_10,6,10,116.75000025 +"POLYGON ((7.238817055567415 53.05154204390712, 7.239972032361282 53.05154204390712, 7.239972032361282 53.05133955316882, 7.238817055567415 53.05133955316882, 7.238817055567415 53.05154204390712))",33183_6_11,6,11,131.5 +"POLYGON ((7.238817055567415 53.05133955316882, 7.239972032361282 53.05133955316882, 7.239972032361282 53.05113706147909, 7.238817055567415 53.05113706147909, 7.238817055567415 53.05133955316882))",33183_6_12,6,12,127.64314350000001 +"POLYGON ((7.238817055567415 53.05113706147909, 7.239972032361282 53.05113706147909, 7.239972032361282 53.05093456883791, 7.238817055567415 53.05093456883791, 7.238817055567415 53.05113706147909))",33183_6_13,6,13,125.71457266666665 +"POLYGON ((7.238817055567415 53.05093456883791, 7.239972032361282 53.05093456883791, 7.239972032361282 53.05073207524526, 7.238817055567415 53.05073207524526, 7.238817055567415 53.05093456883791))",33183_6_14,6,14,180.66666666666666 +"POLYGON ((7.238817055567415 53.05052958070117, 7.239972032361282 53.05052958070117, 7.239972032361282 53.05032708520562, 7.238817055567415 53.05032708520562, 7.238817055567415 53.05052958070117))",33183_6_16,6,16,112.75 +"POLYGON ((7.238817055567415 53.05032708520562, 7.239972032361282 53.05032708520562, 7.239972032361282 53.05012458875862, 7.238817055567415 53.05012458875862, 7.238817055567415 53.05032708520562))",33183_6_17,6,17,117.696055 +"POLYGON ((7.231887194804207 53.0461419652739, 7.233042171598076 53.0461419652739, 7.233042171598076 53.04593944916299, 7.231887194804207 53.04593944916299, 7.231887194804207 53.0461419652739))",33184_0_11,0,11,85.5 +"POLYGON ((7.231887194804207 53.0441167613471, 7.233042171598076 53.0441167613471, 7.233042171598076 53.0439142357211, 7.231887194804207 53.0439142357211, 7.231887194804207 53.0441167613471))",33184_0_21,0,21,130.499998 +"POLYGON ((7.233042171598076 53.04674950789764, 7.234197148391942 53.04674950789764, 7.234197148391942 53.04654699464123, 7.233042171598076 53.04654699464123, 7.233042171598076 53.04674950789764))",33184_1_8,1,8,132.0 +"POLYGON ((7.234197148391942 53.04573693210059, 7.235352125185812 53.04573693210059, 7.235352125185812 53.04553441408668, 7.234197148391942 53.04553441408668, 7.234197148391942 53.04573693210059))",33184_2_13,2,13,86.0 +"POLYGON ((7.235352125185812 53.04695202020256, 7.236507101979679 53.04695202020256, 7.236507101979679 53.04674950789764, 7.235352125185812 53.04674950789764, 7.235352125185812 53.04695202020256))",33184_3_7,3,7,83.33333333333333 +"POLYGON ((7.235352125185812 53.04573693210059, 7.236507101979679 53.04573693210059, 7.236507101979679 53.04553441408668, 7.235352125185812 53.04553441408668, 7.235352125185812 53.04573693210059))",33184_3_13,3,13,133.0 +"POLYGON ((7.236507101979679 53.0475595514084, 7.237662078773546 53.0475595514084, 7.237662078773546 53.04735704195796, 7.236507101979679 53.04735704195796, 7.236507101979679 53.0475595514084))",33184_4_4,4,4,194.0 +"POLYGON ((7.236507101979679 53.04674950789764, 7.237662078773546 53.04674950789764, 7.237662078773546 53.04654699464123, 7.236507101979679 53.04654699464123, 7.236507101979679 53.04674950789764))",33184_4_8,4,8,141.500001 +"POLYGON ((7.236507101979679 53.04492685433592, 7.237662078773546 53.04492685433592, 7.237662078773546 53.04472433251598, 7.236507101979679 53.04472433251598, 7.236507101979679 53.04492685433592))",33184_4_17,4,17,130.0 +"POLYGON ((7.237662078773546 53.0475595514084, 7.238817055567415 53.0475595514084, 7.238817055567415 53.04735704195796, 7.237662078773546 53.04735704195796, 7.237662078773546 53.0475595514084))",33184_5_4,5,4,87.5 +"POLYGON ((7.237662078773546 53.047154531556, 7.238817055567415 53.047154531556, 7.238817055567415 53.04695202020256, 7.237662078773546 53.04695202020256, 7.237662078773546 53.047154531556))",33184_5_6,5,6,97.0 +"POLYGON ((7.237662078773546 53.04654699464123, 7.238817055567415 53.04654699464123, 7.238817055567415 53.04634448043331, 7.237662078773546 53.04634448043331, 7.237662078773546 53.04654699464123))",33184_5_9,5,9,183.000005 +"POLYGON ((7.237662078773546 53.04634448043331, 7.238817055567415 53.04634448043331, 7.238817055567415 53.0461419652739, 7.237662078773546 53.0461419652739, 7.237662078773546 53.04634448043331))",33184_5_10,5,10,139.922166 +"POLYGON ((7.237662078773546 53.0461419652739, 7.238817055567415 53.0461419652739, 7.238817055567415 53.04593944916299, 7.237662078773546 53.04593944916299, 7.237662078773546 53.0461419652739))",33184_5_11,5,11,129.52614 +"POLYGON ((7.237662078773546 53.04593944916299, 7.238817055567415 53.04593944916299, 7.238817055567415 53.04573693210059, 7.237662078773546 53.04573693210059, 7.237662078773546 53.04593944916299))",33184_5_12,5,12,125.5 +"POLYGON ((7.237662078773546 53.04553441408668, 7.238817055567415 53.04553441408668, 7.238817055567415 53.04533189512127, 7.237662078773546 53.04533189512127, 7.237662078773546 53.04553441408668))",33184_5_14,5,14,170.999997 +"POLYGON ((7.237662078773546 53.04533189512127, 7.238817055567415 53.04533189512127, 7.238817055567415 53.04512937520435, 7.237662078773546 53.04512937520435, 7.237662078773546 53.04533189512127))",33184_5_15,5,15,88.5 +"POLYGON ((7.237662078773546 53.04452180974454, 7.238817055567415 53.04452180974454, 7.238817055567415 53.04431928602158, 7.237662078773546 53.04431928602158, 7.237662078773546 53.04452180974454))",33184_5_19,5,19,138.000002 +"POLYGON ((7.237662078773546 53.0441167613471, 7.238817055567415 53.0441167613471, 7.238817055567415 53.0439142357211, 7.237662078773546 53.0439142357211, 7.237662078773546 53.0441167613471))",33184_5_21,5,21,109.00000133333333 +"POLYGON ((7.237662078773546 53.0439142357211, 7.238817055567415 53.0439142357211, 7.238817055567415 53.04371170914359, 7.237662078773546 53.04371170914359, 7.237662078773546 53.0439142357211))",33184_5_22,5,22,123.163452 +"POLYGON ((7.238817055567415 53.04634448043331, 7.239972032361282 53.04634448043331, 7.239972032361282 53.0461419652739, 7.238817055567415 53.0461419652739, 7.238817055567415 53.04634448043331))",33184_6_10,6,10,120.999998 +"POLYGON ((7.238817055567415 53.0461419652739, 7.239972032361282 53.0461419652739, 7.239972032361282 53.04593944916299, 7.238817055567415 53.04593944916299, 7.238817055567415 53.0461419652739))",33184_6_11,6,11,131.16666666666666 +"POLYGON ((7.238817055567415 53.04593944916299, 7.239972032361282 53.04593944916299, 7.239972032361282 53.04573693210059, 7.238817055567415 53.04573693210059, 7.238817055567415 53.04593944916299))",33184_6_12,6,12,129.000002 +"POLYGON ((7.238817055567415 53.04573693210059, 7.239972032361282 53.04573693210059, 7.239972032361282 53.04553441408668, 7.238817055567415 53.04553441408668, 7.238817055567415 53.04573693210059))",33184_6_13,6,13,121.5000015 +"POLYGON ((7.238817055567415 53.04553441408668, 7.239972032361282 53.04553441408668, 7.239972032361282 53.04533189512127, 7.238817055567415 53.04533189512127, 7.238817055567415 53.04553441408668))",33184_6_14,6,14,178.0 +"POLYGON ((7.238817055567415 53.04512937520435, 7.239972032361282 53.04512937520435, 7.239972032361282 53.04492685433592, 7.238817055567415 53.04492685433592, 7.238817055567415 53.04512937520435))",33184_6_16,6,16,123.0 +"POLYGON ((7.238817055567415 53.04492685433592, 7.239972032361282 53.04492685433592, 7.239972032361282 53.04472433251598, 7.238817055567415 53.04472433251598, 7.238817055567415 53.04492685433592))",33184_6_17,6,17,115.0847645 +"POLYGON ((7.231887194804207 52.88924520600557, 7.233042171598076 52.88924520600557, 7.233042171598076 52.88904195349144, 7.231887194804207 52.88904195349144, 7.231887194804207 52.88924520600557))",33213_0_11,0,11,157.0 +"POLYGON ((7.231887194804207 52.88721263797955, 7.233042171598076 52.88721263797955, 7.233042171598076 52.88700937593544, 7.231887194804207 52.88700937593544, 7.231887194804207 52.88721263797955))",33213_0_21,0,21,138.014352 +"POLYGON ((7.233042171598076 52.88965170817486, 7.234197148391942 52.88965170817486, 7.234197148391942 52.88944845756671, 7.233042171598076 52.88944845756671, 7.233042171598076 52.88965170817486))",33213_1_9,1,9,74.0 +"POLYGON ((7.234197148391942 52.88883870002432, 7.235352125185812 52.88883870002432, 7.235352125185812 52.88863544560421, 7.234197148391942 52.88863544560421, 7.234197148391942 52.88883870002432))",33213_2_13,2,13,176.5 +"POLYGON ((7.235352125185812 52.89005820653222, 7.236507101979679 52.89005820653222, 7.236507101979679 52.88985495783004, 7.235352125185812 52.88985495783004, 7.235352125185812 52.89005820653222))",33213_3_7,3,7,179.66666666666666 +"POLYGON ((7.235352125185812 52.88883870002432, 7.236507101979679 52.88883870002432, 7.236507101979679 52.88863544560421, 7.235352125185812 52.88863544560421, 7.235352125185812 52.88883870002432))",33213_3_13,3,13,106.0 +"POLYGON ((7.236507101979679 52.89066794692094, 7.237662078773546 52.89066794692094, 7.237662078773546 52.89046470107768, 7.236507101979679 52.89046470107768, 7.236507101979679 52.89066794692094))",33213_4_4,4,4,112.33333333333333 +"POLYGON ((7.236507101979679 52.89026145428144, 7.237662078773546 52.89026145428144, 7.237662078773546 52.89005820653222, 7.236507101979679 52.89005820653222, 7.236507101979679 52.89026145428144))",33213_4_6,4,6,158.71657633333334 +"POLYGON ((7.236507101979679 52.88985495783004, 7.237662078773546 52.88985495783004, 7.237662078773546 52.88965170817486, 7.236507101979679 52.88965170817486, 7.236507101979679 52.88985495783004))",33213_4_8,4,8,142.33333333333334 +"POLYGON ((7.236507101979679 52.88802567662592, 7.237662078773546 52.88802567662592, 7.237662078773546 52.88782241839383, 7.236507101979679 52.88782241839383, 7.236507101979679 52.88802567662592))",33213_4_17,4,17,105.750002 +"POLYGON ((7.237662078773546 52.89066794692094, 7.238817055567415 52.89066794692094, 7.238817055567415 52.89046470107768, 7.237662078773546 52.89046470107768, 7.237662078773546 52.89066794692094))",33213_5_4,5,4,157.33333333333334 +"POLYGON ((7.237662078773546 52.89026145428144, 7.238817055567415 52.89026145428144, 7.238817055567415 52.89005820653222, 7.237662078773546 52.89005820653222, 7.237662078773546 52.89026145428144))",33213_5_6,5,6,188.5 +"POLYGON ((7.237662078773546 52.88965170817486, 7.238817055567415 52.88965170817486, 7.238817055567415 52.88944845756671, 7.237662078773546 52.88944845756671, 7.237662078773546 52.88965170817486))",33213_5_9,5,9,176.676276 +"POLYGON ((7.237662078773546 52.88944845756671, 7.238817055567415 52.88944845756671, 7.238817055567415 52.88924520600557, 7.237662078773546 52.88924520600557, 7.237662078773546 52.88944845756671))",33213_5_10,5,10,131.66666733333332 +"POLYGON ((7.237662078773546 52.88924520600557, 7.238817055567415 52.88924520600557, 7.238817055567415 52.88904195349144, 7.237662078773546 52.88904195349144, 7.237662078773546 52.88924520600557))",33213_5_11,5,11,119.89211033333333 +"POLYGON ((7.237662078773546 52.88883870002432, 7.238817055567415 52.88883870002432, 7.238817055567415 52.88863544560421, 7.237662078773546 52.88863544560421, 7.237662078773546 52.88883870002432))",33213_5_13,5,13,99.6250005 +"POLYGON ((7.237662078773546 52.88863544560421, 7.238817055567415 52.88863544560421, 7.238817055567415 52.88843219023111, 7.237662078773546 52.88843219023111, 7.237662078773546 52.88863544560421))",33213_5_14,5,14,126.666666 +"POLYGON ((7.237662078773546 52.88843219023111, 7.238817055567415 52.88843219023111, 7.238817055567415 52.88822893390502, 7.237662078773546 52.88822893390502, 7.237662078773546 52.88843219023111))",33213_5_15,5,15,171.5 +"POLYGON ((7.237662078773546 52.88761915920874, 7.238817055567415 52.88761915920874, 7.238817055567415 52.88741589907065, 7.237662078773546 52.88741589907065, 7.237662078773546 52.88761915920874))",33213_5_19,5,19,94.3999992 +"POLYGON ((7.237662078773546 52.88721263797955, 7.238817055567415 52.88721263797955, 7.238817055567415 52.88700937593544, 7.237662078773546 52.88700937593544, 7.237662078773546 52.88721263797955))",33213_5_21,5,21,132.5000005 +"POLYGON ((7.237662078773546 52.88700937593544, 7.238817055567415 52.88700937593544, 7.238817055567415 52.88680611293832, 7.237662078773546 52.88680611293832, 7.237662078773546 52.88700937593544))",33213_5_22,5,22,87.5105002 +"POLYGON ((7.238817055567415 52.88944845756671, 7.239972032361282 52.88944845756671, 7.239972032361282 52.88924520600557, 7.238817055567415 52.88924520600557, 7.238817055567415 52.88944845756671))",33213_6_10,6,10,126.0 +"POLYGON ((7.238817055567415 52.88924520600557, 7.239972032361282 52.88924520600557, 7.239972032361282 52.88904195349144, 7.238817055567415 52.88904195349144, 7.238817055567415 52.88924520600557))",33213_6_11,6,11,81.5 +"POLYGON ((7.238817055567415 52.88904195349144, 7.239972032361282 52.88904195349144, 7.239972032361282 52.88883870002432, 7.238817055567415 52.88883870002432, 7.238817055567415 52.88904195349144))",33213_6_12,6,12,126.6812535 +"POLYGON ((7.238817055567415 52.88883870002432, 7.239972032361282 52.88883870002432, 7.239972032361282 52.88863544560421, 7.238817055567415 52.88863544560421, 7.238817055567415 52.88883870002432))",33213_6_13,6,13,128.14285771428573 +"POLYGON ((7.238817055567415 52.88863544560421, 7.239972032361282 52.88863544560421, 7.239972032361282 52.88843219023111, 7.238817055567415 52.88843219023111, 7.238817055567415 52.88863544560421))",33213_6_14,6,14,76.33333333333333 +"POLYGON ((7.238817055567415 52.88822893390502, 7.239972032361282 52.88822893390502, 7.239972032361282 52.88802567662592, 7.238817055567415 52.88802567662592, 7.238817055567415 52.88822893390502))",33213_6_16,6,16,170.0 +"POLYGON ((7.238817055567415 52.88802567662592, 7.239972032361282 52.88802567662592, 7.239972032361282 52.88782241839383, 7.238817055567415 52.88782241839383, 7.238817055567415 52.88802567662592))",33213_6_17,6,17,118.5 +"POLYGON ((7.231887194804207 52.88382481282272, 7.233042171598076 52.88382481282272, 7.233042171598076 52.88362153489489, 7.231887194804207 52.88362153489489, 7.231887194804207 52.88382481282272))",33214_0_11,0,11,181.0 +"POLYGON ((7.231887194804207 52.88179199065744, 7.233042171598076 52.88179199065744, 7.233042171598076 52.88158870319914, 7.231887194804207 52.88158870319914, 7.231887194804207 52.88179199065744))",33214_0_21,0,21,137.11993999999999 +"POLYGON ((7.233042171598076 52.88423136581925, 7.234197148391942 52.88423136581925, 7.234197148391942 52.88402808979752, 7.233042171598076 52.88402808979752, 7.233042171598076 52.88423136581925))",33214_1_9,1,9,76.6 +"POLYGON ((7.234197148391942 52.88341825601403, 7.235352125185812 52.88341825601403, 7.235352125185812 52.88321497618013, 7.234197148391942 52.88321497618013, 7.234197148391942 52.88341825601403))",33214_2_13,2,13,178.0 +"POLYGON ((7.235352125185812 52.88463791500366, 7.236507101979679 52.88463791500366, 7.236507101979679 52.88443464088797, 7.235352125185812 52.88443464088797, 7.235352125185812 52.88463791500366))",33214_3_7,3,7,180.0 +"POLYGON ((7.235352125185812 52.88341825601403, 7.236507101979679 52.88341825601403, 7.236507101979679 52.88321497618013, 7.235352125185812 52.88321497618013, 7.235352125185812 52.88341825601403))",33214_3_13,3,13,79.66666666666667 +"POLYGON ((7.236507101979679 52.88524773163254, 7.237662078773546 52.88524773163254, 7.237662078773546 52.88504446037594, 7.236507101979679 52.88504446037594, 7.236507101979679 52.88524773163254))",33214_4_4,4,4,72.42857142857143 +"POLYGON ((7.236507101979679 52.88484118816631, 7.237662078773546 52.88484118816631, 7.237662078773546 52.88463791500366, 7.236507101979679 52.88463791500366, 7.236507101979679 52.88484118816631))",33214_4_6,4,6,181.999998 +"POLYGON ((7.236507101979679 52.88443464088797, 7.237662078773546 52.88443464088797, 7.237662078773546 52.88423136581925, 7.236507101979679 52.88423136581925, 7.236507101979679 52.88443464088797))",33214_4_8,4,8,134.3788455 +"POLYGON ((7.236507101979679 52.88260513096014, 7.237662078773546 52.88260513096014, 7.237662078773546 52.88240184731404, 7.236507101979679 52.88240184731404, 7.236507101979679 52.88260513096014))",33214_4_17,4,17,88.71449150000001 +"POLYGON ((7.237662078773546 52.88524773163254, 7.238817055567415 52.88524773163254, 7.238817055567415 52.88504446037594, 7.237662078773546 52.88504446037594, 7.237662078773546 52.88524773163254))",33214_5_4,5,4,156.0 +"POLYGON ((7.237662078773546 52.88484118816631, 7.238817055567415 52.88484118816631, 7.238817055567415 52.88463791500366, 7.237662078773546 52.88463791500366, 7.237662078773546 52.88484118816631))",33214_5_6,5,6,191.0 +"POLYGON ((7.237662078773546 52.88423136581925, 7.238817055567415 52.88423136581925, 7.238817055567415 52.88402808979752, 7.237662078773546 52.88402808979752, 7.237662078773546 52.88423136581925))",33214_5_9,5,9,168.34246433333334 +"POLYGON ((7.237662078773546 52.88402808979752, 7.238817055567415 52.88402808979752, 7.238817055567415 52.88382481282272, 7.237662078773546 52.88382481282272, 7.237662078773546 52.88402808979752))",33214_5_10,5,10,130.250002 +"POLYGON ((7.237662078773546 52.88382481282272, 7.238817055567415 52.88382481282272, 7.238817055567415 52.88362153489489, 7.237662078773546 52.88362153489489, 7.237662078773546 52.88382481282272))",33214_5_11,5,11,99.558824 +"POLYGON ((7.237662078773546 52.88341825601403, 7.238817055567415 52.88341825601403, 7.238817055567415 52.88321497618013, 7.237662078773546 52.88321497618013, 7.237662078773546 52.88341825601403))",33214_5_13,5,13,101.22127044444444 +"POLYGON ((7.237662078773546 52.88321497618013, 7.238817055567415 52.88321497618013, 7.238817055567415 52.88301169539318, 7.237662078773546 52.88301169539318, 7.237662078773546 52.88321497618013))",33214_5_14,5,14,133.75 +"POLYGON ((7.237662078773546 52.88301169539318, 7.238817055567415 52.88301169539318, 7.238817055567415 52.88280841365318, 7.237662078773546 52.88280841365318, 7.237662078773546 52.88301169539318))",33214_5_15,5,15,160.0 +"POLYGON ((7.237662078773546 52.88219856271489, 7.238817055567415 52.88219856271489, 7.238817055567415 52.8819952771627, 7.237662078773546 52.8819952771627, 7.237662078773546 52.88219856271489))",33214_5_19,5,19,95.1887914 +"POLYGON ((7.237662078773546 52.88179199065744, 7.238817055567415 52.88179199065744, 7.238817055567415 52.88158870319914, 7.237662078773546 52.88158870319914, 7.237662078773546 52.88179199065744))",33214_5_21,5,21,125.70952333333332 +"POLYGON ((7.237662078773546 52.88158870319914, 7.238817055567415 52.88158870319914, 7.238817055567415 52.88138541478776, 7.237662078773546 52.88138541478776, 7.237662078773546 52.88158870319914))",33214_5_22,5,22,87.24342116666666 +"POLYGON ((7.238817055567415 52.88402808979752, 7.239972032361282 52.88402808979752, 7.239972032361282 52.88382481282272, 7.238817055567415 52.88382481282272, 7.238817055567415 52.88402808979752))",33214_6_10,6,10,126.000001 +"POLYGON ((7.238817055567415 52.88382481282272, 7.239972032361282 52.88382481282272, 7.239972032361282 52.88362153489489, 7.238817055567415 52.88362153489489, 7.238817055567415 52.88382481282272))",33214_6_11,6,11,82.2 +"POLYGON ((7.238817055567415 52.88362153489489, 7.239972032361282 52.88362153489489, 7.239972032361282 52.88341825601403, 7.238817055567415 52.88341825601403, 7.238817055567415 52.88362153489489))",33214_6_12,6,12,124.3501935 +"POLYGON ((7.238817055567415 52.88341825601403, 7.239972032361282 52.88341825601403, 7.239972032361282 52.88321497618013, 7.238817055567415 52.88321497618013, 7.238817055567415 52.88341825601403))",33214_6_13,6,13,128.87499975 +"POLYGON ((7.238817055567415 52.88321497618013, 7.239972032361282 52.88321497618013, 7.239972032361282 52.88301169539318, 7.238817055567415 52.88301169539318, 7.238817055567415 52.88321497618013))",33214_6_14,6,14,76.66666666666667 +"POLYGON ((7.238817055567415 52.88280841365318, 7.239972032361282 52.88280841365318, 7.239972032361282 52.88260513096014, 7.238817055567415 52.88260513096014, 7.238817055567415 52.88280841365318))",33214_6_16,6,16,167.5 +"POLYGON ((7.238817055567415 52.88260513096014, 7.239972032361282 52.88260513096014, 7.239972032361282 52.88240184731404, 7.238817055567415 52.88240184731404, 7.238817055567415 52.88260513096014))",33214_6_17,6,17,120.000002 +"POLYGON ((7.238817055567415 52.81329801613339, 7.239972032361282 52.81329801613339, 7.239972032361282 52.81309440770423, 7.238817055567415 52.81309440770423, 7.238817055567415 52.81329801613339))",33227_6_11,6,11,90.83333333333333 +"POLYGON ((7.238817055567415 52.80786813163967, 7.239972032361282 52.80786813163967, 7.239972032361282 52.80766449777787, 7.238817055567415 52.80766449777787, 7.238817055567415 52.80786813163967))",33228_6_11,6,11,92.0 +"POLYGON ((7.236507101979679 52.67775584155707, 7.237662078773546 52.67775584155707, 7.237662078773546 52.67755159881933, 7.236507101979679 52.67755159881933, 7.236507101979679 52.67775584155707))",33252_4_9,4,9,94.0 +"POLYGON ((7.236507101979679 52.67612187291646, 7.237662078773546 52.67612187291646, 7.237662078773546 52.67591762253906, 7.236507101979679 52.67591762253906, 7.236507101979679 52.67612187291646))",33252_4_17,4,17,100.5 +"POLYGON ((7.236507101979679 52.67230904174008, 7.237662078773546 52.67230904174008, 7.237662078773546 52.67210477353634, 7.236507101979679 52.67210477353634, 7.236507101979679 52.67230904174008))",33253_4_9,4,9,99.0 +"POLYGON ((7.236507101979679 52.67067486937007, 7.237662078773546 52.67067486937007, 7.237662078773546 52.67047059352628, 7.236507101979679 52.67047059352628, 7.236507101979679 52.67067486937007))",33253_4_17,4,17,100.0 +"POLYGON ((7.231887194804207 52.46421139229111, 7.233042171598076 52.46421139229111, 7.233042171598076 52.46400615253111, 7.231887194804207 52.46400615253111, 7.231887194804207 52.46421139229111))",33291_0_12,0,12,163.0 +"POLYGON ((7.231887194804207 52.46236420000318, 7.233042171598076 52.46236420000318, 7.233042171598076 52.4621589516312, 7.231887194804207 52.4621589516312, 7.231887194804207 52.46236420000318))",33291_0_21,0,21,139.33333533333334 +"POLYGON ((7.233042171598076 52.4648271058299, 7.234197148391942 52.4648271058299, 7.234197148391942 52.46462186894051, 7.233042171598076 52.46462186894051, 7.233042171598076 52.4648271058299))",33291_1_9,1,9,140.0 +"POLYGON ((7.234197148391942 52.46400615253111, 7.235352125185812 52.46400615253111, 7.235352125185812 52.4638009118142, 7.234197148391942 52.4638009118142, 7.234197148391942 52.46400615253111))",33291_2_13,2,13,176.0 +"POLYGON ((7.235352125185812 52.46544281075684, 7.236507101979679 52.46544281075684, 7.236507101979679 52.46523757673807, 7.235352125185812 52.46523757673807, 7.235352125185812 52.46544281075684))",33291_3_6,3,6,183.0 +"POLYGON ((7.235352125185812 52.46421139229111, 7.236507101979679 52.46421139229111, 7.236507101979679 52.46400615253111, 7.235352125185812 52.46400615253111, 7.235352125185812 52.46421139229111))",33291_3_12,3,12,131.66666666666666 +"POLYGON ((7.235352125185812 52.46339042750977, 7.236507101979679 52.46339042750977, 7.236507101979679 52.46318518392223, 7.235352125185812 52.46318518392223, 7.235352125185812 52.46339042750977))",33291_3_16,3,16,140.66666666666666 +"POLYGON ((7.236507101979679 52.46585327592379, 7.237662078773546 52.46585327592379, 7.237662078773546 52.46564804381875, 7.236507101979679 52.46564804381875, 7.236507101979679 52.46585327592379))",33291_4_4,4,4,184.0 +"POLYGON ((7.236507101979679 52.46564804381875, 7.237662078773546 52.46564804381875, 7.237662078773546 52.46544281075684, 7.236507101979679 52.46544281075684, 7.236507101979679 52.46564804381875))",33291_4_5,4,5,167.211343 +"POLYGON ((7.236507101979679 52.46544281075684, 7.237662078773546 52.46544281075684, 7.237662078773546 52.46523757673807, 7.236507101979679 52.46523757673807, 7.236507101979679 52.46544281075684))",33291_4_6,4,6,163.75000125 +"POLYGON ((7.236507101979679 52.46503234176241, 7.237662078773546 52.46503234176241, 7.237662078773546 52.4648271058299, 7.236507101979679 52.4648271058299, 7.236507101979679 52.46503234176241))",33291_4_8,4,8,135.333336 +"POLYGON ((7.236507101979679 52.46462186894051, 7.237662078773546 52.46462186894051, 7.237662078773546 52.46441663109425, 7.236507101979679 52.46441663109425, 7.236507101979679 52.46462186894051))",33291_4_10,4,10,131.0 +"POLYGON ((7.236507101979679 52.46339042750977, 7.237662078773546 52.46339042750977, 7.237662078773546 52.46318518392223, 7.236507101979679 52.46318518392223, 7.236507101979679 52.46339042750977))",33291_4_16,4,16,156.4999975 +"POLYGON ((7.236507101979679 52.46318518392223, 7.237662078773546 52.46318518392223, 7.237662078773546 52.4629799393778, 7.236507101979679 52.4629799393778, 7.236507101979679 52.46318518392223))",33291_4_17,4,17,139.5 +"POLYGON ((7.237662078773546 52.46585327592379, 7.238817055567415 52.46585327592379, 7.238817055567415 52.46564804381875, 7.237662078773546 52.46564804381875, 7.237662078773546 52.46585327592379))",33291_5_4,5,4,128.5 +"POLYGON ((7.237662078773546 52.46544281075684, 7.238817055567415 52.46544281075684, 7.238817055567415 52.46523757673807, 7.237662078773546 52.46523757673807, 7.237662078773546 52.46544281075684))",33291_5_6,5,6,190.5 +"POLYGON ((7.237662078773546 52.46462186894051, 7.238817055567415 52.46462186894051, 7.238817055567415 52.46441663109425, 7.237662078773546 52.46441663109425, 7.237662078773546 52.46462186894051))",33291_5_10,5,10,138.427167 +"POLYGON ((7.237662078773546 52.46441663109425, 7.238817055567415 52.46441663109425, 7.238817055567415 52.46421139229111, 7.237662078773546 52.46421139229111, 7.237662078773546 52.46441663109425))",33291_5_11,5,11,139.17472933333332 +"POLYGON ((7.237662078773546 52.46421139229111, 7.238817055567415 52.46421139229111, 7.238817055567415 52.46400615253111, 7.237662078773546 52.46400615253111, 7.237662078773546 52.46421139229111))",33291_5_12,5,12,127.909732 +"POLYGON ((7.237662078773546 52.46400615253111, 7.238817055567415 52.46400615253111, 7.238817055567415 52.4638009118142, 7.237662078773546 52.4638009118142, 7.237662078773546 52.46400615253111))",33291_5_13,5,13,130.6 +"POLYGON ((7.237662078773546 52.46339042750977, 7.238817055567415 52.46339042750977, 7.238817055567415 52.46318518392223, 7.237662078773546 52.46318518392223, 7.237662078773546 52.46339042750977))",33291_5_16,5,16,162.0 +"POLYGON ((7.237662078773546 52.46277469387648, 7.238817055567415 52.46277469387648, 7.238817055567415 52.46256944741828, 7.237662078773546 52.46256944741828, 7.237662078773546 52.46277469387648))",33291_5_19,5,19,148.33962100000002 +"POLYGON ((7.237662078773546 52.4619537023023, 7.238817055567415 52.4619537023023, 7.238817055567415 52.46174845201651, 7.237662078773546 52.46174845201651, 7.237662078773546 52.4619537023023))",33291_5_23,5,23,132.999998 +"POLYGON ((7.238817055567415 52.46462186894051, 7.239972032361282 52.46462186894051, 7.239972032361282 52.46441663109425, 7.238817055567415 52.46441663109425, 7.238817055567415 52.46462186894051))",33291_6_10,6,10,124.66666633333334 +"POLYGON ((7.238817055567415 52.46441663109425, 7.239972032361282 52.46441663109425, 7.239972032361282 52.46421139229111, 7.238817055567415 52.46421139229111, 7.238817055567415 52.46441663109425))",33291_6_11,6,11,126.5 +"POLYGON ((7.238817055567415 52.46421139229111, 7.239972032361282 52.46421139229111, 7.239972032361282 52.46400615253111, 7.238817055567415 52.46400615253111, 7.238817055567415 52.46421139229111))",33291_6_12,6,12,123.5 +"POLYGON ((7.238817055567415 52.46400615253111, 7.239972032361282 52.46400615253111, 7.239972032361282 52.4638009118142, 7.238817055567415 52.4638009118142, 7.238817055567415 52.46400615253111))",33291_6_13,6,13,127.92223288888889 +"POLYGON ((7.238817055567415 52.4638009118142, 7.239972032361282 52.4638009118142, 7.239972032361282 52.46359567014044, 7.238817055567415 52.46359567014044, 7.238817055567415 52.4638009118142))",33291_6_14,6,14,135.202078 +"POLYGON ((7.238817055567415 52.46359567014044, 7.239972032361282 52.46359567014044, 7.239972032361282 52.46339042750977, 7.238817055567415 52.46339042750977, 7.238817055567415 52.46359567014044))",33291_6_15,6,15,127.0 +"POLYGON ((7.238817055567415 52.46339042750977, 7.239972032361282 52.46339042750977, 7.239972032361282 52.46318518392223, 7.238817055567415 52.46318518392223, 7.238817055567415 52.46339042750977))",33291_6_16,6,16,158.5 +"POLYGON ((7.238817055567415 52.4629799393778, 7.239972032361282 52.4629799393778, 7.239972032361282 52.46277469387648, 7.238817055567415 52.46277469387648, 7.238817055567415 52.4629799393778))",33291_6_18,6,18,117.000001 +"POLYGON ((7.231887194804207 52.4587380045536, 7.233042171598076 52.4587380045536, 7.233042171598076 52.45853273927618, 7.231887194804207 52.45853273927618, 7.231887194804207 52.4587380045536))",33292_0_12,0,12,172.0 +"POLYGON ((7.231887194804207 52.45689058260728, 7.233042171598076 52.45689058260728, 7.233042171598076 52.45668530871745, 7.231887194804207 52.45668530871745, 7.231887194804207 52.45689058260728))",33292_0_21,0,21,137.6260315 +"POLYGON ((7.233042171598076 52.45935379464431, 7.234197148391942 52.45935379464431, 7.234197148391942 52.45914853223766, 7.233042171598076 52.45914853223766, 7.233042171598076 52.45935379464431))",33292_1_9,1,9,148.0 +"POLYGON ((7.234197148391942 52.45853273927618, 7.235352125185812 52.45853273927618, 7.235352125185812 52.45832747304184, 7.234197148391942 52.45832747304184, 7.234197148391942 52.45853273927618))",33292_2_13,2,13,176.0 +"POLYGON ((7.235352125185812 52.45996957612272, 7.236507101979679 52.45996957612272, 7.236507101979679 52.45976431658683, 7.235352125185812 52.45976431658683, 7.235352125185812 52.45996957612272))",33292_3_6,3,6,159.5 +"POLYGON ((7.235352125185812 52.4587380045536, 7.236507101979679 52.4587380045536, 7.236507101979679 52.45853273927618, 7.235352125185812 52.45853273927618, 7.235352125185812 52.4587380045536))",33292_3_12,3,12,127.5 +"POLYGON ((7.235352125185812 52.45791693770235, 7.236507101979679 52.45791693770235, 7.236507101979679 52.45771166859722, 7.235352125185812 52.45771166859722, 7.235352125185812 52.45791693770235))",33292_3_16,3,16,135.0 +"POLYGON ((7.236507101979679 52.46038009232375, 7.237662078773546 52.46038009232375, 7.237662078773546 52.4601748347017, 7.236507101979679 52.4601748347017, 7.236507101979679 52.46038009232375))",33292_4_4,4,4,180.5 +"POLYGON ((7.236507101979679 52.4601748347017, 7.237662078773546 52.4601748347017, 7.237662078773546 52.45996957612272, 7.236507101979679 52.45996957612272, 7.236507101979679 52.4601748347017))",33292_4_5,4,5,146.0000005 +"POLYGON ((7.236507101979679 52.45996957612272, 7.237662078773546 52.45996957612272, 7.237662078773546 52.45976431658683, 7.236507101979679 52.45976431658683, 7.236507101979679 52.45996957612272))",33292_4_6,4,6,161.0 +"POLYGON ((7.236507101979679 52.45955905609403, 7.237662078773546 52.45955905609403, 7.237662078773546 52.45935379464431, 7.236507101979679 52.45935379464431, 7.236507101979679 52.45955905609403))",33292_4_8,4,8,134.17164200000002 +"POLYGON ((7.236507101979679 52.45914853223766, 7.237662078773546 52.45914853223766, 7.237662078773546 52.45894326887409, 7.236507101979679 52.45894326887409, 7.236507101979679 52.45914853223766))",33292_4_10,4,10,125.5 +"POLYGON ((7.236507101979679 52.45791693770235, 7.237662078773546 52.45791693770235, 7.237662078773546 52.45771166859722, 7.236507101979679 52.45771166859722, 7.236507101979679 52.45791693770235))",33292_4_16,4,16,155.4999985 +"POLYGON ((7.236507101979679 52.45771166859722, 7.237662078773546 52.45771166859722, 7.237662078773546 52.45750639853514, 7.236507101979679 52.45750639853514, 7.236507101979679 52.45771166859722))",33292_4_17,4,17,135.5 +"POLYGON ((7.237662078773546 52.46038009232375, 7.238817055567415 52.46038009232375, 7.238817055567415 52.4601748347017, 7.237662078773546 52.4601748347017, 7.237662078773546 52.46038009232375))",33292_5_4,5,4,128.0 +"POLYGON ((7.237662078773546 52.45996957612272, 7.238817055567415 52.45996957612272, 7.238817055567415 52.45976431658683, 7.237662078773546 52.45976431658683, 7.237662078773546 52.45996957612272))",33292_5_6,5,6,175.0 +"POLYGON ((7.237662078773546 52.45914853223766, 7.238817055567415 52.45914853223766, 7.238817055567415 52.45894326887409, 7.237662078773546 52.45894326887409, 7.237662078773546 52.45914853223766))",33292_5_10,5,10,140.7373735 +"POLYGON ((7.237662078773546 52.45894326887409, 7.238817055567415 52.45894326887409, 7.238817055567415 52.4587380045536, 7.237662078773546 52.4587380045536, 7.237662078773546 52.45894326887409))",33292_5_11,5,11,134.89946750000001 +"POLYGON ((7.237662078773546 52.4587380045536, 7.238817055567415 52.4587380045536, 7.238817055567415 52.45853273927618, 7.237662078773546 52.45853273927618, 7.237662078773546 52.4587380045536))",33292_5_12,5,12,125.5000005 +"POLYGON ((7.237662078773546 52.45853273927618, 7.238817055567415 52.45853273927618, 7.238817055567415 52.45832747304184, 7.237662078773546 52.45832747304184, 7.237662078773546 52.45853273927618))",33292_5_13,5,13,131.2500005 +"POLYGON ((7.237662078773546 52.45791693770235, 7.238817055567415 52.45791693770235, 7.238817055567415 52.45771166859722, 7.237662078773546 52.45771166859722, 7.237662078773546 52.45791693770235))",33292_5_16,5,16,160.0 +"POLYGON ((7.237662078773546 52.45730112751613, 7.238817055567415 52.45730112751613, 7.238817055567415 52.45709585554017, 7.237662078773546 52.45709585554017, 7.237662078773546 52.45730112751613))",33292_5_19,5,19,144.999997 +"POLYGON ((7.237662078773546 52.45648003387067, 7.238817055567415 52.45648003387067, 7.238817055567415 52.45627475806695, 7.237662078773546 52.45627475806695, 7.237662078773546 52.45648003387067))",33292_5_23,5,23,136.4457745 +"POLYGON ((7.238817055567415 52.45914853223766, 7.239972032361282 52.45914853223766, 7.239972032361282 52.45894326887409, 7.238817055567415 52.45894326887409, 7.238817055567415 52.45914853223766))",33292_6_10,6,10,123.999998 +"POLYGON ((7.238817055567415 52.45894326887409, 7.239972032361282 52.45894326887409, 7.239972032361282 52.4587380045536, 7.238817055567415 52.4587380045536, 7.238817055567415 52.45894326887409))",33292_6_11,6,11,135.0 +"POLYGON ((7.238817055567415 52.4587380045536, 7.239972032361282 52.4587380045536, 7.239972032361282 52.45853273927618, 7.238817055567415 52.45853273927618, 7.238817055567415 52.4587380045536))",33292_6_12,6,12,109.66666666666667 +"POLYGON ((7.238817055567415 52.45853273927618, 7.239972032361282 52.45853273927618, 7.239972032361282 52.45832747304184, 7.238817055567415 52.45832747304184, 7.238817055567415 52.45853273927618))",33292_6_13,6,13,123.384283 +"POLYGON ((7.238817055567415 52.45832747304184, 7.239972032361282 52.45832747304184, 7.239972032361282 52.45812220585056, 7.238817055567415 52.45812220585056, 7.238817055567415 52.45832747304184))",33292_6_14,6,14,107.475303 +"POLYGON ((7.238817055567415 52.45812220585056, 7.239972032361282 52.45812220585056, 7.239972032361282 52.45791693770235, 7.238817055567415 52.45791693770235, 7.238817055567415 52.45812220585056))",33292_6_15,6,15,131.0 +"POLYGON ((7.238817055567415 52.45791693770235, 7.239972032361282 52.45791693770235, 7.239972032361282 52.45771166859722, 7.238817055567415 52.45771166859722, 7.238817055567415 52.45791693770235))",33292_6_16,6,16,169.5 +"POLYGON ((7.238817055567415 52.45750639853514, 7.239972032361282 52.45750639853514, 7.239972032361282 52.45730112751613, 7.238817055567415 52.45730112751613, 7.238817055567415 52.45750639853514))",33292_6_18,6,18,121.319908 +"POLYGON ((7.231887194804207 52.29421979387114, 7.233042171598076 52.29421979387114, 7.233042171598076 52.2940137624711, 7.231887194804207 52.2940137624711, 7.231887194804207 52.29421979387114))",33322_0_12,0,12,141.0 +"POLYGON ((7.231887194804207 52.29215943674364, 7.233042171598076 52.29215943674364, 7.233042171598076 52.29195339575976, 7.231887194804207 52.29195339575976, 7.231887194804207 52.29215943674364))",33322_0_22,0,22,132.649469 +"POLYGON ((7.233042171598076 52.29483788232101, 7.234197148391942 52.29483788232101, 7.234197148391942 52.29463185379609, 7.233042171598076 52.29463185379609, 7.233042171598076 52.29483788232101))",33322_1_9,1,9,142.0 +"POLYGON ((7.234197148391942 52.2940137624711, 7.235352125185812 52.2940137624711, 7.235352125185812 52.2938077301127, 7.234197148391942 52.2938077301127, 7.234197148391942 52.2940137624711))",33322_2_13,2,13,166.0 +"POLYGON ((7.235352125185812 52.29545596214556, 7.236507101979679 52.29545596214556, 7.236507101979679 52.29524993649574, 7.235352125185812 52.29524993649574, 7.235352125185812 52.29545596214556))",33322_3_6,3,6,176.0 +"POLYGON ((7.235352125185812 52.29421979387114, 7.236507101979679 52.29421979387114, 7.236507101979679 52.2940137624711, 7.235352125185812 52.2940137624711, 7.235352125185812 52.29421979387114))",33322_3_12,3,12,128.0 +"POLYGON ((7.235352125185812 52.29339566252073, 7.236507101979679 52.29339566252073, 7.236507101979679 52.29318962728718, 7.235352125185812 52.29318962728718, 7.235352125185812 52.29339566252073))",33322_3_16,3,16,135.0 +"POLYGON ((7.236507101979679 52.29586801057011, 7.237662078773546 52.29586801057011, 7.237662078773546 52.29566198683701, 7.236507101979679 52.29566198683701, 7.236507101979679 52.29586801057011))",33322_4_4,4,4,183.5 +"POLYGON ((7.236507101979679 52.29566198683701, 7.237662078773546 52.29566198683701, 7.237662078773546 52.29545596214556, 7.236507101979679 52.29545596214556, 7.236507101979679 52.29566198683701))",33322_4_5,4,5,142.98341775 +"POLYGON ((7.236507101979679 52.29463185379609, 7.237662078773546 52.29463185379609, 7.237662078773546 52.2944258243128, 7.236507101979679 52.2944258243128, 7.236507101979679 52.29463185379609))",33322_4_10,4,10,132.0 +"POLYGON ((7.237662078773546 52.29586801057011, 7.238817055567415 52.29586801057011, 7.238817055567415 52.29566198683701, 7.237662078773546 52.29566198683701, 7.237662078773546 52.29586801057011))",33322_5_4,5,4,121.0 +"POLYGON ((7.237662078773546 52.29545596214556, 7.238817055567415 52.29545596214556, 7.238817055567415 52.29524993649574, 7.237662078773546 52.29524993649574, 7.237662078773546 52.29545596214556))",33322_5_6,5,6,161.5 +"POLYGON ((7.237662078773546 52.29483788232101, 7.238817055567415 52.29483788232101, 7.238817055567415 52.29463185379609, 7.237662078773546 52.29463185379609, 7.237662078773546 52.29483788232101))",33322_5_9,5,9,137.5000015 +"POLYGON ((7.237662078773546 52.2944258243128, 7.238817055567415 52.2944258243128, 7.238817055567415 52.29421979387114, 7.237662078773546 52.29421979387114, 7.237662078773546 52.2944258243128))",33322_5_11,5,11,125.0792395 +"POLYGON ((7.237662078773546 52.29277755394493, 7.238817055567415 52.29277755394493, 7.238817055567415 52.29257151583622, 7.237662078773546 52.29257151583622, 7.237662078773546 52.29277755394493))",33322_5_19,5,19,146.0 +"POLYGON ((7.237662078773546 52.29195339575976, 7.238817055567415 52.29195339575976, 7.238817055567415 52.29174735381749, 7.237662078773546 52.29174735381749, 7.237662078773546 52.29195339575976))",33322_5_23,5,23,120.99999966666667 +"POLYGON ((7.238817055567415 52.29463185379609, 7.239972032361282 52.29463185379609, 7.239972032361282 52.2944258243128, 7.238817055567415 52.2944258243128, 7.238817055567415 52.29463185379609))",33322_6_10,6,10,136.66666533333333 +"POLYGON ((7.238817055567415 52.29421979387114, 7.239972032361282 52.29421979387114, 7.239972032361282 52.2940137624711, 7.238817055567415 52.2940137624711, 7.238817055567415 52.29421979387114))",33322_6_12,6,12,116.85714285714286 +"POLYGON ((7.238817055567415 52.2940137624711, 7.239972032361282 52.2940137624711, 7.239972032361282 52.2938077301127, 7.238817055567415 52.2938077301127, 7.238817055567415 52.2940137624711))",33322_6_13,6,13,132.33333233333335 +"POLYGON ((7.238817055567415 52.2938077301127, 7.239972032361282 52.2938077301127, 7.239972032361282 52.2936016967959, 7.238817055567415 52.2936016967959, 7.238817055567415 52.2938077301127))",33322_6_14,6,14,140.03555575 +"POLYGON ((7.238817055567415 52.29298359109525, 7.239972032361282 52.29298359109525, 7.239972032361282 52.29277755394493, 7.238817055567415 52.29277755394493, 7.238817055567415 52.29298359109525))",33322_6_18,6,18,124.999998 +"POLYGON ((7.231887194804207 52.28872529522086, 7.233042171598076 52.28872529522086, 7.233042171598076 52.28851923826352, 7.231887194804207 52.28851923826352, 7.231887194804207 52.28872529522086))",33323_0_12,0,12,143.0 +"POLYGON ((7.231887194804207 52.28666468251811, 7.233042171598076 52.28666468251811, 7.233042171598076 52.28645861597645, 7.231887194804207 52.28645861597645, 7.231887194804207 52.28666468251811))",33323_0_22,0,22,129.79022700000002 +"POLYGON ((7.233042171598076 52.28934346034238, 7.234197148391942 52.28934346034238, 7.234197148391942 52.28913740626029, 7.233042171598076 52.28913740626029, 7.233042171598076 52.28934346034238))",33323_1_9,1,9,141.5 +"POLYGON ((7.234197148391942 52.28851923826352, 7.235352125185812 52.28851923826352, 7.235352125185812 52.28831318034776, 7.234197148391942 52.28831318034776, 7.234197148391942 52.28851923826352))",33323_2_13,2,13,168.0 +"POLYGON ((7.235352125185812 52.28996161683814, 7.236507101979679 52.28996161683814, 7.236507101979679 52.2897555656313, 7.235352125185812 52.2897555656313, 7.235352125185812 52.28996161683814))",33323_3_6,3,6,193.0 +"POLYGON ((7.235352125185812 52.28872529522086, 7.236507101979679 52.28872529522086, 7.236507101979679 52.28851923826352, 7.235352125185812 52.28851923826352, 7.235352125185812 52.28872529522086))",33323_3_12,3,12,124.5 +"POLYGON ((7.235352125185812 52.28790106164093, 7.236507101979679 52.28790106164093, 7.236507101979679 52.28769500084988, 7.235352125185812 52.28769500084988, 7.235352125185812 52.28790106164093))",33323_3_16,3,16,137.0 +"POLYGON ((7.236507101979679 52.29037371637659, 7.237662078773546 52.29037371637659, 7.237662078773546 52.29016766708656, 7.236507101979679 52.29016766708656, 7.236507101979679 52.29037371637659))",33323_4_4,4,4,192.0 +"POLYGON ((7.236507101979679 52.29016766708656, 7.237662078773546 52.29016766708656, 7.237662078773546 52.28996161683814, 7.236507101979679 52.28996161683814, 7.236507101979679 52.29016766708656))",33323_4_5,4,5,134.40894125 +"POLYGON ((7.236507101979679 52.28913740626029, 7.237662078773546 52.28913740626029, 7.237662078773546 52.28893135121979, 7.236507101979679 52.28893135121979, 7.236507101979679 52.28913740626029))",33323_4_10,4,10,129.5 +"POLYGON ((7.237662078773546 52.29037371637659, 7.238817055567415 52.29037371637659, 7.238817055567415 52.29016766708656, 7.237662078773546 52.29016766708656, 7.237662078773546 52.29037371637659))",33323_5_4,5,4,122.5 +"POLYGON ((7.237662078773546 52.28996161683814, 7.238817055567415 52.28996161683814, 7.238817055567415 52.2897555656313, 7.237662078773546 52.2897555656313, 7.237662078773546 52.28996161683814))",33323_5_6,5,6,160.0 +"POLYGON ((7.237662078773546 52.28934346034238, 7.238817055567415 52.28934346034238, 7.238817055567415 52.28913740626029, 7.237662078773546 52.28913740626029, 7.237662078773546 52.28934346034238))",33323_5_9,5,9,133.8616215 +"POLYGON ((7.237662078773546 52.28893135121979, 7.238817055567415 52.28893135121979, 7.238817055567415 52.28872529522086, 7.237662078773546 52.28872529522086, 7.237662078773546 52.28893135121979))",33323_5_11,5,11,130.81957599999998 +"POLYGON ((7.237662078773546 52.28728287639248, 7.238817055567415 52.28728287639248, 7.238817055567415 52.28707681272613, 7.237662078773546 52.28707681272613, 7.237662078773546 52.28728287639248))",33323_5_19,5,19,147.0 +"POLYGON ((7.237662078773546 52.28645861597645, 7.238817055567415 52.28645861597645, 7.238817055567415 52.28625254847635, 7.237662078773546 52.28625254847635, 7.237662078773546 52.28645861597645))",33323_5_23,5,23,123.000002 +"POLYGON ((7.238817055567415 52.28913740626029, 7.239972032361282 52.28913740626029, 7.239972032361282 52.28893135121979, 7.238817055567415 52.28893135121979, 7.238817055567415 52.28913740626029))",33323_6_10,6,10,141.820352 +"POLYGON ((7.238817055567415 52.28872529522086, 7.239972032361282 52.28872529522086, 7.239972032361282 52.28851923826352, 7.238817055567415 52.28851923826352, 7.238817055567415 52.28872529522086))",33323_6_12,6,12,115.66666666666667 +"POLYGON ((7.238817055567415 52.28851923826352, 7.239972032361282 52.28851923826352, 7.239972032361282 52.28831318034776, 7.238817055567415 52.28831318034776, 7.238817055567415 52.28851923826352))",33323_6_13,6,13,128.666667 +"POLYGON ((7.238817055567415 52.28831318034776, 7.239972032361282 52.28831318034776, 7.239972032361282 52.28810712147355, 7.238817055567415 52.28810712147355, 7.238817055567415 52.28831318034776))",33323_6_14,6,14,134.666668 +"POLYGON ((7.238817055567415 52.2874889391004, 7.239972032361282 52.2874889391004, 7.239972032361282 52.28728287639248, 7.238817055567415 52.28728287639248, 7.238817055567415 52.2874889391004))",33323_6_18,6,18,127.639868 +"POLYGON ((7.231887194804207 52.18420028874615, 7.233042171598076 52.18420028874615, 7.233042171598076 52.1839937459586, 7.231887194804207 52.1839937459586, 7.231887194804207 52.18420028874615))",33342_0_12,0,12,96.2 +"POLYGON ((7.231887194804207 52.1821348177007, 7.233042171598076 52.1821348177007, 7.233042171598076 52.1819282653198, 7.231887194804207 52.1819282653198, 7.231887194804207 52.1821348177007))",33342_0_22,0,22,100.27460366666666 +"POLYGON ((7.233042171598076 52.18481991135287, 7.234197148391942 52.18481991135287, 7.234197148391942 52.18461337144328, 7.233042171598076 52.18461337144328, 7.233042171598076 52.18481991135287))",33342_1_9,1,9,110.0 +"POLYGON ((7.234197148391942 52.1839937459586, 7.235352125185812 52.1839937459586, 7.235352125185812 52.18378720221173, 7.234197148391942 52.18378720221173, 7.234197148391942 52.1839937459586))",33342_2_13,2,13,98.6 +"POLYGON ((7.235352125185812 52.18543952532571, 7.236507101979679 52.18543952532571, 7.236507101979679 52.18523298829408, 7.235352125185812 52.18523298829408, 7.235352125185812 52.18543952532571))",33342_3_6,3,6,88.0 +"POLYGON ((7.235352125185812 52.18420028874615, 7.236507101979679 52.18420028874615, 7.236507101979679 52.1839937459586, 7.235352125185812 52.1839937459586, 7.235352125185812 52.18420028874615))",33342_3_12,3,12,101.8 +"POLYGON ((7.235352125185812 52.18337411183998, 7.236507101979679 52.18337411183998, 7.236507101979679 52.1831675652151, 7.235352125185812 52.1831675652151, 7.235352125185812 52.18337411183998))",33342_3_16,3,16,106.25 +"POLYGON ((7.236507101979679 52.18585259651102, 7.237662078773546 52.18585259651102, 7.237662078773546 52.18564606139802, 7.236507101979679 52.18564606139802, 7.236507101979679 52.18585259651102))",33342_4_4,4,4,121.5 +"POLYGON ((7.236507101979679 52.18564606139802, 7.237662078773546 52.18564606139802, 7.237662078773546 52.18543952532571, 7.236507101979679 52.18543952532571, 7.236507101979679 52.18564606139802))",33342_4_5,4,5,117.75 +"POLYGON ((7.237662078773546 52.18585259651102, 7.238817055567415 52.18585259651102, 7.238817055567415 52.18564606139802, 7.237662078773546 52.18564606139802, 7.237662078773546 52.18585259651102))",33342_5_4,5,4,110.0 +"POLYGON ((7.237662078773546 52.18543952532571, 7.238817055567415 52.18543952532571, 7.238817055567415 52.18523298829408, 7.237662078773546 52.18523298829408, 7.237662078773546 52.18543952532571))",33342_5_6,5,6,135.0 +"POLYGON ((7.237662078773546 52.18481991135287, 7.238817055567415 52.18481991135287, 7.238817055567415 52.18461337144328, 7.237662078773546 52.18461337144328, 7.237662078773546 52.18481991135287))",33342_5_9,5,9,72.81079112500001 +"POLYGON ((7.237662078773546 52.18461337144328, 7.238817055567415 52.18461337144328, 7.238817055567415 52.18440683057438, 7.237662078773546 52.18440683057438, 7.237662078773546 52.18461337144328))",33342_5_10,5,10,81.51670533333333 +"POLYGON ((7.237662078773546 52.18440683057438, 7.238817055567415 52.18440683057438, 7.238817055567415 52.18420028874615, 7.237662078773546 52.18420028874615, 7.237662078773546 52.18440683057438))",33342_5_11,5,11,80.68039675 +"POLYGON ((7.237662078773546 52.18254791958447, 7.238817055567415 52.18254791958447, 7.238817055567415 52.18234136912226, 7.237662078773546 52.18234136912226, 7.237662078773546 52.18254791958447))",33342_5_20,5,20,102.80000079999999 +"POLYGON ((7.237662078773546 52.1819282653198, 7.238817055567415 52.1819282653198, 7.238817055567415 52.18172171197956, 7.237662078773546 52.18172171197956, 7.237662078773546 52.1819282653198))",33342_5_23,5,23,88.32640450000001 +"POLYGON ((7.238817055567415 52.18481991135287, 7.239972032361282 52.18481991135287, 7.239972032361282 52.18461337144328, 7.238817055567415 52.18461337144328, 7.238817055567415 52.18481991135287))",33342_6_9,6,9,107.8000014 +"POLYGON ((7.238817055567415 52.18420028874615, 7.239972032361282 52.18420028874615, 7.239972032361282 52.1839937459586, 7.238817055567415 52.1839937459586, 7.238817055567415 52.18420028874615))",33342_6_12,6,12,100.26666666666667 +"POLYGON ((7.238817055567415 52.1839937459586, 7.239972032361282 52.1839937459586, 7.239972032361282 52.18378720221173, 7.238817055567415 52.18378720221173, 7.238817055567415 52.1839937459586))",33342_6_13,6,13,101.1999988 +"POLYGON ((7.238817055567415 52.18378720221173, 7.239972032361282 52.18378720221173, 7.239972032361282 52.18358065750551, 7.238817055567415 52.18358065750551, 7.238817055567415 52.18378720221173))",33342_6_14,6,14,99.54545536363638 +"POLYGON ((7.236507101979679 50.79720654031169, 7.237662078773546 50.79720654031169, 7.237662078773546 50.79699361650572, 7.236507101979679 50.79699361650572, 7.236507101979679 50.79720654031169))",33590_4_12,4,12,135.0 +"POLYGON ((7.236507101979679 50.79152824015965, 7.237662078773546 50.79152824015965, 7.237662078773546 50.79131529048395, 7.236507101979679 50.79131529048395, 7.236507101979679 50.79152824015965))",33591_4_12,4,12,136.0 +"POLYGON ((7.236507101979679 50.7858492501347, 7.237662078773546 50.7858492501347, 7.237662078773546 50.78563627458821, 7.236507101979679 50.78563627458821, 7.236507101979679 50.7858492501347))",33592_4_12,4,12,142.0 +"POLYGON ((7.236507101979679 50.77448920035401, 7.237662078773546 50.77448920035401, 7.237662078773546 50.7742761730628, 7.236507101979679 50.7742761730628, 7.236507101979679 50.77448920035401))",33594_4_12,4,12,127.66666666666667 +"POLYGON ((7.236507101979679 50.7688081405423, 7.237662078773546 50.7688081405423, 7.237662078773546 50.76859508737717, 7.236507101979679 50.76859508737717, 7.236507101979679 50.7688081405423))",33595_4_12,4,12,131.33333333333334 +"POLYGON ((7.236507101979679 50.75176082108649, 7.237662078773546 50.75176082108649, 7.237662078773546 50.7515476902933, 7.236507101979679 50.7515476902933, 7.236507101979679 50.75176082108649))",33598_4_12,4,12,146.5 +"POLYGON ((7.236507101979679 50.746077001168, 7.237662078773546 50.746077001168, 7.237662078773546 50.74586384449669, 7.236507101979679 50.74586384449669, 7.236507101979679 50.746077001168))",33599_4_12,4,12,148.0 +"POLYGON ((7.236507101979679 50.74039249115312, 7.237662078773546 50.74039249115312, 7.237662078773546 50.74017930860265, 7.236507101979679 50.74017930860265, 7.236507101979679 50.74039249115312))",33600_4_12,4,12,146.0 +"POLYGON ((7.236507101979679 50.73470729101403, 7.237662078773546 50.73470729101403, 7.237662078773546 50.73449408258338, 7.236507101979679 50.73449408258338, 7.236507101979679 50.73470729101403))",33601_4_12,4,12,124.0 +"POLYGON ((7.236507101979679 50.72902140072293, 7.237662078773546 50.72902140072293, 7.237662078773546 50.72880816641104, 7.236507101979679 50.72880816641104, 7.236507101979679 50.72902140072293))",33602_4_12,4,12,115.0 +"POLYGON ((7.236507101979679 50.72333482025206, 7.237662078773546 50.72333482025206, 7.237662078773546 50.72312156005787, 7.236507101979679 50.72312156005787, 7.236507101979679 50.72333482025206))",33603_4_12,4,12,120.0 +"POLYGON ((7.236507101979679 50.71764754957362, 7.237662078773546 50.71764754957362, 7.237662078773546 50.71743426349611, 7.236507101979679 50.71743426349611, 7.236507101979679 50.71764754957362))",33604_4_12,4,12,126.0 +"POLYGON ((7.240870347645402 53.57233957305256, 7.24202532443927 53.57233957305256, 7.24202532443927 53.57213953773325, 7.240870347645402 53.57213953773325, 7.240870347645402 53.57233957305256))",33761_0_10,0,10,63.5 +"POLYGON ((7.243180301233139 53.57153942609754, 7.244335278027006 53.57153942609754, 7.244335278027006 53.57133938699302, 7.243180301233139 53.57133938699302, 7.243180301233139 53.57153942609754))",33761_2_14,2,14,94.0 +"POLYGON ((7.245490254820874 53.57333973545471, 7.246645231614742 53.57333973545471, 7.246645231614742 53.57313970486685, 7.245490254820874 53.57313970486685, 7.245490254820874 53.57333973545471))",33761_4_5,4,5,69.0 +"POLYGON ((7.246645231614742 53.57333973545471, 7.24780020840861 53.57333973545471, 7.24780020840861 53.57313970486685, 7.246645231614742 53.57313970486685, 7.246645231614742 53.57333973545471))",33761_5_5,5,5,73.5 +"POLYGON ((7.24780020840861 53.57173946425574, 7.248955185202478 53.57173946425574, 7.248955185202478 53.57153942609754, 7.24780020840861 53.57153942609754, 7.24780020840861 53.57173946425574))",33761_6_13,6,13,73.5 +"POLYGON ((7.240870347645402 53.56700497402105, 7.24202532443927 53.56700497402105, 7.24202532443927 53.56680491346644, 7.240870347645402 53.56680491346644, 7.240870347645402 53.56700497402105))",33762_0_10,0,10,64.83333333333333 +"POLYGON ((7.243180301233139 53.56620472612445, 7.244335278027006 53.56620472612445, 7.244335278027006 53.5660046617844, 7.243180301233139 53.5660046617844, 7.243180301233139 53.56620472612445))",33762_2_14,2,14,65.71428571428571 +"POLYGON ((7.245490254820874 53.56800526259894, 7.246645231614742 53.56800526259894, 7.246645231614742 53.56780520677604, 7.245490254820874 53.56780520677604, 7.245490254820874 53.56800526259894))",33762_4_5,4,5,69.33333333333333 +"POLYGON ((7.246645231614742 53.56800526259894, 7.24780020840861 53.56800526259894, 7.24780020840861 53.56780520677604, 7.246645231614742 53.56780520677604, 7.246645231614742 53.56800526259894))",33762_5_5,5,5,71.0 +"POLYGON ((7.24780020840861 53.56640478951813, 7.248955185202478 53.56640478951813, 7.248955185202478 53.56620472612445, 7.24780020840861 53.56620472612445, 7.24780020840861 53.56640478951813))",33762_6_13,6,13,70.16666666666667 +"POLYGON ((7.240870347645402 53.5616697020293, 7.24202532443927 53.5616697020293, 7.24202532443927 53.56146961623792, 7.240870347645402 53.56146961623792, 7.240870347645402 53.5616697020293))",33763_0_10,0,10,85.33333333333333 +"POLYGON ((7.243180301233139 53.56086935318532, 7.244335278027006 53.56086935318532, 7.244335278027006 53.5606692636083, 7.243180301233139 53.5606692636083, 7.243180301233139 53.56086935318532))",33763_2_14,2,14,83.5 +"POLYGON ((7.245490254820874 53.56267011679017, 7.246645231614742 53.56267011679017, 7.246645231614742 53.5624700357308, 7.245490254820874 53.5624700357308, 7.245490254820874 53.56267011679017))",33763_4_5,4,5,85.0 +"POLYGON ((7.246645231614742 53.56267011679017, 7.24780020840861 53.56267011679017, 7.24780020840861 53.5624700357308, 7.246645231614742 53.5624700357308, 7.246645231614742 53.56267011679017))",33763_5_5,5,5,69.66666666666667 +"POLYGON ((7.24780020840861 53.56106944181594, 7.248955185202478 53.56106944181594, 7.248955185202478 53.56086935318532, 7.24780020840861 53.56086935318532, 7.24780020840861 53.56106944181594))",33763_6_13,6,13,101.66666666666667 +"POLYGON ((7.240870347645402 53.43342118600187, 7.24202532443927 53.43342118600187, 7.24202532443927 53.43322049409539, 7.240870347645402 53.43322049409539, 7.240870347645402 53.43342118600187))",33787_0_10,0,10,95.66666666666667 +"POLYGON ((7.243180301233139 53.43261841268973, 7.244335278027006 53.43261841268973, 7.244335278027006 53.43241771699243, 7.243180301233139 53.43241771699243, 7.243180301233139 53.43261841268973))",33787_2_14,2,14,95.25 +"POLYGON ((7.245490254820874 53.43442463131879, 7.246645231614742 53.43442463131879, 7.246645231614742 53.43422394415079, 7.245490254820874 53.43422394415079, 7.245490254820874 53.43442463131879))",33787_4_5,4,5,88.25 +"POLYGON ((7.246645231614742 53.43442463131879, 7.24780020840861 53.43442463131879, 7.24780020840861 53.43422394415079, 7.246645231614742 53.43422394415079, 7.246645231614742 53.43442463131879))",33787_5_5,5,5,110.0 +"POLYGON ((7.24780020840861 53.43301980124121, 7.248955185202478 53.43301980124121, 7.248955185202478 53.43281910743934, 7.24780020840861 53.43281910743934, 7.24780020840861 53.43301980124121))",33787_6_12,6,12,92.90055225 +"POLYGON ((7.24780020840861 53.43281910743934, 7.248955185202478 53.43281910743934, 7.248955185202478 53.43261841268973, 7.24780020840861 53.43261841268973, 7.24780020840861 53.43281910743934))",33787_6_13,6,13,85.2 +"POLYGON ((7.240870347645402 53.42806907749862, 7.24202532443927 53.42806907749862, 7.24202532443927 53.42786836031939, 7.240870347645402 53.42786836031939, 7.240870347645402 53.42806907749862))",33788_0_10,0,10,73.75 +"POLYGON ((7.243180301233139 53.42726620309514, 7.244335278027006 53.42726620309514, 7.244335278027006 53.42706548212487, 7.243180301233139 53.42706548212487, 7.243180301233139 53.42726620309514))",33788_2_14,2,14,76.25 +"POLYGON ((7.245490254820874 53.4290726491785, 7.246645231614742 53.4290726491785, 7.246645231614742 53.42887193673803, 7.245490254820874 53.42887193673803, 7.245490254820874 53.4290726491785))",33788_4_5,4,5,81.75 +"POLYGON ((7.246645231614742 53.4290726491785, 7.24780020840861 53.4290726491785, 7.24780020840861 53.42887193673803, 7.246645231614742 53.42887193673803, 7.246645231614742 53.4290726491785))",33788_5_5,5,5,99.33333333333333 +"POLYGON ((7.24780020840861 53.4276676421924, 7.248955185202478 53.4276676421924, 7.248955185202478 53.42746692311766, 7.24780020840861 53.42746692311766, 7.24780020840861 53.4276676421924))",33788_6_12,6,12,83.24999975 +"POLYGON ((7.24780020840861 53.42746692311766, 7.248955185202478 53.42746692311766, 7.248955185202478 53.42726620309514, 7.24780020840861 53.42726620309514, 7.24780020840861 53.42746692311766))",33788_6_13,6,13,68.5 +"POLYGON ((7.240870347645402 53.37430994847601, 7.24202532443927 53.37430994847601, 7.24202532443927 53.37410897754236, 7.240870347645402 53.37410897754236, 7.240870347645402 53.37430994847601))",33798_0_11,0,11,107.33333333333333 +"POLYGON ((7.243180301233139 53.37370703283018, 7.244335278027006 53.37370703283018, 7.244335278027006 53.37350605905165, 7.243180301233139 53.37350605905165, 7.243180301233139 53.37370703283018))",33798_2_14,2,14,105.33333333333333 +"POLYGON ((7.244335278027006 53.3751138227277, 7.245490254820874 53.3751138227277, 7.245490254820874 53.3749128555872, 7.244335278027006 53.3749128555872, 7.244335278027006 53.3751138227277))",33798_3_7,3,7,107.5 +"POLYGON ((7.245490254820874 53.37551575416384, 7.246645231614742 53.37551575416384, 7.246645231614742 53.37531478891991, 7.245490254820874 53.37531478891991, 7.245490254820874 53.37551575416384))",33798_4_5,4,5,125.0 +"POLYGON ((7.245490254820874 53.37471188749843, 7.246645231614742 53.37471188749843, 7.246645231614742 53.37451091846136, 7.245490254820874 53.37451091846136, 7.245490254820874 53.37471188749843))",33798_4_9,4,9,93.1627475 +"POLYGON ((7.246645231614742 53.37551575416384, 7.24780020840861 53.37551575416384, 7.24780020840861 53.37531478891991, 7.246645231614742 53.37531478891991, 7.246645231614742 53.37551575416384))",33798_5_5,5,5,91.0 +"POLYGON ((7.246645231614742 53.3751138227277, 7.24780020840861 53.3751138227277, 7.24780020840861 53.3749128555872, 7.246645231614742 53.3749128555872, 7.246645231614742 53.3751138227277))",33798_5_7,5,7,77.25 +"POLYGON ((7.24780020840861 53.37410897754236, 7.248955185202478 53.37410897754236, 7.248955185202478 53.37390800566042, 7.24780020840861 53.37390800566042, 7.24780020840861 53.37410897754236))",33798_6_12,6,12,98.184039 +"POLYGON ((7.24780020840861 53.37370703283018, 7.248955185202478 53.37370703283018, 7.248955185202478 53.37350605905165, 7.24780020840861 53.37350605905165, 7.24780020840861 53.37370703283018))",33798_6_14,6,14,112.66666666666667 +"POLYGON ((7.240870347645402 53.36895039904608, 7.24202532443927 53.36895039904608, 7.24202532443927 53.36874940282392, 7.240870347645402 53.36874940282392, 7.240870347645402 53.36895039904608))",33799_0_11,0,11,96.25 +"POLYGON ((7.243180301233139 53.36834740753458, 7.244335278027006 53.36834740753458, 7.244335278027006 53.36814640846737, 7.243180301233139 53.36814640846737, 7.243180301233139 53.36834740753458))",33799_2_14,2,14,98.25 +"POLYGON ((7.244335278027006 53.36975437445126, 7.245490254820874 53.36975437445126, 7.245490254820874 53.36955338202248, 7.244335278027006 53.36955338202248, 7.244335278027006 53.36975437445126))",33799_3_7,3,7,93.0 +"POLYGON ((7.245490254820874 53.37015635646383, 7.246645231614742 53.37015635646383, 7.246645231614742 53.36995536593172, 7.245490254820874 53.36995536593172, 7.245490254820874 53.37015635646383))",33799_4_5,4,5,104.8 +"POLYGON ((7.245490254820874 53.36935238864535, 7.246645231614742 53.36935238864535, 7.246645231614742 53.36915139431988, 7.245490254820874 53.36915139431988, 7.245490254820874 53.36935238864535))",33799_4_9,4,9,98.94494 +"POLYGON ((7.246645231614742 53.37015635646383, 7.24780020840861 53.37015635646383, 7.24780020840861 53.36995536593172, 7.246645231614742 53.36995536593172, 7.246645231614742 53.37015635646383))",33799_5_5,5,5,96.0 +"POLYGON ((7.246645231614742 53.36975437445126, 7.24780020840861 53.36975437445126, 7.24780020840861 53.36955338202248, 7.246645231614742 53.36955338202248, 7.246645231614742 53.36975437445126))",33799_5_7,5,7,75.85714285714286 +"POLYGON ((7.246645231614742 53.36895039904608, 7.24780020840861 53.36895039904608, 7.24780020840861 53.36874940282392, 7.246645231614742 53.36874940282392, 7.246645231614742 53.36895039904608))",33799_5_11,5,11,74.76434683333333 +"POLYGON ((7.246645231614742 53.36874940282392, 7.24780020840861 53.36874940282392, 7.24780020840861 53.36854840565343, 7.246645231614742 53.36854840565343, 7.246645231614742 53.36874940282392))",33799_5_12,5,12,80.2223014 +"POLYGON ((7.24780020840861 53.36874940282392, 7.248955185202478 53.36874940282392, 7.248955185202478 53.36854840565343, 7.24780020840861 53.36854840565343, 7.24780020840861 53.36874940282392))",33799_6_12,6,12,89.833334 +"POLYGON ((7.24780020840861 53.36834740753458, 7.248955185202478 53.36834740753458, 7.248955185202478 53.36814640846737, 7.24780020840861 53.36814640846737, 7.24780020840861 53.36834740753458))",33799_6_14,6,14,105.4 +"POLYGON ((7.240870347645402 53.36359017523769, 7.24202532443927 53.36359017523769, 7.24202532443927 53.3633891537256, 7.240870347645402 53.3633891537256, 7.240870347645402 53.36359017523769))",33800_0_11,0,11,96.0 +"POLYGON ((7.243180301233139 53.36298710785623, 7.244335278027006 53.36298710785623, 7.244335278027006 53.36278608349895, 7.243180301233139 53.36278608349895, 7.243180301233139 53.36298710785623))",33800_2_14,2,14,114.0 +"POLYGON ((7.244335278027006 53.36439425180206, 7.245490254820874 53.36439425180206, 7.245490254820874 53.36419323408356, 7.244335278027006 53.36419323408356, 7.244335278027006 53.36439425180206))",33800_3_7,3,7,112.0 +"POLYGON ((7.245490254820874 53.36479628439391, 7.246645231614742 53.36479628439391, 7.246645231614742 53.36459526857218, 7.245490254820874 53.36459526857218, 7.245490254820874 53.36479628439391))",33800_4_5,4,5,118.0 +"POLYGON ((7.245490254820874 53.36399221541667, 7.246645231614742 53.36399221541667, 7.246645231614742 53.36379119580138, 7.245490254820874 53.36379119580138, 7.245490254820874 53.36399221541667))",33800_4_9,4,9,97.000002 +"POLYGON ((7.246645231614742 53.36479628439391, 7.24780020840861 53.36479628439391, 7.24780020840861 53.36459526857218, 7.246645231614742 53.36459526857218, 7.246645231614742 53.36479628439391))",33800_5_5,5,5,93.0 +"POLYGON ((7.246645231614742 53.36439425180206, 7.24780020840861 53.36439425180206, 7.24780020840861 53.36419323408356, 7.246645231614742 53.36419323408356, 7.246645231614742 53.36439425180206))",33800_5_7,5,7,84.0 +"POLYGON ((7.246645231614742 53.36359017523769, 7.24780020840861 53.36359017523769, 7.24780020840861 53.3633891537256, 7.246645231614742 53.3633891537256, 7.246645231614742 53.36359017523769))",33800_5_11,5,11,77.9831835 +"POLYGON ((7.246645231614742 53.3633891537256, 7.24780020840861 53.3633891537256, 7.24780020840861 53.36318813126513, 7.246645231614742 53.36318813126513, 7.246645231614742 53.3633891537256))",33800_5_12,5,12,85.827526 +"POLYGON ((7.24780020840861 53.3633891537256, 7.248955185202478 53.3633891537256, 7.248955185202478 53.36318813126513, 7.24780020840861 53.36318813126513, 7.24780020840861 53.3633891537256))",33800_6_12,6,12,91.4890525 +"POLYGON ((7.24780020840861 53.36298710785623, 7.248955185202478 53.36298710785623, 7.248955185202478 53.36278608349895, 7.24780020840861 53.36278608349895, 7.24780020840861 53.36298710785623))",33800_6_14,6,14,101.0 +"POLYGON ((7.24202532443927 53.18154668175862, 7.243180301233139 53.18154668175862, 7.243180301233139 53.18134480239792, 7.24202532443927 53.18134480239792, 7.24202532443927 53.18154668175862))",33834_1_8,1,8,133.33333333333334 +"POLYGON ((7.240870347645402 53.10550562419771, 7.24202532443927 53.10550562419771, 7.24202532443927 53.10530338710956, 7.240870347645402 53.10530338710956, 7.240870347645402 53.10550562419771))",33848_0_11,0,11,87.0 +"POLYGON ((7.240870347645402 53.10348321052416, 7.24202532443927 53.10348321052416, 7.24202532443927 53.10328096392664, 7.240870347645402 53.10328096392664, 7.240870347645402 53.10348321052416))",33848_0_21,0,21,130.500001 +"POLYGON ((7.24202532443927 53.10611232975661, 7.243180301233139 53.10611232975661, 7.243180301233139 53.10591009552123, 7.24202532443927 53.10591009552123, 7.24202532443927 53.10611232975661))",33848_1_8,1,8,135.0 +"POLYGON ((7.243180301233139 53.10489891008047, 7.244335278027006 53.10489891008047, 7.244335278027006 53.10469667013953, 7.243180301233139 53.10469667013953, 7.243180301233139 53.10489891008047))",33848_2_14,2,14,73.0 +"POLYGON ((7.244335278027006 53.10631456304106, 7.245490254820874 53.10631456304106, 7.245490254820874 53.10611232975661, 7.244335278027006 53.10611232975661, 7.244335278027006 53.10631456304106))",33848_3_7,3,7,84.0 +"POLYGON ((7.244335278027006 53.10510114907049, 7.245490254820874 53.10510114907049, 7.245490254820874 53.10489891008047, 7.244335278027006 53.10489891008047, 7.244335278027006 53.10510114907049))",33848_3_13,3,13,131.0 +"POLYGON ((7.245490254820874 53.10692125718892, 7.246645231614742 53.10692125718892, 7.246645231614742 53.10671902675721, 7.245490254820874 53.10671902675721, 7.245490254820874 53.10692125718892))",33848_4_4,4,4,193.0 +"POLYGON ((7.245490254820874 53.10611232975661, 7.246645231614742 53.10611232975661, 7.246645231614742 53.10591009552123, 7.245490254820874 53.10591009552123, 7.245490254820874 53.10611232975661))",33848_4_8,4,8,136.6098255 +"POLYGON ((7.245490254820874 53.10429218740484, 7.246645231614742 53.10429218740484, 7.246645231614742 53.10408994461108, 7.245490254820874 53.10408994461108, 7.245490254820874 53.10429218740484))",33848_4_17,4,17,140.216051 +"POLYGON ((7.246645231614742 53.10671902675721, 7.24780020840861 53.10671902675721, 7.24780020840861 53.1065167953746, 7.246645231614742 53.1065167953746, 7.246645231614742 53.10671902675721))",33848_5_5,5,5,116.0 +"POLYGON ((7.246645231614742 53.1065167953746, 7.24780020840861 53.1065167953746, 7.24780020840861 53.10631456304106, 7.246645231614742 53.10631456304106, 7.246645231614742 53.1065167953746))",33848_5_6,5,6,141.0 +"POLYGON ((7.246645231614742 53.10570786033493, 7.24780020840861 53.10570786033493, 7.24780020840861 53.10550562419771, 7.246645231614742 53.10550562419771, 7.246645231614742 53.10570786033493))",33848_5_10,5,10,136.500003 +"POLYGON ((7.246645231614742 53.10530338710956, 7.24780020840861 53.10530338710956, 7.24780020840861 53.10510114907049, 7.246645231614742 53.10510114907049, 7.246645231614742 53.10530338710956))",33848_5_12,5,12,126.9212645 +"POLYGON ((7.246645231614742 53.10489891008047, 7.24780020840861 53.10489891008047, 7.24780020840861 53.10469667013953, 7.246645231614742 53.10469667013953, 7.246645231614742 53.10489891008047))",33848_5_14,5,14,151.0000005 +"POLYGON ((7.246645231614742 53.10469667013953, 7.24780020840861 53.10469667013953, 7.24780020840861 53.10449442924765, 7.246645231614742 53.10449442924765, 7.246645231614742 53.10469667013953))",33848_5_15,5,15,80.33333333333333 +"POLYGON ((7.246645231614742 53.10388770086638, 7.24780020840861 53.10388770086638, 7.24780020840861 53.10368545617074, 7.246645231614742 53.10368545617074, 7.246645231614742 53.10388770086638))",33848_5_19,5,19,135.87295 +"POLYGON ((7.246645231614742 53.10328096392664, 7.24780020840861 53.10328096392664, 7.24780020840861 53.10307871637815, 7.246645231614742 53.10307871637815, 7.246645231614742 53.10328096392664))",33848_5_22,5,22,115.5 +"POLYGON ((7.24780020840861 53.10570786033493, 7.248955185202478 53.10570786033493, 7.248955185202478 53.10550562419771, 7.24780020840861 53.10550562419771, 7.24780020840861 53.10570786033493))",33848_6_10,6,10,119.0 +"POLYGON ((7.24780020840861 53.10550562419771, 7.248955185202478 53.10550562419771, 7.248955185202478 53.10530338710956, 7.24780020840861 53.10530338710956, 7.24780020840861 53.10550562419771))",33848_6_11,6,11,130.71428571428572 +"POLYGON ((7.24780020840861 53.10530338710956, 7.248955185202478 53.10530338710956, 7.248955185202478 53.10510114907049, 7.24780020840861 53.10510114907049, 7.24780020840861 53.10530338710956))",33848_6_12,6,12,127.499998 +"POLYGON ((7.24780020840861 53.10510114907049, 7.248955185202478 53.10510114907049, 7.248955185202478 53.10489891008047, 7.24780020840861 53.10489891008047, 7.24780020840861 53.10510114907049))",33848_6_13,6,13,127.0000005 +"POLYGON ((7.24780020840861 53.10489891008047, 7.248955185202478 53.10489891008047, 7.248955185202478 53.10469667013953, 7.24780020840861 53.10469667013953, 7.24780020840861 53.10489891008047))",33848_6_14,6,14,169.0 +"POLYGON ((7.24780020840861 53.10449442924765, 7.248955185202478 53.10449442924765, 7.248955185202478 53.10429218740484, 7.24780020840861 53.10429218740484, 7.24780020840861 53.10449442924765))",33848_6_16,6,16,81.66666666666667 +"POLYGON ((7.24780020840861 53.10429218740484, 7.248955185202478 53.10429218740484, 7.248955185202478 53.10408994461108, 7.24780020840861 53.10408994461108, 7.24780020840861 53.10429218740484))",33848_6_17,6,17,122.4352245 +"POLYGON ((7.240870347645402 53.10011230974577, 7.24202532443927 53.10011230974577, 7.24202532443927 53.09991004729884, 7.240870347645402 53.09991004729884, 7.240870347645402 53.10011230974577))",33849_0_11,0,11,86.25 +"POLYGON ((7.240870347645402 53.09808964248207, 7.24202532443927 53.09808964248207, 7.24202532443927 53.09788737052525, 7.240870347645402 53.09788737052525, 7.240870347645402 53.09808964248207))",33849_0_21,0,21,129.0224285 +"POLYGON ((7.24202532443927 53.10071909138069, 7.243180301233139 53.10071909138069, 7.243180301233139 53.10051683178669, 7.24202532443927 53.10051683178669, 7.24202532443927 53.10071909138069))",33849_1_8,1,8,135.0 +"POLYGON ((7.243180301233139 53.09950551955204, 7.244335278027006 53.09950551955204, 7.244335278027006 53.09930325425215, 7.243180301233139 53.09930325425215, 7.243180301233139 53.09950551955204))",33849_2_14,2,14,70.5 +"POLYGON ((7.244335278027006 53.10092135002372, 7.245490254820874 53.10092135002372, 7.245490254820874 53.10071909138069, 7.244335278027006 53.10071909138069, 7.244335278027006 53.10092135002372))",33849_3_7,3,7,81.6 +"POLYGON ((7.244335278027006 53.09970778390093, 7.245490254820874 53.09970778390093, 7.245490254820874 53.09950551955204, 7.244335278027006 53.09950551955204, 7.244335278027006 53.09970778390093))",33849_3_13,3,13,130.33333333333334 +"POLYGON ((7.245490254820874 53.10152812024697, 7.246645231614742 53.10152812024697, 7.246645231614742 53.10132586445686, 7.245490254820874 53.10132586445686, 7.245490254820874 53.10152812024697))",33849_4_4,4,4,192.0 +"POLYGON ((7.245490254820874 53.10071909138069, 7.246645231614742 53.10071909138069, 7.246645231614742 53.10051683178669, 7.245490254820874 53.10051683178669, 7.245490254820874 53.10071909138069))",33849_4_8,4,8,138.333334 +"POLYGON ((7.245490254820874 53.09889872079943, 7.246645231614742 53.09889872079943, 7.246645231614742 53.09869645264659, 7.245490254820874 53.09869645264659, 7.245490254820874 53.09889872079943))",33849_4_17,4,17,139.5000005 +"POLYGON ((7.246645231614742 53.10132586445686, 7.24780020840861 53.10132586445686, 7.24780020840861 53.10112360771578, 7.246645231614742 53.10112360771578, 7.246645231614742 53.10132586445686))",33849_5_5,5,5,91.75 +"POLYGON ((7.246645231614742 53.10112360771578, 7.24780020840861 53.10112360771578, 7.24780020840861 53.10092135002372, 7.246645231614742 53.10092135002372, 7.246645231614742 53.10112360771578))",33849_5_6,5,6,99.5 +"POLYGON ((7.246645231614742 53.10031457124173, 7.24780020840861 53.10031457124173, 7.24780020840861 53.10011230974577, 7.246645231614742 53.10011230974577, 7.246645231614742 53.10031457124173))",33849_5_10,5,10,138.102218 +"POLYGON ((7.246645231614742 53.10011230974577, 7.24780020840861 53.10011230974577, 7.24780020840861 53.09991004729884, 7.246645231614742 53.09991004729884, 7.246645231614742 53.10011230974577))",33849_5_11,5,11,131.25000075 +"POLYGON ((7.246645231614742 53.09991004729884, 7.24780020840861 53.09991004729884, 7.24780020840861 53.09970778390093, 7.246645231614742 53.09970778390093, 7.246645231614742 53.09991004729884))",33849_5_12,5,12,128.5 +"POLYGON ((7.246645231614742 53.09950551955204, 7.24780020840861 53.09950551955204, 7.24780020840861 53.09930325425215, 7.246645231614742 53.09930325425215, 7.246645231614742 53.09950551955204))",33849_5_14,5,14,155.66666733333332 +"POLYGON ((7.246645231614742 53.09930325425215, 7.24780020840861 53.09930325425215, 7.24780020840861 53.09910098800129, 7.246645231614742 53.09910098800129, 7.246645231614742 53.09930325425215))",33849_5_15,5,15,77.2 +"POLYGON ((7.246645231614742 53.09849418354274, 7.24780020840861 53.09849418354274, 7.24780020840861 53.0982919134879, 7.246645231614742 53.0982919134879, 7.246645231614742 53.09849418354274))",33849_5_19,5,19,136.75 +"POLYGON ((7.246645231614742 53.09788737052525, 7.24780020840861 53.09788737052525, 7.24780020840861 53.09768509761741, 7.246645231614742 53.09768509761741, 7.246645231614742 53.09788737052525))",33849_5_22,5,22,114.07195024999999 +"POLYGON ((7.24780020840861 53.10031457124173, 7.248955185202478 53.10031457124173, 7.248955185202478 53.10011230974577, 7.24780020840861 53.10011230974577, 7.24780020840861 53.10031457124173))",33849_6_10,6,10,121.00000133333333 +"POLYGON ((7.24780020840861 53.10011230974577, 7.248955185202478 53.10011230974577, 7.248955185202478 53.09991004729884, 7.24780020840861 53.09991004729884, 7.24780020840861 53.10011230974577))",33849_6_11,6,11,131.66666666666666 +"POLYGON ((7.24780020840861 53.09991004729884, 7.248955185202478 53.09991004729884, 7.248955185202478 53.09970778390093, 7.24780020840861 53.09970778390093, 7.24780020840861 53.09991004729884))",33849_6_12,6,12,129.05672850000002 +"POLYGON ((7.24780020840861 53.09970778390093, 7.248955185202478 53.09970778390093, 7.248955185202478 53.09950551955204, 7.24780020840861 53.09950551955204, 7.24780020840861 53.09970778390093))",33849_6_13,6,13,123.67930314285715 +"POLYGON ((7.24780020840861 53.09950551955204, 7.248955185202478 53.09950551955204, 7.248955185202478 53.09930325425215, 7.24780020840861 53.09930325425215, 7.24780020840861 53.09950551955204))",33849_6_14,6,14,176.33333333333334 +"POLYGON ((7.24780020840861 53.09910098800129, 7.248955185202478 53.09910098800129, 7.248955185202478 53.09889872079943, 7.24780020840861 53.09889872079943, 7.24780020840861 53.09910098800129))",33849_6_16,6,16,85.2 +"POLYGON ((7.24780020840861 53.09889872079943, 7.248955185202478 53.09889872079943, 7.248955185202478 53.09869645264659, 7.24780020840861 53.09869645264659, 7.24780020840861 53.09889872079943))",33849_6_17,6,17,117.25000125 +"POLYGON ((7.240870347645402 53.09471831904188, 7.24202532443927 53.09471831904188, 7.24202532443927 53.09451603123479, 7.240870347645402 53.09451603123479, 7.240870347645402 53.09471831904188))",33850_0_11,0,11,95.5 +"POLYGON ((7.240870347645402 53.09269539817417, 7.24202532443927 53.09269539817417, 7.24202532443927 53.09249310085665, 7.240870347645402 53.09249310085665, 7.240870347645402 53.09269539817417))",33850_0_21,0,21,131.33333366666668 +"POLYGON ((7.24202532443927 53.09532517675699, 7.243180301233139 53.09532517675699, 7.243180301233139 53.09512289180299, 7.24202532443927 53.09512289180299, 7.24202532443927 53.09532517675699))",33850_1_8,1,8,130.75 +"POLYGON ((7.243180301233139 53.09431374247665, 7.244335278027006 53.09431374247665, 7.244335278027006 53.09411145276749, 7.243180301233139 53.09411145276749, 7.243180301233139 53.09431374247665))",33850_2_13,2,13,79.5 +"POLYGON ((7.244335278027006 53.09552746075998, 7.245490254820874 53.09552746075998, 7.245490254820874 53.09532517675699, 7.244335278027006 53.09532517675699, 7.244335278027006 53.09552746075998))",33850_3_7,3,7,82.75 +"POLYGON ((7.244335278027006 53.09431374247665, 7.245490254820874 53.09431374247665, 7.245490254820874 53.09411145276749, 7.244335278027006 53.09411145276749, 7.244335278027006 53.09431374247665))",33850_3_13,3,13,131.0 +"POLYGON ((7.245490254820874 53.0961343070628, 7.246645231614742 53.0961343070628, 7.246645231614742 53.09593202591288, 7.245490254820874 53.09593202591288, 7.245490254820874 53.0961343070628))",33850_4_4,4,4,195.5 +"POLYGON ((7.245490254820874 53.09532517675699, 7.246645231614742 53.09532517675699, 7.246645231614742 53.09512289180299, 7.245490254820874 53.09512289180299, 7.245490254820874 53.09532517675699))",33850_4_8,4,8,145.34920733333334 +"POLYGON ((7.245490254820874 53.09350457793376, 7.246645231614742 53.09350457793376, 7.246645231614742 53.09330228442042, 7.245490254820874 53.09330228442042, 7.245490254820874 53.09350457793376))",33850_4_17,4,17,137.66666566666666 +"POLYGON ((7.246645231614742 53.09593202591288, 7.24780020840861 53.09593202591288, 7.24780020840861 53.09572974381194, 7.246645231614742 53.09572974381194, 7.246645231614742 53.09593202591288))",33850_5_5,5,5,86.75 +"POLYGON ((7.246645231614742 53.09572974381194, 7.24780020840861 53.09572974381194, 7.24780020840861 53.09552746075998, 7.246645231614742 53.09552746075998, 7.246645231614742 53.09572974381194))",33850_5_6,5,6,93.25 +"POLYGON ((7.246645231614742 53.09492060589795, 7.24780020840861 53.09492060589795, 7.24780020840861 53.09471831904188, 7.246645231614742 53.09471831904188, 7.246645231614742 53.09492060589795))",33850_5_10,5,10,135.3516965 +"POLYGON ((7.246645231614742 53.09471831904188, 7.24780020840861 53.09471831904188, 7.24780020840861 53.09451603123479, 7.246645231614742 53.09451603123479, 7.246645231614742 53.09471831904188))",33850_5_11,5,11,124.75376333333334 +"POLYGON ((7.246645231614742 53.09451603123479, 7.24780020840861 53.09451603123479, 7.24780020840861 53.09431374247665, 7.246645231614742 53.09431374247665, 7.246645231614742 53.09451603123479))",33850_5_12,5,12,130.33333333333334 +"POLYGON ((7.246645231614742 53.09411145276749, 7.24780020840861 53.09411145276749, 7.24780020840861 53.09390916210729, 7.246645231614742 53.09390916210729, 7.246645231614742 53.09411145276749))",33850_5_14,5,14,163.512143 +"POLYGON ((7.246645231614742 53.09390916210729, 7.24780020840861 53.09390916210729, 7.24780020840861 53.09370687049604, 7.246645231614742 53.09370687049604, 7.246645231614742 53.09390916210729))",33850_5_15,5,15,90.0 +"POLYGON ((7.246645231614742 53.09309998995606, 7.24780020840861 53.09309998995606, 7.24780020840861 53.09289769454064, 7.246645231614742 53.09289769454064, 7.246645231614742 53.09309998995606))",33850_5_19,5,19,137.537815 +"POLYGON ((7.246645231614742 53.09249310085665, 7.24780020840861 53.09249310085665, 7.24780020840861 53.09229080258808, 7.246645231614742 53.09229080258808, 7.246645231614742 53.09249310085665))",33850_5_22,5,22,115.2337485 +"POLYGON ((7.24780020840861 53.09492060589795, 7.248955185202478 53.09492060589795, 7.248955185202478 53.09471831904188, 7.24780020840861 53.09471831904188, 7.24780020840861 53.09492060589795))",33850_6_10,6,10,123.6965725 +"POLYGON ((7.24780020840861 53.09471831904188, 7.248955185202478 53.09471831904188, 7.248955185202478 53.09451603123479, 7.24780020840861 53.09451603123479, 7.24780020840861 53.09471831904188))",33850_6_11,6,11,129.88888888888889 +"POLYGON ((7.24780020840861 53.09451603123479, 7.248955185202478 53.09451603123479, 7.248955185202478 53.09431374247665, 7.24780020840861 53.09431374247665, 7.24780020840861 53.09451603123479))",33850_6_12,6,12,129.57173133333333 +"POLYGON ((7.24780020840861 53.09431374247665, 7.248955185202478 53.09431374247665, 7.248955185202478 53.09411145276749, 7.24780020840861 53.09411145276749, 7.24780020840861 53.09431374247665))",33850_6_13,6,13,119.0775555 +"POLYGON ((7.24780020840861 53.09411145276749, 7.248955185202478 53.09411145276749, 7.248955185202478 53.09390916210729, 7.24780020840861 53.09390916210729, 7.24780020840861 53.09411145276749))",33850_6_14,6,14,180.5 +"POLYGON ((7.24780020840861 53.09370687049604, 7.248955185202478 53.09370687049604, 7.248955185202478 53.09350457793376, 7.24780020840861 53.09350457793376, 7.24780020840861 53.09370687049604))",33850_6_16,6,16,88.25 +"POLYGON ((7.24780020840861 53.09350457793376, 7.248955185202478 53.09350457793376, 7.248955185202478 53.09330228442042, 7.24780020840861 53.09330228442042, 7.24780020840861 53.09350457793376))",33850_6_17,6,17,118.29630775 +"POLYGON ((7.240870347645402 53.08932365204907, 7.24202532443927 53.08932365204907, 7.24202532443927 53.08912133888042, 7.240870347645402 53.08912133888042, 7.240870347645402 53.08932365204907))",33851_0_11,0,11,119.66666666666667 +"POLYGON ((7.240870347645402 53.08730047756349, 7.24202532443927 53.08730047756349, 7.24202532443927 53.08709815488388, 7.240870347645402 53.08709815488388, 7.240870347645402 53.08730047756349))",33851_0_21,0,21,132.33333533333334 +"POLYGON ((7.24202532443927 53.08993058584853, 7.243180301233139 53.08993058584853, 7.243180301233139 53.08972827553313, 7.24202532443927 53.08972827553313, 7.24202532443927 53.08993058584853))",33851_1_8,1,8,129.66666666666666 +"POLYGON ((7.243180301233139 53.08891902476068, 7.244335278027006 53.08891902476068, 7.244335278027006 53.08871670968986, 7.243180301233139 53.08871670968986, 7.243180301233139 53.08891902476068))",33851_2_13,2,13,88.5 +"POLYGON ((7.244335278027006 53.09013289521286, 7.245490254820874 53.09013289521286, 7.245490254820874 53.08993058584853, 7.244335278027006 53.08993058584853, 7.244335278027006 53.09013289521286))",33851_3_7,3,7,86.0 +"POLYGON ((7.244335278027006 53.08891902476068, 7.245490254820874 53.08891902476068, 7.245490254820874 53.08871670968986, 7.244335278027006 53.08871670968986, 7.244335278027006 53.08891902476068))",33851_3_13,3,13,128.33333333333334 +"POLYGON ((7.245490254820874 53.09073981759941, 7.246645231614742 53.09073981759941, 7.246645231614742 53.0905375110883, 7.245490254820874 53.0905375110883, 7.245490254820874 53.09073981759941))",33851_4_4,4,4,194.0 +"POLYGON ((7.245490254820874 53.08993058584853, 7.246645231614742 53.08993058584853, 7.246645231614742 53.08972827553313, 7.245490254820874 53.08972827553313, 7.245490254820874 53.08993058584853))",33851_4_8,4,8,148.333332 +"POLYGON ((7.245490254820874 53.08810975877083, 7.246645231614742 53.08810975877083, 7.246645231614742 53.08790743989564, 7.245490254820874 53.08790743989564, 7.245490254820874 53.08810975877083))",33851_4_17,4,17,133.33333333333334 +"POLYGON ((7.246645231614742 53.09073981759941, 7.24780020840861 53.09073981759941, 7.24780020840861 53.0905375110883, 7.246645231614742 53.0905375110883, 7.246645231614742 53.09073981759941))",33851_5_4,5,4,87.75 +"POLYGON ((7.246645231614742 53.09033520362612, 7.24780020840861 53.09033520362612, 7.24780020840861 53.09013289521286, 7.246645231614742 53.09013289521286, 7.246645231614742 53.09033520362612))",33851_5_6,5,6,82.4 +"POLYGON ((7.246645231614742 53.08952596426663, 7.24780020840861 53.08952596426663, 7.24780020840861 53.08932365204907, 7.246645231614742 53.08932365204907, 7.246645231614742 53.08952596426663))",33851_5_10,5,10,128.25034666666667 +"POLYGON ((7.246645231614742 53.08932365204907, 7.24780020840861 53.08932365204907, 7.24780020840861 53.08912133888042, 7.246645231614742 53.08912133888042, 7.246645231614742 53.08932365204907))",33851_5_11,5,11,17.85301688888889 +"POLYGON ((7.246645231614742 53.08912133888042, 7.24780020840861 53.08912133888042, 7.24780020840861 53.08891902476068, 7.246645231614742 53.08891902476068, 7.246645231614742 53.08912133888042))",33851_5_12,5,12,132.0 +"POLYGON ((7.246645231614742 53.08871670968986, 7.24780020840861 53.08871670968986, 7.24780020840861 53.08851439366794, 7.246645231614742 53.08851439366794, 7.246645231614742 53.08871670968986))",33851_5_14,5,14,164.5000025 +"POLYGON ((7.246645231614742 53.08851439366794, 7.24780020840861 53.08851439366794, 7.24780020840861 53.08831207669495, 7.246645231614742 53.08831207669495, 7.246645231614742 53.08851439366794))",33851_5_15,5,15,119.66666666666667 +"POLYGON ((7.246645231614742 53.08770512006936, 7.24780020840861 53.08770512006936, 7.24780020840861 53.08750279929197, 7.246645231614742 53.08750279929197, 7.246645231614742 53.08770512006936))",33851_5_19,5,19,140.33333466666667 +"POLYGON ((7.246645231614742 53.08709815488388, 7.24780020840861 53.08709815488388, 7.24780020840861 53.08689583125319, 7.246645231614742 53.08689583125319, 7.246645231614742 53.08709815488388))",33851_5_22,5,22,115.49999925 +"POLYGON ((7.24780020840861 53.08952596426663, 7.248955185202478 53.08952596426663, 7.248955185202478 53.08932365204907, 7.24780020840861 53.08932365204907, 7.24780020840861 53.08952596426663))",33851_6_10,6,10,123.9999995 +"POLYGON ((7.24780020840861 53.08932365204907, 7.248955185202478 53.08932365204907, 7.248955185202478 53.08912133888042, 7.24780020840861 53.08912133888042, 7.24780020840861 53.08932365204907))",33851_6_11,6,11,124.77777777777777 +"POLYGON ((7.24780020840861 53.08912133888042, 7.248955185202478 53.08912133888042, 7.248955185202478 53.08891902476068, 7.24780020840861 53.08891902476068, 7.24780020840861 53.08912133888042))",33851_6_12,6,12,127.5 +"POLYGON ((7.24780020840861 53.08891902476068, 7.248955185202478 53.08891902476068, 7.248955185202478 53.08871670968986, 7.24780020840861 53.08871670968986, 7.24780020840861 53.08891902476068))",33851_6_13,6,13,121.81878857142858 +"POLYGON ((7.24780020840861 53.08871670968986, 7.248955185202478 53.08871670968986, 7.248955185202478 53.08851439366794, 7.24780020840861 53.08851439366794, 7.24780020840861 53.08871670968986))",33851_6_14,6,14,183.0 +"POLYGON ((7.24780020840861 53.08831207669495, 7.248955185202478 53.08831207669495, 7.248955185202478 53.08810975877083, 7.24780020840861 53.08810975877083, 7.24780020840861 53.08831207669495))",33851_6_16,6,16,73.66666666666667 +"POLYGON ((7.24780020840861 53.08810975877083, 7.248955185202478 53.08810975877083, 7.248955185202478 53.08790743989564, 7.24780020840861 53.08790743989564, 7.24780020840861 53.08810975877083))",33851_6_17,6,17,113.25000025 +"POLYGON ((7.243180301233139 53.08352363071605, 7.244335278027006 53.08352363071605, 7.244335278027006 53.08332129028219, 7.243180301233139 53.08332129028219, 7.243180301233139 53.08352363071605))",33852_2_13,2,13,90.0 +"POLYGON ((7.244335278027006 53.0847376533454, 7.245490254820874 53.0847376533454, 7.245490254820874 53.08453531861834, 7.244335278027006 53.08453531861834, 7.244335278027006 53.0847376533454))",33852_3_7,3,7,90.0 +"POLYGON ((7.244335278027006 53.08352363071605, 7.245490254820874 53.08352363071605, 7.245490254820874 53.08332129028219, 7.244335278027006 53.08332129028219, 7.244335278027006 53.08352363071605))",33852_3_13,3,13,130.0 +"POLYGON ((7.245490254820874 53.08534465181983, 7.246645231614742 53.08534465181983, 7.246645231614742 53.08514231994614, 7.245490254820874 53.08514231994614, 7.245490254820874 53.08534465181983))",33852_4_4,4,4,195.0 +"POLYGON ((7.245490254820874 53.08453531861834, 7.246645231614742 53.08453531861834, 7.246645231614742 53.08433298294015, 7.245490254820874 53.08433298294015, 7.245490254820874 53.08453531861834))",33852_4_8,4,8,147.999996 +"POLYGON ((7.245490254820874 53.08271426327372, 7.246645231614742 53.08271426327372, 7.246645231614742 53.08251191903529, 7.245490254820874 53.08251191903529, 7.245490254820874 53.08271426327372))",33852_4_17,4,17,132.999996 +"POLYGON ((7.246645231614742 53.08534465181983, 7.24780020840861 53.08534465181983, 7.24780020840861 53.08514231994614, 7.246645231614742 53.08514231994614, 7.246645231614742 53.08534465181983))",33852_5_4,5,4,88.5 +"POLYGON ((7.246645231614742 53.08493998712134, 7.24780020840861 53.08493998712134, 7.24780020840861 53.0847376533454, 7.246645231614742 53.0847376533454, 7.246645231614742 53.08493998712134))",33852_5_6,5,6,75.0 +"POLYGON ((7.246645231614742 53.08413064631083, 7.24780020840861 53.08413064631083, 7.24780020840861 53.08392830873037, 7.246645231614742 53.08392830873037, 7.246645231614742 53.08413064631083))",33852_5_10,5,10,141.614286 +"POLYGON ((7.246645231614742 53.08392830873037, 7.24780020840861 53.08392830873037, 7.24780020840861 53.08372597019878, 7.246645231614742 53.08372597019878, 7.246645231614742 53.08392830873037))",33852_5_11,5,11,48.6632844 +"POLYGON ((7.246645231614742 53.08332129028219, 7.24780020840861 53.08332129028219, 7.24780020840861 53.08311894889717, 7.246645231614742 53.08311894889717, 7.246645231614742 53.08332129028219))",33852_5_14,5,14,162.000002 +"POLYGON ((7.246645231614742 53.08311894889717, 7.24780020840861 53.08311894889717, 7.24780020840861 53.08291660656102, 7.246645231614742 53.08291660656102, 7.246645231614742 53.08311894889717))",33852_5_15,5,15,121.0 +"POLYGON ((7.246645231614742 53.08170253256999, 7.24780020840861 53.08170253256999, 7.24780020840861 53.08150018357579, 7.246645231614742 53.08150018357579, 7.246645231614742 53.08170253256999))",33852_5_22,5,22,118.000004 +"POLYGON ((7.24780020840861 53.08392830873037, 7.248955185202478 53.08392830873037, 7.248955185202478 53.08372597019878, 7.24780020840861 53.08372597019878, 7.24780020840861 53.08392830873037))",33852_6_11,6,11,126.0 +"POLYGON ((7.24780020840861 53.08352363071605, 7.248955185202478 53.08352363071605, 7.248955185202478 53.08332129028219, 7.24780020840861 53.08332129028219, 7.24780020840861 53.08352363071605))",33852_6_13,6,13,124.0 +"POLYGON ((7.24780020840861 53.08291660656102, 7.248955185202478 53.08291660656102, 7.248955185202478 53.08271426327372, 7.24780020840861 53.08271426327372, 7.24780020840861 53.08291660656102))",33852_6_16,6,16,72.0 +"POLYGON ((7.246645231614742 53.06814304685317, 7.24780020840861 53.06814304685317, 7.24780020840861 53.06794063412704, 7.246645231614742 53.06794063412704, 7.246645231614742 53.06814304685317))",33855_5_9,5,9,60.39808566666667 +"POLYGON ((7.246645231614742 53.06274504859849, 7.24780020840861 53.06274504859849, 7.24780020840861 53.06254261050398, 7.246645231614742 53.06254261050398, 7.246645231614742 53.06274504859849))",33856_5_9,5,9,70.2500005 +"POLYGON ((7.240870347645402 53.0461419652739, 7.24202532443927 53.0461419652739, 7.24202532443927 53.04593944916299, 7.240870347645402 53.04593944916299, 7.240870347645402 53.0461419652739))",33859_0_11,0,11,85.5 +"POLYGON ((7.240870347645402 53.0441167613471, 7.24202532443927 53.0441167613471, 7.24202532443927 53.0439142357211, 7.240870347645402 53.0439142357211, 7.240870347645402 53.0441167613471))",33859_0_21,0,21,132.4560465 +"POLYGON ((7.24202532443927 53.04674950789764, 7.243180301233139 53.04674950789764, 7.243180301233139 53.04654699464123, 7.24202532443927 53.04654699464123, 7.24202532443927 53.04674950789764))",33859_1_8,1,8,130.0 +"POLYGON ((7.243180301233139 53.04573693210059, 7.244335278027006 53.04573693210059, 7.244335278027006 53.04553441408668, 7.243180301233139 53.04553441408668, 7.243180301233139 53.04573693210059))",33859_2_13,2,13,83.66666666666667 +"POLYGON ((7.244335278027006 53.04695202020256, 7.245490254820874 53.04695202020256, 7.245490254820874 53.04674950789764, 7.244335278027006 53.04674950789764, 7.244335278027006 53.04695202020256))",33859_3_7,3,7,83.5 +"POLYGON ((7.244335278027006 53.04573693210059, 7.245490254820874 53.04573693210059, 7.245490254820874 53.04553441408668, 7.244335278027006 53.04553441408668, 7.244335278027006 53.04573693210059))",33859_3_13,3,13,131.0 +"POLYGON ((7.245490254820874 53.0475595514084, 7.246645231614742 53.0475595514084, 7.246645231614742 53.04735704195796, 7.245490254820874 53.04735704195796, 7.245490254820874 53.0475595514084))",33859_4_4,4,4,186.0 +"POLYGON ((7.245490254820874 53.04674950789764, 7.246645231614742 53.04674950789764, 7.246645231614742 53.04654699464123, 7.245490254820874 53.04654699464123, 7.245490254820874 53.04674950789764))",33859_4_8,4,8,136.999996 +"POLYGON ((7.245490254820874 53.04492685433592, 7.246645231614742 53.04492685433592, 7.246645231614742 53.04472433251598, 7.245490254820874 53.04472433251598, 7.245490254820874 53.04492685433592))",33859_4_17,4,17,128.9999995 +"POLYGON ((7.246645231614742 53.0475595514084, 7.24780020840861 53.0475595514084, 7.24780020840861 53.04735704195796, 7.246645231614742 53.04735704195796, 7.246645231614742 53.0475595514084))",33859_5_4,5,4,94.0 +"POLYGON ((7.246645231614742 53.047154531556, 7.24780020840861 53.047154531556, 7.24780020840861 53.04695202020256, 7.246645231614742 53.04695202020256, 7.246645231614742 53.047154531556))",33859_5_6,5,6,109.5 +"POLYGON ((7.246645231614742 53.04654699464123, 7.24780020840861 53.04654699464123, 7.24780020840861 53.04634448043331, 7.246645231614742 53.04634448043331, 7.246645231614742 53.04654699464123))",33859_5_9,5,9,188.499996 +"POLYGON ((7.246645231614742 53.04634448043331, 7.24780020840861 53.04634448043331, 7.24780020840861 53.0461419652739, 7.246645231614742 53.0461419652739, 7.246645231614742 53.04634448043331))",33859_5_10,5,10,139.1652345 +"POLYGON ((7.246645231614742 53.0461419652739, 7.24780020840861 53.0461419652739, 7.24780020840861 53.04593944916299, 7.246645231614742 53.04593944916299, 7.246645231614742 53.0461419652739))",33859_5_11,5,11,128.879166 +"POLYGON ((7.246645231614742 53.04593944916299, 7.24780020840861 53.04593944916299, 7.24780020840861 53.04573693210059, 7.246645231614742 53.04573693210059, 7.246645231614742 53.04593944916299))",33859_5_12,5,12,124.5 +"POLYGON ((7.246645231614742 53.04553441408668, 7.24780020840861 53.04553441408668, 7.24780020840861 53.04533189512127, 7.246645231614742 53.04533189512127, 7.246645231614742 53.04553441408668))",33859_5_14,5,14,170.000005 +"POLYGON ((7.246645231614742 53.04533189512127, 7.24780020840861 53.04533189512127, 7.24780020840861 53.04512937520435, 7.246645231614742 53.04512937520435, 7.246645231614742 53.04533189512127))",33859_5_15,5,15,88.0 +"POLYGON ((7.246645231614742 53.04452180974454, 7.24780020840861 53.04452180974454, 7.24780020840861 53.04431928602158, 7.246645231614742 53.04431928602158, 7.246645231614742 53.04452180974454))",33859_5_19,5,19,140.000001 +"POLYGON ((7.246645231614742 53.0441167613471, 7.24780020840861 53.0441167613471, 7.24780020840861 53.0439142357211, 7.246645231614742 53.0439142357211, 7.246645231614742 53.0441167613471))",33859_5_21,5,21,109.000002 +"POLYGON ((7.246645231614742 53.0439142357211, 7.24780020840861 53.0439142357211, 7.24780020840861 53.04371170914359, 7.246645231614742 53.04371170914359, 7.246645231614742 53.0439142357211))",33859_5_22,5,22,122.0 +"POLYGON ((7.24780020840861 53.04634448043331, 7.248955185202478 53.04634448043331, 7.248955185202478 53.0461419652739, 7.24780020840861 53.0461419652739, 7.24780020840861 53.04634448043331))",33859_6_10,6,10,121.9999985 +"POLYGON ((7.24780020840861 53.0461419652739, 7.248955185202478 53.0461419652739, 7.248955185202478 53.04593944916299, 7.24780020840861 53.04593944916299, 7.24780020840861 53.0461419652739))",33859_6_11,6,11,127.66666666666667 +"POLYGON ((7.24780020840861 53.04593944916299, 7.248955185202478 53.04593944916299, 7.248955185202478 53.04573693210059, 7.24780020840861 53.04573693210059, 7.24780020840861 53.04593944916299))",33859_6_12,6,12,128.120954 +"POLYGON ((7.24780020840861 53.04573693210059, 7.248955185202478 53.04573693210059, 7.248955185202478 53.04553441408668, 7.24780020840861 53.04553441408668, 7.24780020840861 53.04573693210059))",33859_6_13,6,13,121.33333333333333 +"POLYGON ((7.24780020840861 53.04553441408668, 7.248955185202478 53.04553441408668, 7.248955185202478 53.04533189512127, 7.24780020840861 53.04533189512127, 7.24780020840861 53.04553441408668))",33859_6_14,6,14,179.0 +"POLYGON ((7.24780020840861 53.04512937520435, 7.248955185202478 53.04512937520435, 7.248955185202478 53.04492685433592, 7.24780020840861 53.04492685433592, 7.24780020840861 53.04512937520435))",33859_6_16,6,16,127.0 +"POLYGON ((7.24780020840861 53.04492685433592, 7.248955185202478 53.04492685433592, 7.248955185202478 53.04472433251598, 7.24780020840861 53.04472433251598, 7.24780020840861 53.04492685433592))",33859_6_17,6,17,114.0 +"POLYGON ((7.240870347645402 53.0407412100198, 7.24202532443927 53.0407412100198, 7.24202532443927 53.04053866853491, 7.240870347645402 53.04053866853491, 7.240870347645402 53.0407412100198))",33860_0_11,0,11,81.2 +"POLYGON ((7.240870347645402 53.03871575235068, 7.24202532443927 53.03871575235068, 7.24202532443927 53.03851320135018, 7.240870347645402 53.03851320135018, 7.240870347645402 53.03871575235068))",33860_0_21,0,21,130.94662966666667 +"POLYGON ((7.24202532443927 53.04134882876523, 7.243180301233139 53.04134882876523, 7.243180301233139 53.04114629013497, 7.24202532443927 53.04114629013497, 7.24202532443927 53.04134882876523))",33860_1_8,1,8,128.0 +"POLYGON ((7.243180301233139 53.04033612609844, 7.244335278027006 53.04033612609844, 7.244335278027006 53.04013358271043, 7.243180301233139 53.04013358271043, 7.243180301233139 53.04033612609844))",33860_2_13,2,13,85.5 +"POLYGON ((7.244335278027006 53.04155136644395, 7.245490254820874 53.04155136644395, 7.245490254820874 53.04134882876523, 7.244335278027006 53.04134882876523, 7.244335278027006 53.04155136644395))",33860_3_7,3,7,83.25 +"POLYGON ((7.244335278027006 53.04033612609844, 7.245490254820874 53.04033612609844, 7.245490254820874 53.04013358271043, 7.244335278027006 53.04013358271043, 7.244335278027006 53.04033612609844))",33860_3_13,3,13,133.33333333333334 +"POLYGON ((7.245490254820874 53.04215897377086, 7.246645231614742 53.04215897377086, 7.246645231614742 53.04195643894676, 7.245490254820874 53.04195643894676, 7.245490254820874 53.04215897377086))",33860_4_4,4,4,157.33333333333334 +"POLYGON ((7.245490254820874 53.04134882876523, 7.246645231614742 53.04134882876523, 7.246645231614742 53.04114629013497, 7.245490254820874 53.04114629013497, 7.245490254820874 53.04134882876523))",33860_4_8,4,8,125.60344633333334 +"POLYGON ((7.245490254820874 53.03952594683706, 7.246645231614742 53.03952594683706, 7.246645231614742 53.03932339964282, 7.245490254820874 53.03932339964282, 7.245490254820874 53.03952594683706))",33860_4_17,4,17,130.42632799999998 +"POLYGON ((7.246645231614742 53.04215897377086, 7.24780020840861 53.04215897377086, 7.24780020840861 53.04195643894676, 7.246645231614742 53.04195643894676, 7.246645231614742 53.04215897377086))",33860_5_4,5,4,111.25 +"POLYGON ((7.246645231614742 53.04175390317113, 7.24780020840861 53.04175390317113, 7.24780020840861 53.04155136644395, 7.246645231614742 53.04155136644395, 7.246645231614742 53.04175390317113))",33860_5_6,5,6,134.0 +"POLYGON ((7.246645231614742 53.04114629013497, 7.24780020840861 53.04114629013497, 7.24780020840861 53.04094375055317, 7.246645231614742 53.04094375055317, 7.246645231614742 53.04114629013497))",33860_5_9,5,9,193.71632 +"POLYGON ((7.246645231614742 53.04094375055317, 7.24780020840861 53.04094375055317, 7.24780020840861 53.0407412100198, 7.246645231614742 53.0407412100198, 7.246645231614742 53.04094375055317))",33860_5_10,5,10,138.5 +"POLYGON ((7.246645231614742 53.0407412100198, 7.24780020840861 53.0407412100198, 7.24780020840861 53.04053866853491, 7.246645231614742 53.04053866853491, 7.246645231614742 53.0407412100198))",33860_5_11,5,11,127.65436 +"POLYGON ((7.246645231614742 53.04053866853491, 7.24780020840861 53.04053866853491, 7.24780020840861 53.04033612609844, 7.246645231614742 53.04033612609844, 7.246645231614742 53.04053866853491))",33860_5_12,5,12,128.0 +"POLYGON ((7.246645231614742 53.04013358271043, 7.24780020840861 53.04013358271043, 7.24780020840861 53.03993103837087, 7.246645231614742 53.03993103837087, 7.246645231614742 53.04013358271043))",33860_5_14,5,14,169.00000133333333 +"POLYGON ((7.246645231614742 53.03993103837087, 7.24780020840861 53.03993103837087, 7.24780020840861 53.03972849307974, 7.246645231614742 53.03972849307974, 7.246645231614742 53.03993103837087))",33860_5_15,5,15,85.0 +"POLYGON ((7.246645231614742 53.03912085149701, 7.24780020840861 53.03912085149701, 7.24780020840861 53.03891830239963, 7.246645231614742 53.03891830239963, 7.246645231614742 53.03912085149701))",33860_5_19,5,19,137.333334 +"POLYGON ((7.246645231614742 53.03871575235068, 7.24780020840861 53.03871575235068, 7.24780020840861 53.03851320135018, 7.246645231614742 53.03851320135018, 7.246645231614742 53.03871575235068))",33860_5_21,5,21,111.50000075 +"POLYGON ((7.246645231614742 53.03851320135018, 7.24780020840861 53.03851320135018, 7.24780020840861 53.03831064939811, 7.246645231614742 53.03831064939811, 7.246645231614742 53.03851320135018))",33860_5_22,5,22,126.3063335 +"POLYGON ((7.24780020840861 53.04094375055317, 7.248955185202478 53.04094375055317, 7.248955185202478 53.0407412100198, 7.24780020840861 53.0407412100198, 7.24780020840861 53.04094375055317))",33860_6_10,6,10,121.49476775 +"POLYGON ((7.24780020840861 53.0407412100198, 7.248955185202478 53.0407412100198, 7.248955185202478 53.04053866853491, 7.24780020840861 53.04053866853491, 7.24780020840861 53.0407412100198))",33860_6_11,6,11,128.22222222222223 +"POLYGON ((7.24780020840861 53.04053866853491, 7.248955185202478 53.04053866853491, 7.248955185202478 53.04033612609844, 7.24780020840861 53.04033612609844, 7.24780020840861 53.04053866853491))",33860_6_12,6,12,127.3291455 +"POLYGON ((7.24780020840861 53.04033612609844, 7.248955185202478 53.04033612609844, 7.248955185202478 53.04013358271043, 7.24780020840861 53.04013358271043, 7.24780020840861 53.04033612609844))",33860_6_13,6,13,126.25000125 +"POLYGON ((7.24780020840861 53.04013358271043, 7.248955185202478 53.04013358271043, 7.248955185202478 53.03993103837087, 7.24780020840861 53.03993103837087, 7.24780020840861 53.04013358271043))",33860_6_14,6,14,179.5 +"POLYGON ((7.24780020840861 53.03972849307974, 7.248955185202478 53.03972849307974, 7.248955185202478 53.03952594683706, 7.24780020840861 53.03952594683706, 7.24780020840861 53.03972849307974))",33860_6_16,6,16,129.0 +"POLYGON ((7.24780020840861 53.03952594683706, 7.248955185202478 53.03952594683706, 7.248955185202478 53.03932339964282, 7.24780020840861 53.03932339964282, 7.24780020840861 53.03952594683706))",33860_6_17,6,17,115.99999975 +"POLYGON ((7.240870347645402 53.03533977810804, 7.24202532443927 53.03533977810804, 7.24202532443927 53.03513721124776, 7.240870347645402 53.03513721124776, 7.240870347645402 53.03533977810804))",33861_0_11,0,11,77.25 +"POLYGON ((7.240870347645402 53.03331406668282, 7.24202532443927 53.03331406668282, 7.24202532443927 53.03311149030642, 7.240870347645402 53.03311149030642, 7.240870347645402 53.03331406668282))",33861_0_21,0,21,132.0 +"POLYGON ((7.24202532443927 53.0359474729793, 7.243180301233139 53.0359474729793, 7.243180301233139 53.03574490897381, 7.24202532443927 53.03574490897381, 7.24202532443927 53.0359474729793))",33861_1_8,1,8,125.0 +"POLYGON ((7.243180301233139 53.03493464343587, 7.244335278027006 53.03493464343587, 7.244335278027006 53.03473207467238, 7.243180301233139 53.03473207467238, 7.243180301233139 53.03493464343587))",33861_2_13,2,13,86.75 +"POLYGON ((7.244335278027006 53.03615003603318, 7.245490254820874 53.03615003603318, 7.245490254820874 53.0359474729793, 7.244335278027006 53.0359474729793, 7.244335278027006 53.03615003603318))",33861_3_7,3,7,83.4 +"POLYGON ((7.244335278027006 53.03493464343587, 7.245490254820874 53.03493464343587, 7.245490254820874 53.03473207467238, 7.244335278027006 53.03473207467238, 7.244335278027006 53.03493464343587))",33861_3_13,3,13,132.66666666666666 +"POLYGON ((7.245490254820874 53.03675771948529, 7.246645231614742 53.03675771948529, 7.246645231614742 53.03655515928617, 7.245490254820874 53.03655515928617, 7.245490254820874 53.03675771948529))",33861_4_4,4,4,157.66666666666666 +"POLYGON ((7.245490254820874 53.0359474729793, 7.246645231614742 53.0359474729793, 7.246645231614742 53.03574490897381, 7.245490254820874 53.03574490897381, 7.245490254820874 53.0359474729793))",33861_4_8,4,8,135.39372733333335 +"POLYGON ((7.245490254820874 53.03412436267225, 7.246645231614742 53.03412436267225, 7.246645231614742 53.03392179010232, 7.245490254820874 53.03392179010232, 7.245490254820874 53.03412436267225))",33861_4_17,4,17,131.250001 +"POLYGON ((7.246645231614742 53.03675771948529, 7.24780020840861 53.03675771948529, 7.24780020840861 53.03655515928617, 7.246645231614742 53.03655515928617, 7.246645231614742 53.03675771948529))",33861_5_4,5,4,124.0 +"POLYGON ((7.246645231614742 53.03635259813547, 7.24780020840861 53.03635259813547, 7.24780020840861 53.03615003603318, 7.246645231614742 53.03615003603318, 7.246645231614742 53.03635259813547))",33861_5_6,5,6,142.0 +"POLYGON ((7.246645231614742 53.03574490897381, 7.24780020840861 53.03574490897381, 7.24780020840861 53.03554234401673, 7.246645231614742 53.03554234401673, 7.246645231614742 53.03574490897381))",33861_5_9,5,9,192.32482950000002 +"POLYGON ((7.246645231614742 53.03554234401673, 7.24780020840861 53.03554234401673, 7.24780020840861 53.03533977810804, 7.246645231614742 53.03533977810804, 7.246645231614742 53.03554234401673))",33861_5_10,5,10,140.333332 +"POLYGON ((7.246645231614742 53.03533977810804, 7.24780020840861 53.03533977810804, 7.24780020840861 53.03513721124776, 7.246645231614742 53.03513721124776, 7.246645231614742 53.03533977810804))",33861_5_11,5,11,130.43256925 +"POLYGON ((7.246645231614742 53.03513721124776, 7.24780020840861 53.03513721124776, 7.24780020840861 53.03493464343587, 7.246645231614742 53.03493464343587, 7.246645231614742 53.03513721124776))",33861_5_12,5,12,122.33333333333333 +"POLYGON ((7.246645231614742 53.03473207467238, 7.24780020840861 53.03473207467238, 7.24780020840861 53.03452950495728, 7.246645231614742 53.03452950495728, 7.246645231614742 53.03473207467238))",33861_5_14,5,14,164.99999933333334 +"POLYGON ((7.246645231614742 53.03452950495728, 7.24780020840861 53.03452950495728, 7.24780020840861 53.03432693429057, 7.246645231614742 53.03432693429057, 7.246645231614742 53.03452950495728))",33861_5_15,5,15,77.8 +"POLYGON ((7.246645231614742 53.03371921658077, 7.24780020840861 53.03371921658077, 7.24780020840861 53.03351664210761, 7.246645231614742 53.03351664210761, 7.246645231614742 53.03371921658077))",33861_5_19,5,19,139.66666866666665 +"POLYGON ((7.246645231614742 53.03331406668282, 7.24780020840861 53.03331406668282, 7.24780020840861 53.03311149030642, 7.246645231614742 53.03311149030642, 7.246645231614742 53.03331406668282))",33861_5_21,5,21,112.750001 +"POLYGON ((7.246645231614742 53.03311149030642, 7.24780020840861 53.03311149030642, 7.24780020840861 53.03290891297839, 7.246645231614742 53.03290891297839, 7.246645231614742 53.03311149030642))",33861_5_22,5,22,126.95739333333334 +"POLYGON ((7.24780020840861 53.03554234401673, 7.248955185202478 53.03554234401673, 7.248955185202478 53.03533977810804, 7.24780020840861 53.03533977810804, 7.24780020840861 53.03554234401673))",33861_6_10,6,10,121.00000025 +"POLYGON ((7.24780020840861 53.03533977810804, 7.248955185202478 53.03533977810804, 7.248955185202478 53.03513721124776, 7.24780020840861 53.03513721124776, 7.24780020840861 53.03533977810804))",33861_6_11,6,11,131.88888888888889 +"POLYGON ((7.24780020840861 53.03513721124776, 7.248955185202478 53.03513721124776, 7.248955185202478 53.03493464343587, 7.24780020840861 53.03493464343587, 7.24780020840861 53.03513721124776))",33861_6_12,6,12,127.12378833333332 +"POLYGON ((7.24780020840861 53.03493464343587, 7.248955185202478 53.03493464343587, 7.248955185202478 53.03473207467238, 7.24780020840861 53.03473207467238, 7.24780020840861 53.03493464343587))",33861_6_13,6,13,125.666667 +"POLYGON ((7.24780020840861 53.03473207467238, 7.248955185202478 53.03473207467238, 7.248955185202478 53.03452950495728, 7.24780020840861 53.03452950495728, 7.24780020840861 53.03473207467238))",33861_6_14,6,14,181.33333333333334 +"POLYGON ((7.24780020840861 53.03432693429057, 7.248955185202478 53.03432693429057, 7.248955185202478 53.03412436267225, 7.24780020840861 53.03412436267225, 7.24780020840861 53.03432693429057))",33861_6_16,6,16,124.66666666666667 +"POLYGON ((7.24780020840861 53.03412436267225, 7.248955185202478 53.03412436267225, 7.248955185202478 53.03392179010232, 7.24780020840861 53.03392179010232, 7.24780020840861 53.03412436267225))",33861_6_17,6,17,118.319277 +"POLYGON ((7.240870347645402 53.02993766950183, 7.24202532443927 53.02993766950183, 7.24202532443927 53.0297350772648, 7.240870347645402 53.0297350772648, 7.240870347645402 53.02993766950183))",33862_0_11,0,11,84.8 +"POLYGON ((7.240870347645402 53.02791170430673, 7.24202532443927 53.02791170430673, 7.24202532443927 53.02770910255305, 7.240870347645402 53.02770910255305, 7.240870347645402 53.02791170430673))",33862_0_21,0,21,131.68188733333332 +"POLYGON ((7.24202532443927 53.03054544050305, 7.243180301233139 53.03054544050305, 7.243180301233139 53.03034285112096, 7.24202532443927 53.03034285112096, 7.24202532443927 53.03054544050305))",33862_1_8,1,8,123.66666666666667 +"POLYGON ((7.243180301233139 53.0295324840761, 7.244335278027006 53.0295324840761, 7.244335278027006 53.02932988993575, 7.243180301233139 53.02932988993575, 7.243180301233139 53.0295324840761))",33862_2_13,2,13,86.8 +"POLYGON ((7.244335278027006 53.03074802893349, 7.245490254820874 53.03074802893349, 7.245490254820874 53.03054544050305, 7.244335278027006 53.03054544050305, 7.244335278027006 53.03074802893349))",33862_3_7,3,7,81.25 +"POLYGON ((7.244335278027006 53.0295324840761, 7.245490254820874 53.0295324840761, 7.245490254820874 53.02932988993575, 7.244335278027006 53.02932988993575, 7.244335278027006 53.0295324840761))",33862_3_13,3,13,131.66666666666666 +"POLYGON ((7.245490254820874 53.03135578851494, 7.246645231614742 53.03135578851494, 7.246645231614742 53.03115320293943, 7.245490254820874 53.03115320293943, 7.245490254820874 53.03135578851494))",33862_4_4,4,4,208.0 +"POLYGON ((7.245490254820874 53.03054544050305, 7.246645231614742 53.03054544050305, 7.246645231614742 53.03034285112096, 7.245490254820874 53.03034285112096, 7.245490254820874 53.03054544050305))",33862_4_8,4,8,139.333333 +"POLYGON ((7.245490254820874 53.02872210180473, 7.246645231614742 53.02872210180473, 7.246645231614742 53.02851950385773, 7.245490254820874 53.02851950385773, 7.245490254820874 53.02872210180473))",33862_4_17,4,17,128.33333133333335 +"POLYGON ((7.246645231614742 53.03135578851494, 7.24780020840861 53.03135578851494, 7.24780020840861 53.03115320293943, 7.246645231614742 53.03115320293943, 7.246645231614742 53.03135578851494))",33862_5_4,5,4,137.0 +"POLYGON ((7.246645231614742 53.03095061641227, 7.24780020840861 53.03095061641227, 7.24780020840861 53.03074802893349, 7.246645231614742 53.03074802893349, 7.246645231614742 53.03095061641227))",33862_5_6,5,6,162.0 +"POLYGON ((7.246645231614742 53.03014026078723, 7.24780020840861 53.03014026078723, 7.24780020840861 53.02993766950183, 7.246645231614742 53.02993766950183, 7.246645231614742 53.03014026078723))",33862_5_10,5,10,141.00000266666666 +"POLYGON ((7.246645231614742 53.02993766950183, 7.24780020840861 53.02993766950183, 7.24780020840861 53.0297350772648, 7.246645231614742 53.0297350772648, 7.246645231614742 53.02993766950183))",33862_5_11,5,11,131.00000066666666 +"POLYGON ((7.246645231614742 53.0297350772648, 7.24780020840861 53.0297350772648, 7.24780020840861 53.0295324840761, 7.246645231614742 53.0295324840761, 7.246645231614742 53.0297350772648))",33862_5_12,5,12,126.5 +"POLYGON ((7.246645231614742 53.02932988993575, 7.24780020840861 53.02932988993575, 7.24780020840861 53.02912729484374, 7.246645231614742 53.02912729484374, 7.246645231614742 53.02932988993575))",33862_5_14,5,14,155.674246 +"POLYGON ((7.246645231614742 53.02912729484374, 7.24780020840861 53.02912729484374, 7.24780020840861 53.02892469880008, 7.246645231614742 53.02892469880008, 7.246645231614742 53.02912729484374))",33862_5_15,5,15,82.2 +"POLYGON ((7.246645231614742 53.02831690495907, 7.24780020840861 53.02831690495907, 7.24780020840861 53.02811430510874, 7.246645231614742 53.02811430510874, 7.246645231614742 53.02831690495907))",33862_5_19,5,19,140.99999866666667 +"POLYGON ((7.246645231614742 53.02791170430673, 7.24780020840861 53.02791170430673, 7.24780020840861 53.02770910255305, 7.246645231614742 53.02770910255305, 7.246645231614742 53.02791170430673))",33862_5_21,5,21,109.7499995 +"POLYGON ((7.246645231614742 53.02770910255305, 7.24780020840861 53.02770910255305, 7.24780020840861 53.0275064998477, 7.246645231614742 53.0275064998477, 7.246645231614742 53.02770910255305))",33862_5_22,5,22,125.52609774999999 +"POLYGON ((7.24780020840861 53.03014026078723, 7.248955185202478 53.03014026078723, 7.248955185202478 53.02993766950183, 7.24780020840861 53.02993766950183, 7.24780020840861 53.03014026078723))",33862_6_10,6,10,118.99999966666667 +"POLYGON ((7.24780020840861 53.02993766950183, 7.248955185202478 53.02993766950183, 7.248955185202478 53.0297350772648, 7.24780020840861 53.0297350772648, 7.24780020840861 53.02993766950183))",33862_6_11,6,11,132.33333333333334 +"POLYGON ((7.24780020840861 53.0297350772648, 7.248955185202478 53.0297350772648, 7.248955185202478 53.0295324840761, 7.24780020840861 53.0295324840761, 7.24780020840861 53.0297350772648))",33862_6_12,6,12,126.04951425 +"POLYGON ((7.24780020840861 53.0295324840761, 7.248955185202478 53.0295324840761, 7.248955185202478 53.02932988993575, 7.24780020840861 53.02932988993575, 7.24780020840861 53.0295324840761))",33862_6_13,6,13,125.32805060000001 +"POLYGON ((7.24780020840861 53.02932988993575, 7.248955185202478 53.02932988993575, 7.248955185202478 53.02912729484374, 7.24780020840861 53.02912729484374, 7.24780020840861 53.02932988993575))",33862_6_14,6,14,182.0 +"POLYGON ((7.24780020840861 53.02892469880008, 7.248955185202478 53.02892469880008, 7.248955185202478 53.02872210180473, 7.24780020840861 53.02872210180473, 7.24780020840861 53.02892469880008))",33862_6_16,6,16,150.66666666666666 +"POLYGON ((7.24780020840861 53.02872210180473, 7.248955185202478 53.02872210180473, 7.248955185202478 53.02851950385773, 7.24780020840861 53.02851950385773, 7.24780020840861 53.02872210180473))",33862_6_17,6,17,119.24999975 +"POLYGON ((7.240870347645402 53.02453488416445, 7.24202532443927 53.02453488416445, 7.24202532443927 53.02433226654927, 7.240870347645402 53.02433226654927, 7.240870347645402 53.02453488416445))",33863_0_11,0,11,85.0 +"POLYGON ((7.240870347645402 53.02250866518568, 7.24202532443927 53.02250866518568, 7.24202532443927 53.02230603805334, 7.240870347645402 53.02230603805334, 7.240870347645402 53.02250866518568))",33863_0_21,0,21,131.333334 +"POLYGON ((7.24202532443927 53.02514273129974, 7.243180301233139 53.02514273129974, 7.243180301233139 53.02494011653968, 7.24202532443927 53.02494011653968, 7.24202532443927 53.02514273129974))",33863_1_8,1,8,128.0 +"POLYGON ((7.243180301233139 53.0241296479824, 7.244335278027006 53.0241296479824, 7.244335278027006 53.0239270284638, 7.243180301233139 53.0239270284638, 7.243180301233139 53.0241296479824))",33863_2_13,2,13,85.0 +"POLYGON ((7.244335278027006 53.02534534510811, 7.245490254820874 53.02534534510811, 7.245490254820874 53.02514273129974, 7.244335278027006 53.02514273129974, 7.244335278027006 53.02534534510811))",33863_3_7,3,7,81.4 +"POLYGON ((7.244335278027006 53.0241296479824, 7.245490254820874 53.0241296479824, 7.245490254820874 53.0239270284638, 7.244335278027006 53.0239270284638, 7.244335278027006 53.0241296479824))",33863_3_13,3,13,131.66666666666666 +"POLYGON ((7.245490254820874 53.02595318082304, 7.246645231614742 53.02595318082304, 7.246645231614742 53.02575056986975, 7.245490254820874 53.02575056986975, 7.245490254820874 53.02595318082304))",33863_4_4,4,4,203.5 +"POLYGON ((7.245490254820874 53.02514273129974, 7.246645231614742 53.02514273129974, 7.246645231614742 53.02494011653968, 7.245490254820874 53.02494011653968, 7.245490254820874 53.02514273129974))",33863_4_8,4,8,140.48908133333333 +"POLYGON ((7.245490254820874 53.02331916419777, 7.246645231614742 53.02331916419777, 7.246645231614742 53.02311654087233, 7.245490254820874 53.02311654087233, 7.245490254820874 53.02331916419777))",33863_4_17,4,17,128.0000015 +"POLYGON ((7.246645231614742 53.02595318082304, 7.24780020840861 53.02595318082304, 7.24780020840861 53.02575056986975, 7.246645231614742 53.02575056986975, 7.246645231614742 53.02595318082304))",33863_5_4,5,4,148.0 +"POLYGON ((7.246645231614742 53.02554795796478, 7.24780020840861 53.02554795796478, 7.24780020840861 53.02534534510811, 7.246645231614742 53.02534534510811, 7.246645231614742 53.02554795796478))",33863_5_6,5,6,170.0 +"POLYGON ((7.246645231614742 53.02473750082792, 7.24780020840861 53.02473750082792, 7.24780020840861 53.02453488416445, 7.246645231614742 53.02453488416445, 7.246645231614742 53.02473750082792))",33863_5_10,5,10,140.55417133333333 +"POLYGON ((7.246645231614742 53.02453488416445, 7.24780020840861 53.02453488416445, 7.24780020840861 53.02433226654927, 7.246645231614742 53.02433226654927, 7.246645231614742 53.02453488416445))",33863_5_11,5,11,131.26557633333334 +"POLYGON ((7.246645231614742 53.02433226654927, 7.24780020840861 53.02433226654927, 7.24780020840861 53.0241296479824, 7.246645231614742 53.0241296479824, 7.246645231614742 53.02433226654927))",33863_5_12,5,12,128.0 +"POLYGON ((7.246645231614742 53.0239270284638, 7.24780020840861 53.0239270284638, 7.24780020840861 53.02372440799351, 7.246645231614742 53.02372440799351, 7.246645231614742 53.0239270284638))",33863_5_14,5,14,144.66666566666666 +"POLYGON ((7.246645231614742 53.02372440799351, 7.24780020840861 53.02372440799351, 7.24780020840861 53.0235217865715, 7.246645231614742 53.0235217865715, 7.246645231614742 53.02372440799351))",33863_5_15,5,15,76.75 +"POLYGON ((7.246645231614742 53.02291391659517, 7.24780020840861 53.02291391659517, 7.24780020840861 53.02271129136627, 7.246645231614742 53.02271129136627, 7.246645231614742 53.02291391659517))",33863_5_19,5,19,139.250001 +"POLYGON ((7.246645231614742 53.02250866518568, 7.24780020840861 53.02250866518568, 7.24780020840861 53.02230603805334, 7.246645231614742 53.02230603805334, 7.246645231614742 53.02250866518568))",33863_5_21,5,21,116.999999 +"POLYGON ((7.246645231614742 53.02230603805334, 7.24780020840861 53.02230603805334, 7.24780020840861 53.02210340996929, 7.246645231614742 53.02210340996929, 7.246645231614742 53.02230603805334))",33863_5_22,5,22,122.66090575 +"POLYGON ((7.24780020840861 53.02473750082792, 7.248955185202478 53.02473750082792, 7.248955185202478 53.02453488416445, 7.24780020840861 53.02453488416445, 7.24780020840861 53.02473750082792))",33863_6_10,6,10,118.29494925 +"POLYGON ((7.24780020840861 53.02453488416445, 7.248955185202478 53.02453488416445, 7.248955185202478 53.02433226654927, 7.24780020840861 53.02433226654927, 7.24780020840861 53.02453488416445))",33863_6_11,6,11,129.0 +"POLYGON ((7.24780020840861 53.02433226654927, 7.248955185202478 53.02433226654927, 7.248955185202478 53.0241296479824, 7.24780020840861 53.0241296479824, 7.24780020840861 53.02433226654927))",33863_6_12,6,12,127.45012733333333 +"POLYGON ((7.24780020840861 53.0241296479824, 7.248955185202478 53.0241296479824, 7.248955185202478 53.0239270284638, 7.24780020840861 53.0239270284638, 7.24780020840861 53.0241296479824))",33863_6_13,6,13,124.333332 +"POLYGON ((7.24780020840861 53.0239270284638, 7.248955185202478 53.0239270284638, 7.248955185202478 53.02372440799351, 7.24780020840861 53.02372440799351, 7.24780020840861 53.0239270284638))",33863_6_14,6,14,172.0 +"POLYGON ((7.24780020840861 53.0235217865715, 7.248955185202478 53.0235217865715, 7.248955185202478 53.02331916419777, 7.24780020840861 53.02331916419777, 7.24780020840861 53.0235217865715))",33863_6_16,6,16,167.0 +"POLYGON ((7.24780020840861 53.02331916419777, 7.248955185202478 53.02331916419777, 7.248955185202478 53.02311654087233, 7.24780020840861 53.02311654087233, 7.24780020840861 53.02331916419777))",33863_6_17,6,17,118.499999 +"POLYGON ((7.240870347645402 53.01913142205915, 7.24202532443927 53.01913142205915, 7.24202532443927 53.01892877906446, 7.240870347645402 53.01892877906446, 7.240870347645402 53.01913142205915))",33864_0_11,0,11,85.5 +"POLYGON ((7.240870347645402 53.01710494928294, 7.24202532443927 53.01710494928294, 7.24202532443927 53.01690229677058, 7.240870347645402 53.01690229677058, 7.240870347645402 53.01710494928294))",33864_0_21,0,21,133.9999985 +"POLYGON ((7.24202532443927 53.01973934533267, 7.243180301233139 53.01973934533267, 7.243180301233139 53.01953670519325, 7.24202532443927 53.01953670519325, 7.24202532443927 53.01973934533267))",33864_1_8,1,8,134.33333333333334 +"POLYGON ((7.243180301233139 53.01872613511802, 7.244335278027006 53.01872613511802, 7.244335278027006 53.01852349021982, 7.243180301233139 53.01852349021982, 7.243180301233139 53.01872613511802))",33864_2_13,2,13,86.0 +"POLYGON ((7.244335278027006 53.01994198452034, 7.245490254820874 53.01994198452034, 7.245490254820874 53.01973934533267, 7.244335278027006 53.01973934533267, 7.244335278027006 53.01994198452034))",33864_3_7,3,7,83.5 +"POLYGON ((7.244335278027006 53.01872613511802, 7.245490254820874 53.01872613511802, 7.245490254820874 53.01852349021982, 7.244335278027006 53.01852349021982, 7.244335278027006 53.01872613511802))",33864_3_13,3,13,133.0 +"POLYGON ((7.245490254820874 53.02054989637287, 7.246645231614742 53.02054989637287, 7.246645231614742 53.02034726004044, 7.245490254820874 53.02034726004044, 7.245490254820874 53.02054989637287))",33864_4_4,4,4,196.5 +"POLYGON ((7.245490254820874 53.01973934533267, 7.246645231614742 53.01973934533267, 7.246645231614742 53.01953670519325, 7.245490254820874 53.01953670519325, 7.245490254820874 53.01973934533267))",33864_4_8,4,8,143.252032 +"POLYGON ((7.245490254820874 53.01791554981462, 7.246645231614742 53.01791554981462, 7.246645231614742 53.01771290110936, 7.245490254820874 53.01771290110936, 7.245490254820874 53.01791554981462))",33864_4_17,4,17,124.93147733333332 +"POLYGON ((7.246645231614742 53.02054989637287, 7.24780020840861 53.02054989637287, 7.24780020840861 53.02034726004044, 7.246645231614742 53.02034726004044, 7.246645231614742 53.02054989637287))",33864_5_4,5,4,149.0 +"POLYGON ((7.246645231614742 53.02014462275626, 7.24780020840861 53.02014462275626, 7.24780020840861 53.01994198452034, 7.246645231614742 53.01994198452034, 7.246645231614742 53.02014462275626))",33864_5_6,5,6,165.5 +"POLYGON ((7.246645231614742 53.01953670519325, 7.24780020840861 53.01953670519325, 7.24780020840861 53.01933406410208, 7.246645231614742 53.01933406410208, 7.246645231614742 53.01953670519325))",33864_5_9,5,9,176.29191500000002 +"POLYGON ((7.246645231614742 53.01933406410208, 7.24780020840861 53.01933406410208, 7.24780020840861 53.01913142205915, 7.246645231614742 53.01913142205915, 7.246645231614742 53.01933406410208))",33864_5_10,5,10,139.58248866666668 +"POLYGON ((7.246645231614742 53.01913142205915, 7.24780020840861 53.01913142205915, 7.24780020840861 53.01892877906446, 7.246645231614742 53.01892877906446, 7.246645231614742 53.01913142205915))",33864_5_11,5,11,131.250001 +"POLYGON ((7.246645231614742 53.01892877906446, 7.24780020840861 53.01892877906446, 7.24780020840861 53.01872613511802, 7.246645231614742 53.01872613511802, 7.246645231614742 53.01892877906446))",33864_5_12,5,12,128.0 +"POLYGON ((7.246645231614742 53.01852349021982, 7.24780020840861 53.01852349021982, 7.24780020840861 53.01832084436984, 7.246645231614742 53.01832084436984, 7.246645231614742 53.01852349021982))",33864_5_14,5,14,147.33333000000002 +"POLYGON ((7.246645231614742 53.01832084436984, 7.24780020840861 53.01832084436984, 7.24780020840861 53.01811819756812, 7.246645231614742 53.01811819756812, 7.246645231614742 53.01832084436984))",33864_5_15,5,15,83.6 +"POLYGON ((7.246645231614742 53.01751025145232, 7.24780020840861 53.01751025145232, 7.24780020840861 53.01730760084351, 7.246645231614742 53.01730760084351, 7.246645231614742 53.01751025145232))",33864_5_19,5,19,134.66666633333332 +"POLYGON ((7.246645231614742 53.01710494928294, 7.24780020840861 53.01710494928294, 7.24780020840861 53.01690229677058, 7.246645231614742 53.01690229677058, 7.246645231614742 53.01710494928294))",33864_5_21,5,21,114.22656325 +"POLYGON ((7.246645231614742 53.01690229677058, 7.24780020840861 53.01690229677058, 7.24780020840861 53.01669964330645, 7.246645231614742 53.01669964330645, 7.246645231614742 53.01690229677058))",33864_5_22,5,22,124.33333133333333 +"POLYGON ((7.24780020840861 53.01933406410208, 7.248955185202478 53.01933406410208, 7.248955185202478 53.01913142205915, 7.24780020840861 53.01913142205915, 7.24780020840861 53.01933406410208))",33864_6_10,6,10,111.129183 +"POLYGON ((7.24780020840861 53.01913142205915, 7.248955185202478 53.01913142205915, 7.248955185202478 53.01892877906446, 7.24780020840861 53.01892877906446, 7.24780020840861 53.01913142205915))",33864_6_11,6,11,134.71428571428572 +"POLYGON ((7.24780020840861 53.01892877906446, 7.248955185202478 53.01892877906446, 7.248955185202478 53.01872613511802, 7.24780020840861 53.01872613511802, 7.24780020840861 53.01892877906446))",33864_6_12,6,12,130.64650749999998 +"POLYGON ((7.24780020840861 53.01872613511802, 7.248955185202478 53.01872613511802, 7.248955185202478 53.01852349021982, 7.24780020840861 53.01852349021982, 7.24780020840861 53.01872613511802))",33864_6_13,6,13,119.25000175 +"POLYGON ((7.24780020840861 53.01852349021982, 7.248955185202478 53.01852349021982, 7.248955185202478 53.01832084436984, 7.24780020840861 53.01832084436984, 7.24780020840861 53.01852349021982))",33864_6_14,6,14,168.5 +"POLYGON ((7.24780020840861 53.01811819756812, 7.248955185202478 53.01811819756812, 7.248955185202478 53.01791554981462, 7.24780020840861 53.01791554981462, 7.24780020840861 53.01811819756812))",33864_6_16,6,16,173.0 +"POLYGON ((7.24780020840861 53.01791554981462, 7.248955185202478 53.01791554981462, 7.248955185202478 53.01771290110936, 7.24780020840861 53.01771290110936, 7.24780020840861 53.01791554981462))",33864_6_17,6,17,117.33333466666666 +"POLYGON ((7.240870347645402 53.01372728314922, 7.24202532443927 53.01372728314922, 7.24202532443927 53.01352461477364, 7.240870347645402 53.01352461477364, 7.240870347645402 53.01372728314922))",33865_0_11,0,11,85.5 +"POLYGON ((7.240870347645402 53.01170055656182, 7.24202532443927 53.01170055656182, 7.24202532443927 53.01149787866806, 7.240870347645402 53.01149787866806, 7.240870347645402 53.01170055656182))",33865_0_21,0,21,134.0 +"POLYGON ((7.24202532443927 53.0143352825651, 7.243180301233139 53.0143352825651, 7.243180301233139 53.01413261704494, 7.24202532443927 53.01413261704494, 7.24202532443927 53.0143352825651))",33865_1_8,1,8,136.0 +"POLYGON ((7.243180301233139 53.01332194544627, 7.244335278027006 53.01332194544627, 7.244335278027006 53.01311927516707, 7.243180301233139 53.01311927516707, 7.243180301233139 53.01332194544627))",33865_2_13,2,13,81.0 +"POLYGON ((7.244335278027006 53.01453794713344, 7.245490254820874 53.01453794713344, 7.245490254820874 53.0143352825651, 7.244335278027006 53.0143352825651, 7.244335278027006 53.01453794713344))",33865_3_7,3,7,83.5 +"POLYGON ((7.244335278027006 53.01332194544627, 7.245490254820874 53.01332194544627, 7.245490254820874 53.01311927516707, 7.244335278027006 53.01311927516707, 7.244335278027006 53.01332194544627))",33865_3_13,3,13,135.0 +"POLYGON ((7.245490254820874 53.0143352825651, 7.246645231614742 53.0143352825651, 7.246645231614742 53.01413261704494, 7.245490254820874 53.01413261704494, 7.245490254820874 53.0143352825651))",33865_4_8,4,8,143.884612 +"POLYGON ((7.245490254820874 53.01251125861859, 7.246645231614742 53.01251125861859, 7.246645231614742 53.01230858453214, 7.245490254820874 53.01230858453214, 7.245490254820874 53.01251125861859))",33865_4_17,4,17,125.263566 +"POLYGON ((7.246645231614742 53.01474061075, 7.24780020840861 53.01474061075, 7.24780020840861 53.01453794713344, 7.246645231614742 53.01453794713344, 7.246645231614742 53.01474061075))",33865_5_6,5,6,165.0 +"POLYGON ((7.246645231614742 53.01413261704494, 7.24780020840861 53.01413261704494, 7.24780020840861 53.01392995057299, 7.246645231614742 53.01392995057299, 7.246645231614742 53.01413261704494))",33865_5_9,5,9,167.979163 +"POLYGON ((7.246645231614742 53.01392995057299, 7.24780020840861 53.01392995057299, 7.24780020840861 53.01372728314922, 7.246645231614742 53.01372728314922, 7.246645231614742 53.01392995057299))",33865_5_10,5,10,138.000004 +"POLYGON ((7.246645231614742 53.01372728314922, 7.24780020840861 53.01372728314922, 7.24780020840861 53.01352461477364, 7.246645231614742 53.01352461477364, 7.246645231614742 53.01372728314922))",33865_5_11,5,11,132.0 +"POLYGON ((7.246645231614742 53.01352461477364, 7.24780020840861 53.01352461477364, 7.24780020840861 53.01332194544627, 7.246645231614742 53.01332194544627, 7.246645231614742 53.01352461477364))",33865_5_12,5,12,131.0 +"POLYGON ((7.246645231614742 53.01291660393607, 7.24780020840861 53.01291660393607, 7.24780020840861 53.01271393175324, 7.246645231614742 53.01271393175324, 7.246645231614742 53.01291660393607))",33865_5_15,5,15,81.0 +"POLYGON ((7.246645231614742 53.01210590949385, 7.24780020840861 53.01210590949385, 7.24780020840861 53.01190323350375, 7.246645231614742 53.01190323350375, 7.246645231614742 53.01210590949385))",33865_5_19,5,19,131.000002 +"POLYGON ((7.246645231614742 53.01170055656182, 7.24780020840861 53.01170055656182, 7.24780020840861 53.01149787866806, 7.246645231614742 53.01149787866806, 7.246645231614742 53.01170055656182))",33865_5_21,5,21,107.5 +"POLYGON ((7.246645231614742 53.01149787866806, 7.24780020840861 53.01149787866806, 7.24780020840861 53.01129519982247, 7.246645231614742 53.01129519982247, 7.246645231614742 53.01149787866806))",33865_5_22,5,22,126.832055 +"POLYGON ((7.24780020840861 53.01392995057299, 7.248955185202478 53.01392995057299, 7.248955185202478 53.01372728314922, 7.24780020840861 53.01372728314922, 7.24780020840861 53.01392995057299))",33865_6_10,6,10,92.751026 +"POLYGON ((7.24780020840861 53.01372728314922, 7.248955185202478 53.01372728314922, 7.248955185202478 53.01352461477364, 7.24780020840861 53.01352461477364, 7.24780020840861 53.01372728314922))",33865_6_11,6,11,138.0 +"POLYGON ((7.24780020840861 53.01352461477364, 7.248955185202478 53.01352461477364, 7.248955185202478 53.01332194544627, 7.24780020840861 53.01332194544627, 7.24780020840861 53.01352461477364))",33865_6_12,6,12,132.168907 +"POLYGON ((7.24780020840861 53.01332194544627, 7.248955185202478 53.01332194544627, 7.248955185202478 53.01311927516707, 7.24780020840861 53.01311927516707, 7.24780020840861 53.01332194544627))",33865_6_13,6,13,117.000003 +"POLYGON ((7.24780020840861 53.01311927516707, 7.248955185202478 53.01311927516707, 7.248955185202478 53.01291660393607, 7.24780020840861 53.01291660393607, 7.24780020840861 53.01311927516707))",33865_6_14,6,14,177.0 +"POLYGON ((7.24780020840861 53.01271393175324, 7.248955185202478 53.01271393175324, 7.248955185202478 53.01251125861859, 7.24780020840861 53.01251125861859, 7.24780020840861 53.01271393175324))",33865_6_16,6,16,176.0 +"POLYGON ((7.24780020840861 53.01251125861859, 7.248955185202478 53.01251125861859, 7.248955185202478 53.01230858453214, 7.24780020840861 53.01230858453214, 7.24780020840861 53.01251125861859))",33865_6_17,6,17,115.4999985 +"POLYGON ((7.24780020840861 52.98669643524678, 7.248955185202478 52.98669643524678, 7.248955185202478 52.98649363994615, 7.24780020840861 52.98649363994615, 7.24780020840861 52.98669643524678))",33870_6_11,6,11,30.0 +"POLYGON ((7.240870347645402 52.90550231962042, 7.24202532443927 52.90550231962042, 7.24202532443927 52.90529914333924, 7.240870347645402 52.90529914333924, 7.240870347645402 52.90550231962042))",33885_0_11,0,11,158.0 +"POLYGON ((7.240870347645402 52.90347051393063, 7.24202532443927 52.90347051393063, 7.24202532443927 52.90326732812099, 7.240870347645402 52.90326732812099, 7.240870347645402 52.90347051393063))",33885_0_21,0,21,137.26350050000002 +"POLYGON ((7.24202532443927 52.90590866932431, 7.243180301233139 52.90590866932431, 7.243180301233139 52.90570549494878, 7.24202532443927 52.90570549494878, 7.24202532443927 52.90590866932431))",33885_1_9,1,9,120.5 +"POLYGON ((7.243180301233139 52.9050959661052, 7.244335278027006 52.9050959661052, 7.244335278027006 52.90489278791834, 7.243180301233139 52.90489278791834, 7.243180301233139 52.9050959661052))",33885_2_13,2,13,159.0 +"POLYGON ((7.244335278027006 52.90631501521688, 7.245490254820874 52.90631501521688, 7.245490254820874 52.90611184274701, 7.244335278027006 52.90611184274701, 7.244335278027006 52.90631501521688))",33885_3_7,3,7,222.0 +"POLYGON ((7.244335278027006 52.9050959661052, 7.245490254820874 52.9050959661052, 7.245490254820874 52.90489278791834, 7.244335278027006 52.90489278791834, 7.244335278027006 52.9050959661052))",33885_3_13,3,13,133.0 +"POLYGON ((7.245490254820874 52.90692452690953, 7.246645231614742 52.90692452690953, 7.246645231614742 52.90672135729814, 7.245490254820874 52.90672135729814, 7.245490254820874 52.90692452690953))",33885_4_4,4,4,185.0 +"POLYGON ((7.245490254820874 52.90651818673392, 7.246645231614742 52.90651818673392, 7.246645231614742 52.90631501521688, 7.245490254820874 52.90631501521688, 7.245490254820874 52.90651818673392))",33885_4_6,4,6,147.87963200000002 +"POLYGON ((7.245490254820874 52.90611184274701, 7.246645231614742 52.90611184274701, 7.246645231614742 52.90590866932431, 7.245490254820874 52.90590866932431, 7.245490254820874 52.90611184274701))",33885_4_8,4,8,137.000004 +"POLYGON ((7.245490254820874 52.90428324764068, 7.246645231614742 52.90428324764068, 7.246645231614742 52.90408006564244, 7.245490254820874 52.90408006564244, 7.245490254820874 52.90428324764068))",33885_4_17,4,17,124.5000015 +"POLYGON ((7.246645231614742 52.90692452690953, 7.24780020840861 52.90692452690953, 7.24780020840861 52.90672135729814, 7.246645231614742 52.90672135729814, 7.246645231614742 52.90692452690953))",33885_5_4,5,4,156.0 +"POLYGON ((7.246645231614742 52.90651818673392, 7.24780020840861 52.90651818673392, 7.24780020840861 52.90631501521688, 7.246645231614742 52.90631501521688, 7.246645231614742 52.90651818673392))",33885_5_6,5,6,195.0 +"POLYGON ((7.246645231614742 52.90590866932431, 7.24780020840861 52.90590866932431, 7.24780020840861 52.90570549494878, 7.246645231614742 52.90570549494878, 7.246645231614742 52.90590866932431))",33885_5_9,5,9,145.085006 +"POLYGON ((7.246645231614742 52.90570549494878, 7.24780020840861 52.90570549494878, 7.24780020840861 52.90550231962042, 7.246645231614742 52.90550231962042, 7.246645231614742 52.90570549494878))",33885_5_10,5,10,133.500002 +"POLYGON ((7.246645231614742 52.90550231962042, 7.24780020840861 52.90550231962042, 7.24780020840861 52.90529914333924, 7.246645231614742 52.90529914333924, 7.246645231614742 52.90550231962042))",33885_5_11,5,11,141.06215 +"POLYGON ((7.246645231614742 52.9050959661052, 7.24780020840861 52.9050959661052, 7.24780020840861 52.90489278791834, 7.246645231614742 52.90489278791834, 7.246645231614742 52.9050959661052))",33885_5_13,5,13,126.7500015 +"POLYGON ((7.246645231614742 52.90489278791834, 7.24780020840861 52.90489278791834, 7.24780020840861 52.90468960877863, 7.246645231614742 52.90468960877863, 7.246645231614742 52.90489278791834))",33885_5_14,5,14,134.0 +"POLYGON ((7.246645231614742 52.90468960877863, 7.24780020840861 52.90468960877863, 7.24780020840861 52.90448642868607, 7.246645231614742 52.90448642868607, 7.246645231614742 52.90468960877863))",33885_5_15,5,15,172.0 +"POLYGON ((7.246645231614742 52.90387688269136, 7.24780020840861 52.90387688269136, 7.24780020840861 52.90367369878741, 7.246645231614742 52.90367369878741, 7.246645231614742 52.90387688269136))",33885_5_19,5,19,127.00000166666666 +"POLYGON ((7.246645231614742 52.90347051393063, 7.24780020840861 52.90347051393063, 7.24780020840861 52.90326732812099, 7.246645231614742 52.90326732812099, 7.246645231614742 52.90347051393063))",33885_5_21,5,21,132.0 +"POLYGON ((7.246645231614742 52.90326732812099, 7.24780020840861 52.90326732812099, 7.24780020840861 52.90306414135849, 7.246645231614742 52.90306414135849, 7.246645231614742 52.90326732812099))",33885_5_22,5,22,128.0000005 +"POLYGON ((7.24780020840861 52.90570549494878, 7.248955185202478 52.90570549494878, 7.248955185202478 52.90550231962042, 7.24780020840861 52.90550231962042, 7.24780020840861 52.90570549494878))",33885_6_10,6,10,127.000004 +"POLYGON ((7.24780020840861 52.90550231962042, 7.248955185202478 52.90550231962042, 7.248955185202478 52.90529914333924, 7.24780020840861 52.90529914333924, 7.24780020840861 52.90550231962042))",33885_6_11,6,11,126.0 +"POLYGON ((7.24780020840861 52.90529914333924, 7.248955185202478 52.90529914333924, 7.248955185202478 52.9050959661052, 7.24780020840861 52.9050959661052, 7.24780020840861 52.90529914333924))",33885_6_12,6,12,124.0 +"POLYGON ((7.24780020840861 52.9050959661052, 7.248955185202478 52.9050959661052, 7.248955185202478 52.90489278791834, 7.24780020840861 52.90489278791834, 7.24780020840861 52.9050959661052))",33885_6_13,6,13,131.23892425 +"POLYGON ((7.24780020840861 52.90489278791834, 7.248955185202478 52.90489278791834, 7.248955185202478 52.90468960877863, 7.24780020840861 52.90468960877863, 7.24780020840861 52.90489278791834))",33885_6_14,6,14,165.0 +"POLYGON ((7.24780020840861 52.90448642868607, 7.248955185202478 52.90448642868607, 7.248955185202478 52.90428324764068, 7.24780020840861 52.90428324764068, 7.24780020840861 52.90448642868607))",33885_6_16,6,16,149.0 +"POLYGON ((7.24780020840861 52.90428324764068, 7.248955185202478 52.90428324764068, 7.248955185202478 52.90408006564244, 7.24780020840861 52.90408006564244, 7.24780020840861 52.90428324764068))",33885_6_17,6,17,119.999998 +"POLYGON ((7.240870347645402 52.90008395936817, 7.24202532443927 52.90008395936817, 7.24202532443927 52.89988075767736, 7.240870347645402 52.89988075767736, 7.240870347645402 52.90008395936817))",33886_0_11,0,11,151.0 +"POLYGON ((7.240870347645402 52.8980518995799, 7.24202532443927 52.8980518995799, 7.24202532443927 52.89784868836013, 7.240870347645402 52.89784868836013, 7.240870347645402 52.8980518995799))",33886_0_21,0,21,139.00000066666666 +"POLYGON ((7.24202532443927 52.90049035989114, 7.243180301233139 52.90049035989114, 7.243180301233139 52.9002871601061, 7.24202532443927 52.9002871601061, 7.24202532443927 52.90049035989114))",33886_1_9,1,9,117.0 +"POLYGON ((7.243180301233139 52.89967755503366, 7.244335278027006 52.89967755503366, 7.244335278027006 52.89947435143707, 7.243180301233139 52.89947435143707, 7.243180301233139 52.89967755503366))",33886_2_13,2,13,159.5 +"POLYGON ((7.244335278027006 52.90089675660258, 7.245490254820874 52.90089675660258, 7.245490254820874 52.9006935587233, 7.244335278027006 52.9006935587233, 7.244335278027006 52.90089675660258))",33886_3_7,3,7,214.0 +"POLYGON ((7.244335278027006 52.89967755503366, 7.245490254820874 52.89967755503366, 7.245490254820874 52.89947435143707, 7.244335278027006 52.89947435143707, 7.244335278027006 52.89967755503366))",33886_3_13,3,13,131.66666666666666 +"POLYGON ((7.245490254820874 52.90150634452318, 7.246645231614742 52.90150634452318, 7.246645231614742 52.90130314950252, 7.245490254820874 52.90130314950252, 7.245490254820874 52.90150634452318))",33886_4_4,4,4,160.66666666666666 +"POLYGON ((7.245490254820874 52.901099953529, 7.246645231614742 52.901099953529, 7.246645231614742 52.90089675660258, 7.245490254820874 52.90089675660258, 7.245490254820874 52.901099953529))",33886_4_6,4,6,120.30644475 +"POLYGON ((7.245490254820874 52.9006935587233, 7.246645231614742 52.9006935587233, 7.246645231614742 52.90049035989114, 7.245490254820874 52.90049035989114, 7.245490254820874 52.9006935587233))",33886_4_8,4,8,135.21374025 +"POLYGON ((7.245490254820874 52.89886473492995, 7.246645231614742 52.89886473492995, 7.246645231614742 52.89866152752178, 7.245490254820874 52.89866152752178, 7.245490254820874 52.89886473492995))",33886_4_17,4,17,124.50000275 +"POLYGON ((7.246645231614742 52.90150634452318, 7.24780020840861 52.90150634452318, 7.24780020840861 52.90130314950252, 7.246645231614742 52.90130314950252, 7.246645231614742 52.90150634452318))",33886_5_4,5,4,155.33333333333334 +"POLYGON ((7.246645231614742 52.901099953529, 7.24780020840861 52.901099953529, 7.24780020840861 52.90089675660258, 7.246645231614742 52.90089675660258, 7.246645231614742 52.901099953529))",33886_5_6,5,6,192.66666666666666 +"POLYGON ((7.246645231614742 52.90049035989114, 7.24780020840861 52.90049035989114, 7.24780020840861 52.9002871601061, 7.246645231614742 52.9002871601061, 7.246645231614742 52.90049035989114))",33886_5_9,5,9,128.5611915 +"POLYGON ((7.246645231614742 52.9002871601061, 7.24780020840861 52.9002871601061, 7.24780020840861 52.90008395936817, 7.246645231614742 52.90008395936817, 7.246645231614742 52.9002871601061))",33886_5_10,5,10,134.85119525 +"POLYGON ((7.246645231614742 52.90008395936817, 7.24780020840861 52.90008395936817, 7.24780020840861 52.89988075767736, 7.246645231614742 52.89988075767736, 7.246645231614742 52.90008395936817))",33886_5_11,5,11,138.99962066666666 +"POLYGON ((7.246645231614742 52.89967755503366, 7.24780020840861 52.89967755503366, 7.24780020840861 52.89947435143707, 7.246645231614742 52.89947435143707, 7.246645231614742 52.89967755503366))",33886_5_13,5,13,127.39848514285714 +"POLYGON ((7.246645231614742 52.89947435143707, 7.24780020840861 52.89947435143707, 7.24780020840861 52.89927114688759, 7.246645231614742 52.89927114688759, 7.246645231614742 52.89947435143707))",33886_5_14,5,14,141.75 +"POLYGON ((7.246645231614742 52.89927114688759, 7.24780020840861 52.89927114688759, 7.24780020840861 52.89906794138523, 7.246645231614742 52.89906794138523, 7.246645231614742 52.89927114688759))",33886_5_15,5,15,167.0 +"POLYGON ((7.246645231614742 52.89845831916072, 7.24780020840861 52.89845831916072, 7.24780020840861 52.89825510984677, 7.246645231614742 52.89825510984677, 7.246645231614742 52.89845831916072))",33886_5_19,5,19,127.66666400000001 +"POLYGON ((7.246645231614742 52.8980518995799, 7.24780020840861 52.8980518995799, 7.24780020840861 52.89784868836013, 7.246645231614742 52.89784868836013, 7.246645231614742 52.8980518995799))",33886_5_21,5,21,134.000002 +"POLYGON ((7.246645231614742 52.89784868836013, 7.24780020840861 52.89784868836013, 7.24780020840861 52.89764547618744, 7.246645231614742 52.89764547618744, 7.246645231614742 52.89784868836013))",33886_5_22,5,22,124.27253074999999 +"POLYGON ((7.24780020840861 52.9002871601061, 7.248955185202478 52.9002871601061, 7.248955185202478 52.90008395936817, 7.24780020840861 52.90008395936817, 7.24780020840861 52.9002871601061))",33886_6_10,6,10,126.74999775 +"POLYGON ((7.24780020840861 52.90008395936817, 7.248955185202478 52.90008395936817, 7.248955185202478 52.89988075767736, 7.24780020840861 52.89988075767736, 7.24780020840861 52.90008395936817))",33886_6_11,6,11,124.33333333333333 +"POLYGON ((7.24780020840861 52.89988075767736, 7.248955185202478 52.89988075767736, 7.248955185202478 52.89967755503366, 7.24780020840861 52.89967755503366, 7.24780020840861 52.89988075767736))",33886_6_12,6,12,121.68492475000001 +"POLYGON ((7.24780020840861 52.89967755503366, 7.248955185202478 52.89967755503366, 7.248955185202478 52.89947435143707, 7.24780020840861 52.89947435143707, 7.24780020840861 52.89967755503366))",33886_6_13,6,13,130.42857214285715 +"POLYGON ((7.24780020840861 52.89947435143707, 7.248955185202478 52.89947435143707, 7.248955185202478 52.89927114688759, 7.24780020840861 52.89927114688759, 7.24780020840861 52.89947435143707))",33886_6_14,6,14,137.33333333333334 +"POLYGON ((7.24780020840861 52.89906794138523, 7.248955185202478 52.89906794138523, 7.248955185202478 52.89886473492995, 7.24780020840861 52.89886473492995, 7.24780020840861 52.89906794138523))",33886_6_16,6,16,140.66666666666666 +"POLYGON ((7.24780020840861 52.89886473492995, 7.248955185202478 52.89886473492995, 7.248955185202478 52.89866152752178, 7.24780020840861 52.89866152752178, 7.24780020840861 52.89886473492995))",33886_6_17,6,17,119.74999925 +"POLYGON ((7.240870347645402 52.89466492150864, 7.24202532443927 52.89466492150864, 7.24202532443927 52.89446169440684, 7.240870347645402 52.89446169440684, 7.240870347645402 52.89466492150864))",33887_0_11,0,11,150.0 +"POLYGON ((7.240870347645402 52.89263260760828, 7.24202532443927 52.89263260760828, 7.24202532443927 52.89242937097703, 7.240870347645402 52.89242937097703, 7.240870347645402 52.89263260760828))",33887_0_21,0,21,140.74999925 +"POLYGON ((7.24202532443927 52.89507137285342, 7.243180301233139 52.89507137285342, 7.243180301233139 52.89486814765749, 7.24202532443927 52.89486814765749, 7.24202532443927 52.89507137285342))",33887_1_9,1,9,109.0 +"POLYGON ((7.243180301233139 52.89425846635212, 7.244335278027006 52.89425846635212, 7.244335278027006 52.89405523734445, 7.243180301233139 52.89405523734445, 7.243180301233139 52.89425846635212))",33887_2_13,2,13,172.33333333333334 +"POLYGON ((7.244335278027006 52.89547782038646, 7.245490254820874 52.89547782038646, 7.245490254820874 52.8952745970964, 7.244335278027006 52.8952745970964, 7.244335278027006 52.89547782038646))",33887_3_7,3,7,197.5 +"POLYGON ((7.244335278027006 52.89425846635212, 7.245490254820874 52.89425846635212, 7.245490254820874 52.89405523734445, 7.244335278027006 52.89405523734445, 7.244335278027006 52.89425846635212))",33887_3_13,3,13,131.0 +"POLYGON ((7.245490254820874 52.89608748453907, 7.246645231614742 52.89608748453907, 7.246645231614742 52.89588426410779, 7.245490254820874 52.89588426410779, 7.245490254820874 52.89608748453907))",33887_4_4,4,4,134.66666666666666 +"POLYGON ((7.245490254820874 52.89568104272359, 7.246645231614742 52.89568104272359, 7.246645231614742 52.89547782038646, 7.245490254820874 52.89547782038646, 7.245490254820874 52.89568104272359))",33887_4_6,4,6,92.6000006 +"POLYGON ((7.245490254820874 52.8952745970964, 7.246645231614742 52.8952745970964, 7.246645231614742 52.89507137285342, 7.245490254820874 52.89507137285342, 7.245490254820874 52.8952745970964))",33887_4_8,4,8,139.879264 +"POLYGON ((7.245490254820874 52.89344554460379, 7.246645231614742 52.89344554460379, 7.246645231614742 52.89324231178433, 7.245490254820874 52.89324231178433, 7.245490254820874 52.89344554460379))",33887_4_17,4,17,124.25000025 +"POLYGON ((7.246645231614742 52.89608748453907, 7.24780020840861 52.89608748453907, 7.24780020840861 52.89588426410779, 7.246645231614742 52.89588426410779, 7.246645231614742 52.89608748453907))",33887_5_4,5,4,156.5 +"POLYGON ((7.246645231614742 52.89568104272359, 7.24780020840861 52.89568104272359, 7.24780020840861 52.89547782038646, 7.246645231614742 52.89547782038646, 7.246645231614742 52.89568104272359))",33887_5_6,5,6,185.5 +"POLYGON ((7.246645231614742 52.89507137285342, 7.24780020840861 52.89507137285342, 7.24780020840861 52.89486814765749, 7.246645231614742 52.89486814765749, 7.246645231614742 52.89507137285342))",33887_5_9,5,9,155.22998033333332 +"POLYGON ((7.246645231614742 52.89486814765749, 7.24780020840861 52.89486814765749, 7.24780020840861 52.89466492150864, 7.246645231614742 52.89466492150864, 7.246645231614742 52.89486814765749))",33887_5_10,5,10,133.47665266666667 +"POLYGON ((7.246645231614742 52.89466492150864, 7.24780020840861 52.89466492150864, 7.24780020840861 52.89446169440684, 7.246645231614742 52.89446169440684, 7.246645231614742 52.89466492150864))",33887_5_11,5,11,132.6758695 +"POLYGON ((7.246645231614742 52.89425846635212, 7.24780020840861 52.89425846635212, 7.24780020840861 52.89405523734445, 7.246645231614742 52.89405523734445, 7.246645231614742 52.89425846635212))",33887_5_13,5,13,110.12499975 +"POLYGON ((7.246645231614742 52.89405523734445, 7.24780020840861 52.89405523734445, 7.24780020840861 52.89385200738383, 7.246645231614742 52.89385200738383, 7.246645231614742 52.89405523734445))",33887_5_14,5,14,137.33333633333334 +"POLYGON ((7.246645231614742 52.89385200738383, 7.24780020840861 52.89385200738383, 7.24780020840861 52.89364877647029, 7.246645231614742 52.89364877647029, 7.246645231614742 52.89385200738383))",33887_5_15,5,15,172.33333333333334 +"POLYGON ((7.246645231614742 52.89303907801194, 7.24780020840861 52.89303907801194, 7.24780020840861 52.89283584328659, 7.246645231614742 52.89283584328659, 7.246645231614742 52.89303907801194))",33887_5_19,5,19,119.18571575 +"POLYGON ((7.246645231614742 52.89263260760828, 7.24780020840861 52.89263260760828, 7.24780020840861 52.89242937097703, 7.246645231614742 52.89242937097703, 7.246645231614742 52.89263260760828))",33887_5_21,5,21,135.2317875 +"POLYGON ((7.246645231614742 52.89242937097703, 7.24780020840861 52.89242937097703, 7.24780020840861 52.89222613339282, 7.246645231614742 52.89222613339282, 7.246645231614742 52.89242937097703))",33887_5_22,5,22,97.29753960000001 +"POLYGON ((7.24780020840861 52.89486814765749, 7.248955185202478 52.89486814765749, 7.248955185202478 52.89466492150864, 7.24780020840861 52.89466492150864, 7.24780020840861 52.89486814765749))",33887_6_10,6,10,125.7798655 +"POLYGON ((7.24780020840861 52.89466492150864, 7.248955185202478 52.89466492150864, 7.248955185202478 52.89446169440684, 7.24780020840861 52.89446169440684, 7.24780020840861 52.89466492150864))",33887_6_11,6,11,95.0 +"POLYGON ((7.24780020840861 52.89446169440684, 7.248955185202478 52.89446169440684, 7.248955185202478 52.89425846635212, 7.24780020840861 52.89425846635212, 7.24780020840861 52.89446169440684))",33887_6_12,6,12,125.49999975 +"POLYGON ((7.24780020840861 52.89425846635212, 7.248955185202478 52.89425846635212, 7.248955185202478 52.89405523734445, 7.24780020840861 52.89405523734445, 7.24780020840861 52.89425846635212))",33887_6_13,6,13,129.37499925 +"POLYGON ((7.24780020840861 52.89405523734445, 7.248955185202478 52.89405523734445, 7.248955185202478 52.89385200738383, 7.24780020840861 52.89385200738383, 7.24780020840861 52.89405523734445))",33887_6_14,6,14,91.6 +"POLYGON ((7.24780020840861 52.89364877647029, 7.248955185202478 52.89364877647029, 7.248955185202478 52.89344554460379, 7.24780020840861 52.89344554460379, 7.24780020840861 52.89364877647029))",33887_6_16,6,16,151.66666666666666 +"POLYGON ((7.24780020840861 52.89344554460379, 7.248955185202478 52.89344554460379, 7.248955185202478 52.89324231178433, 7.24780020840861 52.89324231178433, 7.24780020840861 52.89344554460379))",33887_6_17,6,17,119.0000005 +"POLYGON ((7.244335278027006 52.88883870002432, 7.245490254820874 52.88883870002432, 7.245490254820874 52.88863544560421, 7.244335278027006 52.88863544560421, 7.244335278027006 52.88883870002432))",33888_3_13,3,13,129.0 +"POLYGON ((7.245490254820874 52.89066794692094, 7.246645231614742 52.89066794692094, 7.246645231614742 52.89046470107768, 7.245490254820874 52.89046470107768, 7.245490254820874 52.89066794692094))",33888_4_4,4,4,125.0 +"POLYGON ((7.245490254820874 52.89026145428144, 7.246645231614742 52.89026145428144, 7.246645231614742 52.89005820653222, 7.245490254820874 52.89005820653222, 7.245490254820874 52.89026145428144))",33888_4_6,4,6,108.946431 +"POLYGON ((7.246645231614742 52.88944845756671, 7.24780020840861 52.88944845756671, 7.24780020840861 52.88924520600557, 7.246645231614742 52.88924520600557, 7.246645231614742 52.88944845756671))",33888_5_10,5,10,132.610963 +"POLYGON ((7.246645231614742 52.88883870002432, 7.24780020840861 52.88883870002432, 7.24780020840861 52.88863544560421, 7.246645231614742 52.88863544560421, 7.246645231614742 52.88883870002432))",33888_5_13,5,13,128.0 +"POLYGON ((7.246645231614742 52.88863544560421, 7.24780020840861 52.88863544560421, 7.24780020840861 52.88843219023111, 7.246645231614742 52.88843219023111, 7.246645231614742 52.88863544560421))",33888_5_14,5,14,119.0 +"POLYGON ((7.246645231614742 52.88761915920874, 7.24780020840861 52.88761915920874, 7.24780020840861 52.88741589907065, 7.246645231614742 52.88741589907065, 7.246645231614742 52.88761915920874))",33888_5_19,5,19,97.0 +"POLYGON ((7.24780020840861 52.88802567662592, 7.248955185202478 52.88802567662592, 7.248955185202478 52.88782241839383, 7.24780020840861 52.88782241839383, 7.24780020840861 52.88802567662592))",33888_6_17,6,17,118.464543 +"POLYGON ((7.24780020840861 52.81872722244206, 7.248955185202478 52.81872722244206, 7.248955185202478 52.8185236394442, 7.24780020840861 52.8185236394442, 7.24780020840861 52.81872722244206))",33901_6_11,6,11,89.6 +"POLYGON ((7.245490254820874 52.68320196229913, 7.246645231614742 52.68320196229913, 7.246645231614742 52.68299774502606, 7.245490254820874 52.68299774502606, 7.245490254820874 52.68320196229913))",33926_4_9,4,9,34.7 +"POLYGON ((7.245490254820874 52.68156819737727, 7.246645231614742 52.68156819737727, 7.246645231614742 52.68136397246494, 7.245490254820874 52.68136397246494, 7.245490254820874 52.68156819737727))",33926_4_17,4,17,44.333333333333336 +"POLYGON ((7.245490254820874 52.67775584155707, 7.246645231614742 52.67775584155707, 7.246645231614742 52.67755159881933, 7.245490254820874 52.67755159881933, 7.245490254820874 52.67775584155707))",33927_4_9,4,9,80.0 +"POLYGON ((7.245490254820874 52.67612187291646, 7.246645231614742 52.67612187291646, 7.246645231614742 52.67591762253906, 7.245490254820874 52.67591762253906, 7.245490254820874 52.67612187291646))",33927_4_17,4,17,101.0 +"POLYGON ((7.240870347645402 52.4587380045536, 7.24202532443927 52.4587380045536, 7.24202532443927 52.45853273927618, 7.240870347645402 52.45853273927618, 7.240870347645402 52.4587380045536))",33967_0_12,0,12,169.5 +"POLYGON ((7.240870347645402 52.45689058260728, 7.24202532443927 52.45689058260728, 7.24202532443927 52.45668530871745, 7.240870347645402 52.45668530871745, 7.240870347645402 52.45689058260728))",33967_0_21,0,21,139.9686125 +"POLYGON ((7.24202532443927 52.45935379464431, 7.243180301233139 52.45935379464431, 7.243180301233139 52.45914853223766, 7.24202532443927 52.45914853223766, 7.24202532443927 52.45935379464431))",33967_1_9,1,9,149.0 +"POLYGON ((7.243180301233139 52.45853273927618, 7.244335278027006 52.45853273927618, 7.244335278027006 52.45832747304184, 7.243180301233139 52.45832747304184, 7.243180301233139 52.45853273927618))",33967_2_13,2,13,177.0 +"POLYGON ((7.244335278027006 52.45996957612272, 7.245490254820874 52.45996957612272, 7.245490254820874 52.45976431658683, 7.244335278027006 52.45976431658683, 7.244335278027006 52.45996957612272))",33967_3_6,3,6,129.0 +"POLYGON ((7.244335278027006 52.4587380045536, 7.245490254820874 52.4587380045536, 7.245490254820874 52.45853273927618, 7.244335278027006 52.45853273927618, 7.244335278027006 52.4587380045536))",33967_3_12,3,12,122.0 +"POLYGON ((7.244335278027006 52.45791693770235, 7.245490254820874 52.45791693770235, 7.245490254820874 52.45771166859722, 7.244335278027006 52.45771166859722, 7.244335278027006 52.45791693770235))",33967_3_16,3,16,134.5 +"POLYGON ((7.245490254820874 52.46038009232375, 7.246645231614742 52.46038009232375, 7.246645231614742 52.4601748347017, 7.245490254820874 52.4601748347017, 7.245490254820874 52.46038009232375))",33967_4_4,4,4,179.0 +"POLYGON ((7.245490254820874 52.4601748347017, 7.246645231614742 52.4601748347017, 7.246645231614742 52.45996957612272, 7.245490254820874 52.45996957612272, 7.245490254820874 52.4601748347017))",33967_4_5,4,5,133.4999985 +"POLYGON ((7.245490254820874 52.45996957612272, 7.246645231614742 52.45996957612272, 7.246645231614742 52.45976431658683, 7.245490254820874 52.45976431658683, 7.245490254820874 52.45996957612272))",33967_4_6,4,6,164.0 +"POLYGON ((7.245490254820874 52.45955905609403, 7.246645231614742 52.45955905609403, 7.246645231614742 52.45935379464431, 7.245490254820874 52.45935379464431, 7.245490254820874 52.45955905609403))",33967_4_8,4,8,136.000002 +"POLYGON ((7.245490254820874 52.45914853223766, 7.246645231614742 52.45914853223766, 7.246645231614742 52.45894326887409, 7.245490254820874 52.45894326887409, 7.245490254820874 52.45914853223766))",33967_4_10,4,10,124.0 +"POLYGON ((7.245490254820874 52.45791693770235, 7.246645231614742 52.45791693770235, 7.246645231614742 52.45771166859722, 7.245490254820874 52.45771166859722, 7.245490254820874 52.45791693770235))",33967_4_16,4,16,151.999996 +"POLYGON ((7.245490254820874 52.45771166859722, 7.246645231614742 52.45771166859722, 7.246645231614742 52.45750639853514, 7.245490254820874 52.45750639853514, 7.245490254820874 52.45771166859722))",33967_4_17,4,17,134.5 +"POLYGON ((7.246645231614742 52.46038009232375, 7.24780020840861 52.46038009232375, 7.24780020840861 52.4601748347017, 7.246645231614742 52.4601748347017, 7.246645231614742 52.46038009232375))",33967_5_4,5,4,117.0 +"POLYGON ((7.246645231614742 52.45996957612272, 7.24780020840861 52.45996957612272, 7.24780020840861 52.45976431658683, 7.246645231614742 52.45976431658683, 7.246645231614742 52.45996957612272))",33967_5_6,5,6,171.0 +"POLYGON ((7.246645231614742 52.45914853223766, 7.24780020840861 52.45914853223766, 7.24780020840861 52.45894326887409, 7.246645231614742 52.45894326887409, 7.246645231614742 52.45914853223766))",33967_5_10,5,10,136.768361 +"POLYGON ((7.246645231614742 52.45894326887409, 7.24780020840861 52.45894326887409, 7.24780020840861 52.4587380045536, 7.246645231614742 52.4587380045536, 7.246645231614742 52.45894326887409))",33967_5_11,5,11,132.18462433333335 +"POLYGON ((7.246645231614742 52.4587380045536, 7.24780020840861 52.4587380045536, 7.24780020840861 52.45853273927618, 7.246645231614742 52.45853273927618, 7.246645231614742 52.4587380045536))",33967_5_12,5,12,122.047538 +"POLYGON ((7.246645231614742 52.45853273927618, 7.24780020840861 52.45853273927618, 7.24780020840861 52.45832747304184, 7.246645231614742 52.45832747304184, 7.246645231614742 52.45853273927618))",33967_5_13,5,13,133.08219100000002 +"POLYGON ((7.246645231614742 52.45791693770235, 7.24780020840861 52.45791693770235, 7.24780020840861 52.45771166859722, 7.246645231614742 52.45771166859722, 7.246645231614742 52.45791693770235))",33967_5_16,5,16,147.0 +"POLYGON ((7.246645231614742 52.45730112751613, 7.24780020840861 52.45730112751613, 7.24780020840861 52.45709585554017, 7.246645231614742 52.45709585554017, 7.246645231614742 52.45730112751613))",33967_5_19,5,19,150.000002 +"POLYGON ((7.246645231614742 52.45648003387067, 7.24780020840861 52.45648003387067, 7.24780020840861 52.45627475806695, 7.246645231614742 52.45627475806695, 7.246645231614742 52.45648003387067))",33967_5_23,5,23,135.4999975 +"POLYGON ((7.24780020840861 52.45914853223766, 7.248955185202478 52.45914853223766, 7.248955185202478 52.45894326887409, 7.24780020840861 52.45894326887409, 7.24780020840861 52.45914853223766))",33967_6_10,6,10,124.1233955 +"POLYGON ((7.24780020840861 52.45894326887409, 7.248955185202478 52.45894326887409, 7.248955185202478 52.4587380045536, 7.24780020840861 52.4587380045536, 7.24780020840861 52.45894326887409))",33967_6_11,6,11,134.5 +"POLYGON ((7.24780020840861 52.4587380045536, 7.248955185202478 52.4587380045536, 7.248955185202478 52.45853273927618, 7.24780020840861 52.45853273927618, 7.24780020840861 52.4587380045536))",33967_6_12,6,12,111.5 +"POLYGON ((7.24780020840861 52.45853273927618, 7.248955185202478 52.45853273927618, 7.248955185202478 52.45832747304184, 7.24780020840861 52.45832747304184, 7.24780020840861 52.45853273927618))",33967_6_13,6,13,125.21482739999999 +"POLYGON ((7.24780020840861 52.45832747304184, 7.248955185202478 52.45832747304184, 7.248955185202478 52.45812220585056, 7.24780020840861 52.45812220585056, 7.24780020840861 52.45832747304184))",33967_6_14,6,14,108.291262 +"POLYGON ((7.24780020840861 52.45812220585056, 7.248955185202478 52.45812220585056, 7.248955185202478 52.45791693770235, 7.24780020840861 52.45791693770235, 7.24780020840861 52.45812220585056))",33967_6_15,6,15,133.0 +"POLYGON ((7.24780020840861 52.45791693770235, 7.248955185202478 52.45791693770235, 7.248955185202478 52.45771166859722, 7.24780020840861 52.45771166859722, 7.24780020840861 52.45791693770235))",33967_6_16,6,16,175.0 +"POLYGON ((7.24780020840861 52.45750639853514, 7.248955185202478 52.45750639853514, 7.248955185202478 52.45730112751613, 7.24780020840861 52.45730112751613, 7.24780020840861 52.45750639853514))",33967_6_18,6,18,124.874567 +"POLYGON ((7.240870347645402 52.45326393633533, 7.24202532443927 52.45326393633533, 7.24202532443927 52.4530586455392, 7.240870347645402 52.4530586455392, 7.240870347645402 52.45326393633533))",33968_0_12,0,12,169.5 +"POLYGON ((7.240870347645402 52.45141628471893, 7.24202532443927 52.45141628471893, 7.24202532443927 52.45121098530996, 7.240870347645402 52.45121098530996, 7.240870347645402 52.45141628471893))",33968_0_21,0,21,137.778589 +"POLYGON ((7.24202532443927 52.45387980298185, 7.243180301233139 52.45387980298185, 7.243180301233139 52.45367451505664, 7.24202532443927 52.45367451505664, 7.24202532443927 52.45387980298185))",33968_1_9,1,9,145.25 +"POLYGON ((7.243180301233139 52.4530586455392, 7.244335278027006 52.4530586455392, 7.244335278027006 52.45285335378612, 7.243180301233139 52.45285335378612, 7.243180301233139 52.4530586455392))",33968_2_13,2,13,176.0 +"POLYGON ((7.244335278027006 52.45449566101563, 7.245490254820874 52.45449566101563, 7.245490254820874 52.45429037596134, 7.244335278027006 52.45429037596134, 7.244335278027006 52.45449566101563))",33968_3_6,3,6,144.0 +"POLYGON ((7.244335278027006 52.45326393633533, 7.245490254820874 52.45326393633533, 7.245490254820874 52.4530586455392, 7.244335278027006 52.4530586455392, 7.244335278027006 52.45326393633533))",33968_3_12,3,12,123.66666666666667 +"POLYGON ((7.244335278027006 52.45244276740898, 7.245490254820874 52.45244276740898, 7.245490254820874 52.45223747278494, 7.244335278027006 52.45223747278494, 7.244335278027006 52.45244276740898))",33968_3_16,3,16,129.75 +"POLYGON ((7.245490254820874 52.45490622825335, 7.246645231614742 52.45490622825335, 7.246645231614742 52.45470094511298, 7.245490254820874 52.45470094511298, 7.245490254820874 52.45490622825335))",33968_4_4,4,4,181.33333333333334 +"POLYGON ((7.245490254820874 52.45470094511298, 7.246645231614742 52.45470094511298, 7.246645231614742 52.45449566101563, 7.245490254820874 52.45449566101563, 7.245490254820874 52.45470094511298))",33968_4_5,4,5,135.2704685 +"POLYGON ((7.245490254820874 52.45449566101563, 7.246645231614742 52.45449566101563, 7.246645231614742 52.45429037596134, 7.245490254820874 52.45429037596134, 7.245490254820874 52.45449566101563))",33968_4_6,4,6,161.66666666666666 +"POLYGON ((7.245490254820874 52.45408508995008, 7.246645231614742 52.45408508995008, 7.246645231614742 52.45387980298185, 7.245490254820874 52.45387980298185, 7.245490254820874 52.45408508995008))",33968_4_8,4,8,134.35309133333334 +"POLYGON ((7.245490254820874 52.45367451505664, 7.246645231614742 52.45367451505664, 7.246645231614742 52.45346922617447, 7.245490254820874 52.45346922617447, 7.245490254820874 52.45367451505664))",33968_4_10,4,10,126.25 +"POLYGON ((7.245490254820874 52.45244276740898, 7.246645231614742 52.45244276740898, 7.246645231614742 52.45223747278494, 7.245490254820874 52.45223747278494, 7.245490254820874 52.45244276740898))",33968_4_16,4,16,153.00000166666666 +"POLYGON ((7.245490254820874 52.45223747278494, 7.246645231614742 52.45223747278494, 7.246645231614742 52.45203217720392, 7.245490254820874 52.45203217720392, 7.245490254820874 52.45223747278494))",33968_4_17,4,17,137.0 +"POLYGON ((7.246645231614742 52.45490622825335, 7.24780020840861 52.45490622825335, 7.24780020840861 52.45470094511298, 7.246645231614742 52.45470094511298, 7.246645231614742 52.45490622825335))",33968_5_4,5,4,117.5 +"POLYGON ((7.246645231614742 52.45449566101563, 7.24780020840861 52.45449566101563, 7.24780020840861 52.45429037596134, 7.246645231614742 52.45429037596134, 7.246645231614742 52.45449566101563))",33968_5_6,5,6,177.0 +"POLYGON ((7.246645231614742 52.45367451505664, 7.24780020840861 52.45367451505664, 7.24780020840861 52.45346922617447, 7.246645231614742 52.45346922617447, 7.246645231614742 52.45367451505664))",33968_5_10,5,10,138.602969 +"POLYGON ((7.246645231614742 52.45346922617447, 7.24780020840861 52.45346922617447, 7.24780020840861 52.45326393633533, 7.246645231614742 52.45326393633533, 7.246645231614742 52.45346922617447))",33968_5_11,5,11,139.57038933333334 +"POLYGON ((7.246645231614742 52.45326393633533, 7.24780020840861 52.45326393633533, 7.24780020840861 52.4530586455392, 7.246645231614742 52.4530586455392, 7.246645231614742 52.45326393633533))",33968_5_12,5,12,126.0190118 +"POLYGON ((7.246645231614742 52.4530586455392, 7.24780020840861 52.4530586455392, 7.24780020840861 52.45285335378612, 7.246645231614742 52.45285335378612, 7.246645231614742 52.4530586455392))",33968_5_13,5,13,134.9029065 +"POLYGON ((7.246645231614742 52.45244276740898, 7.24780020840861 52.45244276740898, 7.24780020840861 52.45223747278494, 7.246645231614742 52.45223747278494, 7.246645231614742 52.45244276740898))",33968_5_16,5,16,157.66666666666666 +"POLYGON ((7.246645231614742 52.45182688066591, 7.24780020840861 52.45182688066591, 7.24780020840861 52.45162158317091, 7.246645231614742 52.45162158317091, 7.246645231614742 52.45182688066591))",33968_5_19,5,19,145.000004 +"POLYGON ((7.246645231614742 52.45100568494398, 7.24780020840861 52.45100568494398, 7.24780020840861 52.45080038362103, 7.246645231614742 52.45080038362103, 7.246645231614742 52.45100568494398))",33968_5_23,5,23,135.272973 +"POLYGON ((7.24780020840861 52.45367451505664, 7.248955185202478 52.45367451505664, 7.248955185202478 52.45346922617447, 7.24780020840861 52.45346922617447, 7.24780020840861 52.45367451505664))",33968_6_10,6,10,121.24988880000001 +"POLYGON ((7.24780020840861 52.45346922617447, 7.248955185202478 52.45346922617447, 7.248955185202478 52.45326393633533, 7.24780020840861 52.45326393633533, 7.24780020840861 52.45346922617447))",33968_6_11,6,11,134.25 +"POLYGON ((7.24780020840861 52.45326393633533, 7.248955185202478 52.45326393633533, 7.248955185202478 52.4530586455392, 7.24780020840861 52.4530586455392, 7.24780020840861 52.45326393633533))",33968_6_12,6,12,116.5 +"POLYGON ((7.24780020840861 52.4530586455392, 7.248955185202478 52.4530586455392, 7.248955185202478 52.45285335378612, 7.24780020840861 52.45285335378612, 7.24780020840861 52.4530586455392))",33968_6_13,6,13,127.28852691666667 +"POLYGON ((7.24780020840861 52.45285335378612, 7.248955185202478 52.45285335378612, 7.248955185202478 52.45264806107603, 7.24780020840861 52.45264806107603, 7.24780020840861 52.45285335378612))",33968_6_14,6,14,115.0579125 +"POLYGON ((7.24780020840861 52.45264806107603, 7.248955185202478 52.45264806107603, 7.248955185202478 52.45244276740898, 7.24780020840861 52.45244276740898, 7.24780020840861 52.45264806107603))",33968_6_15,6,15,134.25 +"POLYGON ((7.24780020840861 52.45244276740898, 7.248955185202478 52.45244276740898, 7.248955185202478 52.45223747278494, 7.24780020840861 52.45223747278494, 7.24780020840861 52.45244276740898))",33968_6_16,6,16,166.33333333333334 +"POLYGON ((7.24780020840861 52.45203217720392, 7.248955185202478 52.45203217720392, 7.248955185202478 52.45182688066591, 7.24780020840861 52.45182688066591, 7.24780020840861 52.45203217720392))",33968_6_18,6,18,124.6058278 +"POLYGON ((7.240870347645402 52.44594130630351, 7.24202532443927 52.44594130630351, 7.24202532443927 52.4457359813741, 7.240870347645402 52.4457359813741, 7.240870347645402 52.44594130630351))",33969_0_21,0,21,134.000004 +"POLYGON ((7.244335278027006 52.44902106540096, 7.245490254820874 52.44902106540096, 7.245490254820874 52.44881575482695, 7.244335278027006 52.44881575482695, 7.244335278027006 52.44902106540096))",33969_3_6,3,6,171.0 +"POLYGON ((7.245490254820874 52.44861044329592, 7.246645231614742 52.44861044329592, 7.246645231614742 52.44840513080789, 7.245490254820874 52.44840513080789, 7.245490254820874 52.44861044329592))",33969_4_8,4,8,132.000004 +"POLYGON ((7.246645231614742 52.44819981736283, 7.24780020840861 52.44819981736283, 7.24780020840861 52.44799450296076, 7.246645231614742 52.44799450296076, 7.246645231614742 52.44819981736283))",33969_5_10,5,10,139.000004 +"POLYGON ((7.246645231614742 52.44758387128554, 7.24780020840861 52.44758387128554, 7.24780020840861 52.4473785540124, 7.246645231614742 52.4473785540124, 7.246645231614742 52.44758387128554))",33969_5_13,5,13,132.5 +"POLYGON ((7.246645231614742 52.44635195329122, 7.24780020840861 52.44635195329122, 7.24780020840861 52.44614663027588, 7.246645231614742 52.44614663027588, 7.246645231614742 52.44635195329122))",33969_5_19,5,19,144.000004 +"POLYGON ((7.246645231614742 52.44553065548765, 7.24780020840861 52.44553065548765, 7.24780020840861 52.44532532864414, 7.246645231614742 52.44532532864414, 7.246645231614742 52.44553065548765))",33969_5_23,5,23,132.0 +"POLYGON ((7.24780020840861 52.44778918760166, 7.248955185202478 52.44778918760166, 7.248955185202478 52.44758387128554, 7.24780020840861 52.44758387128554, 7.24780020840861 52.44778918760166))",33969_6_12,6,12,116.0 +"POLYGON ((7.24780020840861 52.44758387128554, 7.248955185202478 52.44758387128554, 7.248955185202478 52.4473785540124, 7.24780020840861 52.4473785540124, 7.24780020840861 52.44758387128554))",33969_6_13,6,13,120.926386 +"POLYGON ((7.240870347645402 52.39848582010276, 7.24202532443927 52.39848582010276, 7.24202532443927 52.39828027404835, 7.240870347645402 52.39828027404835, 7.240870347645402 52.39848582010276))",33978_0_12,0,12,159.0 +"POLYGON ((7.240870347645402 52.39643031647262, 7.24202532443927 52.39643031647262, 7.24202532443927 52.3962247608435, 7.240870347645402 52.3962247608435, 7.240870347645402 52.39643031647262))",33978_0_22,0,22,131.33333133333335 +"POLYGON ((7.24202532443927 52.39910245252124, 7.243180301233139 52.39910245252124, 7.243180301233139 52.39889690933921, 7.24202532443927 52.39889690933921, 7.24202532443927 52.39910245252124))",33978_1_9,1,9,131.5 +"POLYGON ((7.243180301233139 52.39828027404835, 7.244335278027006 52.39828027404835, 7.244335278027006 52.39807472703647, 7.243180301233139 52.39807472703647, 7.243180301233139 52.39828027404835))",33978_2_13,2,13,161.5 +"POLYGON ((7.244335278027006 52.39971907632264, 7.245490254820874 52.39971907632264, 7.245490254820874 52.39951353601296, 7.244335278027006 52.39951353601296, 7.244335278027006 52.39971907632264))",33978_3_6,3,6,148.5 +"POLYGON ((7.244335278027006 52.39848582010276, 7.245490254820874 52.39848582010276, 7.245490254820874 52.39828027404835, 7.244335278027006 52.39828027404835, 7.244335278027006 52.39848582010276))",33978_3_12,3,12,130.5 +"POLYGON ((7.244335278027006 52.39766363014032, 7.245490254820874 52.39766363014032, 7.245490254820874 52.39745808025605, 7.244335278027006 52.39745808025605, 7.244335278027006 52.39766363014032))",33978_3_16,3,16,135.0 +"POLYGON ((7.245490254820874 52.40013015406965, 7.246645231614742 52.40013015406965, 7.246645231614742 52.39992461567488, 7.245490254820874 52.39992461567488, 7.245490254820874 52.40013015406965))",33978_4_4,4,4,178.0 +"POLYGON ((7.245490254820874 52.39992461567488, 7.246645231614742 52.39992461567488, 7.246645231614742 52.39971907632264, 7.245490254820874 52.39971907632264, 7.245490254820874 52.39992461567488))",33978_4_5,4,5,156.74999825 +"POLYGON ((7.245490254820874 52.39930799474583, 7.246645231614742 52.39930799474583, 7.246645231614742 52.39910245252124, 7.245490254820874 52.39910245252124, 7.245490254820874 52.39930799474583))",33978_4_8,4,8,133.33333266666668 +"POLYGON ((7.245490254820874 52.39889690933921, 7.246645231614742 52.39889690933921, 7.246645231614742 52.39869136519971, 7.245490254820874 52.39869136519971, 7.245490254820874 52.39889690933921))",33978_4_10,4,10,109.33333333333333 +"POLYGON ((7.245490254820874 52.39766363014032, 7.246645231614742 52.39766363014032, 7.246645231614742 52.39745808025605, 7.245490254820874 52.39745808025605, 7.245490254820874 52.39766363014032))",33978_4_16,4,16,146.0000005 +"POLYGON ((7.245490254820874 52.39745808025605, 7.246645231614742 52.39745808025605, 7.246645231614742 52.39725252941431, 7.245490254820874 52.39725252941431, 7.245490254820874 52.39745808025605))",33978_4_17,4,17,129.5 +"POLYGON ((7.246645231614742 52.40013015406965, 7.24780020840861 52.40013015406965, 7.24780020840861 52.39992461567488, 7.246645231614742 52.39992461567488, 7.246645231614742 52.40013015406965))",33978_5_4,5,4,120.5 +"POLYGON ((7.246645231614742 52.39971907632264, 7.24780020840861 52.39971907632264, 7.24780020840861 52.39951353601296, 7.246645231614742 52.39951353601296, 7.246645231614742 52.39971907632264))",33978_5_6,5,6,175.0 +"POLYGON ((7.246645231614742 52.39889690933921, 7.24780020840861 52.39889690933921, 7.24780020840861 52.39869136519971, 7.246645231614742 52.39869136519971, 7.246645231614742 52.39889690933921))",33978_5_10,5,10,134.39405399999998 +"POLYGON ((7.246645231614742 52.39869136519971, 7.24780020840861 52.39869136519971, 7.24780020840861 52.39848582010276, 7.246645231614742 52.39848582010276, 7.246645231614742 52.39869136519971))",33978_5_11,5,11,130.000672 +"POLYGON ((7.246645231614742 52.39848582010276, 7.24780020840861 52.39848582010276, 7.24780020840861 52.39828027404835, 7.246645231614742 52.39828027404835, 7.246645231614742 52.39848582010276))",33978_5_12,5,12,121.99319166666668 +"POLYGON ((7.246645231614742 52.39828027404835, 7.24780020840861 52.39828027404835, 7.24780020840861 52.39807472703647, 7.246645231614742 52.39807472703647, 7.246645231614742 52.39828027404835))",33978_5_13,5,13,127.3333335 +"POLYGON ((7.246645231614742 52.39766363014032, 7.24780020840861 52.39766363014032, 7.24780020840861 52.39745808025605, 7.246645231614742 52.39745808025605, 7.246645231614742 52.39766363014032))",33978_5_16,5,16,144.5 +"POLYGON ((7.246645231614742 52.3970469776151, 7.24780020840861 52.3970469776151, 7.24780020840861 52.39684142485841, 7.246645231614742 52.39684142485841, 7.246645231614742 52.3970469776151))",33978_5_19,5,19,146.5000005 +"POLYGON ((7.246645231614742 52.3962247608435, 7.24780020840861 52.3962247608435, 7.24780020840861 52.39601920425691, 7.246645231614742 52.39601920425691, 7.246645231614742 52.3962247608435))",33978_5_23,5,23,118.79301033333333 +"POLYGON ((7.24780020840861 52.39889690933921, 7.248955185202478 52.39889690933921, 7.248955185202478 52.39869136519971, 7.24780020840861 52.39869136519971, 7.24780020840861 52.39889690933921))",33978_6_10,6,10,117.43866666666668 +"POLYGON ((7.24780020840861 52.39869136519971, 7.248955185202478 52.39869136519971, 7.248955185202478 52.39848582010276, 7.24780020840861 52.39848582010276, 7.24780020840861 52.39869136519971))",33978_6_11,6,11,119.0 +"POLYGON ((7.24780020840861 52.39848582010276, 7.248955185202478 52.39848582010276, 7.248955185202478 52.39828027404835, 7.24780020840861 52.39828027404835, 7.24780020840861 52.39848582010276))",33978_6_12,6,12,120.0 +"POLYGON ((7.24780020840861 52.39828027404835, 7.248955185202478 52.39828027404835, 7.248955185202478 52.39807472703647, 7.24780020840861 52.39807472703647, 7.24780020840861 52.39828027404835))",33978_6_13,6,13,125.750000125 +"POLYGON ((7.24780020840861 52.39807472703647, 7.248955185202478 52.39807472703647, 7.248955185202478 52.39786917906713, 7.24780020840861 52.39786917906713, 7.24780020840861 52.39807472703647))",33978_6_14,6,14,157.951301 +"POLYGON ((7.24780020840861 52.39786917906713, 7.248955185202478 52.39786917906713, 7.248955185202478 52.39766363014032, 7.24780020840861 52.39766363014032, 7.24780020840861 52.39786917906713))",33978_6_15,6,15,182.5 +"POLYGON ((7.24780020840861 52.39745808025605, 7.248955185202478 52.39745808025605, 7.248955185202478 52.39725252941431, 7.24780020840861 52.39725252941431, 7.24780020840861 52.39745808025605))",33978_6_17,6,17,144.0 +"POLYGON ((7.24780020840861 52.39725252941431, 7.248955185202478 52.39725252941431, 7.248955185202478 52.3970469776151, 7.24780020840861 52.3970469776151, 7.24780020840861 52.39725252941431))",33978_6_18,6,18,124.0 +"POLYGON ((7.240870347645402 52.39300426431521, 7.24202532443927 52.39300426431521, 7.24202532443927 52.39279869272785, 7.240870347645402 52.39279869272785, 7.240870347645402 52.39300426431521))",33979_0_12,0,12,135.5 +"POLYGON ((7.240870347645402 52.39094850535349, 7.24202532443927 52.39094850535349, 7.24202532443927 52.39074292419095, 7.240870347645402 52.39074292419095, 7.240870347645402 52.39094850535349))",33979_0_22,0,22,130.33333100000002 +"POLYGON ((7.24202532443927 52.39362097333223, 7.243180301233139 52.39362097333223, 7.243180301233139 52.39341540461739, 7.24202532443927 52.39341540461739, 7.24202532443927 52.39362097333223))",33979_1_9,1,9,129.66666666666666 +"POLYGON ((7.243180301233139 52.39279869272785, 7.244335278027006 52.39279869272785, 7.244335278027006 52.39259312018299, 7.243180301233139 52.39259312018299, 7.243180301233139 52.39279869272785))",33979_2_13,2,13,162.66666666666666 +"POLYGON ((7.244335278027006 52.3942376737317, 7.245490254820874 52.3942376737317, 7.245490254820874 52.39403210788937, 7.244335278027006 52.39403210788937, 7.244335278027006 52.3942376737317))",33979_3_6,3,6,166.0 +"POLYGON ((7.244335278027006 52.39300426431521, 7.245490254820874 52.39300426431521, 7.245490254820874 52.39279869272785, 7.244335278027006 52.39279869272785, 7.244335278027006 52.39300426431521))",33979_3_12,3,12,129.75 +"POLYGON ((7.244335278027006 52.39218197222072, 7.245490254820874 52.39218197222072, 7.245490254820874 52.39197639680332, 7.244335278027006 52.39197639680332, 7.244335278027006 52.39218197222072))",33979_3_16,3,16,132.0 +"POLYGON ((7.245490254820874 52.39464880254388, 7.246645231614742 52.39464880254388, 7.246645231614742 52.39444323861654, 7.245490254820874 52.39444323861654, 7.245490254820874 52.39464880254388))",33979_4_4,4,4,177.5 +"POLYGON ((7.245490254820874 52.39444323861654, 7.246645231614742 52.39444323861654, 7.246645231614742 52.3942376737317, 7.245490254820874 52.3942376737317, 7.245490254820874 52.39444323861654))",33979_4_5,4,5,155.66666583333333 +"POLYGON ((7.245490254820874 52.39382654108955, 7.246645231614742 52.39382654108955, 7.246645231614742 52.39362097333223, 7.245490254820874 52.39362097333223, 7.245490254820874 52.39382654108955))",33979_4_8,4,8,136.00000333333332 +"POLYGON ((7.245490254820874 52.39341540461739, 7.246645231614742 52.39341540461739, 7.246645231614742 52.39320983494505, 7.245490254820874 52.39320983494505, 7.245490254820874 52.39341540461739))",33979_4_10,4,10,116.33333333333333 +"POLYGON ((7.245490254820874 52.39218197222072, 7.246645231614742 52.39218197222072, 7.246645231614742 52.39197639680332, 7.245490254820874 52.39197639680332, 7.245490254820874 52.39218197222072))",33979_4_16,4,16,139.333336 +"POLYGON ((7.245490254820874 52.39197639680332, 7.246645231614742 52.39197639680332, 7.246645231614742 52.39177082042839, 7.245490254820874 52.39177082042839, 7.245490254820874 52.39197639680332))",33979_4_17,4,17,127.66666666666667 +"POLYGON ((7.246645231614742 52.39464880254388, 7.24780020840861 52.39464880254388, 7.24780020840861 52.39444323861654, 7.246645231614742 52.39444323861654, 7.246645231614742 52.39464880254388))",33979_5_4,5,4,125.0 +"POLYGON ((7.246645231614742 52.3942376737317, 7.24780020840861 52.3942376737317, 7.24780020840861 52.39403210788937, 7.246645231614742 52.39403210788937, 7.246645231614742 52.3942376737317))",33979_5_6,5,6,144.33333333333334 +"POLYGON ((7.246645231614742 52.39341540461739, 7.24780020840861 52.39341540461739, 7.24780020840861 52.39320983494505, 7.246645231614742 52.39320983494505, 7.246645231614742 52.39341540461739))",33979_5_10,5,10,138.559382 +"POLYGON ((7.246645231614742 52.39320983494505, 7.24780020840861 52.39320983494505, 7.24780020840861 52.39300426431521, 7.246645231614742 52.39300426431521, 7.246645231614742 52.39320983494505))",33979_5_11,5,11,129.53728066666667 +"POLYGON ((7.246645231614742 52.39300426431521, 7.24780020840861 52.39300426431521, 7.24780020840861 52.39279869272785, 7.246645231614742 52.39279869272785, 7.246645231614742 52.39300426431521))",33979_5_12,5,12,112.5 +"POLYGON ((7.246645231614742 52.39279869272785, 7.24780020840861 52.39279869272785, 7.24780020840861 52.39259312018299, 7.246645231614742 52.39259312018299, 7.246645231614742 52.39279869272785))",33979_5_13,5,13,122.49999983333333 +"POLYGON ((7.246645231614742 52.39218197222072, 7.24780020840861 52.39218197222072, 7.24780020840861 52.39197639680332, 7.246645231614742 52.39197639680332, 7.246645231614742 52.39218197222072))",33979_5_16,5,16,165.5 +"POLYGON ((7.246645231614742 52.39156524309596, 7.24780020840861 52.39156524309596, 7.24780020840861 52.39135966480599, 7.246645231614742 52.39135966480599, 7.246645231614742 52.39156524309596))",33979_5_19,5,19,145.33333533333334 +"POLYGON ((7.246645231614742 52.39074292419095, 7.24780020840861 52.39074292419095, 7.24780020840861 52.3905373420709, 7.246645231614742 52.3905373420709, 7.246645231614742 52.39074292419095))",33979_5_23,5,23,119.66666666666667 +"POLYGON ((7.24780020840861 52.39341540461739, 7.248955185202478 52.39341540461739, 7.248955185202478 52.39320983494505, 7.24780020840861 52.39320983494505, 7.24780020840861 52.39341540461739))",33979_6_10,6,10,22.695424449999997 +"POLYGON ((7.24780020840861 52.39320983494505, 7.248955185202478 52.39320983494505, 7.248955185202478 52.39300426431521, 7.24780020840861 52.39300426431521, 7.24780020840861 52.39320983494505))",33979_6_11,6,11,126.33333333333333 +"POLYGON ((7.24780020840861 52.39300426431521, 7.248955185202478 52.39300426431521, 7.248955185202478 52.39279869272785, 7.24780020840861 52.39279869272785, 7.24780020840861 52.39300426431521))",33979_6_12,6,12,118.5 +"POLYGON ((7.24780020840861 52.39279869272785, 7.248955185202478 52.39279869272785, 7.248955185202478 52.39259312018299, 7.24780020840861 52.39259312018299, 7.24780020840861 52.39279869272785))",33979_6_13,6,13,124.06311480000002 +"POLYGON ((7.24780020840861 52.39259312018299, 7.248955185202478 52.39259312018299, 7.248955185202478 52.39238754668061, 7.24780020840861 52.39238754668061, 7.24780020840861 52.39259312018299))",33979_6_14,6,14,159.33333333333334 +"POLYGON ((7.24780020840861 52.39238754668061, 7.248955185202478 52.39238754668061, 7.248955185202478 52.39218197222072, 7.24780020840861 52.39218197222072, 7.24780020840861 52.39238754668061))",33979_6_15,6,15,189.0 +"POLYGON ((7.24780020840861 52.39197639680332, 7.248955185202478 52.39197639680332, 7.248955185202478 52.39177082042839, 7.24780020840861 52.39177082042839, 7.24780020840861 52.39197639680332))",33979_6_17,6,17,143.0 +"POLYGON ((7.24780020840861 52.39177082042839, 7.248955185202478 52.39177082042839, 7.248955185202478 52.39156524309596, 7.24780020840861 52.39156524309596, 7.24780020840861 52.39177082042839))",33979_6_18,6,18,124.99999766666667 +"POLYGON ((7.240870347645402 52.38752202763272, 7.24202532443927 52.38752202763272, 7.24202532443927 52.38731643051113, 7.240870347645402 52.38731643051113, 7.240870347645402 52.38752202763272))",33980_0_12,0,12,130.66666666666666 +"POLYGON ((7.240870347645402 52.38546601332654, 7.24202532443927 52.38546601332654, 7.24202532443927 52.38526040662929, 7.240870347645402 52.38526040662929, 7.240870347645402 52.38546601332654))",33980_0_22,0,22,131.7499985 +"POLYGON ((7.24202532443927 52.38813881325213, 7.243180301233139 52.38813881325213, 7.243180301233139 52.38793321900321, 7.24202532443927 52.38793321900321, 7.24202532443927 52.38813881325213))",33980_1_9,1,9,130.0 +"POLYGON ((7.243180301233139 52.38731643051113, 7.244335278027006 52.38731643051113, 7.244335278027006 52.38711083243199, 7.243180301233139 52.38711083243199, 7.243180301233139 52.38731643051113))",33980_2_13,2,13,168.5 +"POLYGON ((7.244335278027006 52.38875559025357, 7.245490254820874 52.38875559025357, 7.245490254820874 52.38854999887731, 7.244335278027006 52.38854999887731, 7.244335278027006 52.38875559025357))",33980_3_6,3,6,175.0 +"POLYGON ((7.244335278027006 52.38752202763272, 7.245490254820874 52.38752202763272, 7.245490254820874 52.38731643051113, 7.244335278027006 52.38731643051113, 7.244335278027006 52.38752202763272))",33980_3_12,3,12,131.0 +"POLYGON ((7.244335278027006 52.38669963340103, 7.245490254820874 52.38669963340103, 7.245490254820874 52.38649403244921, 7.244335278027006 52.38649403244921, 7.244335278027006 52.38669963340103))",33980_3_16,3,16,133.0 +"POLYGON ((7.245490254820874 52.38916677013349, 7.246645231614742 52.38916677013349, 7.246645231614742 52.3889611806723, 7.245490254820874 52.3889611806723, 7.245490254820874 52.38916677013349))",33980_4_4,4,4,183.0 +"POLYGON ((7.245490254820874 52.3889611806723, 7.246645231614742 52.3889611806723, 7.246645231614742 52.38875559025357, 7.245490254820874 52.38875559025357, 7.245490254820874 52.3889611806723))",33980_4_5,4,5,152.9999994 +"POLYGON ((7.245490254820874 52.38834440654349, 7.246645231614742 52.38834440654349, 7.246645231614742 52.38813881325213, 7.245490254820874 52.38813881325213, 7.245490254820874 52.38834440654349))",33980_4_8,4,8,132.99999866666667 +"POLYGON ((7.245490254820874 52.38793321900321, 7.246645231614742 52.38793321900321, 7.246645231614742 52.38772762379674, 7.245490254820874 52.38772762379674, 7.245490254820874 52.38793321900321))",33980_4_10,4,10,124.66666666666667 +"POLYGON ((7.245490254820874 52.38669963340103, 7.246645231614742 52.38669963340103, 7.246645231614742 52.38649403244921, 7.245490254820874 52.38649403244921, 7.245490254820874 52.38669963340103))",33980_4_16,4,16,130.14334166666666 +"POLYGON ((7.245490254820874 52.38649403244921, 7.246645231614742 52.38649403244921, 7.246645231614742 52.3862884305398, 7.245490254820874 52.3862884305398, 7.245490254820874 52.38649403244921))",33980_4_17,4,17,127.33333333333333 +"POLYGON ((7.246645231614742 52.38916677013349, 7.24780020840861 52.38916677013349, 7.24780020840861 52.3889611806723, 7.246645231614742 52.3889611806723, 7.246645231614742 52.38916677013349))",33980_5_4,5,4,124.33333333333333 +"POLYGON ((7.246645231614742 52.38875559025357, 7.24780020840861 52.38875559025357, 7.24780020840861 52.38854999887731, 7.246645231614742 52.38854999887731, 7.246645231614742 52.38875559025357))",33980_5_6,5,6,167.66666666666666 +"POLYGON ((7.246645231614742 52.38793321900321, 7.24780020840861 52.38793321900321, 7.24780020840861 52.38772762379674, 7.246645231614742 52.38772762379674, 7.246645231614742 52.38793321900321))",33980_5_10,5,10,137.52299299999999 +"POLYGON ((7.246645231614742 52.38772762379674, 7.24780020840861 52.38772762379674, 7.24780020840861 52.38752202763272, 7.246645231614742 52.38752202763272, 7.246645231614742 52.38772762379674))",33980_5_11,5,11,130.65942675 +"POLYGON ((7.246645231614742 52.38752202763272, 7.24780020840861 52.38752202763272, 7.24780020840861 52.38731643051113, 7.246645231614742 52.38731643051113, 7.246645231614742 52.38752202763272))",33980_5_12,5,12,110.0210135 +"POLYGON ((7.246645231614742 52.38731643051113, 7.24780020840861 52.38731643051113, 7.24780020840861 52.38711083243199, 7.246645231614742 52.38711083243199, 7.246645231614742 52.38731643051113))",33980_5_13,5,13,116.49613071428573 +"POLYGON ((7.246645231614742 52.38669963340103, 7.24780020840861 52.38669963340103, 7.24780020840861 52.38649403244921, 7.246645231614742 52.38649403244921, 7.246645231614742 52.38669963340103))",33980_5_16,5,16,182.5 +"POLYGON ((7.246645231614742 52.38608282767285, 7.24780020840861 52.38608282767285, 7.24780020840861 52.38587722384832, 7.246645231614742 52.38587722384832, 7.246645231614742 52.38608282767285))",33980_5_19,5,19,144.15121175 +"POLYGON ((7.246645231614742 52.38526040662929, 7.24780020840861 52.38526040662929, 7.24780020840861 52.38505479897447, 7.246645231614742 52.38505479897447, 7.246645231614742 52.38526040662929))",33980_5_23,5,23,119.79446275000001 +"POLYGON ((7.24780020840861 52.38793321900321, 7.248955185202478 52.38793321900321, 7.248955185202478 52.38772762379674, 7.24780020840861 52.38772762379674, 7.24780020840861 52.38793321900321))",33980_6_10,6,10,88.759025 +"POLYGON ((7.24780020840861 52.38772762379674, 7.248955185202478 52.38772762379674, 7.248955185202478 52.38752202763272, 7.24780020840861 52.38752202763272, 7.24780020840861 52.38772762379674))",33980_6_11,6,11,128.0 +"POLYGON ((7.24780020840861 52.38752202763272, 7.248955185202478 52.38752202763272, 7.248955185202478 52.38731643051113, 7.24780020840861 52.38731643051113, 7.24780020840861 52.38752202763272))",33980_6_12,6,12,122.0 +"POLYGON ((7.24780020840861 52.38731643051113, 7.248955185202478 52.38731643051113, 7.248955185202478 52.38711083243199, 7.24780020840861 52.38711083243199, 7.24780020840861 52.38731643051113))",33980_6_13,6,13,125.07492625 +"POLYGON ((7.24780020840861 52.38711083243199, 7.248955185202478 52.38711083243199, 7.248955185202478 52.38690523339529, 7.24780020840861 52.38690523339529, 7.24780020840861 52.38711083243199))",33980_6_14,6,14,130.58282257142858 +"POLYGON ((7.24780020840861 52.38690523339529, 7.248955185202478 52.38690523339529, 7.248955185202478 52.38669963340103, 7.24780020840861 52.38669963340103, 7.24780020840861 52.38690523339529))",33980_6_15,6,15,154.33333333333334 +"POLYGON ((7.24780020840861 52.38649403244921, 7.248955185202478 52.38649403244921, 7.248955185202478 52.3862884305398, 7.24780020840861 52.3862884305398, 7.24780020840861 52.38649403244921))",33980_6_17,6,17,149.66666666666666 +"POLYGON ((7.24780020840861 52.3862884305398, 7.248955185202478 52.3862884305398, 7.248955185202478 52.38608282767285, 7.24780020840861 52.38608282767285, 7.24780020840861 52.3862884305398))",33980_6_18,6,18,121.2209625 +"POLYGON ((7.240870347645402 52.38203911002091, 7.24202532443927 52.38203911002091, 7.24202532443927 52.38183348736381, 7.240870347645402 52.38183348736381, 7.240870347645402 52.38203911002091))",33981_0_12,0,12,131.33333333333334 +"POLYGON ((7.240870347645402 52.37998284035739, 7.24202532443927 52.37998284035739, 7.24202532443927 52.37977720812413, 7.240870347645402 52.37977720812413, 7.240870347645402 52.37998284035739))",33981_0_22,0,22,133.45786433333333 +"POLYGON ((7.24202532443927 52.38265597224659, 7.243180301233139 52.38265597224659, 7.243180301233139 52.38245035246229, 7.24202532443927 52.38245035246229, 7.24202532443927 52.38265597224659))",33981_1_9,1,9,126.66666666666667 +"POLYGON ((7.243180301233139 52.38183348736381, 7.244335278027006 52.38183348736381, 7.244335278027006 52.38162786374911, 7.243180301233139 52.38162786374911, 7.243180301233139 52.38183348736381))",33981_2_13,2,13,172.0 +"POLYGON ((7.244335278027006 52.38327282585387, 7.245490254820874 52.38327282585387, 7.245490254820874 52.38306720894237, 7.244335278027006 52.38306720894237, 7.244335278027006 52.38327282585387))",33981_3_6,3,6,178.5 +"POLYGON ((7.244335278027006 52.38203911002091, 7.245490254820874 52.38203911002091, 7.245490254820874 52.38183348736381, 7.244335278027006 52.38183348736381, 7.244335278027006 52.38203911002091))",33981_3_12,3,12,127.0 +"POLYGON ((7.244335278027006 52.38121661364687, 7.245490254820874 52.38121661364687, 7.245490254820874 52.38101098715933, 7.244335278027006 52.38101098715933, 7.244335278027006 52.38121661364687))",33981_3_16,3,16,137.0 +"POLYGON ((7.245490254820874 52.38368405680408, 7.246645231614742 52.38368405680408, 7.246645231614742 52.38347844180776, 7.245490254820874 52.38347844180776, 7.245490254820874 52.38368405680408))",33981_4_4,4,4,181.0 +"POLYGON ((7.245490254820874 52.38347844180776, 7.246645231614742 52.38347844180776, 7.246645231614742 52.38327282585387, 7.245490254820874 52.38327282585387, 7.245490254820874 52.38347844180776))",33981_4_5,4,5,148.0 +"POLYGON ((7.245490254820874 52.38286159107327, 7.246645231614742 52.38286159107327, 7.246645231614742 52.38265597224659, 7.245490254820874 52.38265597224659, 7.245490254820874 52.38286159107327))",33981_4_8,4,8,127.333334 +"POLYGON ((7.245490254820874 52.38245035246229, 7.246645231614742 52.38245035246229, 7.246645231614742 52.38224473172041, 7.245490254820874 52.38224473172041, 7.245490254820874 52.38245035246229))",33981_4_10,4,10,125.33333333333333 +"POLYGON ((7.245490254820874 52.38121661364687, 7.246645231614742 52.38121661364687, 7.246645231614742 52.38101098715933, 7.245490254820874 52.38101098715933, 7.245490254820874 52.38121661364687))",33981_4_16,4,16,98.9096536 +"POLYGON ((7.245490254820874 52.38101098715933, 7.246645231614742 52.38101098715933, 7.246645231614742 52.38080535971418, 7.245490254820874 52.38080535971418, 7.245490254820874 52.38101098715933))",33981_4_17,4,17,128.0 +"POLYGON ((7.246645231614742 52.38368405680408, 7.24780020840861 52.38368405680408, 7.24780020840861 52.38347844180776, 7.246645231614742 52.38347844180776, 7.246645231614742 52.38368405680408))",33981_5_4,5,4,128.0 +"POLYGON ((7.246645231614742 52.38327282585387, 7.24780020840861 52.38327282585387, 7.24780020840861 52.38306720894237, 7.246645231614742 52.38306720894237, 7.246645231614742 52.38327282585387))",33981_5_6,5,6,181.0 +"POLYGON ((7.246645231614742 52.38245035246229, 7.24780020840861 52.38245035246229, 7.24780020840861 52.38224473172041, 7.246645231614742 52.38224473172041, 7.246645231614742 52.38245035246229))",33981_5_10,5,10,136.67307366666668 +"POLYGON ((7.246645231614742 52.38224473172041, 7.24780020840861 52.38224473172041, 7.24780020840861 52.38203911002091, 7.246645231614742 52.38203911002091, 7.246645231614742 52.38224473172041))",33981_5_11,5,11,131.999998 +"POLYGON ((7.246645231614742 52.38203911002091, 7.24780020840861 52.38203911002091, 7.24780020840861 52.38183348736381, 7.246645231614742 52.38183348736381, 7.246645231614742 52.38203911002091))",33981_5_12,5,12,121.54993875 +"POLYGON ((7.246645231614742 52.38183348736381, 7.24780020840861 52.38183348736381, 7.24780020840861 52.38162786374911, 7.246645231614742 52.38162786374911, 7.246645231614742 52.38183348736381))",33981_5_13,5,13,117.64371925 +"POLYGON ((7.246645231614742 52.38121661364687, 7.24780020840861 52.38121661364687, 7.24780020840861 52.38101098715933, 7.246645231614742 52.38101098715933, 7.246645231614742 52.38121661364687))",33981_5_16,5,16,188.5 +"POLYGON ((7.246645231614742 52.38059973131141, 7.24780020840861 52.38059973131141, 7.24780020840861 52.38039410195101, 7.246645231614742 52.38039410195101, 7.246645231614742 52.38059973131141))",33981_5_19,5,19,151.333335 +"POLYGON ((7.246645231614742 52.37977720812413, 7.24780020840861 52.37977720812413, 7.24780020840861 52.37957157493325, 7.246645231614742 52.37957157493325, 7.246645231614742 52.37977720812413))",33981_5_23,5,23,118.26648825000001 +"POLYGON ((7.24780020840861 52.38245035246229, 7.248955185202478 52.38245035246229, 7.248955185202478 52.38224473172041, 7.24780020840861 52.38224473172041, 7.24780020840861 52.38245035246229))",33981_6_10,6,10,128.250001 +"POLYGON ((7.24780020840861 52.38203911002091, 7.248955185202478 52.38203911002091, 7.248955185202478 52.38183348736381, 7.24780020840861 52.38183348736381, 7.24780020840861 52.38203911002091))",33981_6_12,6,12,120.11111111111111 +"POLYGON ((7.24780020840861 52.38183348736381, 7.248955185202478 52.38183348736381, 7.248955185202478 52.38162786374911, 7.24780020840861 52.38162786374911, 7.24780020840861 52.38183348736381))",33981_6_13,6,13,124.18783516666667 +"POLYGON ((7.24780020840861 52.38162786374911, 7.248955185202478 52.38162786374911, 7.248955185202478 52.38142223917679, 7.24780020840861 52.38142223917679, 7.24780020840861 52.38162786374911))",33981_6_14,6,14,132.617294 +"POLYGON ((7.24780020840861 52.38142223917679, 7.248955185202478 52.38142223917679, 7.248955185202478 52.38121661364687, 7.24780020840861 52.38121661364687, 7.24780020840861 52.38142223917679))",33981_6_15,6,15,166.5 +"POLYGON ((7.24780020840861 52.38101098715933, 7.248955185202478 52.38101098715933, 7.248955185202478 52.38080535971418, 7.24780020840861 52.38080535971418, 7.24780020840861 52.38101098715933))",33981_6_17,6,17,152.66666666666666 +"POLYGON ((7.24780020840861 52.38080535971418, 7.248955185202478 52.38080535971418, 7.248955185202478 52.38059973131141, 7.24780020840861 52.38059973131141, 7.24780020840861 52.38080535971418))",33981_6_18,6,18,119.2499995 +"POLYGON ((7.240870347645402 52.37655551144543, 7.24202532443927 52.37655551144543, 7.24202532443927 52.37634986325153, 7.240870347645402 52.37634986325153, 7.240870347645402 52.37655551144543))",33982_0_12,0,12,152.5 +"POLYGON ((7.240870347645402 52.37449898641167, 7.24202532443927 52.37449898641167, 7.24202532443927 52.37429332864114, 7.240870347645402 52.37429332864114, 7.240870347645402 52.37449898641167))",33982_0_22,0,22,132.28304775 +"POLYGON ((7.24202532443927 52.37717245028124, 7.243180301233139 52.37717245028124, 7.243180301233139 52.37696680496028, 7.24202532443927 52.37696680496028, 7.24202532443927 52.37717245028124))",33982_1_9,1,9,127.33333333333333 +"POLYGON ((7.243180301233139 52.37634986325153, 7.244335278027006 52.37634986325153, 7.244335278027006 52.37614421409997, 7.243180301233139 52.37614421409997, 7.243180301233139 52.37634986325153))",33982_2_13,2,13,174.0 +"POLYGON ((7.244335278027006 52.37778938049821, 7.245490254820874 52.37778938049821, 7.245490254820874 52.37758373805019, 7.244335278027006 52.37758373805019, 7.244335278027006 52.37778938049821))",33982_3_6,3,6,176.0 +"POLYGON ((7.244335278027006 52.37655551144543, 7.245490254820874 52.37655551144543, 7.245490254820874 52.37634986325153, 7.244335278027006 52.37634986325153, 7.244335278027006 52.37655551144543))",33982_3_12,3,12,127.5 +"POLYGON ((7.244335278027006 52.37573291292387, 7.245490254820874 52.37573291292387, 7.245490254820874 52.37552726089933, 7.244335278027006 52.37552726089933, 7.244335278027006 52.37573291292387))",33982_3_16,3,16,139.33333333333334 +"POLYGON ((7.245490254820874 52.37820066252131, 7.246645231614742 52.37820066252131, 7.246645231614742 52.37799502198857, 7.245490254820874 52.37799502198857, 7.245490254820874 52.37820066252131))",33982_4_4,4,4,180.0 +"POLYGON ((7.245490254820874 52.37799502198857, 7.246645231614742 52.37799502198857, 7.246645231614742 52.37778938049821, 7.245490254820874 52.37778938049821, 7.245490254820874 52.37799502198857))",33982_4_5,4,5,146.833335 +"POLYGON ((7.245490254820874 52.37737809464455, 7.246645231614742 52.37737809464455, 7.246645231614742 52.37717245028124, 7.245490254820874 52.37717245028124, 7.245490254820874 52.37737809464455))",33982_4_8,4,8,138.00000266666666 +"POLYGON ((7.245490254820874 52.37696680496028, 7.246645231614742 52.37696680496028, 7.246645231614742 52.37676115868169, 7.245490254820874 52.37676115868169, 7.245490254820874 52.37696680496028))",33982_4_10,4,10,125.66666666666667 +"POLYGON ((7.245490254820874 52.37573291292387, 7.246645231614742 52.37573291292387, 7.246645231614742 52.37552726089933, 7.245490254820874 52.37552726089933, 7.245490254820874 52.37573291292387))",33982_4_16,4,16,107.92727500000001 +"POLYGON ((7.245490254820874 52.37552726089933, 7.246645231614742 52.37552726089933, 7.246645231614742 52.37532160791714, 7.245490254820874 52.37532160791714, 7.245490254820874 52.37552726089933))",33982_4_17,4,17,128.0 +"POLYGON ((7.246645231614742 52.37820066252131, 7.24780020840861 52.37820066252131, 7.24780020840861 52.37799502198857, 7.246645231614742 52.37799502198857, 7.246645231614742 52.37820066252131))",33982_5_4,5,4,124.0 +"POLYGON ((7.246645231614742 52.37778938049821, 7.24780020840861 52.37778938049821, 7.24780020840861 52.37758373805019, 7.246645231614742 52.37758373805019, 7.246645231614742 52.37778938049821))",33982_5_6,5,6,181.5 +"POLYGON ((7.246645231614742 52.37696680496028, 7.24780020840861 52.37696680496028, 7.24780020840861 52.37676115868169, 7.246645231614742 52.37676115868169, 7.246645231614742 52.37696680496028))",33982_5_10,5,10,133.881173 +"POLYGON ((7.246645231614742 52.37676115868169, 7.24780020840861 52.37676115868169, 7.24780020840861 52.37655551144543, 7.246645231614742 52.37655551144543, 7.246645231614742 52.37676115868169))",33982_5_11,5,11,131.5410423333333 +"POLYGON ((7.246645231614742 52.37655551144543, 7.24780020840861 52.37655551144543, 7.24780020840861 52.37634986325153, 7.246645231614742 52.37634986325153, 7.246645231614742 52.37655551144543))",33982_5_12,5,12,121.333334 +"POLYGON ((7.246645231614742 52.37634986325153, 7.24780020840861 52.37634986325153, 7.24780020840861 52.37614421409997, 7.246645231614742 52.37614421409997, 7.246645231614742 52.37634986325153))",33982_5_13,5,13,118.00000014285715 +"POLYGON ((7.246645231614742 52.37573291292387, 7.24780020840861 52.37573291292387, 7.24780020840861 52.37552726089933, 7.246645231614742 52.37552726089933, 7.246645231614742 52.37573291292387))",33982_5_16,5,16,186.0 +"POLYGON ((7.246645231614742 52.37511595397727, 7.24780020840861 52.37511595397727, 7.24780020840861 52.37491029907974, 7.246645231614742 52.37491029907974, 7.246645231614742 52.37511595397727))",33982_5_19,5,19,146.94520749999998 +"POLYGON ((7.246645231614742 52.37429332864114, 7.24780020840861 52.37429332864114, 7.24780020840861 52.37408766991292, 7.246645231614742 52.37408766991292, 7.246645231614742 52.37429332864114))",33982_5_23,5,23,105.4999985 +"POLYGON ((7.24780020840861 52.37696680496028, 7.248955185202478 52.37696680496028, 7.248955185202478 52.37676115868169, 7.24780020840861 52.37676115868169, 7.24780020840861 52.37696680496028))",33982_6_10,6,10,126.93366733333335 +"POLYGON ((7.24780020840861 52.37655551144543, 7.248955185202478 52.37655551144543, 7.248955185202478 52.37634986325153, 7.24780020840861 52.37634986325153, 7.24780020840861 52.37655551144543))",33982_6_12,6,12,113.45454545454545 +"POLYGON ((7.24780020840861 52.37634986325153, 7.248955185202478 52.37634986325153, 7.248955185202478 52.37614421409997, 7.24780020840861 52.37614421409997, 7.24780020840861 52.37634986325153))",33982_6_13,6,13,124.91476414285714 +"POLYGON ((7.24780020840861 52.37614421409997, 7.248955185202478 52.37614421409997, 7.248955185202478 52.37593856399074, 7.24780020840861 52.37593856399074, 7.24780020840861 52.37614421409997))",33982_6_14,6,14,125.514799 +"POLYGON ((7.24780020840861 52.37593856399074, 7.248955185202478 52.37593856399074, 7.248955185202478 52.37573291292387, 7.24780020840861 52.37573291292387, 7.24780020840861 52.37593856399074))",33982_6_15,6,15,186.0 +"POLYGON ((7.24780020840861 52.37552726089933, 7.248955185202478 52.37552726089933, 7.248955185202478 52.37532160791714, 7.24780020840861 52.37532160791714, 7.24780020840861 52.37552726089933))",33982_6_17,6,17,154.0 +"POLYGON ((7.24780020840861 52.37532160791714, 7.248955185202478 52.37532160791714, 7.248955185202478 52.37511595397727, 7.24780020840861 52.37511595397727, 7.24780020840861 52.37532160791714))",33982_6_18,6,18,115.71417325 +"POLYGON ((7.240870347645402 52.29971361101081, 7.24202532443927 52.29971361101081, 7.24202532443927 52.2995076051668, 7.240870347645402 52.2995076051668, 7.240870347645402 52.29971361101081))",33996_0_12,0,12,148.66666666666666 +"POLYGON ((7.240870347645402 52.29765350944579, 7.24202532443927 52.29765350944579, 7.24202532443927 52.29744749401843, 7.240870347645402 52.29744749401843, 7.240870347645402 52.29765350944579))",33996_0_22,0,22,132.16701975 +"POLYGON ((7.24202532443927 52.30033162279285, 7.243180301233139 52.30033162279285, 7.243180301233139 52.30012561982383, 7.24202532443927 52.30012561982383, 7.24202532443927 52.30033162279285))",33996_1_9,1,9,138.33333333333334 +"POLYGON ((7.243180301233139 52.2995076051668, 7.244335278027006 52.2995076051668, 7.244335278027006 52.29930159836447, 7.243180301233139 52.29930159836447, 7.243180301233139 52.2995076051668))",33996_2_13,2,13,162.5 +"POLYGON ((7.244335278027006 52.30094962595002, 7.245490254820874 52.30094962595002, 7.245490254820874 52.30074362585596, 7.244335278027006 52.30074362585596, 7.244335278027006 52.30094962595002))",33996_3_6,3,6,173.5 +"POLYGON ((7.244335278027006 52.29971361101081, 7.245490254820874 52.29971361101081, 7.245490254820874 52.2995076051668, 7.244335278027006 52.2995076051668, 7.244335278027006 52.29971361101081))",33996_3_12,3,12,130.66666666666666 +"POLYGON ((7.244335278027006 52.29888958188481, 7.245490254820874 52.29888958188481, 7.245490254820874 52.29868357220749, 7.244335278027006 52.29868357220749, 7.244335278027006 52.29888958188481))",33996_3_16,3,16,138.0 +"POLYGON ((7.245490254820874 52.30136162326322, 7.246645231614742 52.30136162326322, 7.246645231614742 52.30115562508578, 7.245490254820874 52.30115562508578, 7.245490254820874 52.30136162326322))",33996_4_4,4,4,179.5 +"POLYGON ((7.245490254820874 52.30115562508578, 7.246645231614742 52.30115562508578, 7.246645231614742 52.30094962595002, 7.245490254820874 52.30094962595002, 7.245490254820874 52.30115562508578))",33996_4_5,4,5,152.6 +"POLYGON ((7.245490254820874 52.30012561982383, 7.246645231614742 52.30012561982383, 7.246645231614742 52.29991961589648, 7.245490254820874 52.29991961589648, 7.245490254820874 52.30012561982383))",33996_4_10,4,10,128.5 +"POLYGON ((7.246645231614742 52.30136162326322, 7.24780020840861 52.30136162326322, 7.24780020840861 52.30115562508578, 7.246645231614742 52.30115562508578, 7.246645231614742 52.30136162326322))",33996_5_4,5,4,126.0 +"POLYGON ((7.246645231614742 52.30094962595002, 7.24780020840861 52.30094962595002, 7.24780020840861 52.30074362585596, 7.246645231614742 52.30074362585596, 7.246645231614742 52.30094962595002))",33996_5_6,5,6,190.5 +"POLYGON ((7.246645231614742 52.30033162279285, 7.24780020840861 52.30033162279285, 7.24780020840861 52.30012561982383, 7.246645231614742 52.30012561982383, 7.246645231614742 52.30033162279285))",33996_5_9,5,9,129.519707 +"POLYGON ((7.246645231614742 52.29991961589648, 7.24780020840861 52.29991961589648, 7.24780020840861 52.29971361101081, 7.246645231614742 52.29971361101081, 7.246645231614742 52.29991961589648))",33996_5_11,5,11,133.66666466666666 +"POLYGON ((7.246645231614742 52.29827154997783, 7.24780020840861 52.29827154997783, 7.24780020840861 52.29806553742549, 7.246645231614742 52.29806553742549, 7.246645231614742 52.29827154997783))",33996_5_19,5,19,144.999999 +"POLYGON ((7.246645231614742 52.29744749401843, 7.24780020840861 52.29744749401843, 7.24780020840861 52.29724147763272, 7.246645231614742 52.29724147763272, 7.246645231614742 52.29744749401843))",33996_5_23,5,23,121.898894 +"POLYGON ((7.24780020840861 52.30012561982383, 7.248955185202478 52.30012561982383, 7.248955185202478 52.29991961589648, 7.24780020840861 52.29991961589648, 7.24780020840861 52.30012561982383))",33996_6_10,6,10,136.33333166666668 +"POLYGON ((7.24780020840861 52.29971361101081, 7.248955185202478 52.29971361101081, 7.248955185202478 52.2995076051668, 7.24780020840861 52.2995076051668, 7.24780020840861 52.29971361101081))",33996_6_12,6,12,117.7 +"POLYGON ((7.24780020840861 52.2995076051668, 7.248955185202478 52.2995076051668, 7.248955185202478 52.29930159836447, 7.24780020840861 52.29930159836447, 7.24780020840861 52.2995076051668))",33996_6_13,6,13,131.30584933333333 +"POLYGON ((7.24780020840861 52.29930159836447, 7.248955185202478 52.29930159836447, 7.248955185202478 52.29909559060381, 7.24780020840861 52.29909559060381, 7.24780020840861 52.29930159836447))",33996_6_14,6,14,131.77380833333333 +"POLYGON ((7.24780020840861 52.29847756157182, 7.248955185202478 52.29847756157182, 7.248955185202478 52.29827154997783, 7.24780020840861 52.29827154997783, 7.24780020840861 52.29847756157182))",33996_6_18,6,18,119.02247966666665 +"POLYGON ((7.240870347645402 52.29421979387114, 7.24202532443927 52.29421979387114, 7.24202532443927 52.2940137624711, 7.240870347645402 52.2940137624711, 7.240870347645402 52.29421979387114))",33997_0_12,0,12,135.5 +"POLYGON ((7.240870347645402 52.29215943674364, 7.24202532443927 52.29215943674364, 7.24202532443927 52.29195339575976, 7.240870347645402 52.29195339575976, 7.240870347645402 52.29215943674364))",33997_0_22,0,22,133.000002 +"POLYGON ((7.24202532443927 52.29483788232101, 7.243180301233139 52.29483788232101, 7.243180301233139 52.29463185379609, 7.24202532443927 52.29463185379609, 7.24202532443927 52.29483788232101))",33997_1_9,1,9,140.5 +"POLYGON ((7.243180301233139 52.2940137624711, 7.244335278027006 52.2940137624711, 7.244335278027006 52.2938077301127, 7.243180301233139 52.2938077301127, 7.243180301233139 52.2940137624711))",33997_2_13,2,13,166.0 +"POLYGON ((7.244335278027006 52.29545596214556, 7.245490254820874 52.29545596214556, 7.245490254820874 52.29524993649574, 7.244335278027006 52.29524993649574, 7.244335278027006 52.29545596214556))",33997_3_6,3,6,173.0 +"POLYGON ((7.244335278027006 52.29421979387114, 7.245490254820874 52.29421979387114, 7.245490254820874 52.2940137624711, 7.244335278027006 52.2940137624711, 7.244335278027006 52.29421979387114))",33997_3_12,3,12,130.0 +"POLYGON ((7.244335278027006 52.29339566252073, 7.245490254820874 52.29339566252073, 7.245490254820874 52.29318962728718, 7.244335278027006 52.29318962728718, 7.244335278027006 52.29339566252073))",33997_3_16,3,16,137.0 +"POLYGON ((7.245490254820874 52.29586801057011, 7.246645231614742 52.29586801057011, 7.246645231614742 52.29566198683701, 7.245490254820874 52.29566198683701, 7.245490254820874 52.29586801057011))",33997_4_4,4,4,177.0 +"POLYGON ((7.245490254820874 52.29566198683701, 7.246645231614742 52.29566198683701, 7.246645231614742 52.29545596214556, 7.245490254820874 52.29545596214556, 7.245490254820874 52.29566198683701))",33997_4_5,4,5,154.666666 +"POLYGON ((7.245490254820874 52.29463185379609, 7.246645231614742 52.29463185379609, 7.246645231614742 52.2944258243128, 7.245490254820874 52.2944258243128, 7.245490254820874 52.29463185379609))",33997_4_10,4,10,133.0 +"POLYGON ((7.246645231614742 52.29586801057011, 7.24780020840861 52.29586801057011, 7.24780020840861 52.29566198683701, 7.246645231614742 52.29566198683701, 7.246645231614742 52.29586801057011))",33997_5_4,5,4,123.5 +"POLYGON ((7.246645231614742 52.29545596214556, 7.24780020840861 52.29545596214556, 7.24780020840861 52.29524993649574, 7.246645231614742 52.29524993649574, 7.246645231614742 52.29545596214556))",33997_5_6,5,6,176.0 +"POLYGON ((7.246645231614742 52.29483788232101, 7.24780020840861 52.29483788232101, 7.24780020840861 52.29463185379609, 7.246645231614742 52.29463185379609, 7.246645231614742 52.29483788232101))",33997_5_9,5,9,131.56770266666663 +"POLYGON ((7.246645231614742 52.2944258243128, 7.24780020840861 52.2944258243128, 7.24780020840861 52.29421979387114, 7.246645231614742 52.29421979387114, 7.246645231614742 52.2944258243128))",33997_5_11,5,11,128.60874233333334 +"POLYGON ((7.246645231614742 52.29277755394493, 7.24780020840861 52.29277755394493, 7.24780020840861 52.29257151583622, 7.246645231614742 52.29257151583622, 7.246645231614742 52.29277755394493))",33997_5_19,5,19,142.999997 +"POLYGON ((7.246645231614742 52.29195339575976, 7.24780020840861 52.29195339575976, 7.24780020840861 52.29174735381749, 7.246645231614742 52.29174735381749, 7.246645231614742 52.29195339575976))",33997_5_23,5,23,121.700921 +"POLYGON ((7.24780020840861 52.29463185379609, 7.248955185202478 52.29463185379609, 7.248955185202478 52.2944258243128, 7.24780020840861 52.2944258243128, 7.24780020840861 52.29463185379609))",33997_6_10,6,10,135.9999995 +"POLYGON ((7.24780020840861 52.29421979387114, 7.248955185202478 52.29421979387114, 7.248955185202478 52.2940137624711, 7.24780020840861 52.2940137624711, 7.24780020840861 52.29421979387114))",33997_6_12,6,12,119.0 +"POLYGON ((7.24780020840861 52.2940137624711, 7.248955185202478 52.2940137624711, 7.248955185202478 52.2938077301127, 7.24780020840861 52.2938077301127, 7.24780020840861 52.2940137624711))",33997_6_13,6,13,131.0000004 +"POLYGON ((7.24780020840861 52.2938077301127, 7.248955185202478 52.2938077301127, 7.248955185202478 52.2936016967959, 7.24780020840861 52.2936016967959, 7.24780020840861 52.2938077301127))",33997_6_14,6,14,129.1098705 +"POLYGON ((7.24780020840861 52.29298359109525, 7.248955185202478 52.29298359109525, 7.248955185202478 52.29277755394493, 7.24780020840861 52.29277755394493, 7.24780020840861 52.29298359109525))",33997_6_18,6,18,122.66666766666667 +"POLYGON ((7.240870347645402 52.18420028874615, 7.24202532443927 52.18420028874615, 7.24202532443927 52.1839937459586, 7.240870347645402 52.1839937459586, 7.240870347645402 52.18420028874615))",34017_0_12,0,12,87.0 +"POLYGON ((7.240870347645402 52.1821348177007, 7.24202532443927 52.1821348177007, 7.24202532443927 52.1819282653198, 7.240870347645402 52.1819282653198, 7.240870347645402 52.1821348177007))",34017_0_22,0,22,97.000001 +"POLYGON ((7.24202532443927 52.18481991135287, 7.243180301233139 52.18481991135287, 7.243180301233139 52.18461337144328, 7.24202532443927 52.18461337144328, 7.24202532443927 52.18481991135287))",34017_1_9,1,9,107.0 +"POLYGON ((7.243180301233139 52.1839937459586, 7.244335278027006 52.1839937459586, 7.244335278027006 52.18378720221173, 7.243180301233139 52.18378720221173, 7.243180301233139 52.1839937459586))",34017_2_13,2,13,99.0 +"POLYGON ((7.244335278027006 52.18543952532571, 7.245490254820874 52.18543952532571, 7.245490254820874 52.18523298829408, 7.244335278027006 52.18523298829408, 7.244335278027006 52.18543952532571))",34017_3_6,3,6,89.0 +"POLYGON ((7.244335278027006 52.18420028874615, 7.245490254820874 52.18420028874615, 7.245490254820874 52.1839937459586, 7.244335278027006 52.1839937459586, 7.244335278027006 52.18420028874615))",34017_3_12,3,12,103.5 +"POLYGON ((7.244335278027006 52.18337411183998, 7.245490254820874 52.18337411183998, 7.245490254820874 52.1831675652151, 7.244335278027006 52.1831675652151, 7.244335278027006 52.18337411183998))",34017_3_16,3,16,102.0 +"POLYGON ((7.245490254820874 52.18585259651102, 7.246645231614742 52.18585259651102, 7.246645231614742 52.18564606139802, 7.245490254820874 52.18564606139802, 7.245490254820874 52.18585259651102))",34017_4_4,4,4,124.0 +"POLYGON ((7.245490254820874 52.18564606139802, 7.246645231614742 52.18564606139802, 7.246645231614742 52.18543952532571, 7.245490254820874 52.18543952532571, 7.245490254820874 52.18564606139802))",34017_4_5,4,5,114.0 +"POLYGON ((7.246645231614742 52.18585259651102, 7.24780020840861 52.18585259651102, 7.24780020840861 52.18564606139802, 7.246645231614742 52.18564606139802, 7.246645231614742 52.18585259651102))",34017_5_4,5,4,111.0 +"POLYGON ((7.246645231614742 52.18543952532571, 7.24780020840861 52.18543952532571, 7.24780020840861 52.18523298829408, 7.246645231614742 52.18523298829408, 7.246645231614742 52.18543952532571))",34017_5_6,5,6,131.0 +"POLYGON ((7.246645231614742 52.18481991135287, 7.24780020840861 52.18481991135287, 7.24780020840861 52.18461337144328, 7.246645231614742 52.18461337144328, 7.246645231614742 52.18481991135287))",34017_5_9,5,9,69.7866515 +"POLYGON ((7.246645231614742 52.18461337144328, 7.24780020840861 52.18461337144328, 7.24780020840861 52.18440683057438, 7.246645231614742 52.18440683057438, 7.246645231614742 52.18461337144328))",34017_5_10,5,10,81.4999995 +"POLYGON ((7.246645231614742 52.18254791958447, 7.24780020840861 52.18254791958447, 7.24780020840861 52.18234136912226, 7.246645231614742 52.18234136912226, 7.246645231614742 52.18254791958447))",34017_5_20,5,20,101.0 +"POLYGON ((7.246645231614742 52.1819282653198, 7.24780020840861 52.1819282653198, 7.24780020840861 52.18172171197956, 7.246645231614742 52.18172171197956, 7.246645231614742 52.1819282653198))",34017_5_23,5,23,89.016126 +"POLYGON ((7.24780020840861 52.18481991135287, 7.248955185202478 52.18481991135287, 7.248955185202478 52.18461337144328, 7.24780020840861 52.18461337144328, 7.24780020840861 52.18481991135287))",34017_6_9,6,9,109.3649695 +"POLYGON ((7.24780020840861 52.18420028874615, 7.248955185202478 52.18420028874615, 7.248955185202478 52.1839937459586, 7.24780020840861 52.1839937459586, 7.24780020840861 52.18420028874615))",34017_6_12,6,12,85.25 +"POLYGON ((7.24780020840861 52.1839937459586, 7.248955185202478 52.1839937459586, 7.248955185202478 52.18378720221173, 7.24780020840861 52.18378720221173, 7.24780020840861 52.1839937459586))",34017_6_13,6,13,99.999997 +"POLYGON ((7.24780020840861 52.18378720221173, 7.248955185202478 52.18378720221173, 7.248955185202478 52.18358065750551, 7.24780020840861 52.18358065750551, 7.24780020840861 52.18378720221173))",34017_6_14,6,14,98.14922833333333 +"POLYGON ((7.240870347645402 52.1786921527701, 7.24202532443927 52.1786921527701, 7.24202532443927 52.17848558439989, 7.240870347645402 52.17848558439989, 7.240870347645402 52.1786921527701))",34018_0_12,0,12,92.25 +"POLYGON ((7.240870347645402 52.17662642589595, 7.24202532443927 52.17662642589595, 7.24202532443927 52.17641984793192, 7.240870347645402 52.17641984793192, 7.240870347645402 52.17662642589595))",34018_0_22,0,22,96.064753 +"POLYGON ((7.24202532443927 52.17931185212451, 7.243180301233139 52.17931185212451, 7.243180301233139 52.17910528663241, 7.24202532443927 52.17910528663241, 7.24202532443927 52.17931185212451))",34018_1_9,1,9,106.0 +"POLYGON ((7.243180301233139 52.17848558439989, 7.244335278027006 52.17848558439989, 7.244335278027006 52.17827901507032, 7.243180301233139 52.17827901507032, 7.243180301233139 52.17848558439989))",34018_2_13,2,13,106.75 +"POLYGON ((7.244335278027006 52.17993154284461, 7.245490254820874 52.17993154284461, 7.245490254820874 52.1797249802306, 7.244335278027006 52.1797249802306, 7.244335278027006 52.17993154284461))",34018_3_6,3,6,97.5 +"POLYGON ((7.244335278027006 52.1786921527701, 7.245490254820874 52.1786921527701, 7.245490254820874 52.17848558439989, 7.244335278027006 52.17848558439989, 7.244335278027006 52.1786921527701))",34018_3_12,3,12,102.5 +"POLYGON ((7.244335278027006 52.17786587353301, 7.245490254820874 52.17786587353301, 7.245490254820874 52.1776593013253, 7.244335278027006 52.1776593013253, 7.244335278027006 52.17786587353301))",34018_3_16,3,16,104.25 +"POLYGON ((7.245490254820874 52.18034466519453, 7.246645231614742 52.18034466519453, 7.246645231614742 52.18013810449925, 7.245490254820874 52.18013810449925, 7.245490254820874 52.18034466519453))",34018_4_4,4,4,122.5 +"POLYGON ((7.245490254820874 52.18013810449925, 7.246645231614742 52.18013810449925, 7.246645231614742 52.17993154284461, 7.245490254820874 52.17993154284461, 7.245490254820874 52.18013810449925))",34018_4_5,4,5,125.0 +"POLYGON ((7.246645231614742 52.18034466519453, 7.24780020840861 52.18034466519453, 7.24780020840861 52.18013810449925, 7.246645231614742 52.18013810449925, 7.246645231614742 52.18034466519453))",34018_5_4,5,4,114.33333333333333 +"POLYGON ((7.246645231614742 52.17993154284461, 7.24780020840861 52.17993154284461, 7.24780020840861 52.1797249802306, 7.246645231614742 52.1797249802306, 7.246645231614742 52.17993154284461))",34018_5_6,5,6,132.66666666666666 +"POLYGON ((7.246645231614742 52.17931185212451, 7.24780020840861 52.17931185212451, 7.24780020840861 52.17910528663241, 7.246645231614742 52.17910528663241, 7.246645231614742 52.17931185212451))",34018_5_9,5,9,82.4813395 +"POLYGON ((7.246645231614742 52.17910528663241, 7.24780020840861 52.17910528663241, 7.24780020840861 52.17889872018095, 7.246645231614742 52.17889872018095, 7.246645231614742 52.17910528663241))",34018_5_10,5,10,93.99035599999999 +"POLYGON ((7.246645231614742 52.17703957894585, 7.24780020840861 52.17703957894585, 7.24780020840861 52.17683300290059, 7.246645231614742 52.17683300290059, 7.246645231614742 52.17703957894585))",34018_5_20,5,20,103.8000006 +"POLYGON ((7.246645231614742 52.17641984793192, 7.24780020840861 52.17641984793192, 7.24780020840861 52.1762132690085, 7.246645231614742 52.1762132690085, 7.246645231614742 52.17641984793192))",34018_5_23,5,23,81.50161466666667 +"POLYGON ((7.24780020840861 52.17931185212451, 7.248955185202478 52.17931185212451, 7.248955185202478 52.17910528663241, 7.24780020840861 52.17910528663241, 7.24780020840861 52.17931185212451))",34018_6_9,6,9,111.2479415 +"POLYGON ((7.24780020840861 52.1786921527701, 7.248955185202478 52.1786921527701, 7.248955185202478 52.17848558439989, 7.24780020840861 52.17848558439989, 7.24780020840861 52.1786921527701))",34018_6_12,6,12,83.73333333333333 +"POLYGON ((7.24780020840861 52.17848558439989, 7.248955185202478 52.17848558439989, 7.248955185202478 52.17827901507032, 7.24780020840861 52.17827901507032, 7.24780020840861 52.17848558439989))",34018_6_13,6,13,102.884525 +"POLYGON ((7.24780020840861 52.17827901507032, 7.248955185202478 52.17827901507032, 7.248955185202478 52.17807244478136, 7.24780020840861 52.17807244478136, 7.24780020840861 52.17827901507032))",34018_6_14,6,14,97.66666666666667 +"POLYGON ((7.245490254820874 50.7858492501347, 7.246645231614742 50.7858492501347, 7.246645231614742 50.78563627458821, 7.245490254820874 50.78563627458821, 7.245490254820874 50.7858492501347))",34267_4_12,4,12,141.0 +"POLYGON ((7.245490254820874 50.78016957020881, 7.246645231614742 50.78016957020881, 7.246645231614742 50.7799565687905, 7.245490254820874 50.7799565687905, 7.245490254820874 50.78016957020881))",34268_4_12,4,12,135.0 +"POLYGON ((7.245490254820874 50.77448920035401, 7.246645231614742 50.77448920035401, 7.246645231614742 50.7742761730628, 7.245490254820874 50.7742761730628, 7.245490254820874 50.77448920035401))",34269_4_12,4,12,126.0 +"POLYGON ((7.245490254820874 50.71764754957362, 7.246645231614742 50.71764754957362, 7.246645231614742 50.71743426349611, 7.245490254820874 50.71743426349611, 7.245490254820874 50.71764754957362))",34279_4_12,4,12,130.0 +"POLYGON ((7.245490254820874 50.71195958865991, 7.246645231614742 50.71195958865991, 7.246645231614742 50.71174627669804, 7.245490254820874 50.71174627669804, 7.245490254820874 50.71195958865991))",34280_4_12,4,12,129.25 +"POLYGON ((7.245490254820874 50.70627093748322, 7.246645231614742 50.70627093748322, 7.246645231614742 50.70605759963595, 7.245490254820874 50.70605759963595, 7.245490254820874 50.70627093748322))",34281_4_12,4,12,141.0 +"POLYGON ((7.249853500486598 53.5616697020293, 7.251008477280466 53.5616697020293, 7.251008477280466 53.56146961623792, 7.249853500486598 53.56146961623792, 7.249853500486598 53.5616697020293))",34438_0_10,0,10,84.0 +"POLYGON ((7.252163454074334 53.56086935318532, 7.253318430868202 53.56086935318532, 7.253318430868202 53.5606692636083, 7.252163454074334 53.5606692636083, 7.252163454074334 53.56086935318532))",34438_2_14,2,14,83.5 +"POLYGON ((7.254473407662068 53.56267011679017, 7.255628384455938 53.56267011679017, 7.255628384455938 53.5624700357308, 7.254473407662068 53.5624700357308, 7.254473407662068 53.56267011679017))",34438_4_5,4,5,89.0 +"POLYGON ((7.255628384455938 53.56267011679017, 7.256783361249805 53.56267011679017, 7.256783361249805 53.5624700357308, 7.255628384455938 53.5624700357308, 7.255628384455938 53.56267011679017))",34438_5_5,5,5,78.0 +"POLYGON ((7.256783361249805 53.56106944181594, 7.257938338043674 53.56106944181594, 7.257938338043674 53.56086935318532, 7.256783361249805 53.56086935318532, 7.256783361249805 53.56106944181594))",34438_6_13,6,13,101.0 +"POLYGON ((7.249853500486598 53.55633375703867, 7.251008477280466 53.55633375703867, 7.251008477280466 53.55613364600908, 7.249853500486598 53.55613364600908, 7.249853500486598 53.55633375703867))",34439_0_10,0,10,83.4 +"POLYGON ((7.252163454074334 53.55553330724153, 7.253318430868202 53.55553330724153, 7.253318430868202 53.55533319242608, 7.252163454074334 53.55533319242608, 7.252163454074334 53.55553330724153))",34439_2_14,2,14,79.0 +"POLYGON ((7.254473407662068 53.55733429798978, 7.255628384455938 53.55733429798978, 7.255628384455938 53.55713419169246, 7.254473407662068 53.55713419169246, 7.254473407662068 53.55733429798978))",34439_4_5,4,5,84.4 +"POLYGON ((7.255628384455938 53.55733429798978, 7.256783361249805 53.55733429798978, 7.256783361249805 53.55713419169246, 7.255628384455938 53.55713419169246, 7.255628384455938 53.55733429798978))",34439_5_5,5,5,77.2 +"POLYGON ((7.256783361249805 53.55573342111052, 7.257938338043674 53.55573342111052, 7.257938338043674 53.55553330724153, 7.256783361249805 53.55553330724153, 7.256783361249805 53.55573342111052))",34439_6_13,6,13,86.0 +"POLYGON ((7.249853500486598 53.55099713901056, 7.251008477280466 53.55099713901056, 7.251008477280466 53.55079700274131, 7.249853500486598 53.55079700274131, 7.249853500486598 53.55099713901056))",34440_0_10,0,10,75.75 +"POLYGON ((7.252163454074334 53.55019658825447, 7.253318430868202 53.55019658825447, 7.253318430868202 53.54999644819916, 7.252163454074334 53.54999644819916, 7.252163454074334 53.55019658825447))",34440_2_14,2,14,75.2 +"POLYGON ((7.254473407662068 53.55199780615914, 7.255628384455938 53.55199780615914, 7.255628384455938 53.55179767462243, 7.254473407662068 53.55179767462243, 7.254473407662068 53.55199780615914))",34440_4_5,4,5,71.5 +"POLYGON ((7.255628384455938 53.55199780615914, 7.256783361249805 53.55199780615914, 7.256783361249805 53.55179767462243, 7.255628384455938 53.55179767462243, 7.255628384455938 53.55199780615914))",34440_5_5,5,5,73.2 +"POLYGON ((7.256783361249805 53.55039672736327, 7.257938338043674 53.55039672736327, 7.257938338043674 53.55019658825447, 7.256783361249805 53.55019658825447, 7.256783361249805 53.55039672736327))",34440_6_13,6,13,76.66666666666667 +"POLYGON ((7.249853500486598 53.54565984790638, 7.251008477280466 53.54565984790638, 7.251008477280466 53.54545968639603, 7.249853500486598 53.54545968639603, 7.249853500486598 53.54565984790638))",34441_0_10,0,10,76.0 +"POLYGON ((7.252163454074334 53.54485919618556, 7.253318430868202 53.54485919618556, 7.253318430868202 53.54465903088892, 7.252163454074334 53.54465903088892, 7.252163454074334 53.54485919618556))",34441_2_14,2,14,67.8 +"POLYGON ((7.254473407662068 53.54666064125966, 7.255628384455938 53.54666064125966, 7.255628384455938 53.54646048448213, 7.254473407662068 53.54646048448213, 7.254473407662068 53.54666064125966))",34441_4_5,4,5,36.3 +"POLYGON ((7.255628384455938 53.54666064125966, 7.256783361249805 53.54666064125966, 7.256783361249805 53.54646048448213, 7.255628384455938 53.54646048448213, 7.255628384455938 53.54666064125966))",34441_5_5,5,5,73.4 +"POLYGON ((7.256783361249805 53.54505936053562, 7.257938338043674 53.54505936053562, 7.257938338043674 53.54485919618556, 7.256783361249805 53.54485919618556, 7.256783361249805 53.54505936053562))",34441_6_13,6,13,76.75 +"POLYGON ((7.249853500486598 53.44412338128555, 7.251008477280466 53.44412338128555, 7.251008477280466 53.44392273992029, 7.249853500486598 53.44392273992029, 7.249853500486598 53.44412338128555))",34460_0_10,0,10,97.0 +"POLYGON ((7.252163454074334 53.44332081013892, 7.253318430868202 53.44332081013892, 7.253318430868202 53.44312016498326, 7.252163454074334 53.44312016498326, 7.252163454074334 53.44332081013892))",34460_2_14,2,14,80.0 +"POLYGON ((7.254473407662068 53.44512657389801, 7.255628384455938 53.44512657389801, 7.255628384455938 53.44492593727069, 7.254473407662068 53.44492593727069, 7.254473407662068 53.44512657389801))",34460_4_5,4,5,89.0 +"POLYGON ((7.256783361249805 53.44372209760743, 7.257938338043674 53.44372209760743, 7.257938338043674 53.44352145434698, 7.256783361249805 53.44352145434698, 7.256783361249805 53.44372209760743))",34460_6_12,6,12,91.0 +"POLYGON ((7.256783361249805 53.44352145434698, 7.257938338043674 53.44352145434698, 7.257938338043674 53.44332081013892, 7.256783361249805 53.44332081013892, 7.256783361249805 53.44352145434698))",34460_6_13,6,13,80.0 +"POLYGON ((7.249853500486598 53.43877262058479, 7.251008477280466 53.43877262058479, 7.251008477280466 53.43857195394964, 7.249853500486598 53.43857195394964, 7.249853500486598 53.43877262058479))",34461_0_10,0,10,97.4 +"POLYGON ((7.252163454074334 53.43796994835827, 7.253318430868202 53.43796994835827, 7.253318430868202 53.43776927793251, 7.252163454074334 53.43776927793251, 7.252163454074334 53.43796994835827))",34461_2_14,2,14,76.6 +"POLYGON ((7.254473407662068 53.4397759395459, 7.255628384455938 53.4397759395459, 7.255628384455938 53.43957527764896, 7.254473407662068 53.43957527764896, 7.254473407662068 53.4397759395459))",34461_4_5,4,5,88.6 +"POLYGON ((7.255628384455938 53.4397759395459, 7.256783361249805 53.4397759395459, 7.256783361249805 53.43957527764896, 7.255628384455938 53.43957527764896, 7.255628384455938 53.4397759395459))",34461_5_5,5,5,109.25 +"POLYGON ((7.256783361249805 53.43837128636683, 7.257938338043674 53.43837128636683, 7.257938338043674 53.43817061783638, 7.256783361249805 53.43817061783638, 7.256783361249805 53.43837128636683))",34461_6_12,6,12,95.16666616666667 +"POLYGON ((7.256783361249805 53.43817061783638, 7.257938338043674 53.43817061783638, 7.257938338043674 53.43796994835827, 7.256783361249805 53.43796994835827, 7.256783361249805 53.43817061783638))",34461_6_13,6,13,81.66666666666667 +"POLYGON ((7.249853500486598 53.43342118600187, 7.251008477280466 53.43342118600187, 7.251008477280466 53.43322049409539, 7.249853500486598 53.43322049409539, 7.249853500486598 53.43342118600187))",34462_0_10,0,10,98.0 +"POLYGON ((7.252163454074334 53.43261841268973, 7.253318430868202 53.43261841268973, 7.253318430868202 53.43241771699243, 7.252163454074334 53.43241771699243, 7.252163454074334 53.43261841268973))",34462_2_14,2,14,88.0 +"POLYGON ((7.254473407662068 53.43442463131879, 7.255628384455938 53.43442463131879, 7.255628384455938 53.43422394415079, 7.254473407662068 53.43422394415079, 7.254473407662068 53.43442463131879))",34462_4_5,4,5,89.0 +"POLYGON ((7.255628384455938 53.43442463131879, 7.256783361249805 53.43442463131879, 7.256783361249805 53.43422394415079, 7.255628384455938 53.43422394415079, 7.255628384455938 53.43442463131879))",34462_5_5,5,5,109.0 +"POLYGON ((7.256783361249805 53.43301980124121, 7.257938338043674 53.43301980124121, 7.257938338043674 53.43281910743934, 7.256783361249805 53.43281910743934, 7.256783361249805 53.43301980124121))",34462_6_12,6,12,98.000003 +"POLYGON ((7.256783361249805 53.43281910743934, 7.257938338043674 53.43281910743934, 7.257938338043674 53.43261841268973, 7.256783361249805 53.43261841268973, 7.256783361249805 53.43281910743934))",34462_6_13,6,13,86.0 +"POLYGON ((7.249853500486598 53.36359017523769, 7.251008477280466 53.36359017523769, 7.251008477280466 53.3633891537256, 7.249853500486598 53.3633891537256, 7.249853500486598 53.36359017523769))",34475_0_11,0,11,120.5 +"POLYGON ((7.252163454074334 53.36298710785623, 7.253318430868202 53.36298710785623, 7.253318430868202 53.36278608349895, 7.252163454074334 53.36278608349895, 7.252163454074334 53.36298710785623))",34475_2_14,2,14,126.0 +"POLYGON ((7.253318430868202 53.36439425180206, 7.254473407662068 53.36439425180206, 7.254473407662068 53.36419323408356, 7.253318430868202 53.36419323408356, 7.253318430868202 53.36439425180206))",34475_3_7,3,7,119.0 +"POLYGON ((7.254473407662068 53.36479628439391, 7.255628384455938 53.36479628439391, 7.255628384455938 53.36459526857218, 7.254473407662068 53.36459526857218, 7.254473407662068 53.36479628439391))",34475_4_5,4,5,140.0 +"POLYGON ((7.254473407662068 53.36399221541667, 7.255628384455938 53.36399221541667, 7.255628384455938 53.36379119580138, 7.254473407662068 53.36379119580138, 7.254473407662068 53.36399221541667))",34475_4_9,4,9,114.04351666666666 +"POLYGON ((7.255628384455938 53.36479628439391, 7.256783361249805 53.36479628439391, 7.256783361249805 53.36459526857218, 7.255628384455938 53.36459526857218, 7.255628384455938 53.36479628439391))",34475_5_5,5,5,98.75 +"POLYGON ((7.255628384455938 53.36439425180206, 7.256783361249805 53.36439425180206, 7.256783361249805 53.36419323408356, 7.255628384455938 53.36419323408356, 7.255628384455938 53.36439425180206))",34475_5_7,5,7,86.0 +"POLYGON ((7.255628384455938 53.36359017523769, 7.256783361249805 53.36359017523769, 7.256783361249805 53.3633891537256, 7.255628384455938 53.3633891537256, 7.255628384455938 53.36359017523769))",34475_5_11,5,11,104.64129125 +"POLYGON ((7.255628384455938 53.3633891537256, 7.256783361249805 53.3633891537256, 7.256783361249805 53.36318813126513, 7.255628384455938 53.36318813126513, 7.255628384455938 53.3633891537256))",34475_5_12,5,12,104.8490625 +"POLYGON ((7.256783361249805 53.3633891537256, 7.257938338043674 53.3633891537256, 7.257938338043674 53.36318813126513, 7.256783361249805 53.36318813126513, 7.256783361249805 53.3633891537256))",34475_6_12,6,12,100.18199 +"POLYGON ((7.256783361249805 53.36298710785623, 7.257938338043674 53.36298710785623, 7.257938338043674 53.36278608349895, 7.256783361249805 53.36278608349895, 7.256783361249805 53.36298710785623))",34475_6_14,6,14,124.0 +"POLYGON ((7.251008477280466 53.18154668175862, 7.252163454074334 53.18154668175862, 7.252163454074334 53.18134480239792, 7.251008477280466 53.18134480239792, 7.251008477280466 53.18154668175862))",34509_1_8,1,8,131.0 +"POLYGON ((7.251008477280466 53.17616290695764, 7.252163454074334 53.17616290695764, 7.252163454074334 53.17596100225781, 7.251008477280466 53.17596100225781, 7.251008477280466 53.17616290695764))",34510_1_8,1,8,132.5 +"POLYGON ((7.249853500486598 53.11629022449379, 7.251008477280466 53.11629022449379, 7.251008477280466 53.11608803811902, 7.249853500486598 53.11608803811902, 7.249853500486598 53.11629022449379))",34521_0_11,0,11,91.0 +"POLYGON ((7.249853500486598 53.11426831795888, 7.251008477280466 53.11426831795888, 7.251008477280466 53.11406612207578, 7.249853500486598 53.11406612207578, 7.249853500486598 53.11426831795888))",34521_0_21,0,21,126.0 +"POLYGON ((7.251008477280466 53.11689677791312, 7.252163454074334 53.11689677791312, 7.252163454074334 53.11669459439082, 7.251008477280466 53.11669459439082, 7.251008477280466 53.11689677791312))",34521_1_8,1,8,137.0 +"POLYGON ((7.252163454074334 53.11568366251704, 7.253318430868202 53.11568366251704, 7.253318430868202 53.11548147328981, 7.252163454074334 53.11548147328981, 7.252163454074334 53.11568366251704))",34521_2_14,2,14,88.0 +"POLYGON ((7.253318430868202 53.11709896048459, 7.254473407662068 53.11709896048459, 7.254473407662068 53.11689677791312, 7.253318430868202 53.11689677791312, 7.253318430868202 53.11709896048459))",34521_3_7,3,7,81.66666666666667 +"POLYGON ((7.253318430868202 53.11588585079345, 7.254473407662068 53.11588585079345, 7.254473407662068 53.11568366251704, 7.253318430868202 53.11568366251704, 7.253318430868202 53.11588585079345))",34521_3_13,3,13,126.5 +"POLYGON ((7.254473407662068 53.11770550249412, 7.255628384455938 53.11770550249412, 7.255628384455938 53.11750332277509, 7.254473407662068 53.11750332277509, 7.254473407662068 53.11770550249412))",34521_4_4,4,4,198.0 +"POLYGON ((7.254473407662068 53.11689677791312, 7.255628384455938 53.11689677791312, 7.255628384455938 53.11669459439082, 7.254473407662068 53.11669459439082, 7.254473407662068 53.11689677791312))",34521_4_8,4,8,143.500001 +"POLYGON ((7.254473407662068 53.11507709198284, 7.255628384455938 53.11507709198284, 7.255628384455938 53.11487489990311, 7.254473407662068 53.11487489990311, 7.254473407662068 53.11507709198284))",34521_4_17,4,17,138.000004 +"POLYGON ((7.255628384455938 53.11750332277509, 7.256783361249805 53.11750332277509, 7.256783361249805 53.11730114210525, 7.255628384455938 53.11730114210525, 7.255628384455938 53.11750332277509))",34521_5_5,5,5,141.5 +"POLYGON ((7.255628384455938 53.11730114210525, 7.256783361249805 53.11730114210525, 7.256783361249805 53.11709896048459, 7.255628384455938 53.11709896048459, 7.255628384455938 53.11730114210525))",34521_5_6,5,6,150.5 +"POLYGON ((7.255628384455938 53.1164924099177, 7.256783361249805 53.1164924099177, 7.256783361249805 53.11629022449379, 7.255628384455938 53.11629022449379, 7.255628384455938 53.1164924099177))",34521_5_10,5,10,134.4999995 +"POLYGON ((7.255628384455938 53.11608803811902, 7.256783361249805 53.11608803811902, 7.256783361249805 53.11588585079345, 7.255628384455938 53.11588585079345, 7.255628384455938 53.11608803811902))",34521_5_12,5,12,126.608968 +"POLYGON ((7.255628384455938 53.11568366251704, 7.256783361249805 53.11568366251704, 7.256783361249805 53.11548147328981, 7.255628384455938 53.11548147328981, 7.255628384455938 53.11568366251704))",34521_5_14,5,14,154.499995 +"POLYGON ((7.255628384455938 53.11548147328981, 7.256783361249805 53.11548147328981, 7.256783361249805 53.11527928311175, 7.255628384455938 53.11527928311175, 7.255628384455938 53.11548147328981))",34521_5_15,5,15,88.33333333333333 +"POLYGON ((7.255628384455938 53.11467270687254, 7.256783361249805 53.11467270687254, 7.256783361249805 53.11447051289113, 7.255628384455938 53.11447051289113, 7.255628384455938 53.11467270687254))",34521_5_19,5,19,138.0000015 +"POLYGON ((7.255628384455938 53.11406612207578, 7.256783361249805 53.11406612207578, 7.256783361249805 53.11386392524185, 7.255628384455938 53.11386392524185, 7.255628384455938 53.11406612207578))",34521_5_22,5,22,114.66666500000001 +"POLYGON ((7.256783361249805 53.11629022449379, 7.257938338043674 53.11629022449379, 7.257938338043674 53.11608803811902, 7.256783361249805 53.11608803811902, 7.256783361249805 53.11629022449379))",34521_6_11,6,11,130.333334 +"POLYGON ((7.256783361249805 53.11608803811902, 7.257938338043674 53.11608803811902, 7.257938338043674 53.11588585079345, 7.256783361249805 53.11588585079345, 7.256783361249805 53.11608803811902))",34521_6_12,6,12,128.3626395 +"POLYGON ((7.256783361249805 53.11588585079345, 7.257938338043674 53.11588585079345, 7.257938338043674 53.11568366251704, 7.256783361249805 53.11568366251704, 7.256783361249805 53.11588585079345))",34521_6_13,6,13,123.6515625 +"POLYGON ((7.256783361249805 53.11568366251704, 7.257938338043674 53.11568366251704, 7.257938338043674 53.11548147328981, 7.256783361249805 53.11548147328981, 7.256783361249805 53.11568366251704))",34521_6_14,6,14,174.0 +"POLYGON ((7.256783361249805 53.11527928311175, 7.257938338043674 53.11527928311175, 7.257938338043674 53.11507709198284, 7.256783361249805 53.11507709198284, 7.256783361249805 53.11527928311175))",34521_6_16,6,16,97.5 +"POLYGON ((7.256783361249805 53.11507709198284, 7.257938338043674 53.11507709198284, 7.257938338043674 53.11487489990311, 7.256783361249805 53.11487489990311, 7.256783361249805 53.11507709198284))",34521_6_17,6,17,112.333333 +"POLYGON ((7.249853500486598 53.11089826243471, 7.251008477280466 53.11089826243471, 7.251008477280466 53.11069605070395, 7.249853500486598 53.11069605070395, 7.249853500486598 53.11089826243471))",34522_0_11,0,11,90.25 +"POLYGON ((7.249853500486598 53.10887610233743, 7.251008477280466 53.10887610233743, 7.251008477280466 53.1086738810978, 7.249853500486598 53.1086738810978, 7.249853500486598 53.10887610233743))",34522_0_21,0,21,126.999998 +"POLYGON ((7.251008477280466 53.11150489192175, 7.252163454074334 53.11150489192175, 7.252163454074334 53.1113026830436, 7.251008477280466 53.1113026830436, 7.251008477280466 53.11150489192175))",34522_1_8,1,8,133.0 +"POLYGON ((7.252163454074334 53.1102916243898, 7.253318430868202 53.1102916243898, 7.253318430868202 53.11008940980641, 7.252163454074334 53.11008940980641, 7.252163454074334 53.1102916243898))",34522_2_14,2,14,84.8 +"POLYGON ((7.253318430868202 53.111707099849, 7.254473407662068 53.111707099849, 7.254473407662068 53.11150489192175, 7.253318430868202 53.11150489192175, 7.253318430868202 53.111707099849))",34522_3_7,3,7,81.4 +"POLYGON ((7.253318430868202 53.11049383802232, 7.254473407662068 53.11049383802232, 7.254473407662068 53.1102916243898, 7.253318430868202 53.1102916243898, 7.253318430868202 53.11049383802232))",34522_3_13,3,13,130.33333333333334 +"POLYGON ((7.254473407662068 53.11231371792562, 7.255628384455938 53.11231371792562, 7.255628384455938 53.11211151285095, 7.254473407662068 53.11211151285095, 7.254473407662068 53.11231371792562))",34522_4_4,4,4,197.0 +"POLYGON ((7.254473407662068 53.11150489192175, 7.255628384455938 53.11150489192175, 7.255628384455938 53.1113026830436, 7.254473407662068 53.1113026830436, 7.254473407662068 53.11150489192175))",34522_4_8,4,8,136.33333533333334 +"POLYGON ((7.254473407662068 53.10968497778696, 7.255628384455938 53.10968497778696, 7.255628384455938 53.10948276035091, 7.254473407662068 53.10948276035091, 7.254473407662068 53.10968497778696))",34522_4_17,4,17,141.5 +"POLYGON ((7.255628384455938 53.11211151285095, 7.256783361249805 53.11211151285095, 7.256783361249805 53.11190930682541, 7.255628384455938 53.11190930682541, 7.255628384455938 53.11211151285095))",34522_5_5,5,5,139.66666666666666 +"POLYGON ((7.255628384455938 53.11190930682541, 7.256783361249805 53.11190930682541, 7.256783361249805 53.111707099849, 7.255628384455938 53.111707099849, 7.255628384455938 53.11190930682541))",34522_5_6,5,6,147.0 +"POLYGON ((7.255628384455938 53.11110047321459, 7.256783361249805 53.11110047321459, 7.256783361249805 53.11089826243471, 7.255628384455938 53.11089826243471, 7.255628384455938 53.11110047321459))",34522_5_10,5,10,136.66666866666665 +"POLYGON ((7.255628384455938 53.11069605070395, 7.256783361249805 53.11069605070395, 7.256783361249805 53.11049383802232, 7.255628384455938 53.11049383802232, 7.255628384455938 53.11069605070395))",34522_5_12,5,12,126.30992214285713 +"POLYGON ((7.255628384455938 53.1102916243898, 7.256783361249805 53.1102916243898, 7.256783361249805 53.11008940980641, 7.255628384455938 53.11008940980641, 7.255628384455938 53.1102916243898))",34522_5_14,5,14,152.33333333333334 +"POLYGON ((7.255628384455938 53.11008940980641, 7.256783361249805 53.11008940980641, 7.256783361249805 53.10988719427213, 7.255628384455938 53.10988719427213, 7.255628384455938 53.11008940980641))",34522_5_15,5,15,88.5 +"POLYGON ((7.255628384455938 53.10928054196398, 7.256783361249805 53.10928054196398, 7.256783361249805 53.10907832262615, 7.255628384455938 53.10907832262615, 7.255628384455938 53.10928054196398))",34522_5_19,5,19,135.750002 +"POLYGON ((7.255628384455938 53.1086738810978, 7.256783361249805 53.1086738810978, 7.256783361249805 53.1084716589073, 7.255628384455938 53.1084716589073, 7.255628384455938 53.1086738810978))",34522_5_22,5,22,115.68954225 +"POLYGON ((7.256783361249805 53.11089826243471, 7.257938338043674 53.11089826243471, 7.257938338043674 53.11069605070395, 7.256783361249805 53.11069605070395, 7.256783361249805 53.11089826243471))",34522_6_11,6,11,129.15384576923077 +"POLYGON ((7.256783361249805 53.11069605070395, 7.257938338043674 53.11069605070395, 7.257938338043674 53.11049383802232, 7.256783361249805 53.11049383802232, 7.256783361249805 53.11069605070395))",34522_6_12,6,12,129.000001 +"POLYGON ((7.256783361249805 53.11049383802232, 7.257938338043674 53.11049383802232, 7.257938338043674 53.1102916243898, 7.256783361249805 53.1102916243898, 7.256783361249805 53.11049383802232))",34522_6_13,6,13,122.3750005 +"POLYGON ((7.256783361249805 53.1102916243898, 7.257938338043674 53.1102916243898, 7.257938338043674 53.11008940980641, 7.256783361249805 53.11008940980641, 7.256783361249805 53.1102916243898))",34522_6_14,6,14,157.33333333333334 +"POLYGON ((7.256783361249805 53.10988719427213, 7.257938338043674 53.10988719427213, 7.257938338043674 53.10968497778696, 7.256783361249805 53.10968497778696, 7.256783361249805 53.10988719427213))",34522_6_16,6,16,88.33333333333333 +"POLYGON ((7.256783361249805 53.10968497778696, 7.257938338043674 53.10968497778696, 7.257938338043674 53.10948276035091, 7.256783361249805 53.10948276035091, 7.256783361249805 53.10968497778696))",34522_6_17,6,17,113.266131 +"POLYGON ((7.249853500486598 53.10550562419771, 7.251008477280466 53.10550562419771, 7.251008477280466 53.10530338710956, 7.249853500486598 53.10530338710956, 7.249853500486598 53.10550562419771))",34523_0_11,0,11,89.5 +"POLYGON ((7.249853500486598 53.10348321052416, 7.251008477280466 53.10348321052416, 7.251008477280466 53.10328096392664, 7.249853500486598 53.10328096392664, 7.249853500486598 53.10348321052416))",34523_0_21,0,21,127.999999 +"POLYGON ((7.251008477280466 53.10611232975661, 7.252163454074334 53.10611232975661, 7.252163454074334 53.10591009552123, 7.251008477280466 53.10591009552123, 7.251008477280466 53.10611232975661))",34523_1_8,1,8,134.0 +"POLYGON ((7.252163454074334 53.10489891008047, 7.253318430868202 53.10489891008047, 7.253318430868202 53.10469667013953, 7.252163454074334 53.10469667013953, 7.252163454074334 53.10489891008047))",34523_2_14,2,14,77.0 +"POLYGON ((7.253318430868202 53.10631456304106, 7.254473407662068 53.10631456304106, 7.254473407662068 53.10611232975661, 7.253318430868202 53.10611232975661, 7.253318430868202 53.10631456304106))",34523_3_7,3,7,84.5 +"POLYGON ((7.253318430868202 53.10510114907049, 7.254473407662068 53.10510114907049, 7.254473407662068 53.10489891008047, 7.253318430868202 53.10489891008047, 7.253318430868202 53.10510114907049))",34523_3_13,3,13,130.5 +"POLYGON ((7.254473407662068 53.10692125718892, 7.255628384455938 53.10692125718892, 7.255628384455938 53.10671902675721, 7.254473407662068 53.10671902675721, 7.254473407662068 53.10692125718892))",34523_4_4,4,4,191.5 +"POLYGON ((7.254473407662068 53.10611232975661, 7.255628384455938 53.10611232975661, 7.255628384455938 53.10591009552123, 7.254473407662068 53.10591009552123, 7.254473407662068 53.10611232975661))",34523_4_8,4,8,139.500002 +"POLYGON ((7.254473407662068 53.10429218740484, 7.255628384455938 53.10429218740484, 7.255628384455938 53.10408994461108, 7.254473407662068 53.10408994461108, 7.254473407662068 53.10429218740484))",34523_4_17,4,17,144.9399975 +"POLYGON ((7.255628384455938 53.10671902675721, 7.256783361249805 53.10671902675721, 7.256783361249805 53.1065167953746, 7.255628384455938 53.1065167953746, 7.255628384455938 53.10671902675721))",34523_5_5,5,5,138.0 +"POLYGON ((7.255628384455938 53.1065167953746, 7.256783361249805 53.1065167953746, 7.256783361249805 53.10631456304106, 7.255628384455938 53.10631456304106, 7.255628384455938 53.1065167953746))",34523_5_6,5,6,161.0 +"POLYGON ((7.255628384455938 53.10570786033493, 7.256783361249805 53.10570786033493, 7.256783361249805 53.10550562419771, 7.255628384455938 53.10550562419771, 7.255628384455938 53.10570786033493))",34523_5_10,5,10,138.6806505 +"POLYGON ((7.255628384455938 53.10530338710956, 7.256783361249805 53.10530338710956, 7.256783361249805 53.10510114907049, 7.255628384455938 53.10510114907049, 7.255628384455938 53.10530338710956))",34523_5_12,5,12,132.13411499999998 +"POLYGON ((7.255628384455938 53.10489891008047, 7.256783361249805 53.10489891008047, 7.256783361249805 53.10469667013953, 7.255628384455938 53.10469667013953, 7.255628384455938 53.10489891008047))",34523_5_14,5,14,151.000005 +"POLYGON ((7.255628384455938 53.10469667013953, 7.256783361249805 53.10469667013953, 7.256783361249805 53.10449442924765, 7.255628384455938 53.10449442924765, 7.255628384455938 53.10469667013953))",34523_5_15,5,15,81.5 +"POLYGON ((7.255628384455938 53.10388770086638, 7.256783361249805 53.10388770086638, 7.256783361249805 53.10368545617074, 7.255628384455938 53.10368545617074, 7.255628384455938 53.10388770086638))",34523_5_19,5,19,137.000004 +"POLYGON ((7.255628384455938 53.10328096392664, 7.256783361249805 53.10328096392664, 7.256783361249805 53.10307871637815, 7.255628384455938 53.10307871637815, 7.255628384455938 53.10328096392664))",34523_5_22,5,22,116.158857 +"POLYGON ((7.256783361249805 53.10550562419771, 7.257938338043674 53.10550562419771, 7.257938338043674 53.10530338710956, 7.256783361249805 53.10530338710956, 7.256783361249805 53.10550562419771))",34523_6_11,6,11,127.7999992 +"POLYGON ((7.256783361249805 53.10530338710956, 7.257938338043674 53.10530338710956, 7.257938338043674 53.10510114907049, 7.256783361249805 53.10510114907049, 7.256783361249805 53.10530338710956))",34523_6_12,6,12,129.17817100000002 +"POLYGON ((7.256783361249805 53.10510114907049, 7.257938338043674 53.10510114907049, 7.257938338043674 53.10489891008047, 7.256783361249805 53.10489891008047, 7.256783361249805 53.10510114907049))",34523_6_13,6,13,124.75000299999999 +"POLYGON ((7.256783361249805 53.10489891008047, 7.257938338043674 53.10489891008047, 7.257938338043674 53.10469667013953, 7.256783361249805 53.10469667013953, 7.256783361249805 53.10489891008047))",34523_6_14,6,14,170.0 +"POLYGON ((7.256783361249805 53.10449442924765, 7.257938338043674 53.10449442924765, 7.257938338043674 53.10429218740484, 7.256783361249805 53.10429218740484, 7.256783361249805 53.10449442924765))",34523_6_16,6,16,77.0 +"POLYGON ((7.256783361249805 53.10429218740484, 7.257938338043674 53.10429218740484, 7.257938338043674 53.10408994461108, 7.256783361249805 53.10408994461108, 7.256783361249805 53.10429218740484))",34523_6_17,6,17,123.4507055 +"POLYGON ((7.255628384455938 53.06274504859849, 7.256783361249805 53.06274504859849, 7.256783361249805 53.06254261050398, 7.255628384455938 53.06254261050398, 7.255628384455938 53.06274504859849))",34531_5_9,5,9,69.49265 +"POLYGON ((7.249853500486598 53.01372728314922, 7.251008477280466 53.01372728314922, 7.251008477280466 53.01352461477364, 7.249853500486598 53.01352461477364, 7.249853500486598 53.01372728314922))",34540_0_11,0,11,85.66666666666667 +"POLYGON ((7.249853500486598 53.01170055656182, 7.251008477280466 53.01170055656182, 7.251008477280466 53.01149787866806, 7.249853500486598 53.01149787866806, 7.249853500486598 53.01170055656182))",34540_0_21,0,21,135.772096 +"POLYGON ((7.251008477280466 53.0143352825651, 7.252163454074334 53.0143352825651, 7.252163454074334 53.01413261704494, 7.251008477280466 53.01413261704494, 7.251008477280466 53.0143352825651))",34540_1_8,1,8,129.66666666666666 +"POLYGON ((7.252163454074334 53.01332194544627, 7.253318430868202 53.01332194544627, 7.253318430868202 53.01311927516707, 7.252163454074334 53.01311927516707, 7.252163454074334 53.01332194544627))",34540_2_13,2,13,81.25 +"POLYGON ((7.253318430868202 53.01453794713344, 7.254473407662068 53.01453794713344, 7.254473407662068 53.0143352825651, 7.253318430868202 53.0143352825651, 7.253318430868202 53.01453794713344))",34540_3_7,3,7,80.5 +"POLYGON ((7.253318430868202 53.01332194544627, 7.254473407662068 53.01332194544627, 7.254473407662068 53.01311927516707, 7.253318430868202 53.01311927516707, 7.253318430868202 53.01332194544627))",34540_3_13,3,13,136.0 +"POLYGON ((7.254473407662068 53.01514593512771, 7.255628384455938 53.01514593512771, 7.255628384455938 53.01494327341476, 7.254473407662068 53.01494327341476, 7.254473407662068 53.01514593512771))",34540_4_4,4,4,184.0 +"POLYGON ((7.254473407662068 53.0143352825651, 7.255628384455938 53.0143352825651, 7.255628384455938 53.01413261704494, 7.254473407662068 53.01413261704494, 7.254473407662068 53.0143352825651))",34540_4_8,4,8,139.94872149999998 +"POLYGON ((7.254473407662068 53.01251125861859, 7.255628384455938 53.01251125861859, 7.255628384455938 53.01230858453214, 7.254473407662068 53.01230858453214, 7.254473407662068 53.01251125861859))",34540_4_17,4,17,126.99999966666667 +"POLYGON ((7.255628384455938 53.01514593512771, 7.256783361249805 53.01514593512771, 7.256783361249805 53.01494327341476, 7.255628384455938 53.01494327341476, 7.255628384455938 53.01514593512771))",34540_5_4,5,4,148.0 +"POLYGON ((7.255628384455938 53.01474061075, 7.256783361249805 53.01474061075, 7.256783361249805 53.01453794713344, 7.255628384455938 53.01453794713344, 7.255628384455938 53.01474061075))",34540_5_6,5,6,157.5 +"POLYGON ((7.255628384455938 53.01413261704494, 7.256783361249805 53.01413261704494, 7.256783361249805 53.01392995057299, 7.255628384455938 53.01392995057299, 7.255628384455938 53.01413261704494))",34540_5_9,5,9,157.128893 +"POLYGON ((7.255628384455938 53.01392995057299, 7.256783361249805 53.01392995057299, 7.256783361249805 53.01372728314922, 7.255628384455938 53.01372728314922, 7.255628384455938 53.01392995057299))",34540_5_10,5,10,142.33333433333334 +"POLYGON ((7.255628384455938 53.01372728314922, 7.256783361249805 53.01372728314922, 7.256783361249805 53.01352461477364, 7.255628384455938 53.01352461477364, 7.255628384455938 53.01372728314922))",34540_5_11,5,11,129.500002 +"POLYGON ((7.255628384455938 53.01352461477364, 7.256783361249805 53.01352461477364, 7.256783361249805 53.01332194544627, 7.255628384455938 53.01332194544627, 7.255628384455938 53.01352461477364))",34540_5_12,5,12,134.0 +"POLYGON ((7.255628384455938 53.01311927516707, 7.256783361249805 53.01311927516707, 7.256783361249805 53.01291660393607, 7.255628384455938 53.01291660393607, 7.255628384455938 53.01311927516707))",34540_5_14,5,14,142.666666 +"POLYGON ((7.255628384455938 53.01291660393607, 7.256783361249805 53.01291660393607, 7.256783361249805 53.01271393175324, 7.255628384455938 53.01271393175324, 7.255628384455938 53.01291660393607))",34540_5_15,5,15,76.33333333333333 +"POLYGON ((7.255628384455938 53.01170055656182, 7.256783361249805 53.01170055656182, 7.256783361249805 53.01149787866806, 7.255628384455938 53.01149787866806, 7.255628384455938 53.01170055656182))",34540_5_21,5,21,110.999999 +"POLYGON ((7.255628384455938 53.01149787866806, 7.256783361249805 53.01149787866806, 7.256783361249805 53.01129519982247, 7.255628384455938 53.01129519982247, 7.255628384455938 53.01149787866806))",34540_5_22,5,22,126.14968599999999 +"POLYGON ((7.256783361249805 53.01392995057299, 7.257938338043674 53.01392995057299, 7.257938338043674 53.01372728314922, 7.256783361249805 53.01372728314922, 7.256783361249805 53.01392995057299))",34540_6_10,6,10,119.74803533333333 +"POLYGON ((7.256783361249805 53.01372728314922, 7.257938338043674 53.01372728314922, 7.257938338043674 53.01352461477364, 7.256783361249805 53.01352461477364, 7.256783361249805 53.01372728314922))",34540_6_11,6,11,139.0 +"POLYGON ((7.256783361249805 53.01352461477364, 7.257938338043674 53.01352461477364, 7.257938338043674 53.01332194544627, 7.256783361249805 53.01332194544627, 7.256783361249805 53.01352461477364))",34540_6_12,6,12,134.0000015 +"POLYGON ((7.256783361249805 53.01332194544627, 7.257938338043674 53.01332194544627, 7.257938338043674 53.01311927516707, 7.256783361249805 53.01311927516707, 7.256783361249805 53.01332194544627))",34540_6_13,6,13,117.66666666666667 +"POLYGON ((7.256783361249805 53.01311927516707, 7.257938338043674 53.01311927516707, 7.257938338043674 53.01291660393607, 7.256783361249805 53.01291660393607, 7.256783361249805 53.01311927516707))",34540_6_14,6,14,184.0 +"POLYGON ((7.256783361249805 53.01271393175324, 7.257938338043674 53.01271393175324, 7.257938338043674 53.01251125861859, 7.256783361249805 53.01251125861859, 7.256783361249805 53.01271393175324))",34540_6_16,6,16,178.0 +"POLYGON ((7.256783361249805 53.01251125861859, 7.257938338043674 53.01251125861859, 7.257938338043674 53.01230858453214, 7.256783361249805 53.01230858453214, 7.256783361249805 53.01251125861859))",34540_6_17,6,17,115.473023 +"POLYGON ((7.249853500486598 53.00832246739798, 7.251008477280466 53.00832246739798, 7.251008477280466 53.00811977364015, 7.249853500486598 53.00811977364015, 7.249853500486598 53.00832246739798))",34541_0_11,0,11,83.25 +"POLYGON ((7.249853500486598 53.00629548698563, 7.251008477280466 53.00629548698563, 7.251008477280466 53.0060927837091, 7.249853500486598 53.0060927837091, 7.249853500486598 53.00629548698563))",34541_0_21,0,21,135.66666866666665 +"POLYGON ((7.251008477280466 53.00893054296034, 7.252163454074334 53.00893054296034, 7.252163454074334 53.00872785205807, 7.251008477280466 53.00872785205807, 7.251008477280466 53.00893054296034))",34541_1_8,1,8,132.0 +"POLYGON ((7.252163454074334 53.00791707893045, 7.253318430868202 53.00791707893045, 7.253318430868202 53.00771438326888, 7.252163454074334 53.00771438326888, 7.252163454074334 53.00791707893045))",34541_2_13,2,13,83.5 +"POLYGON ((7.253318430868202 53.00913323291075, 7.254473407662068 53.00913323291075, 7.254473407662068 53.00893054296034, 7.253318430868202 53.00893054296034, 7.253318430868202 53.00913323291075))",34541_3_7,3,7,83.2 +"POLYGON ((7.253318430868202 53.00791707893045, 7.254473407662068 53.00791707893045, 7.254473407662068 53.00771438326888, 7.253318430868202 53.00771438326888, 7.253318430868202 53.00791707893045))",34541_3_13,3,13,137.0 +"POLYGON ((7.254473407662068 53.00974129705086, 7.255628384455938 53.00974129705086, 7.255628384455938 53.009538609956, 7.254473407662068 53.009538609956, 7.254473407662068 53.00974129705086))",34541_4_4,4,4,181.0 +"POLYGON ((7.254473407662068 53.00893054296034, 7.255628384455938 53.00893054296034, 7.255628384455938 53.00872785205807, 7.254473407662068 53.00872785205807, 7.254473407662068 53.00893054296034))",34541_4_8,4,8,138.59546766666668 +"POLYGON ((7.254473407662068 53.00710629057301, 7.255628384455938 53.00710629057301, 7.255628384455938 53.00690359110398, 7.254473407662068 53.00690359110398, 7.254473407662068 53.00710629057301))",34541_4_17,4,17,124.666666 +"POLYGON ((7.255628384455938 53.00974129705086, 7.256783361249805 53.00974129705086, 7.256783361249805 53.009538609956, 7.255628384455938 53.009538609956, 7.255628384455938 53.00974129705086))",34541_5_4,5,4,148.0 +"POLYGON ((7.255628384455938 53.0093359219093, 7.256783361249805 53.0093359219093, 7.256783361249805 53.00913323291075, 7.255628384455938 53.00913323291075, 7.255628384455938 53.0093359219093))",34541_5_6,5,6,148.0 +"POLYGON ((7.255628384455938 53.00872785205807, 7.256783361249805 53.00872785205807, 7.256783361249805 53.00852516020396, 7.255628384455938 53.00852516020396, 7.255628384455938 53.00872785205807))",34541_5_9,5,9,130.04444833333335 +"POLYGON ((7.255628384455938 53.00852516020396, 7.256783361249805 53.00852516020396, 7.256783361249805 53.00832246739798, 7.255628384455938 53.00832246739798, 7.255628384455938 53.00852516020396))",34541_5_10,5,10,144.442814 +"POLYGON ((7.255628384455938 53.00832246739798, 7.256783361249805 53.00832246739798, 7.256783361249805 53.00811977364015, 7.255628384455938 53.00811977364015, 7.255628384455938 53.00832246739798))",34541_5_11,5,11,129.79379724999998 +"POLYGON ((7.255628384455938 53.00811977364015, 7.256783361249805 53.00811977364015, 7.256783361249805 53.00791707893045, 7.255628384455938 53.00791707893045, 7.255628384455938 53.00811977364015))",34541_5_12,5,12,131.66666666666666 +"POLYGON ((7.255628384455938 53.00771438326888, 7.256783361249805 53.00771438326888, 7.256783361249805 53.00751168665547, 7.255628384455938 53.00751168665547, 7.255628384455938 53.00771438326888))",34541_5_14,5,14,145.99999966666667 +"POLYGON ((7.255628384455938 53.00751168665547, 7.256783361249805 53.00751168665547, 7.256783361249805 53.00730898909017, 7.255628384455938 53.00730898909017, 7.255628384455938 53.00751168665547))",34541_5_15,5,15,82.6 +"POLYGON ((7.255628384455938 53.00629548698563, 7.256783361249805 53.00629548698563, 7.256783361249805 53.0060927837091, 7.255628384455938 53.0060927837091, 7.255628384455938 53.00629548698563))",34541_5_21,5,21,127.33333466666666 +"POLYGON ((7.255628384455938 53.0060927837091, 7.256783361249805 53.0060927837091, 7.256783361249805 53.00589007948067, 7.255628384455938 53.00589007948067, 7.255628384455938 53.0060927837091))",34541_5_22,5,22,129.37378366666667 +"POLYGON ((7.256783361249805 53.00852516020396, 7.257938338043674 53.00852516020396, 7.257938338043674 53.00832246739798, 7.256783361249805 53.00832246739798, 7.256783361249805 53.00852516020396))",34541_6_10,6,10,125.925324 +"POLYGON ((7.256783361249805 53.00832246739798, 7.257938338043674 53.00832246739798, 7.257938338043674 53.00811977364015, 7.256783361249805 53.00811977364015, 7.256783361249805 53.00832246739798))",34541_6_11,6,11,135.88888888888889 +"POLYGON ((7.256783361249805 53.00811977364015, 7.257938338043674 53.00811977364015, 7.257938338043674 53.00791707893045, 7.256783361249805 53.00791707893045, 7.256783361249805 53.00811977364015))",34541_6_12,6,12,129.15333433333333 +"POLYGON ((7.256783361249805 53.00791707893045, 7.257938338043674 53.00791707893045, 7.257938338043674 53.00771438326888, 7.256783361249805 53.00771438326888, 7.256783361249805 53.00791707893045))",34541_6_13,6,13,121.74999975 +"POLYGON ((7.256783361249805 53.00771438326888, 7.257938338043674 53.00771438326888, 7.257938338043674 53.00751168665547, 7.256783361249805 53.00751168665547, 7.256783361249805 53.00771438326888))",34541_6_14,6,14,186.5 +"POLYGON ((7.256783361249805 53.00730898909017, 7.257938338043674 53.00730898909017, 7.257938338043674 53.00710629057301, 7.256783361249805 53.00710629057301, 7.256783361249805 53.00730898909017))",34541_6_16,6,16,172.33333333333334 +"POLYGON ((7.256783361249805 53.00710629057301, 7.257938338043674 53.00710629057301, 7.257938338043674 53.00690359110398, 7.256783361249805 53.00690359110398, 7.256783361249805 53.00710629057301))",34541_6_17,6,17,117.899358 +"POLYGON ((7.249853500486598 53.00291697476875, 7.251008477280466 53.00291697476875, 7.251008477280466 53.00271425562729, 7.249853500486598 53.00271425562729, 7.249853500486598 53.00291697476875))",34542_0_11,0,11,79.5 +"POLYGON ((7.249853500486598 53.00088974051771, 7.251008477280466 53.00088974051771, 7.251008477280466 53.00068701185703, 7.249853500486598 53.00068701185703, 7.249853500486598 53.00088974051771))",34542_0_21,0,21,135.54276325 +"POLYGON ((7.251008477280466 53.00352512648171, 7.252163454074334 53.00352512648171, 7.252163454074334 53.00332241019598, 7.251008477280466 53.00332241019598, 7.251008477280466 53.00352512648171))",34542_1_8,1,8,130.0 +"POLYGON ((7.252163454074334 53.0025115355339, 7.253318430868202 53.0025115355339, 7.253318430868202 53.00230881448861, 7.252163454074334 53.00230881448861, 7.252163454074334 53.0025115355339))",34542_2_13,2,13,84.0 +"POLYGON ((7.253318430868202 53.00372784181555, 7.254473407662068 53.00372784181555, 7.254473407662068 53.00352512648171, 7.253318430868202 53.00352512648171, 7.253318430868202 53.00372784181555))",34542_3_7,3,7,83.25 +"POLYGON ((7.253318430868202 53.0025115355339, 7.254473407662068 53.0025115355339, 7.254473407662068 53.00230881448861, 7.253318430868202 53.00230881448861, 7.253318430868202 53.0025115355339))",34542_3_13,3,13,132.66666666666666 +"POLYGON ((7.254473407662068 53.00433598210566, 7.255628384455938 53.00433598210566, 7.255628384455938 53.00413326962752, 7.254473407662068 53.00413326962752, 7.254473407662068 53.00433598210566))",34542_4_4,4,4,192.5 +"POLYGON ((7.254473407662068 53.00352512648171, 7.255628384455938 53.00352512648171, 7.255628384455938 53.00332241019598, 7.254473407662068 53.00332241019598, 7.254473407662068 53.00352512648171))",34542_4_8,4,8,138.00000333333332 +"POLYGON ((7.254473407662068 53.00170064564119, 7.255628384455938 53.00170064564119, 7.255628384455938 53.00149792078821, 7.254473407662068 53.00149792078821, 7.254473407662068 53.00170064564119))",34542_4_17,4,17,123.23232375 +"POLYGON ((7.255628384455938 53.00433598210566, 7.256783361249805 53.00433598210566, 7.256783361249805 53.00413326962752, 7.255628384455938 53.00413326962752, 7.255628384455938 53.00433598210566))",34542_5_4,5,4,158.5 +"POLYGON ((7.255628384455938 53.00393055619749, 7.256783361249805 53.00393055619749, 7.256783361249805 53.00372784181555, 7.255628384455938 53.00372784181555, 7.255628384455938 53.00393055619749))",34542_5_6,5,6,179.5 +"POLYGON ((7.255628384455938 53.00332241019598, 7.256783361249805 53.00332241019598, 7.256783361249805 53.00311969295832, 7.255628384455938 53.00311969295832, 7.255628384455938 53.00332241019598))",34542_5_9,5,9,125.24017375 +"POLYGON ((7.255628384455938 53.00311969295832, 7.256783361249805 53.00311969295832, 7.256783361249805 53.00291697476875, 7.255628384455938 53.00291697476875, 7.255628384455938 53.00311969295832))",34542_5_10,5,10,135.13658733333332 +"POLYGON ((7.255628384455938 53.00291697476875, 7.256783361249805 53.00291697476875, 7.256783361249805 53.00271425562729, 7.255628384455938 53.00271425562729, 7.255628384455938 53.00291697476875))",34542_5_11,5,11,129.68103666666667 +"POLYGON ((7.255628384455938 53.00271425562729, 7.256783361249805 53.00271425562729, 7.256783361249805 53.0025115355339, 7.255628384455938 53.0025115355339, 7.255628384455938 53.00271425562729))",34542_5_12,5,12,131.66666666666666 +"POLYGON ((7.255628384455938 53.00230881448861, 7.256783361249805 53.00230881448861, 7.256783361249805 53.00210609249139, 7.255628384455938 53.00210609249139, 7.255628384455938 53.00230881448861))",34542_5_14,5,14,146.99999933333334 +"POLYGON ((7.255628384455938 53.00210609249139, 7.256783361249805 53.00210609249139, 7.256783361249805 53.00190336954225, 7.255628384455938 53.00190336954225, 7.255628384455938 53.00210609249139))",34542_5_15,5,15,73.8 +"POLYGON ((7.255628384455938 53.00088974051771, 7.256783361249805 53.00088974051771, 7.256783361249805 53.00068701185703, 7.255628384455938 53.00068701185703, 7.255628384455938 53.00088974051771))",34542_5_21,5,21,124.00000175 +"POLYGON ((7.255628384455938 53.00068701185703, 7.256783361249805 53.00068701185703, 7.256783361249805 53.0004842822444, 7.255628384455938 53.0004842822444, 7.255628384455938 53.00068701185703))",34542_5_22,5,22,129.34571975 +"POLYGON ((7.256783361249805 53.00311969295832, 7.257938338043674 53.00311969295832, 7.257938338043674 53.00291697476875, 7.256783361249805 53.00291697476875, 7.256783361249805 53.00311969295832))",34542_6_10,6,10,122.66666400000001 +"POLYGON ((7.256783361249805 53.00291697476875, 7.257938338043674 53.00291697476875, 7.257938338043674 53.00271425562729, 7.256783361249805 53.00271425562729, 7.256783361249805 53.00291697476875))",34542_6_11,6,11,126.77777777777777 +"POLYGON ((7.256783361249805 53.00271425562729, 7.257938338043674 53.00271425562729, 7.257938338043674 53.0025115355339, 7.256783361249805 53.0025115355339, 7.256783361249805 53.00271425562729))",34542_6_12,6,12,120.5 +"POLYGON ((7.256783361249805 53.0025115355339, 7.257938338043674 53.0025115355339, 7.257938338043674 53.00230881448861, 7.256783361249805 53.00230881448861, 7.256783361249805 53.0025115355339))",34542_6_13,6,13,124.11495440000002 +"POLYGON ((7.256783361249805 53.00230881448861, 7.257938338043674 53.00230881448861, 7.257938338043674 53.00210609249139, 7.256783361249805 53.00210609249139, 7.256783361249805 53.00230881448861))",34542_6_14,6,14,178.66666666666666 +"POLYGON ((7.256783361249805 53.00190336954225, 7.257938338043674 53.00190336954225, 7.257938338043674 53.00170064564119, 7.256783361249805 53.00170064564119, 7.256783361249805 53.00190336954225))",34542_6_16,6,16,164.5 +"POLYGON ((7.256783361249805 53.00170064564119, 7.257938338043674 53.00170064564119, 7.257938338043674 53.00149792078821, 7.256783361249805 53.00149792078821, 7.256783361249805 53.00170064564119))",34542_6_17,6,17,108.60138849999998 +"POLYGON ((7.249853500486598 52.99751080522491, 7.251008477280466 52.99751080522491, 7.251008477280466 52.99730806069842, 7.249853500486598 52.99730806069842, 7.249853500486598 52.99751080522491))",34543_0_11,0,11,82.8 +"POLYGON ((7.249853500486598 52.99548331712143, 7.251008477280466 52.99548331712143, 7.251008477280466 52.99528056307521, 7.249853500486598 52.99528056307521, 7.249853500486598 52.99548331712143))",34543_0_21,0,21,135.37108733333332 +"POLYGON ((7.251008477280466 52.99811903309258, 7.252163454074334 52.99811903309258, 7.252163454074334 52.99791629142199, 7.251008477280466 52.99791629142199, 7.251008477280466 52.99811903309258))",34543_1_8,1,8,131.0 +"POLYGON ((7.252163454074334 52.99710531521997, 7.253318430868202 52.99710531521997, 7.253318430868202 52.99690256878955, 7.252163454074334 52.99690256878955, 7.252163454074334 52.99710531521997))",34543_2_13,2,13,85.6 +"POLYGON ((7.253318430868202 52.99832177381123, 7.254473407662068 52.99832177381123, 7.254473407662068 52.99811903309258, 7.253318430868202 52.99811903309258, 7.253318430868202 52.99832177381123))",34543_3_7,3,7,83.6 +"POLYGON ((7.253318430868202 52.99710531521997, 7.254473407662068 52.99710531521997, 7.254473407662068 52.99690256878955, 7.253318430868202 52.99690256878955, 7.253318430868202 52.99710531521997))",34543_3_13,3,13,131.0 +"POLYGON ((7.254473407662068 52.99892999025545, 7.255628384455938 52.99892999025545, 7.255628384455938 52.99872725239265, 7.254473407662068 52.99872725239265, 7.254473407662068 52.99892999025545))",34543_4_4,4,4,194.5 +"POLYGON ((7.254473407662068 52.99811903309258, 7.255628384455938 52.99811903309258, 7.255628384455938 52.99791629142199, 7.254473407662068 52.99791629142199, 7.254473407662068 52.99811903309258))",34543_4_8,4,8,139.99999766666667 +"POLYGON ((7.254473407662068 52.99629432378649, 7.255628384455938 52.99629432378649, 7.255628384455938 52.99609157354818, 7.254473407662068 52.99609157354818, 7.254473407662068 52.99629432378649))",34543_4_17,4,17,123.66666666666667 +"POLYGON ((7.255628384455938 52.99892999025545, 7.256783361249805 52.99892999025545, 7.256783361249805 52.99872725239265, 7.255628384455938 52.99872725239265, 7.255628384455938 52.99892999025545))",34543_5_4,5,4,157.33333333333334 +"POLYGON ((7.255628384455938 52.99852451357791, 7.256783361249805 52.99852451357791, 7.256783361249805 52.99832177381123, 7.255628384455938 52.99832177381123, 7.255628384455938 52.99852451357791))",34543_5_6,5,6,167.0 +"POLYGON ((7.255628384455938 52.99791629142199, 7.256783361249805 52.99791629142199, 7.256783361249805 52.99771354879942, 7.255628384455938 52.99771354879942, 7.255628384455938 52.99791629142199))",34543_5_9,5,9,143.85314000000002 +"POLYGON ((7.255628384455938 52.99771354879942, 7.256783361249805 52.99771354879942, 7.256783361249805 52.99751080522491, 7.255628384455938 52.99751080522491, 7.255628384455938 52.99771354879942))",34543_5_10,5,10,128.17577400000002 +"POLYGON ((7.255628384455938 52.99751080522491, 7.256783361249805 52.99751080522491, 7.256783361249805 52.99730806069842, 7.255628384455938 52.99730806069842, 7.255628384455938 52.99751080522491))",34543_5_11,5,11,125.83244425000001 +"POLYGON ((7.255628384455938 52.99730806069842, 7.256783361249805 52.99730806069842, 7.256783361249805 52.99710531521997, 7.255628384455938 52.99710531521997, 7.255628384455938 52.99730806069842))",34543_5_12,5,12,136.33333333333334 +"POLYGON ((7.255628384455938 52.99710531521997, 7.256783361249805 52.99710531521997, 7.256783361249805 52.99690256878955, 7.255628384455938 52.99690256878955, 7.255628384455938 52.99710531521997))",34543_5_13,5,13,117.70159100000001 +"POLYGON ((7.255628384455938 52.99690256878955, 7.256783361249805 52.99690256878955, 7.256783361249805 52.99669982140717, 7.255628384455938 52.99669982140717, 7.255628384455938 52.99690256878955))",34543_5_14,5,14,137.883598 +"POLYGON ((7.255628384455938 52.99669982140717, 7.256783361249805 52.99669982140717, 7.256783361249805 52.99649707307282, 7.255628384455938 52.99649707307282, 7.255628384455938 52.99669982140717))",34543_5_15,5,15,74.0 +"POLYGON ((7.255628384455938 52.99548331712143, 7.256783361249805 52.99548331712143, 7.256783361249805 52.99528056307521, 7.255628384455938 52.99528056307521, 7.255628384455938 52.99548331712143))",34543_5_21,5,21,120.250004 +"POLYGON ((7.255628384455938 52.99528056307521, 7.256783361249805 52.99528056307521, 7.256783361249805 52.99507780807701, 7.255628384455938 52.99507780807701, 7.255628384455938 52.99528056307521))",34543_5_22,5,22,122.48593666666666 +"POLYGON ((7.256783361249805 52.99771354879942, 7.257938338043674 52.99771354879942, 7.257938338043674 52.99751080522491, 7.256783361249805 52.99751080522491, 7.256783361249805 52.99771354879942))",34543_6_10,6,10,129.14058375 +"POLYGON ((7.256783361249805 52.99751080522491, 7.257938338043674 52.99751080522491, 7.257938338043674 52.99730806069842, 7.256783361249805 52.99730806069842, 7.256783361249805 52.99751080522491))",34543_6_11,6,11,101.18181818181819 +"POLYGON ((7.256783361249805 52.99730806069842, 7.257938338043674 52.99730806069842, 7.257938338043674 52.99710531521997, 7.256783361249805 52.99710531521997, 7.256783361249805 52.99730806069842))",34543_6_12,6,12,122.19886325 +"POLYGON ((7.256783361249805 52.99710531521997, 7.257938338043674 52.99710531521997, 7.257938338043674 52.99690256878955, 7.256783361249805 52.99690256878955, 7.256783361249805 52.99710531521997))",34543_6_13,6,13,121.14285771428571 +"POLYGON ((7.256783361249805 52.99690256878955, 7.257938338043674 52.99690256878955, 7.257938338043674 52.99669982140717, 7.256783361249805 52.99669982140717, 7.256783361249805 52.99690256878955))",34543_6_14,6,14,155.5 +"POLYGON ((7.256783361249805 52.99649707307282, 7.257938338043674 52.99649707307282, 7.257938338043674 52.99629432378649, 7.256783361249805 52.99629432378649, 7.256783361249805 52.99649707307282))",34543_6_16,6,16,158.0 +"POLYGON ((7.256783361249805 52.99629432378649, 7.257938338043674 52.99629432378649, 7.257938338043674 52.99609157354818, 7.256783361249805 52.99609157354818, 7.256783361249805 52.99629432378649))",34543_6_17,6,17,125.41069599999999 +"POLYGON ((7.249853500486598 52.99210395872978, 7.251008477280466 52.99210395872978, 7.251008477280466 52.99190118881691, 7.249853500486598 52.99190118881691, 7.249853500486598 52.99210395872978))",34544_0_11,0,11,84.25 +"POLYGON ((7.249853500486598 52.99007621676014, 7.251008477280466 52.99007621676014, 7.251008477280466 52.98987343732702, 7.249853500486598 52.98987343732702, 7.249853500486598 52.99007621676014))",34544_0_21,0,21,136.33333733333333 +"POLYGON ((7.251008477280466 52.99271226275631, 7.252163454074334 52.99271226275631, 7.252163454074334 52.99250949569947, 7.251008477280466 52.99250949569947, 7.251008477280466 52.99271226275631))",34544_1_8,1,8,137.0 +"POLYGON ((7.252163454074334 52.99169841795202, 7.253318430868202 52.99169841795202, 7.253318430868202 52.99149564613512, 7.252163454074334 52.99149564613512, 7.252163454074334 52.99169841795202))",34544_2_13,2,13,86.75 +"POLYGON ((7.253318430868202 52.99291502886113, 7.254473407662068 52.99291502886113, 7.254473407662068 52.99271226275631, 7.253318430868202 52.99271226275631, 7.253318430868202 52.99291502886113))",34544_3_7,3,7,83.25 +"POLYGON ((7.253318430868202 52.99169841795202, 7.254473407662068 52.99169841795202, 7.254473407662068 52.99149564613512, 7.253318430868202 52.99149564613512, 7.253318430868202 52.99169841795202))",34544_3_13,3,13,132.0 +"POLYGON ((7.254473407662068 52.99352332146357, 7.255628384455938 52.99352332146357, 7.255628384455938 52.99332055821476, 7.254473407662068 52.99332055821476, 7.254473407662068 52.99352332146357))",34544_4_4,4,4,202.0 +"POLYGON ((7.254473407662068 52.99271226275631, 7.255628384455938 52.99271226275631, 7.255628384455938 52.99250949569947, 7.254473407662068 52.99250949569947, 7.254473407662068 52.99271226275631))",34544_4_8,4,8,138.50299866666668 +"POLYGON ((7.254473407662068 52.99088732497228, 7.255628384455938 52.99088732497228, 7.255628384455938 52.99068454934729, 7.254473407662068 52.99068454934729, 7.254473407662068 52.99088732497228))",34544_4_17,4,17,124.499999 +"POLYGON ((7.255628384455938 52.99352332146357, 7.256783361249805 52.99352332146357, 7.256783361249805 52.99332055821476, 7.255628384455938 52.99332055821476, 7.255628384455938 52.99352332146357))",34544_5_4,5,4,155.5 +"POLYGON ((7.255628384455938 52.99311779401395, 7.256783361249805 52.99311779401395, 7.256783361249805 52.99291502886113, 7.255628384455938 52.99291502886113, 7.255628384455938 52.99311779401395))",34544_5_6,5,6,162.66666666666666 +"POLYGON ((7.255628384455938 52.99250949569947, 7.256783361249805 52.99250949569947, 7.256783361249805 52.99230672769063, 7.255628384455938 52.99230672769063, 7.255628384455938 52.99250949569947))",34544_5_9,5,9,155.5 +"POLYGON ((7.255628384455938 52.99230672769063, 7.256783361249805 52.99230672769063, 7.256783361249805 52.99210395872978, 7.255628384455938 52.99210395872978, 7.255628384455938 52.99230672769063))",34544_5_10,5,10,131.58633425 +"POLYGON ((7.255628384455938 52.99210395872978, 7.256783361249805 52.99210395872978, 7.256783361249805 52.99190118881691, 7.255628384455938 52.99190118881691, 7.255628384455938 52.99210395872978))",34544_5_11,5,11,125.66666666666667 +"POLYGON ((7.255628384455938 52.99190118881691, 7.256783361249805 52.99190118881691, 7.256783361249805 52.99169841795202, 7.255628384455938 52.99169841795202, 7.255628384455938 52.99190118881691))",34544_5_12,5,12,132.66666666666666 +"POLYGON ((7.255628384455938 52.99169841795202, 7.256783361249805 52.99169841795202, 7.256783361249805 52.99149564613512, 7.255628384455938 52.99149564613512, 7.255628384455938 52.99169841795202))",34544_5_13,5,13,117.4466415 +"POLYGON ((7.255628384455938 52.99149564613512, 7.256783361249805 52.99149564613512, 7.256783361249805 52.9912928733662, 7.255628384455938 52.9912928733662, 7.255628384455938 52.99149564613512))",34544_5_14,5,14,151.47794666666667 +"POLYGON ((7.255628384455938 52.9912928733662, 7.256783361249805 52.9912928733662, 7.256783361249805 52.99109009964526, 7.255628384455938 52.99109009964526, 7.255628384455938 52.9912928733662))",34544_5_15,5,15,79.4 +"POLYGON ((7.255628384455938 52.99007621676014, 7.256783361249805 52.99007621676014, 7.256783361249805 52.98987343732702, 7.255628384455938 52.98987343732702, 7.255628384455938 52.99007621676014))",34544_5_21,5,21,119.33333133333333 +"POLYGON ((7.255628384455938 52.98987343732702, 7.256783361249805 52.98987343732702, 7.256783361249805 52.98967065694187, 7.255628384455938 52.98967065694187, 7.255628384455938 52.98987343732702))",34544_5_22,5,22,118.25 +"POLYGON ((7.256783361249805 52.99230672769063, 7.257938338043674 52.99230672769063, 7.257938338043674 52.99210395872978, 7.256783361249805 52.99210395872978, 7.256783361249805 52.99230672769063))",34544_6_10,6,10,131.79064733333334 +"POLYGON ((7.256783361249805 52.99210395872978, 7.257938338043674 52.99210395872978, 7.257938338043674 52.99190118881691, 7.256783361249805 52.99190118881691, 7.256783361249805 52.99210395872978))",34544_6_11,6,11,111.25 +"POLYGON ((7.256783361249805 52.99190118881691, 7.257938338043674 52.99190118881691, 7.257938338043674 52.99169841795202, 7.256783361249805 52.99169841795202, 7.256783361249805 52.99190118881691))",34544_6_12,6,12,124.48936166666668 +"POLYGON ((7.256783361249805 52.99169841795202, 7.257938338043674 52.99169841795202, 7.257938338043674 52.99149564613512, 7.256783361249805 52.99149564613512, 7.256783361249805 52.99169841795202))",34544_6_13,6,13,118.5000015 +"POLYGON ((7.256783361249805 52.99149564613512, 7.257938338043674 52.99149564613512, 7.257938338043674 52.9912928733662, 7.256783361249805 52.9912928733662, 7.256783361249805 52.99149564613512))",34544_6_14,6,14,146.33333333333334 +"POLYGON ((7.256783361249805 52.99109009964526, 7.257938338043674 52.99109009964526, 7.257938338043674 52.99088732497228, 7.256783361249805 52.99088732497228, 7.256783361249805 52.99109009964526))",34544_6_16,6,16,154.33333333333334 +"POLYGON ((7.256783361249805 52.99088732497228, 7.257938338043674 52.99088732497228, 7.257938338043674 52.99068454934729, 7.256783361249805 52.99068454934729, 7.256783361249805 52.99088732497228))",34544_6_17,6,17,115.32193025 +"POLYGON ((7.249853500486598 52.98669643524678, 7.251008477280466 52.98669643524678, 7.251008477280466 52.98649363994615, 7.249853500486598 52.98649363994615, 7.249853500486598 52.98669643524678))",34545_0_11,0,11,84.8 +"POLYGON ((7.249853500486598 52.98466843939725, 7.251008477280466 52.98466843939725, 7.251008477280466 52.98446563457586, 7.249853500486598 52.98446563457586, 7.249853500486598 52.98466843939725))",34545_0_21,0,21,138.66666666666666 +"POLYGON ((7.251008477280466 52.98730481543627, 7.252163454074334 52.98730481543627, 7.252163454074334 52.98710202299184, 7.251008477280466 52.98710202299184, 7.251008477280466 52.98730481543627))",34545_1_8,1,8,137.0 +"POLYGON ((7.252163454074334 52.98629084369346, 7.253318430868202 52.98629084369346, 7.253318430868202 52.9860880464887, 7.252163454074334 52.9860880464887, 7.252163454074334 52.98629084369346))",34545_2_13,2,13,83.75 +"POLYGON ((7.253318430868202 52.98750760692865, 7.254473407662068 52.98750760692865, 7.254473407662068 52.98730481543627, 7.253318430868202 52.98730481543627, 7.253318430868202 52.98750760692865))",34545_3_7,3,7,83.5 +"POLYGON ((7.253318430868202 52.98629084369346, 7.254473407662068 52.98629084369346, 7.254473407662068 52.9860880464887, 7.253318430868202 52.9860880464887, 7.253318430868202 52.98629084369346))",34545_3_13,3,13,132.0 +"POLYGON ((7.254473407662068 52.98811597569343, 7.255628384455938 52.98811597569343, 7.255628384455938 52.98791318705722, 7.254473407662068 52.98791318705722, 7.254473407662068 52.98811597569343))",34545_4_4,4,4,205.0 +"POLYGON ((7.254473407662068 52.98730481543627, 7.255628384455938 52.98730481543627, 7.255628384455938 52.98710202299184, 7.254473407662068 52.98710202299184, 7.254473407662068 52.98730481543627))",34545_4_8,4,8,138.75000125 +"POLYGON ((7.254473407662068 52.98547964916197, 7.255628384455938 52.98547964916197, 7.255628384455938 52.98527684814891, 7.254473407662068 52.98527684814891, 7.254473407662068 52.98547964916197))",34545_4_17,4,17,121.99999866666667 +"POLYGON ((7.255628384455938 52.98811597569343, 7.256783361249805 52.98811597569343, 7.256783361249805 52.98791318705722, 7.255628384455938 52.98791318705722, 7.255628384455938 52.98811597569343))",34545_5_4,5,4,154.0 +"POLYGON ((7.255628384455938 52.98771039746896, 7.256783361249805 52.98771039746896, 7.256783361249805 52.98750760692865, 7.255628384455938 52.98750760692865, 7.255628384455938 52.98771039746896))",34545_5_6,5,6,153.5 +"POLYGON ((7.255628384455938 52.98710202299184, 7.256783361249805 52.98710202299184, 7.256783361249805 52.98689922959534, 7.255628384455938 52.98689922959534, 7.255628384455938 52.98710202299184))",34545_5_9,5,9,162.16023266666664 +"POLYGON ((7.255628384455938 52.98689922959534, 7.256783361249805 52.98689922959534, 7.256783361249805 52.98669643524678, 7.255628384455938 52.98669643524678, 7.255628384455938 52.98689922959534))",34545_5_10,5,10,130.17915733333334 +"POLYGON ((7.255628384455938 52.98669643524678, 7.256783361249805 52.98669643524678, 7.256783361249805 52.98649363994615, 7.255628384455938 52.98649363994615, 7.255628384455938 52.98669643524678))",34545_5_11,5,11,123.57438375 +"POLYGON ((7.255628384455938 52.98649363994615, 7.256783361249805 52.98649363994615, 7.256783361249805 52.98629084369346, 7.255628384455938 52.98629084369346, 7.255628384455938 52.98649363994615))",34545_5_12,5,12,130.33333333333334 +"POLYGON ((7.255628384455938 52.98629084369346, 7.256783361249805 52.98629084369346, 7.256783361249805 52.9860880464887, 7.255628384455938 52.9860880464887, 7.255628384455938 52.98629084369346))",34545_5_13,5,13,119.0 +"POLYGON ((7.255628384455938 52.9860880464887, 7.256783361249805 52.9860880464887, 7.256783361249805 52.98588524833185, 7.255628384455938 52.98588524833185, 7.255628384455938 52.9860880464887))",34545_5_14,5,14,147.333332 +"POLYGON ((7.255628384455938 52.98588524833185, 7.256783361249805 52.98588524833185, 7.256783361249805 52.98568244922296, 7.255628384455938 52.98568244922296, 7.255628384455938 52.98588524833185))",34545_5_15,5,15,84.75 +"POLYGON ((7.255628384455938 52.98507404618377, 7.256783361249805 52.98507404618377, 7.256783361249805 52.98487124326655, 7.255628384455938 52.98487124326655, 7.255628384455938 52.98507404618377))",34545_5_19,5,19,131.66666733333332 +"POLYGON ((7.255628384455938 52.98466843939725, 7.256783361249805 52.98466843939725, 7.256783361249805 52.98446563457586, 7.255628384455938 52.98446563457586, 7.255628384455938 52.98466843939725))",34545_5_21,5,21,116.74999975 +"POLYGON ((7.255628384455938 52.98446563457586, 7.256783361249805 52.98446563457586, 7.256783361249805 52.98426282880239, 7.255628384455938 52.98426282880239, 7.255628384455938 52.98446563457586))",34545_5_22,5,22,124.57041400000001 +"POLYGON ((7.256783361249805 52.98689922959534, 7.257938338043674 52.98689922959534, 7.257938338043674 52.98669643524678, 7.256783361249805 52.98669643524678, 7.256783361249805 52.98689922959534))",34545_6_10,6,10,118.47639925000001 +"POLYGON ((7.256783361249805 52.98669643524678, 7.257938338043674 52.98669643524678, 7.257938338043674 52.98649363994615, 7.256783361249805 52.98649363994615, 7.256783361249805 52.98669643524678))",34545_6_11,6,11,91.71428571428571 +"POLYGON ((7.256783361249805 52.98649363994615, 7.257938338043674 52.98649363994615, 7.257938338043674 52.98629084369346, 7.256783361249805 52.98629084369346, 7.256783361249805 52.98649363994615))",34545_6_12,6,12,129.49999825 +"POLYGON ((7.256783361249805 52.98629084369346, 7.257938338043674 52.98629084369346, 7.257938338043674 52.9860880464887, 7.256783361249805 52.9860880464887, 7.256783361249805 52.98629084369346))",34545_6_13,6,13,117.78939628571428 +"POLYGON ((7.256783361249805 52.9860880464887, 7.257938338043674 52.9860880464887, 7.257938338043674 52.98588524833185, 7.256783361249805 52.98588524833185, 7.256783361249805 52.9860880464887))",34545_6_14,6,14,152.0 +"POLYGON ((7.256783361249805 52.98568244922296, 7.257938338043674 52.98568244922296, 7.257938338043674 52.98547964916197, 7.256783361249805 52.98547964916197, 7.256783361249805 52.98568244922296))",34545_6_16,6,16,148.66666666666666 +"POLYGON ((7.256783361249805 52.98547964916197, 7.257938338043674 52.98547964916197, 7.257938338043674 52.98527684814891, 7.256783361249805 52.98527684814891, 7.256783361249805 52.98547964916197))",34545_6_17,6,17,114.74872775 +"POLYGON ((7.249853500486598 52.98128823473931, 7.251008477280466 52.98128823473931, 7.251008477280466 52.98108541404955, 7.249853500486598 52.98108541404955, 7.249853500486598 52.98128823473931))",34546_0_11,0,11,82.75 +"POLYGON ((7.249853500486598 52.97925998499617, 7.251008477280466 52.97925998499617, 7.251008477280466 52.97905715478514, 7.249853500486598 52.97905715478514, 7.249853500486598 52.97925998499617))",34546_0_21,0,21,140.333336 +"POLYGON ((7.251008477280466 52.98189669109588, 7.252163454074334 52.98189669109588, 7.252163454074334 52.98169387326246, 7.251008477280466 52.98169387326246, 7.251008477280466 52.98189669109588))",34546_1_8,1,8,139.0 +"POLYGON ((7.252163454074334 52.98088259240768, 7.253318430868202 52.98088259240768, 7.253318430868202 52.98067976981368, 7.252163454074334 52.98067976981368, 7.252163454074334 52.98088259240768))",34546_2_13,2,13,85.75 +"POLYGON ((7.253318430868202 52.98209950797717, 7.254473407662068 52.98209950797717, 7.254473407662068 52.98189669109588, 7.253318430868202 52.98189669109588, 7.253318430868202 52.98209950797717))",34546_3_7,3,7,83.4 +"POLYGON ((7.253318430868202 52.98088259240768, 7.254473407662068 52.98088259240768, 7.254473407662068 52.98067976981368, 7.253318430868202 52.98067976981368, 7.253318430868202 52.98088259240768))",34546_3_13,3,13,132.66666666666666 +"POLYGON ((7.254473407662068 52.98270795290842, 7.255628384455938 52.98270795290842, 7.255628384455938 52.98250513888345, 7.254473407662068 52.98250513888345, 7.254473407662068 52.98270795290842))",34546_4_4,4,4,205.5 +"POLYGON ((7.254473407662068 52.98189669109588, 7.255628384455938 52.98189669109588, 7.255628384455938 52.98169387326246, 7.254473407662068 52.98169387326246, 7.254473407662068 52.98189669109588))",34546_4_8,4,8,139.98048500000002 +"POLYGON ((7.254473407662068 52.98007129631895, 7.255628384455938 52.98007129631895, 7.255628384455938 52.97986846991646, 7.254473407662068 52.97986846991646, 7.254473407662068 52.98007129631895))",34546_4_17,4,17,117.0 +"POLYGON ((7.255628384455938 52.98270795290842, 7.256783361249805 52.98270795290842, 7.256783361249805 52.98250513888345, 7.255628384455938 52.98250513888345, 7.255628384455938 52.98270795290842))",34546_5_4,5,4,154.66666666666666 +"POLYGON ((7.255628384455938 52.98230232390637, 7.256783361249805 52.98230232390637, 7.256783361249805 52.98209950797717, 7.255628384455938 52.98209950797717, 7.255628384455938 52.98230232390637))",34546_5_6,5,6,161.0 +"POLYGON ((7.255628384455938 52.98169387326246, 7.256783361249805 52.98169387326246, 7.256783361249805 52.98149105447695, 7.255628384455938 52.98149105447695, 7.255628384455938 52.98169387326246))",34546_5_9,5,9,162.51978066666666 +"POLYGON ((7.255628384455938 52.98149105447695, 7.256783361249805 52.98149105447695, 7.256783361249805 52.98128823473931, 7.255628384455938 52.98128823473931, 7.255628384455938 52.98149105447695))",34546_5_10,5,10,142.52159233333336 +"POLYGON ((7.255628384455938 52.98128823473931, 7.256783361249805 52.98128823473931, 7.256783361249805 52.98108541404955, 7.255628384455938 52.98108541404955, 7.255628384455938 52.98128823473931))",34546_5_11,5,11,124.73584666666666 +"POLYGON ((7.255628384455938 52.98108541404955, 7.256783361249805 52.98108541404955, 7.256783361249805 52.98088259240768, 7.255628384455938 52.98088259240768, 7.255628384455938 52.98108541404955))",34546_5_12,5,12,129.66666666666666 +"POLYGON ((7.255628384455938 52.98088259240768, 7.256783361249805 52.98088259240768, 7.256783361249805 52.98067976981368, 7.255628384455938 52.98067976981368, 7.255628384455938 52.98088259240768))",34546_5_13,5,13,119.33333533333332 +"POLYGON ((7.255628384455938 52.98067976981368, 7.256783361249805 52.98067976981368, 7.256783361249805 52.98047694626757, 7.255628384455938 52.98047694626757, 7.255628384455938 52.98067976981368))",34546_5_14,5,14,146.000002 +"POLYGON ((7.255628384455938 52.98047694626757, 7.256783361249805 52.98047694626757, 7.256783361249805 52.98027412176933, 7.255628384455938 52.98027412176933, 7.255628384455938 52.98047694626757))",34546_5_15,5,15,77.4 +"POLYGON ((7.255628384455938 52.97966564256183, 7.256783361249805 52.97966564256183, 7.256783361249805 52.97946281425506, 7.255628384455938 52.97946281425506, 7.255628384455938 52.97966564256183))",34546_5_19,5,19,134.2323233333333 +"POLYGON ((7.255628384455938 52.97925998499617, 7.256783361249805 52.97925998499617, 7.256783361249805 52.97905715478514, 7.255628384455938 52.97905715478514, 7.255628384455938 52.97925998499617))",34546_5_21,5,21,115.48159625 +"POLYGON ((7.255628384455938 52.97905715478514, 7.256783361249805 52.97905715478514, 7.256783361249805 52.97885432362197, 7.255628384455938 52.97885432362197, 7.255628384455938 52.97905715478514))",34546_5_22,5,22,126.64529424999999 +"POLYGON ((7.256783361249805 52.98149105447695, 7.257938338043674 52.98149105447695, 7.257938338043674 52.98128823473931, 7.256783361249805 52.98128823473931, 7.256783361249805 52.98149105447695))",34546_6_10,6,10,114.85997025 +"POLYGON ((7.256783361249805 52.98128823473931, 7.257938338043674 52.98128823473931, 7.257938338043674 52.98108541404955, 7.256783361249805 52.98108541404955, 7.256783361249805 52.98128823473931))",34546_6_11,6,11,115.66666666666667 +"POLYGON ((7.256783361249805 52.98108541404955, 7.257938338043674 52.98108541404955, 7.257938338043674 52.98088259240768, 7.256783361249805 52.98088259240768, 7.256783361249805 52.98108541404955))",34546_6_12,6,12,129.666668 +"POLYGON ((7.256783361249805 52.98088259240768, 7.257938338043674 52.98088259240768, 7.257938338043674 52.98067976981368, 7.256783361249805 52.98067976981368, 7.256783361249805 52.98088259240768))",34546_6_13,6,13,123.285714 +"POLYGON ((7.256783361249805 52.98067976981368, 7.257938338043674 52.98067976981368, 7.257938338043674 52.98047694626757, 7.256783361249805 52.98047694626757, 7.256783361249805 52.98067976981368))",34546_6_14,6,14,174.0 +"POLYGON ((7.256783361249805 52.98027412176933, 7.257938338043674 52.98027412176933, 7.257938338043674 52.98007129631895, 7.256783361249805 52.98007129631895, 7.256783361249805 52.98027412176933))",34546_6_16,6,16,143.0 +"POLYGON ((7.256783361249805 52.98007129631895, 7.257938338043674 52.98007129631895, 7.257938338043674 52.97986846991646, 7.256783361249805 52.97986846991646, 7.256783361249805 52.98007129631895))",34546_6_17,6,17,117.00000125 +"POLYGON ((7.249853500486598 52.9758793571708, 7.251008477280466 52.9758793571708, 7.251008477280466 52.97567651109055, 7.249853500486598 52.97567651109055, 7.249853500486598 52.9758793571708))",34547_0_11,0,11,87.0 +"POLYGON ((7.249853500486598 52.97385085352034, 7.251008477280466 52.97385085352034, 7.251008477280466 52.9736479979183, 7.249853500486598 52.9736479979183, 7.249853500486598 52.97385085352034))",34547_0_21,0,21,138.21244375 +"POLYGON ((7.251008477280466 52.97648788969856, 7.252163454074334 52.97648788969856, 7.252163454074334 52.97628504647481, 7.251008477280466 52.97628504647481, 7.251008477280466 52.97648788969856))",34547_1_8,1,8,136.0 +"POLYGON ((7.252163454074334 52.97547366405812, 7.253318430868202 52.97547366405812, 7.253318430868202 52.97527081607351, 7.252163454074334 52.97527081607351, 7.252163454074334 52.97547366405812))",34547_2_13,2,13,85.4 +"POLYGON ((7.253318430868202 52.97669073197016, 7.254473407662068 52.97669073197016, 7.254473407662068 52.97648788969856, 7.253318430868202 52.97648788969856, 7.253318430868202 52.97669073197016))",34547_3_7,3,7,83.25 +"POLYGON ((7.253318430868202 52.97547366405812, 7.254473407662068 52.97547366405812, 7.254473407662068 52.97527081607351, 7.253318430868202 52.97527081607351, 7.253318430868202 52.97547366405812))",34547_3_13,3,13,135.66666666666666 +"POLYGON ((7.254473407662068 52.97729925307197, 7.255628384455938 52.97729925307197, 7.255628384455938 52.97709641365686, 7.254473407662068 52.97709641365686, 7.254473407662068 52.97729925307197))",34547_4_4,4,4,209.5 +"POLYGON ((7.254473407662068 52.97648788969856, 7.255628384455938 52.97648788969856, 7.255628384455938 52.97628504647481, 7.254473407662068 52.97628504647481, 7.254473407662068 52.97648788969856))",34547_4_8,4,8,139.66666966666665 +"POLYGON ((7.254473407662068 52.97466226640667, 7.255628384455938 52.97466226640667, 7.255628384455938 52.97445941461336, 7.254473407662068 52.97445941461336, 7.254473407662068 52.97466226640667))",34547_4_17,4,17,114.5000015 +"POLYGON ((7.255628384455938 52.97729925307197, 7.256783361249805 52.97729925307197, 7.256783361249805 52.97709641365686, 7.255628384455938 52.97709641365686, 7.255628384455938 52.97729925307197))",34547_5_4,5,4,154.5 +"POLYGON ((7.255628384455938 52.97689357328959, 7.256783361249805 52.97689357328959, 7.256783361249805 52.97669073197016, 7.255628384455938 52.97669073197016, 7.255628384455938 52.97689357328959))",34547_5_6,5,6,183.0 +"POLYGON ((7.255628384455938 52.97628504647481, 7.256783361249805 52.97628504647481, 7.256783361249805 52.97608220229888, 7.255628384455938 52.97608220229888, 7.255628384455938 52.97628504647481))",34547_5_9,5,9,158.76037100000002 +"POLYGON ((7.255628384455938 52.97608220229888, 7.256783361249805 52.97608220229888, 7.256783361249805 52.9758793571708, 7.255628384455938 52.9758793571708, 7.255628384455938 52.97608220229888))",34547_5_10,5,10,142.666667 +"POLYGON ((7.255628384455938 52.9758793571708, 7.256783361249805 52.9758793571708, 7.256783361249805 52.97567651109055, 7.255628384455938 52.97567651109055, 7.255628384455938 52.9758793571708))",34547_5_11,5,11,126.8871425 +"POLYGON ((7.255628384455938 52.97567651109055, 7.256783361249805 52.97567651109055, 7.256783361249805 52.97547366405812, 7.255628384455938 52.97547366405812, 7.255628384455938 52.97567651109055))",34547_5_12,5,12,131.66666666666666 +"POLYGON ((7.255628384455938 52.97547366405812, 7.256783361249805 52.97547366405812, 7.256783361249805 52.97527081607351, 7.255628384455938 52.97527081607351, 7.255628384455938 52.97547366405812))",34547_5_13,5,13,119.81393775000001 +"POLYGON ((7.255628384455938 52.97527081607351, 7.256783361249805 52.97527081607351, 7.256783361249805 52.97506796713675, 7.255628384455938 52.97506796713675, 7.255628384455938 52.97527081607351))",34547_5_14,5,14,153.674798 +"POLYGON ((7.255628384455938 52.97506796713675, 7.256783361249805 52.97506796713675, 7.256783361249805 52.97486511724779, 7.255628384455938 52.97486511724779, 7.255628384455938 52.97506796713675))",34547_5_15,5,15,81.4 +"POLYGON ((7.255628384455938 52.97425656186788, 7.256783361249805 52.97425656186788, 7.256783361249805 52.9740537081702, 7.255628384455938 52.9740537081702, 7.255628384455938 52.97425656186788))",34547_5_19,5,19,134.33333533333334 +"POLYGON ((7.255628384455938 52.97385085352034, 7.256783361249805 52.97385085352034, 7.256783361249805 52.9736479979183, 7.255628384455938 52.9736479979183, 7.255628384455938 52.97385085352034))",34547_5_21,5,21,120.50000075 +"POLYGON ((7.255628384455938 52.9736479979183, 7.256783361249805 52.9736479979183, 7.256783361249805 52.97344514136406, 7.255628384455938 52.97344514136406, 7.255628384455938 52.9736479979183))",34547_5_22,5,22,130.03885566666668 +"POLYGON ((7.256783361249805 52.97608220229888, 7.257938338043674 52.97608220229888, 7.257938338043674 52.9758793571708, 7.256783361249805 52.9758793571708, 7.256783361249805 52.97608220229888))",34547_6_10,6,10,118.33333266666666 +"POLYGON ((7.256783361249805 52.9758793571708, 7.257938338043674 52.9758793571708, 7.257938338043674 52.97567651109055, 7.256783361249805 52.97567651109055, 7.256783361249805 52.9758793571708))",34547_6_11,6,11,121.5 +"POLYGON ((7.256783361249805 52.97567651109055, 7.257938338043674 52.97567651109055, 7.257938338043674 52.97547366405812, 7.256783361249805 52.97547366405812, 7.256783361249805 52.97567651109055))",34547_6_12,6,12,128.499999 +"POLYGON ((7.256783361249805 52.97547366405812, 7.257938338043674 52.97547366405812, 7.257938338043674 52.97527081607351, 7.256783361249805 52.97527081607351, 7.256783361249805 52.97547366405812))",34547_6_13,6,13,123.5000005 +"POLYGON ((7.256783361249805 52.97527081607351, 7.257938338043674 52.97527081607351, 7.257938338043674 52.97506796713675, 7.256783361249805 52.97506796713675, 7.256783361249805 52.97527081607351))",34547_6_14,6,14,182.5 +"POLYGON ((7.256783361249805 52.97486511724779, 7.257938338043674 52.97486511724779, 7.257938338043674 52.97466226640667, 7.256783361249805 52.97466226640667, 7.256783361249805 52.97486511724779))",34547_6_16,6,16,146.5 +"POLYGON ((7.256783361249805 52.97466226640667, 7.257938338043674 52.97466226640667, 7.257938338043674 52.97445941461336, 7.256783361249805 52.97445941461336, 7.256783361249805 52.97466226640667))",34547_6_17,6,17,119.00000125 +"POLYGON ((7.249853500486598 52.97046980250469, 7.251008477280466 52.97046980250469, 7.251008477280466 52.97026693103257, 7.249853500486598 52.97026693103257, 7.249853500486598 52.97046980250469))",34548_0_11,0,11,125.0 +"POLYGON ((7.249853500486598 52.96844104493321, 7.251008477280466 52.96844104493321, 7.251008477280466 52.96823816393879, 7.249853500486598 52.96823816393879, 7.249853500486598 52.96844104493321))",34548_0_21,0,21,137.333334 +"POLYGON ((7.251008477280466 52.97107841120776, 7.252163454074334 52.97107841120776, 7.252163454074334 52.97087554259229, 7.251008477280466 52.97087554259229, 7.251008477280466 52.97107841120776))",34548_1_8,1,8,138.33333333333334 +"POLYGON ((7.252163454074334 52.97006405860822, 7.253318430868202 52.97006405860822, 7.253318430868202 52.96986118523165, 7.252163454074334 52.96986118523165, 7.252163454074334 52.97006405860822))",34548_2_13,2,13,85.5 +"POLYGON ((7.253318430868202 52.97128127887102, 7.254473407662068 52.97128127887102, 7.254473407662068 52.97107841120776, 7.253318430868202 52.97107841120776, 7.253318430868202 52.97128127887102))",34548_3_7,3,7,81.25 +"POLYGON ((7.253318430868202 52.97006405860822, 7.254473407662068 52.97006405860822, 7.254473407662068 52.96986118523165, 7.253318430868202 52.96986118523165, 7.253318430868202 52.97006405860822))",34548_3_13,3,13,136.0 +"POLYGON ((7.254473407662068 52.97188987614753, 7.255628384455938 52.97188987614753, 7.255628384455938 52.9716870113409, 7.254473407662068 52.9716870113409, 7.254473407662068 52.97188987614753))",34548_4_4,4,4,208.5 +"POLYGON ((7.254473407662068 52.97107841120776, 7.255628384455938 52.97107841120776, 7.255628384455938 52.97087554259229, 7.254473407662068 52.97087554259229, 7.254473407662068 52.97107841120776))",34548_4_8,4,8,138.33333333333334 +"POLYGON ((7.254473407662068 52.96925255938857, 7.255628384455938 52.96925255938857, 7.255628384455938 52.96904968220309, 7.254473407662068 52.96904968220309, 7.254473407662068 52.96925255938857))",34548_4_17,4,17,110.0 +"POLYGON ((7.255628384455938 52.97188987614753, 7.256783361249805 52.97188987614753, 7.256783361249805 52.9716870113409, 7.255628384455938 52.9716870113409, 7.255628384455938 52.97188987614753))",34548_5_4,5,4,152.33333333333334 +"POLYGON ((7.255628384455938 52.97148414558205, 7.256783361249805 52.97148414558205, 7.256783361249805 52.97128127887102, 7.255628384455938 52.97128127887102, 7.255628384455938 52.97148414558205))",34548_5_6,5,6,197.5 +"POLYGON ((7.255628384455938 52.97087554259229, 7.256783361249805 52.97087554259229, 7.256783361249805 52.9706726730246, 7.255628384455938 52.9706726730246, 7.255628384455938 52.97087554259229))",34548_5_9,5,9,169.39130766666668 +"POLYGON ((7.255628384455938 52.9706726730246, 7.256783361249805 52.9706726730246, 7.256783361249805 52.97046980250469, 7.255628384455938 52.97046980250469, 7.255628384455938 52.9706726730246))",34548_5_10,5,10,142.21343633333333 +"POLYGON ((7.255628384455938 52.97046980250469, 7.256783361249805 52.97046980250469, 7.256783361249805 52.97026693103257, 7.255628384455938 52.97026693103257, 7.255628384455938 52.97046980250469))",34548_5_11,5,11,123.84715133333333 +"POLYGON ((7.255628384455938 52.97026693103257, 7.256783361249805 52.97026693103257, 7.256783361249805 52.97006405860822, 7.255628384455938 52.97006405860822, 7.255628384455938 52.97026693103257))",34548_5_12,5,12,134.33333333333334 +"POLYGON ((7.255628384455938 52.97006405860822, 7.256783361249805 52.97006405860822, 7.256783361249805 52.96986118523165, 7.255628384455938 52.96986118523165, 7.255628384455938 52.97006405860822))",34548_5_13,5,13,119.9045325 +"POLYGON ((7.255628384455938 52.96986118523165, 7.256783361249805 52.96986118523165, 7.256783361249805 52.96965831090285, 7.255628384455938 52.96965831090285, 7.255628384455938 52.96986118523165))",34548_5_14,5,14,161.333333 +"POLYGON ((7.255628384455938 52.96965831090285, 7.256783361249805 52.96965831090285, 7.256783361249805 52.96945543562182, 7.255628384455938 52.96945543562182, 7.255628384455938 52.96965831090285))",34548_5_15,5,15,136.66666666666666 +"POLYGON ((7.255628384455938 52.96884680406536, 7.256783361249805 52.96884680406536, 7.256783361249805 52.96864392497541, 7.255628384455938 52.96864392497541, 7.255628384455938 52.96884680406536))",34548_5_19,5,19,133.33333566666667 +"POLYGON ((7.255628384455938 52.96844104493321, 7.256783361249805 52.96844104493321, 7.256783361249805 52.96823816393879, 7.255628384455938 52.96823816393879, 7.255628384455938 52.96844104493321))",34548_5_21,5,21,125.666666 +"POLYGON ((7.255628384455938 52.96823816393879, 7.256783361249805 52.96823816393879, 7.256783361249805 52.96803528199212, 7.255628384455938 52.96803528199212, 7.255628384455938 52.96823816393879))",34548_5_22,5,22,131.6294225 +"POLYGON ((7.256783361249805 52.9706726730246, 7.257938338043674 52.9706726730246, 7.257938338043674 52.97046980250469, 7.256783361249805 52.97046980250469, 7.256783361249805 52.9706726730246))",34548_6_10,6,10,123.50000175 +"POLYGON ((7.256783361249805 52.97046980250469, 7.257938338043674 52.97046980250469, 7.257938338043674 52.97026693103257, 7.256783361249805 52.97026693103257, 7.256783361249805 52.97046980250469))",34548_6_11,6,11,125.0 +"POLYGON ((7.256783361249805 52.97026693103257, 7.257938338043674 52.97026693103257, 7.257938338043674 52.97006405860822, 7.256783361249805 52.97006405860822, 7.256783361249805 52.97026693103257))",34548_6_12,6,12,129.33333033333335 +"POLYGON ((7.256783361249805 52.97006405860822, 7.257938338043674 52.97006405860822, 7.257938338043674 52.96986118523165, 7.256783361249805 52.96986118523165, 7.256783361249805 52.97006405860822))",34548_6_13,6,13,123.33333449999999 +"POLYGON ((7.256783361249805 52.96986118523165, 7.257938338043674 52.96986118523165, 7.257938338043674 52.96965831090285, 7.256783361249805 52.96965831090285, 7.256783361249805 52.96986118523165))",34548_6_14,6,14,186.0 +"POLYGON ((7.256783361249805 52.96945543562182, 7.257938338043674 52.96945543562182, 7.257938338043674 52.96925255938857, 7.256783361249805 52.96925255938857, 7.256783361249805 52.96945543562182))",34548_6_16,6,16,154.33333333333334 +"POLYGON ((7.256783361249805 52.96925255938857, 7.257938338043674 52.96925255938857, 7.257938338043674 52.96904968220309, 7.256783361249805 52.96904968220309, 7.256783361249805 52.96925255938857))",34548_6_17,6,17,119.000002 +"POLYGON ((7.249853500486598 52.96505957070445, 7.251008477280466 52.96505957070445, 7.251008477280466 52.96485667383909, 7.249853500486598 52.96485667383909, 7.249853500486598 52.96505957070445))",34549_0_11,0,11,145.33333333333334 +"POLYGON ((7.249853500486598 52.96303055919827, 7.251008477280466 52.96303055919827, 7.251008477280466 52.96282765281009, 7.249853500486598 52.96282765281009, 7.249853500486598 52.96303055919827))",34549_0_21,0,21,136.8179283333333 +"POLYGON ((7.251008477280466 52.96566825558693, 7.252163454074334 52.96566825558693, 7.252163454074334 52.96546536157837, 7.251008477280466 52.96546536157837, 7.251008477280466 52.96566825558693))",34549_1_8,1,8,136.66666666666666 +"POLYGON ((7.252163454074334 52.96465377602145, 7.253318430868202 52.96465377602145, 7.253318430868202 52.96445087725154, 7.252163454074334 52.96445087725154, 7.252163454074334 52.96465377602145))",34549_2_13,2,13,95.75 +"POLYGON ((7.253318430868202 52.96587114864323, 7.254473407662068 52.96587114864323, 7.254473407662068 52.96566825558693, 7.253318430868202 52.96566825558693, 7.253318430868202 52.96587114864323))",34549_3_7,3,7,87.0 +"POLYGON ((7.253318430868202 52.96465377602145, 7.254473407662068 52.96465377602145, 7.254473407662068 52.96445087725154, 7.253318430868202 52.96445087725154, 7.253318430868202 52.96465377602145))",34549_3_13,3,13,137.66666666666666 +"POLYGON ((7.254473407662068 52.96647982209853, 7.255628384455938 52.96647982209853, 7.255628384455938 52.96627693189902, 7.254473407662068 52.96627693189902, 7.254473407662068 52.96647982209853))",34549_4_4,4,4,201.0 +"POLYGON ((7.254473407662068 52.96566825558693, 7.255628384455938 52.96566825558693, 7.255628384455938 52.96546536157837, 7.254473407662068 52.96546536157837, 7.254473407662068 52.96566825558693))",34549_4_8,4,8,132.333334 +"POLYGON ((7.254473407662068 52.96384217522812, 7.255628384455938 52.96384217522812, 7.255628384455938 52.96363927264909, 7.254473407662068 52.96363927264909, 7.254473407662068 52.96384217522812))",34549_4_17,4,17,107.999999 +"POLYGON ((7.255628384455938 52.96647982209853, 7.256783361249805 52.96647982209853, 7.256783361249805 52.96627693189902, 7.255628384455938 52.96627693189902, 7.255628384455938 52.96647982209853))",34549_5_4,5,4,150.5 +"POLYGON ((7.255628384455938 52.96607404074725, 7.256783361249805 52.96607404074725, 7.256783361249805 52.96587114864323, 7.255628384455938 52.96587114864323, 7.255628384455938 52.96607404074725))",34549_5_6,5,6,221.0 +"POLYGON ((7.255628384455938 52.96546536157837, 7.256783361249805 52.96546536157837, 7.256783361249805 52.96526246661755, 7.255628384455938 52.96526246661755, 7.255628384455938 52.96546536157837))",34549_5_9,5,9,184.36093 +"POLYGON ((7.255628384455938 52.96526246661755, 7.256783361249805 52.96526246661755, 7.256783361249805 52.96505957070445, 7.255628384455938 52.96505957070445, 7.255628384455938 52.96526246661755))",34549_5_10,5,10,141.99999866666667 +"POLYGON ((7.255628384455938 52.96505957070445, 7.256783361249805 52.96505957070445, 7.256783361249805 52.96485667383909, 7.255628384455938 52.96485667383909, 7.255628384455938 52.96505957070445))",34549_5_11,5,11,126.576312 +"POLYGON ((7.255628384455938 52.96485667383909, 7.256783361249805 52.96485667383909, 7.256783361249805 52.96465377602145, 7.255628384455938 52.96465377602145, 7.255628384455938 52.96485667383909))",34549_5_12,5,12,130.0 +"POLYGON ((7.255628384455938 52.96465377602145, 7.256783361249805 52.96465377602145, 7.256783361249805 52.96445087725154, 7.255628384455938 52.96445087725154, 7.255628384455938 52.96465377602145))",34549_5_13,5,13,127.3137545 +"POLYGON ((7.255628384455938 52.96445087725154, 7.256783361249805 52.96445087725154, 7.256783361249805 52.96424797752934, 7.255628384455938 52.96424797752934, 7.255628384455938 52.96445087725154))",34549_5_14,5,14,155.9999975 +"POLYGON ((7.255628384455938 52.96424797752934, 7.256783361249805 52.96424797752934, 7.256783361249805 52.96404507685487, 7.255628384455938 52.96404507685487, 7.255628384455938 52.96424797752934))",34549_5_15,5,15,147.5 +"POLYGON ((7.255628384455938 52.96343636911777, 7.256783361249805 52.96343636911777, 7.256783361249805 52.96323346463416, 7.255628384455938 52.96323346463416, 7.255628384455938 52.96343636911777))",34549_5_19,5,19,136.999999 +"POLYGON ((7.255628384455938 52.96303055919827, 7.256783361249805 52.96303055919827, 7.256783361249805 52.96282765281009, 7.255628384455938 52.96282765281009, 7.255628384455938 52.96303055919827))",34549_5_21,5,21,124.50000025 +"POLYGON ((7.255628384455938 52.96282765281009, 7.256783361249805 52.96282765281009, 7.256783361249805 52.96262474546961, 7.255628384455938 52.96262474546961, 7.255628384455938 52.96282765281009))",34549_5_22,5,22,130.20369666666667 +"POLYGON ((7.256783361249805 52.96526246661755, 7.257938338043674 52.96526246661755, 7.257938338043674 52.96505957070445, 7.256783361249805 52.96505957070445, 7.256783361249805 52.96526246661755))",34549_6_10,6,10,124.500002 +"POLYGON ((7.256783361249805 52.96505957070445, 7.257938338043674 52.96505957070445, 7.257938338043674 52.96485667383909, 7.256783361249805 52.96485667383909, 7.256783361249805 52.96505957070445))",34549_6_11,6,11,126.0 +"POLYGON ((7.256783361249805 52.96485667383909, 7.257938338043674 52.96485667383909, 7.257938338043674 52.96465377602145, 7.256783361249805 52.96465377602145, 7.256783361249805 52.96485667383909))",34549_6_12,6,12,128.53727833333332 +"POLYGON ((7.256783361249805 52.96465377602145, 7.257938338043674 52.96465377602145, 7.257938338043674 52.96445087725154, 7.256783361249805 52.96445087725154, 7.256783361249805 52.96465377602145))",34549_6_13,6,13,121.31824557142856 +"POLYGON ((7.256783361249805 52.96445087725154, 7.257938338043674 52.96445087725154, 7.257938338043674 52.96424797752934, 7.256783361249805 52.96424797752934, 7.256783361249805 52.96445087725154))",34549_6_14,6,14,189.0 +"POLYGON ((7.256783361249805 52.96404507685487, 7.257938338043674 52.96404507685487, 7.257938338043674 52.96384217522812, 7.256783361249805 52.96384217522812, 7.256783361249805 52.96404507685487))",34549_6_16,6,16,153.5 +"POLYGON ((7.256783361249805 52.96384217522812, 7.257938338043674 52.96384217522812, 7.257938338043674 52.96363927264909, 7.256783361249805 52.96363927264909, 7.256783361249805 52.96384217522812))",34549_6_17,6,17,117.499998 +"POLYGON ((7.249853500486598 52.95964866173358, 7.251008477280466 52.95964866173358, 7.251008477280466 52.9594457394736, 7.249853500486598 52.9594457394736, 7.249853500486598 52.95964866173358))",34550_0_11,0,11,129.0 +"POLYGON ((7.249853500486598 52.957619396279, 7.251008477280466 52.957619396279, 7.251008477280466 52.95741646449569, 7.249853500486598 52.95741646449569, 7.249853500486598 52.957619396279))",34550_0_21,0,21,135.11045466666667 +"POLYGON ((7.251008477280466 52.96025742279957, 7.252163454074334 52.96025742279957, 7.252163454074334 52.96005450339656, 7.251008477280466 52.96005450339656, 7.251008477280466 52.96025742279957))",34550_1_8,1,8,135.0 +"POLYGON ((7.252163454074334 52.95924281626131, 7.253318430868202 52.95924281626131, 7.253318430868202 52.95903989209668, 7.252163454074334 52.95903989209668, 7.252163454074334 52.95924281626131))",34550_2_13,2,13,130.33333333333334 +"POLYGON ((7.253318430868202 52.96046034125028, 7.254473407662068 52.96046034125028, 7.254473407662068 52.96025742279957, 7.253318430868202 52.96025742279957, 7.253318430868202 52.96046034125028))",34550_3_7,3,7,122.0 +"POLYGON ((7.253318430868202 52.95924281626131, 7.254473407662068 52.95924281626131, 7.254473407662068 52.95903989209668, 7.253318430868202 52.95903989209668, 7.253318430868202 52.95924281626131))",34550_3_13,3,13,136.0 +"POLYGON ((7.254473407662068 52.96106909088848, 7.255628384455938 52.96106909088848, 7.255628384455938 52.96086617529472, 7.254473407662068 52.96086617529472, 7.254473407662068 52.96106909088848))",34550_4_4,4,4,185.0 +"POLYGON ((7.254473407662068 52.96025742279957, 7.255628384455938 52.96025742279957, 7.255628384455938 52.96005450339656, 7.254473407662068 52.96005450339656, 7.254473407662068 52.96025742279957))",34550_4_8,4,8,133.00000066666666 +"POLYGON ((7.254473407662068 52.95843111388882, 7.255628384455938 52.95843111388882, 7.255628384455938 52.95822818591488, 7.254473407662068 52.95822818591488, 7.254473407662068 52.95843111388882))",34550_4_17,4,17,109.23387124999999 +"POLYGON ((7.255628384455938 52.96106909088848, 7.256783361249805 52.96106909088848, 7.256783361249805 52.96086617529472, 7.255628384455938 52.96086617529472, 7.255628384455938 52.96106909088848))",34550_5_4,5,4,150.0 +"POLYGON ((7.255628384455938 52.96066325874865, 7.256783361249805 52.96066325874865, 7.256783361249805 52.96046034125028, 7.255628384455938 52.96046034125028, 7.255628384455938 52.96066325874865))",34550_5_6,5,6,221.0 +"POLYGON ((7.255628384455938 52.96005450339656, 7.256783361249805 52.96005450339656, 7.256783361249805 52.95985158304123, 7.255628384455938 52.95985158304123, 7.255628384455938 52.96005450339656))",34550_5_9,5,9,189.730887 +"POLYGON ((7.255628384455938 52.95985158304123, 7.256783361249805 52.95985158304123, 7.256783361249805 52.95964866173358, 7.255628384455938 52.95964866173358, 7.255628384455938 52.95985158304123))",34550_5_10,5,10,136.95586425 +"POLYGON ((7.255628384455938 52.95964866173358, 7.256783361249805 52.95964866173358, 7.256783361249805 52.9594457394736, 7.255628384455938 52.9594457394736, 7.255628384455938 52.95964866173358))",34550_5_11,5,11,127.45692733333334 +"POLYGON ((7.255628384455938 52.95924281626131, 7.256783361249805 52.95924281626131, 7.256783361249805 52.95903989209668, 7.255628384455938 52.95903989209668, 7.255628384455938 52.95924281626131))",34550_5_13,5,13,128.76987583333332 +"POLYGON ((7.255628384455938 52.95903989209668, 7.256783361249805 52.95903989209668, 7.256783361249805 52.95883696697972, 7.255628384455938 52.95883696697972, 7.255628384455938 52.95903989209668))",34550_5_14,5,14,157.00000066666666 +"POLYGON ((7.255628384455938 52.95883696697972, 7.256783361249805 52.95883696697972, 7.256783361249805 52.95863404091044, 7.255628384455938 52.95863404091044, 7.255628384455938 52.95883696697972))",34550_5_15,5,15,148.5 +"POLYGON ((7.255628384455938 52.95802525698858, 7.256783361249805 52.95802525698858, 7.256783361249805 52.95782232710996, 7.255628384455938 52.95782232710996, 7.255628384455938 52.95802525698858))",34550_5_19,5,19,135.66666666666666 +"POLYGON ((7.255628384455938 52.957619396279, 7.256783361249805 52.957619396279, 7.256783361249805 52.95741646449569, 7.255628384455938 52.95741646449569, 7.255628384455938 52.957619396279))",34550_5_21,5,21,123.66666400000001 +"POLYGON ((7.255628384455938 52.95741646449569, 7.256783361249805 52.95741646449569, 7.256783361249805 52.95721353176004, 7.255628384455938 52.95721353176004, 7.255628384455938 52.95741646449569))",34550_5_22,5,22,129.74860666666666 +"POLYGON ((7.256783361249805 52.95985158304123, 7.257938338043674 52.95985158304123, 7.257938338043674 52.95964866173358, 7.256783361249805 52.95964866173358, 7.256783361249805 52.95985158304123))",34550_6_10,6,10,125.666667 +"POLYGON ((7.256783361249805 52.95964866173358, 7.257938338043674 52.95964866173358, 7.257938338043674 52.9594457394736, 7.256783361249805 52.9594457394736, 7.256783361249805 52.95964866173358))",34550_6_11,6,11,130.0 +"POLYGON ((7.256783361249805 52.9594457394736, 7.257938338043674 52.9594457394736, 7.257938338043674 52.95924281626131, 7.256783361249805 52.95924281626131, 7.256783361249805 52.9594457394736))",34550_6_12,6,12,131.14022675 +"POLYGON ((7.256783361249805 52.95924281626131, 7.257938338043674 52.95924281626131, 7.257938338043674 52.95903989209668, 7.256783361249805 52.95903989209668, 7.256783361249805 52.95924281626131))",34550_6_13,6,13,123.757652375 +"POLYGON ((7.256783361249805 52.95903989209668, 7.257938338043674 52.95903989209668, 7.257938338043674 52.95883696697972, 7.256783361249805 52.95883696697972, 7.256783361249805 52.95903989209668))",34550_6_14,6,14,183.5 +"POLYGON ((7.256783361249805 52.95863404091044, 7.257938338043674 52.95863404091044, 7.257938338043674 52.95843111388882, 7.256783361249805 52.95843111388882, 7.256783361249805 52.95863404091044))",34550_6_16,6,16,158.33333333333334 +"POLYGON ((7.256783361249805 52.95843111388882, 7.257938338043674 52.95843111388882, 7.257938338043674 52.95822818591488, 7.256783361249805 52.95822818591488, 7.256783361249805 52.95843111388882))",34550_6_17,6,17,119.553501 +"POLYGON ((7.249853500486598 52.95423707555556, 7.251008477280466 52.95423707555556, 7.251008477280466 52.95403412789961, 7.249853500486598 52.95403412789961, 7.249853500486598 52.95423707555556))",34551_0_11,0,11,121.33333333333333 +"POLYGON ((7.249853500486598 52.9522075561389, 7.251008477280466 52.9522075561389, 7.251008477280466 52.9520045989591, 7.249853500486598 52.9520045989591, 7.249853500486598 52.9522075561389))",34551_0_21,0,21,136.84315575 +"POLYGON ((7.251008477280466 52.95484591280918, 7.252163454074334 52.95484591280918, 7.252163454074334 52.95464296801035, 7.251008477280466 52.95464296801035, 7.251008477280466 52.95484591280918))",34551_1_8,1,8,138.0 +"POLYGON ((7.252163454074334 52.95383117929129, 7.253318430868202 52.95383117929129, 7.253318430868202 52.95362822973058, 7.252163454074334 52.95362822973058, 7.252163454074334 52.95383117929129))",34551_2_13,2,13,155.0 +"POLYGON ((7.253318430868202 52.95504885665565, 7.254473407662068 52.95504885665565, 7.254473407662068 52.95484591280918, 7.253318430868202 52.95484591280918, 7.253318430868202 52.95504885665565))",34551_3_7,3,7,154.0 +"POLYGON ((7.253318430868202 52.95383117929129, 7.254473407662068 52.95383117929129, 7.254473407662068 52.95362822973058, 7.253318430868202 52.95362822973058, 7.253318430868202 52.95383117929129))",34551_3_13,3,13,137.0 +"POLYGON ((7.254473407662068 52.95565768248088, 7.255628384455938 52.95565768248088, 7.255628384455938 52.95545474149149, 7.254473407662068 52.95545474149149, 7.254473407662068 52.95565768248088))",34551_4_4,4,4,158.66666666666666 +"POLYGON ((7.254473407662068 52.95484591280918, 7.255628384455938 52.95484591280918, 7.255628384455938 52.95464296801035, 7.254473407662068 52.95464296801035, 7.254473407662068 52.95484591280918))",34551_4_8,4,8,133.66666733333332 +"POLYGON ((7.254473407662068 52.95301937533417, 7.255628384455938 52.95301937533417, 7.255628384455938 52.95281642196394, 7.254473407662068 52.95281642196394, 7.254473407662068 52.95301937533417))",34551_4_17,4,17,110.00000025 +"POLYGON ((7.255628384455938 52.95565768248088, 7.256783361249805 52.95565768248088, 7.256783361249805 52.95545474149149, 7.255628384455938 52.95545474149149, 7.255628384455938 52.95565768248088))",34551_5_4,5,4,151.33333333333334 +"POLYGON ((7.255628384455938 52.95525179954976, 7.256783361249805 52.95525179954976, 7.256783361249805 52.95504885665565, 7.255628384455938 52.95504885665565, 7.255628384455938 52.95525179954976))",34551_5_6,5,6,216.5 +"POLYGON ((7.255628384455938 52.95464296801035, 7.256783361249805 52.95464296801035, 7.256783361249805 52.95444002225913, 7.255628384455938 52.95444002225913, 7.255628384455938 52.95464296801035))",34551_5_9,5,9,188.88825699999998 +"POLYGON ((7.255628384455938 52.95444002225913, 7.256783361249805 52.95444002225913, 7.256783361249805 52.95423707555556, 7.255628384455938 52.95423707555556, 7.255628384455938 52.95444002225913))",34551_5_10,5,10,139.38663433333332 +"POLYGON ((7.255628384455938 52.95423707555556, 7.256783361249805 52.95423707555556, 7.256783361249805 52.95403412789961, 7.255628384455938 52.95403412789961, 7.255628384455938 52.95423707555556))",34551_5_11,5,11,131.184925 +"POLYGON ((7.255628384455938 52.95383117929129, 7.256783361249805 52.95383117929129, 7.256783361249805 52.95362822973058, 7.255628384455938 52.95362822973058, 7.255628384455938 52.95383117929129))",34551_5_13,5,13,130.333333 +"POLYGON ((7.255628384455938 52.95362822973058, 7.256783361249805 52.95362822973058, 7.256783361249805 52.95342527921748, 7.255628384455938 52.95342527921748, 7.255628384455938 52.95362822973058))",34551_5_14,5,14,162.38856 +"POLYGON ((7.255628384455938 52.95342527921748, 7.256783361249805 52.95342527921748, 7.256783361249805 52.95322232775202, 7.255628384455938 52.95322232775202, 7.255628384455938 52.95342527921748))",34551_5_15,5,15,148.66666666666666 +"POLYGON ((7.255628384455938 52.95261346764131, 7.256783361249805 52.95261346764131, 7.256783361249805 52.95241051236631, 7.255628384455938 52.95241051236631, 7.255628384455938 52.95261346764131))",34551_5_19,5,19,140.33333433333334 +"POLYGON ((7.255628384455938 52.9522075561389, 7.256783361249805 52.9522075561389, 7.256783361249805 52.9520045989591, 7.255628384455938 52.9520045989591, 7.255628384455938 52.9522075561389))",34551_5_21,5,21,122.500001 +"POLYGON ((7.255628384455938 52.9520045989591, 7.256783361249805 52.9520045989591, 7.256783361249805 52.95180164082691, 7.255628384455938 52.95180164082691, 7.255628384455938 52.9520045989591))",34551_5_22,5,22,131.83507400000002 +"POLYGON ((7.256783361249805 52.95444002225913, 7.257938338043674 52.95444002225913, 7.257938338043674 52.95423707555556, 7.256783361249805 52.95423707555556, 7.256783361249805 52.95444002225913))",34551_6_10,6,10,120.27532675 +"POLYGON ((7.256783361249805 52.95423707555556, 7.257938338043674 52.95423707555556, 7.257938338043674 52.95403412789961, 7.256783361249805 52.95403412789961, 7.256783361249805 52.95423707555556))",34551_6_11,6,11,129.66666666666666 +"POLYGON ((7.256783361249805 52.95403412789961, 7.257938338043674 52.95403412789961, 7.257938338043674 52.95383117929129, 7.256783361249805 52.95383117929129, 7.256783361249805 52.95403412789961))",34551_6_12,6,12,130.846464 +"POLYGON ((7.256783361249805 52.95383117929129, 7.257938338043674 52.95383117929129, 7.257938338043674 52.95362822973058, 7.256783361249805 52.95362822973058, 7.256783361249805 52.95383117929129))",34551_6_13,6,13,126.50000066666666 +"POLYGON ((7.256783361249805 52.95362822973058, 7.257938338043674 52.95362822973058, 7.257938338043674 52.95342527921748, 7.256783361249805 52.95342527921748, 7.256783361249805 52.95362822973058))",34551_6_14,6,14,185.66666666666666 +"POLYGON ((7.256783361249805 52.95322232775202, 7.257938338043674 52.95322232775202, 7.257938338043674 52.95301937533417, 7.256783361249805 52.95301937533417, 7.256783361249805 52.95322232775202))",34551_6_16,6,16,154.0 +"POLYGON ((7.256783361249805 52.95301937533417, 7.257938338043674 52.95301937533417, 7.257938338043674 52.95281642196394, 7.256783361249805 52.95281642196394, 7.256783361249805 52.95301937533417))",34551_6_17,6,17,120.66666733333334 +"POLYGON ((7.249853500486598 52.94882481213394, 7.251008477280466 52.94882481213394, 7.251008477280466 52.94862183908064, 7.249853500486598 52.94862183908064, 7.249853500486598 52.94882481213394))",34552_0_11,0,11,133.33333333333334 +"POLYGON ((7.249853500486598 52.94679503874151, 7.251008477280466 52.94679503874151, 7.251008477280466 52.94659205616387, 7.249853500486598 52.94659205616387, 7.249853500486598 52.94679503874151))",34552_0_21,0,21,135.33333266666668 +"POLYGON ((7.251008477280466 52.94943372557929, 7.252163454074334 52.94943372557929, 7.252163454074334 52.94923075538326, 7.251008477280466 52.94923075538326, 7.251008477280466 52.94943372557929))",34552_1_8,1,8,138.0 +"POLYGON ((7.252163454074334 52.94841886507492, 7.253318430868202 52.94841886507492, 7.253318430868202 52.94821589011676, 7.252163454074334 52.94821589011676, 7.252163454074334 52.94841886507492))",34552_2_13,2,13,174.5 +"POLYGON ((7.253318430868202 52.94963669482289, 7.254473407662068 52.94963669482289, 7.254473407662068 52.94943372557929, 7.253318430868202 52.94943372557929, 7.253318430868202 52.94963669482289))",34552_3_7,3,7,198.0 +"POLYGON ((7.253318430868202 52.94841886507492, 7.254473407662068 52.94841886507492, 7.254473407662068 52.94821589011676, 7.253318430868202 52.94821589011676, 7.253318430868202 52.94841886507492))",34552_3_13,3,13,140.66666666666666 +"POLYGON ((7.254473407662068 52.95024559683922, 7.255628384455938 52.95024559683922, 7.255628384455938 52.95004263045286, 7.254473407662068 52.95004263045286, 7.254473407662068 52.95024559683922))",34552_4_4,4,4,158.0 +"POLYGON ((7.254473407662068 52.94983966311409, 7.255628384455938 52.94983966311409, 7.255628384455938 52.94963669482289, 7.254473407662068 52.94963669482289, 7.254473407662068 52.94983966311409))",34552_4_6,4,6,171.98559999999998 +"POLYGON ((7.254473407662068 52.94943372557929, 7.255628384455938 52.94943372557929, 7.255628384455938 52.94923075538326, 7.254473407662068 52.94923075538326, 7.254473407662068 52.94943372557929))",34552_4_8,4,8,136.00000033333333 +"POLYGON ((7.254473407662068 52.9476069595277, 7.255628384455938 52.9476069595277, 7.255628384455938 52.94740398075982, 7.254473407662068 52.94740398075982, 7.254473407662068 52.9476069595277))",34552_4_17,4,17,111.9470815 +"POLYGON ((7.255628384455938 52.95024559683922, 7.256783361249805 52.95024559683922, 7.256783361249805 52.95004263045286, 7.255628384455938 52.95004263045286, 7.255628384455938 52.95024559683922))",34552_5_4,5,4,150.5 +"POLYGON ((7.255628384455938 52.94983966311409, 7.256783361249805 52.94983966311409, 7.256783361249805 52.94963669482289, 7.255628384455938 52.94963669482289, 7.255628384455938 52.94983966311409))",34552_5_6,5,6,207.5 +"POLYGON ((7.255628384455938 52.94923075538326, 7.256783361249805 52.94923075538326, 7.256783361249805 52.94902778423481, 7.255628384455938 52.94902778423481, 7.255628384455938 52.94923075538326))",34552_5_9,5,9,184.194786 +"POLYGON ((7.255628384455938 52.94902778423481, 7.256783361249805 52.94902778423481, 7.256783361249805 52.94882481213394, 7.255628384455938 52.94882481213394, 7.255628384455938 52.94902778423481))",34552_5_10,5,10,140.33333366666668 +"POLYGON ((7.255628384455938 52.94882481213394, 7.256783361249805 52.94882481213394, 7.256783361249805 52.94862183908064, 7.255628384455938 52.94862183908064, 7.255628384455938 52.94882481213394))",34552_5_11,5,11,133.15465333333333 +"POLYGON ((7.255628384455938 52.94841886507492, 7.256783361249805 52.94841886507492, 7.256783361249805 52.94821589011676, 7.255628384455938 52.94821589011676, 7.255628384455938 52.94841886507492))",34552_5_13,5,13,131.57142714285715 +"POLYGON ((7.255628384455938 52.94821589011676, 7.256783361249805 52.94821589011676, 7.256783361249805 52.94801291420618, 7.255628384455938 52.94801291420618, 7.255628384455938 52.94821589011676))",34552_5_14,5,14,162.33333266666668 +"POLYGON ((7.255628384455938 52.94801291420618, 7.256783361249805 52.94801291420618, 7.256783361249805 52.94780993734316, 7.255628384455938 52.94780993734316, 7.255628384455938 52.94801291420618))",34552_5_15,5,15,142.5 +"POLYGON ((7.255628384455938 52.9472010010395, 7.256783361249805 52.9472010010395, 7.256783361249805 52.94699802036673, 7.255628384455938 52.94699802036673, 7.255628384455938 52.9472010010395))",34552_5_19,5,19,139.66666566666666 +"POLYGON ((7.255628384455938 52.94679503874151, 7.256783361249805 52.94679503874151, 7.256783361249805 52.94659205616387, 7.255628384455938 52.94659205616387, 7.255628384455938 52.94679503874151))",34552_5_21,5,21,120.000001 +"POLYGON ((7.255628384455938 52.94659205616387, 7.256783361249805 52.94659205616387, 7.256783361249805 52.94638907263376, 7.255628384455938 52.94638907263376, 7.255628384455938 52.94659205616387))",34552_5_22,5,22,132.31047 +"POLYGON ((7.256783361249805 52.94902778423481, 7.257938338043674 52.94902778423481, 7.257938338043674 52.94882481213394, 7.256783361249805 52.94882481213394, 7.256783361249805 52.94902778423481))",34552_6_10,6,10,122.835639 +"POLYGON ((7.256783361249805 52.94882481213394, 7.257938338043674 52.94882481213394, 7.257938338043674 52.94862183908064, 7.256783361249805 52.94862183908064, 7.256783361249805 52.94882481213394))",34552_6_11,6,11,124.33333333333333 +"POLYGON ((7.256783361249805 52.94862183908064, 7.257938338043674 52.94862183908064, 7.257938338043674 52.94841886507492, 7.256783361249805 52.94841886507492, 7.256783361249805 52.94862183908064))",34552_6_12,6,12,127.22710574999999 +"POLYGON ((7.256783361249805 52.94841886507492, 7.257938338043674 52.94841886507492, 7.257938338043674 52.94821589011676, 7.256783361249805 52.94821589011676, 7.256783361249805 52.94841886507492))",34552_6_13,6,13,123.37742100000001 +"POLYGON ((7.256783361249805 52.94821589011676, 7.257938338043674 52.94821589011676, 7.257938338043674 52.94801291420618, 7.256783361249805 52.94801291420618, 7.256783361249805 52.94821589011676))",34552_6_14,6,14,169.5 +"POLYGON ((7.256783361249805 52.94780993734316, 7.257938338043674 52.94780993734316, 7.257938338043674 52.9476069595277, 7.256783361249805 52.9476069595277, 7.256783361249805 52.94780993734316))",34552_6_16,6,16,155.66666666666666 +"POLYGON ((7.256783361249805 52.9476069595277, 7.257938338043674 52.9476069595277, 7.257938338043674 52.94740398075982, 7.256783361249805 52.94740398075982, 7.256783361249805 52.9476069595277))",34552_6_17,6,17,119.25000175 +"POLYGON ((7.249853500486598 52.94341187143224, 7.251008477280466 52.94341187143224, 7.251008477280466 52.94320887298024, 7.249853500486598 52.94320887298024, 7.249853500486598 52.94341187143224))",34553_0_11,0,11,133.33333333333334 +"POLYGON ((7.249853500486598 52.9413818440504, 7.251008477280466 52.9413818440504, 7.251008477280466 52.94117883607353, 7.249853500486598 52.94117883607353, 7.249853500486598 52.9413818440504))",34553_0_21,0,21,134.33333266666668 +"POLYGON ((7.251008477280466 52.94402086107342, 7.252163454074334 52.94402086107342, 7.252163454074334 52.94381786547883, 7.251008477280466 52.94381786547883, 7.251008477280466 52.94402086107342))",34553_1_8,1,8,132.33333333333334 +"POLYGON ((7.252163454074334 52.94300587357575, 7.253318430868202 52.94300587357575, 7.253318430868202 52.94280287321878, 7.252163454074334 52.94280287321878, 7.252163454074334 52.94300587357575))",34553_2_13,2,13,187.5 +"POLYGON ((7.253318430868202 52.94422385571553, 7.254473407662068 52.94422385571553, 7.254473407662068 52.94402086107342, 7.253318430868202 52.94402086107342, 7.253318430868202 52.94422385571553))",34553_3_7,3,7,214.5 +"POLYGON ((7.253318430868202 52.94300587357575, 7.254473407662068 52.94300587357575, 7.254473407662068 52.94280287321878, 7.253318430868202 52.94280287321878, 7.253318430868202 52.94300587357575))",34553_3_13,3,13,136.0 +"POLYGON ((7.254473407662068 52.94483283392708, 7.255628384455938 52.94483283392708, 7.255628384455938 52.94462984214237, 7.254473407662068 52.94462984214237, 7.254473407662068 52.94483283392708))",34553_4_4,4,4,156.5 +"POLYGON ((7.254473407662068 52.94442684940518, 7.255628384455938 52.94442684940518, 7.255628384455938 52.94422385571553, 7.254473407662068 52.94422385571553, 7.254473407662068 52.94442684940518))",34553_4_6,4,6,173.0000025 +"POLYGON ((7.254473407662068 52.94402086107342, 7.255628384455938 52.94402086107342, 7.255628384455938 52.94381786547883, 7.254473407662068 52.94381786547883, 7.254473407662068 52.94402086107342))",34553_4_8,4,8,134.666667 +"POLYGON ((7.254473407662068 52.94219386643298, 7.255628384455938 52.94219386643298, 7.255628384455938 52.94199086226607, 7.254473407662068 52.94199086226607, 7.254473407662068 52.94219386643298))",34553_4_17,4,17,115.83870666666667 +"POLYGON ((7.255628384455938 52.94483283392708, 7.256783361249805 52.94483283392708, 7.256783361249805 52.94462984214237, 7.255628384455938 52.94462984214237, 7.255628384455938 52.94483283392708))",34553_5_4,5,4,151.33333333333334 +"POLYGON ((7.255628384455938 52.94442684940518, 7.256783361249805 52.94442684940518, 7.256783361249805 52.94422385571553, 7.255628384455938 52.94422385571553, 7.255628384455938 52.94442684940518))",34553_5_6,5,6,188.5 +"POLYGON ((7.255628384455938 52.94381786547883, 7.256783361249805 52.94381786547883, 7.256783361249805 52.94361486893178, 7.255628384455938 52.94361486893178, 7.255628384455938 52.94381786547883))",34553_5_9,5,9,171.88103700000002 +"POLYGON ((7.255628384455938 52.94361486893178, 7.256783361249805 52.94361486893178, 7.256783361249805 52.94341187143224, 7.255628384455938 52.94341187143224, 7.255628384455938 52.94361486893178))",34553_5_10,5,10,140.00000066666666 +"POLYGON ((7.255628384455938 52.94341187143224, 7.256783361249805 52.94341187143224, 7.256783361249805 52.94320887298024, 7.255628384455938 52.94320887298024, 7.255628384455938 52.94341187143224))",34553_5_11,5,11,131.56039133333334 +"POLYGON ((7.255628384455938 52.94300587357575, 7.256783361249805 52.94300587357575, 7.256783361249805 52.94280287321878, 7.255628384455938 52.94280287321878, 7.255628384455938 52.94300587357575))",34553_5_13,5,13,131.33333366666668 +"POLYGON ((7.255628384455938 52.94280287321878, 7.256783361249805 52.94280287321878, 7.256783361249805 52.94259987190934, 7.255628384455938 52.94259987190934, 7.255628384455938 52.94280287321878))",34553_5_14,5,14,154.4999975 +"POLYGON ((7.255628384455938 52.94259987190934, 7.256783361249805 52.94259987190934, 7.256783361249805 52.9423968696474, 7.255628384455938 52.9423968696474, 7.255628384455938 52.94259987190934))",34553_5_15,5,15,143.66666666666666 +"POLYGON ((7.255628384455938 52.94178785714668, 7.256783361249805 52.94178785714668, 7.256783361249805 52.94158485107479, 7.255628384455938 52.94158485107479, 7.255628384455938 52.94178785714668))",34553_5_19,5,19,141.0 +"POLYGON ((7.255628384455938 52.9413818440504, 7.256783361249805 52.9413818440504, 7.256783361249805 52.94117883607353, 7.255628384455938 52.94117883607353, 7.255628384455938 52.9413818440504))",34553_5_21,5,21,121.33333333333333 +"POLYGON ((7.255628384455938 52.94117883607353, 7.256783361249805 52.94117883607353, 7.256783361249805 52.94097582714416, 7.255628384455938 52.94097582714416, 7.255628384455938 52.94117883607353))",34553_5_22,5,22,132.333334 +"POLYGON ((7.256783361249805 52.94361486893178, 7.257938338043674 52.94361486893178, 7.257938338043674 52.94341187143224, 7.256783361249805 52.94341187143224, 7.256783361249805 52.94361486893178))",34553_6_10,6,10,124.4526545 +"POLYGON ((7.256783361249805 52.94341187143224, 7.257938338043674 52.94341187143224, 7.257938338043674 52.94320887298024, 7.256783361249805 52.94320887298024, 7.256783361249805 52.94341187143224))",34553_6_11,6,11,125.0 +"POLYGON ((7.256783361249805 52.94320887298024, 7.257938338043674 52.94320887298024, 7.257938338043674 52.94300587357575, 7.256783361249805 52.94300587357575, 7.256783361249805 52.94320887298024))",34553_6_12,6,12,113.78387925 +"POLYGON ((7.256783361249805 52.94300587357575, 7.257938338043674 52.94300587357575, 7.257938338043674 52.94280287321878, 7.256783361249805 52.94280287321878, 7.256783361249805 52.94300587357575))",34553_6_13,6,13,29.818081499999998 +"POLYGON ((7.256783361249805 52.94280287321878, 7.257938338043674 52.94280287321878, 7.257938338043674 52.94259987190934, 7.256783361249805 52.94259987190934, 7.256783361249805 52.94280287321878))",34553_6_14,6,14,164.5 +"POLYGON ((7.256783361249805 52.9423968696474, 7.257938338043674 52.9423968696474, 7.257938338043674 52.94219386643298, 7.256783361249805 52.94219386643298, 7.256783361249805 52.9423968696474))",34553_6_16,6,16,162.0 +"POLYGON ((7.256783361249805 52.94219386643298, 7.257938338043674 52.94219386643298, 7.257938338043674 52.94199086226607, 7.256783361249805 52.94199086226607, 7.256783361249805 52.94219386643298))",34553_6_17,6,17,118.75000075 +"POLYGON ((7.249853500486598 52.93799825341405, 7.251008477280466 52.93799825341405, 7.251008477280466 52.93779522956196, 7.249853500486598 52.93779522956196, 7.249853500486598 52.93799825341405))",34554_0_11,0,11,137.5 +"POLYGON ((7.249853500486598 52.93596797202913, 7.251008477280466 52.93596797202913, 7.251008477280466 52.93576493865167, 7.249853500486598 52.93576493865167, 7.249853500486598 52.93596797202913))",34554_0_21,0,21,134.333334 +"POLYGON ((7.251008477280466 52.93860731925515, 7.252163454074334 52.93860731925515, 7.252163454074334 52.93840429826064, 7.251008477280466 52.93840429826064, 7.251008477280466 52.93860731925515))",34554_1_8,1,8,142.66666666666666 +"POLYGON ((7.252163454074334 52.93759220475734, 7.253318430868202 52.93759220475734, 7.253318430868202 52.93738917900021, 7.252163454074334 52.93738917900021, 7.252163454074334 52.93759220475734))",34554_2_13,2,13,189.0 +"POLYGON ((7.253318430868202 52.93881033929713, 7.254473407662068 52.93881033929713, 7.254473407662068 52.93860731925515, 7.253318430868202 52.93860731925515, 7.253318430868202 52.93881033929713))",34554_3_7,3,7,226.0 +"POLYGON ((7.253318430868202 52.93759220475734, 7.254473407662068 52.93759220475734, 7.254473407662068 52.93738917900021, 7.253318430868202 52.93738917900021, 7.253318430868202 52.93759220475734))",34554_3_13,3,13,131.66666666666666 +"POLYGON ((7.254473407662068 52.93941939370799, 7.255628384455938 52.93941939370799, 7.255628384455938 52.93921637652356, 7.254473407662068 52.93921637652356, 7.254473407662068 52.93941939370799))",34554_4_4,4,4,160.66666666666666 +"POLYGON ((7.254473407662068 52.9390133583866, 7.255628384455938 52.9390133583866, 7.255628384455938 52.93881033929713, 7.254473407662068 52.93881033929713, 7.254473407662068 52.9390133583866))",34554_4_6,4,6,174.00000266666666 +"POLYGON ((7.254473407662068 52.93860731925515, 7.255628384455938 52.93860731925515, 7.255628384455938 52.93840429826064, 7.254473407662068 52.93840429826064, 7.254473407662068 52.93860731925515))",34554_4_8,4,8,137.58544 +"POLYGON ((7.254473407662068 52.93678009601356, 7.255628384455938 52.93678009601356, 7.255628384455938 52.93657706644625, 7.254473407662068 52.93657706644625, 7.254473407662068 52.93678009601356))",34554_4_17,4,17,118.25000125 +"POLYGON ((7.255628384455938 52.93941939370799, 7.256783361249805 52.93941939370799, 7.256783361249805 52.93921637652356, 7.255628384455938 52.93921637652356, 7.255628384455938 52.93941939370799))",34554_5_4,5,4,151.5 +"POLYGON ((7.255628384455938 52.9390133583866, 7.256783361249805 52.9390133583866, 7.256783361249805 52.93881033929713, 7.255628384455938 52.93881033929713, 7.255628384455938 52.9390133583866))",34554_5_6,5,6,172.0 +"POLYGON ((7.255628384455938 52.93840429826064, 7.256783361249805 52.93840429826064, 7.256783361249805 52.93820127631361, 7.255628384455938 52.93820127631361, 7.255628384455938 52.93840429826064))",34554_5_9,5,9,161.919534 +"POLYGON ((7.255628384455938 52.93820127631361, 7.256783361249805 52.93820127631361, 7.256783361249805 52.93799825341405, 7.255628384455938 52.93799825341405, 7.255628384455938 52.93820127631361))",34554_5_10,5,10,140.000004 +"POLYGON ((7.255628384455938 52.93799825341405, 7.256783361249805 52.93799825341405, 7.256783361249805 52.93779522956196, 7.255628384455938 52.93779522956196, 7.255628384455938 52.93799825341405))",34554_5_11,5,11,132.8399775 +"POLYGON ((7.255628384455938 52.93759220475734, 7.256783361249805 52.93759220475734, 7.256783361249805 52.93738917900021, 7.255628384455938 52.93738917900021, 7.255628384455938 52.93759220475734))",34554_5_13,5,13,131.28571457142857 +"POLYGON ((7.255628384455938 52.93738917900021, 7.256783361249805 52.93738917900021, 7.256783361249805 52.93718615229052, 7.255628384455938 52.93718615229052, 7.255628384455938 52.93738917900021))",34554_5_14,5,14,145.80168833333335 +"POLYGON ((7.255628384455938 52.93718615229052, 7.256783361249805 52.93718615229052, 7.256783361249805 52.93698312462831, 7.255628384455938 52.93698312462831, 7.255628384455938 52.93718615229052))",34554_5_15,5,15,138.0 +"POLYGON ((7.255628384455938 52.93596797202913, 7.256783361249805 52.93596797202913, 7.256783361249805 52.93576493865167, 7.255628384455938 52.93576493865167, 7.255628384455938 52.93596797202913))",34554_5_21,5,21,127.5106895 +"POLYGON ((7.255628384455938 52.93576493865167, 7.256783361249805 52.93576493865167, 7.256783361249805 52.93556190432165, 7.255628384455938 52.93556190432165, 7.255628384455938 52.93576493865167))",34554_5_22,5,22,131.49999725 +"POLYGON ((7.256783361249805 52.93820127631361, 7.257938338043674 52.93820127631361, 7.257938338043674 52.93799825341405, 7.256783361249805 52.93799825341405, 7.256783361249805 52.93820127631361))",34554_6_10,6,10,132.66666533333333 +"POLYGON ((7.256783361249805 52.93799825341405, 7.257938338043674 52.93799825341405, 7.257938338043674 52.93779522956196, 7.256783361249805 52.93779522956196, 7.256783361249805 52.93799825341405))",34554_6_11,6,11,128.33333333333334 +"POLYGON ((7.256783361249805 52.93779522956196, 7.257938338043674 52.93779522956196, 7.257938338043674 52.93759220475734, 7.256783361249805 52.93759220475734, 7.256783361249805 52.93779522956196))",34554_6_12,6,12,120.33333333333333 +"POLYGON ((7.256783361249805 52.93759220475734, 7.257938338043674 52.93759220475734, 7.257938338043674 52.93738917900021, 7.256783361249805 52.93738917900021, 7.256783361249805 52.93759220475734))",34554_6_13,6,13,83.9911618888889 +"POLYGON ((7.256783361249805 52.93738917900021, 7.257938338043674 52.93738917900021, 7.257938338043674 52.93718615229052, 7.256783361249805 52.93718615229052, 7.256783361249805 52.93738917900021))",34554_6_14,6,14,156.33333333333334 +"POLYGON ((7.256783361249805 52.93698312462831, 7.257938338043674 52.93698312462831, 7.257938338043674 52.93678009601356, 7.256783361249805 52.93678009601356, 7.256783361249805 52.93698312462831))",34554_6_16,6,16,166.0 +"POLYGON ((7.256783361249805 52.93678009601356, 7.257938338043674 52.93678009601356, 7.257938338043674 52.93657706644625, 7.256783361249805 52.93657706644625, 7.256783361249805 52.93678009601356))",34554_6_17,6,17,119.88917233333332 +"POLYGON ((7.249853500486598 52.93258395804295, 7.251008477280466 52.93258395804295, 7.251008477280466 52.93238090878941, 7.249853500486598 52.93238090878941, 7.249853500486598 52.93258395804295))",34555_0_11,0,11,149.33333333333334 +"POLYGON ((7.249853500486598 52.9305534226413, 7.251008477280466 52.9305534226413, 7.251008477280466 52.93035036386188, 7.249853500486598 52.93035036386188, 7.249853500486598 52.9305534226413))",34555_0_21,0,21,139.2500005 +"POLYGON ((7.251008477280466 52.93299005369226, 7.252163454074334 52.93299005369226, 7.252163454074334 52.93278700634389, 7.251008477280466 52.93278700634389, 7.251008477280466 52.93299005369226))",34555_1_9,1,9,142.66666666666666 +"POLYGON ((7.252163454074334 52.93217785858329, 7.253318430868202 52.93217785858329, 7.253318430868202 52.93197480742461, 7.252163454074334 52.93197480742461, 7.252163454074334 52.93217785858329))",34555_2_13,2,13,188.5 +"POLYGON ((7.253318430868202 52.93339614553128, 7.254473407662068 52.93339614553128, 7.254473407662068 52.93319310008805, 7.253318430868202 52.93319310008805, 7.253318430868202 52.93339614553128))",34555_3_7,3,7,221.0 +"POLYGON ((7.253318430868202 52.93217785858329, 7.254473407662068 52.93217785858329, 7.254473407662068 52.93197480742461, 7.253318430868202 52.93197480742461, 7.253318430868202 52.93217785858329))",34555_3_13,3,13,134.0 +"POLYGON ((7.254473407662068 52.93400527614555, 7.255628384455938 52.93400527614555, 7.255628384455938 52.93380223356002, 7.254473407662068 52.93380223356002, 7.254473407662068 52.93400527614555))",34555_4_4,4,4,156.66666666666666 +"POLYGON ((7.254473407662068 52.93359919002194, 7.255628384455938 52.93359919002194, 7.255628384455938 52.93339614553128, 7.254473407662068 52.93339614553128, 7.254473407662068 52.93359919002194))",34555_4_6,4,6,173.33333166666668 +"POLYGON ((7.254473407662068 52.93319310008805, 7.255628384455938 52.93319310008805, 7.255628384455938 52.93299005369226, 7.254473407662068 52.93299005369226, 7.254473407662068 52.93319310008805))",34555_4_8,4,8,138.499999 +"POLYGON ((7.254473407662068 52.93136564823302, 7.255628384455938 52.93136564823302, 7.255628384455938 52.93116259326398, 7.254473407662068 52.93116259326398, 7.254473407662068 52.93136564823302))",34555_4_17,4,17,119.500001 +"POLYGON ((7.255628384455938 52.93400527614555, 7.256783361249805 52.93400527614555, 7.256783361249805 52.93380223356002, 7.255628384455938 52.93380223356002, 7.255628384455938 52.93400527614555))",34555_5_4,5,4,148.66666666666666 +"POLYGON ((7.255628384455938 52.93359919002194, 7.256783361249805 52.93359919002194, 7.256783361249805 52.93339614553128, 7.255628384455938 52.93339614553128, 7.255628384455938 52.93359919002194))",34555_5_6,5,6,199.5 +"POLYGON ((7.255628384455938 52.93299005369226, 7.256783361249805 52.93299005369226, 7.256783361249805 52.93278700634389, 7.255628384455938 52.93278700634389, 7.255628384455938 52.93299005369226))",34555_5_9,5,9,158.70589066666665 +"POLYGON ((7.255628384455938 52.93258395804295, 7.256783361249805 52.93258395804295, 7.256783361249805 52.93238090878941, 7.255628384455938 52.93238090878941, 7.255628384455938 52.93258395804295))",34555_5_11,5,11,132.66666466666666 +"POLYGON ((7.255628384455938 52.93217785858329, 7.256783361249805 52.93217785858329, 7.256783361249805 52.93197480742461, 7.255628384455938 52.93197480742461, 7.255628384455938 52.93217785858329))",34555_5_13,5,13,130.3099245 +"POLYGON ((7.255628384455938 52.93197480742461, 7.256783361249805 52.93197480742461, 7.256783361249805 52.93177175531333, 7.255628384455938 52.93177175531333, 7.255628384455938 52.93197480742461))",34555_5_14,5,14,152.690475 +"POLYGON ((7.255628384455938 52.93177175531333, 7.256783361249805 52.93177175531333, 7.256783361249805 52.93156870224947, 7.255628384455938 52.93156870224947, 7.255628384455938 52.93177175531333))",34555_5_15,5,15,150.5 +"POLYGON ((7.255628384455938 52.93095953734235, 7.256783361249805 52.93095953734235, 7.256783361249805 52.93075648046812, 7.255628384455938 52.93075648046812, 7.255628384455938 52.93095953734235))",34555_5_19,5,19,145.000002 +"POLYGON ((7.255628384455938 52.9305534226413, 7.256783361249805 52.9305534226413, 7.256783361249805 52.93035036386188, 7.255628384455938 52.93035036386188, 7.255628384455938 52.9305534226413))",34555_5_21,5,21,128.000002 +"POLYGON ((7.255628384455938 52.93035036386188, 7.256783361249805 52.93035036386188, 7.256783361249805 52.93014730412985, 7.255628384455938 52.93014730412985, 7.255628384455938 52.93035036386188))",34555_5_22,5,22,131.65232733333335 +"POLYGON ((7.256783361249805 52.93278700634389, 7.257938338043674 52.93278700634389, 7.257938338043674 52.93258395804295, 7.256783361249805 52.93258395804295, 7.256783361249805 52.93278700634389))",34555_6_10,6,10,129.46969525 +"POLYGON ((7.256783361249805 52.93258395804295, 7.257938338043674 52.93258395804295, 7.257938338043674 52.93238090878941, 7.256783361249805 52.93238090878941, 7.256783361249805 52.93258395804295))",34555_6_11,6,11,128.33333333333334 +"POLYGON ((7.256783361249805 52.93238090878941, 7.257938338043674 52.93238090878941, 7.257938338043674 52.93217785858329, 7.256783361249805 52.93217785858329, 7.256783361249805 52.93238090878941))",34555_6_12,6,12,121.7500015 +"POLYGON ((7.256783361249805 52.93217785858329, 7.257938338043674 52.93217785858329, 7.257938338043674 52.93197480742461, 7.256783361249805 52.93197480742461, 7.256783361249805 52.93217785858329))",34555_6_13,6,13,118.176842 +"POLYGON ((7.256783361249805 52.93197480742461, 7.257938338043674 52.93197480742461, 7.257938338043674 52.93177175531333, 7.256783361249805 52.93177175531333, 7.256783361249805 52.93197480742461))",34555_6_14,6,14,172.0 +"POLYGON ((7.256783361249805 52.93156870224947, 7.257938338043674 52.93156870224947, 7.257938338043674 52.93136564823302, 7.256783361249805 52.93136564823302, 7.256783361249805 52.93156870224947))",34555_6_16,6,16,165.0 +"POLYGON ((7.256783361249805 52.93136564823302, 7.257938338043674 52.93136564823302, 7.257938338043674 52.93116259326398, 7.256783361249805 52.93116259326398, 7.256783361249805 52.93136564823302))",34555_6_17,6,17,121.69974125 +"POLYGON ((7.249853500486598 52.92716898528251, 7.251008477280466 52.92716898528251, 7.251008477280466 52.92696591062617, 7.249853500486598 52.92696591062617, 7.249853500486598 52.92716898528251))",34556_0_11,0,11,139.0 +"POLYGON ((7.249853500486598 52.9251381958505, 7.251008477280466 52.9251381958505, 7.251008477280466 52.92493511166776, 7.249853500486598 52.92493511166776, 7.249853500486598 52.9251381958505))",34556_0_21,0,21,139.16903066666666 +"POLYGON ((7.251008477280466 52.9275751317373, 7.252163454074334 52.9275751317373, 7.252163454074334 52.92737205898621, 7.251008477280466 52.92737205898621, 7.251008477280466 52.9275751317373))",34556_1_9,1,9,142.0 +"POLYGON ((7.252163454074334 52.92676283501721, 7.253318430868202 52.92676283501721, 7.253318430868202 52.9265597584556, 7.252163454074334 52.9265597584556, 7.252163454074334 52.92676283501721))",34556_2_13,2,13,187.0 +"POLYGON ((7.253318430868202 52.92798127438157, 7.254473407662068 52.92798127438157, 7.254473407662068 52.92777820353574, 7.253318430868202 52.92777820353574, 7.253318430868202 52.92798127438157))",34556_3_7,3,7,211.5 +"POLYGON ((7.253318430868202 52.92676283501721, 7.254473407662068 52.92676283501721, 7.254473407662068 52.9265597584556, 7.253318430868202 52.9265597584556, 7.253318430868202 52.92676283501721))",34556_3_13,3,13,130.66666666666666 +"POLYGON ((7.254473407662068 52.92859048120333, 7.255628384455938 52.92859048120333, 7.255628384455938 52.92838741321536, 7.254473407662068 52.92838741321536, 7.254473407662068 52.92859048120333))",34556_4_4,4,4,167.5 +"POLYGON ((7.254473407662068 52.92818434427479, 7.255628384455938 52.92818434427479, 7.255628384455938 52.92798127438157, 7.254473407662068 52.92798127438157, 7.254473407662068 52.92818434427479))",34556_4_6,4,6,173.9999985 +"POLYGON ((7.254473407662068 52.92777820353574, 7.255628384455938 52.92777820353574, 7.255628384455938 52.9275751317373, 7.254473407662068 52.9275751317373, 7.254473407662068 52.92777820353574))",34556_4_8,4,8,135.66666933333332 +"POLYGON ((7.254473407662068 52.92595052305499, 7.255628384455938 52.92595052305499, 7.255628384455938 52.92574744268283, 7.254473407662068 52.92574744268283, 7.254473407662068 52.92595052305499))",34556_4_17,4,17,119.33333333333333 +"POLYGON ((7.255628384455938 52.92859048120333, 7.256783361249805 52.92859048120333, 7.256783361249805 52.92838741321536, 7.255628384455938 52.92838741321536, 7.255628384455938 52.92859048120333))",34556_5_4,5,4,150.0 +"POLYGON ((7.255628384455938 52.92818434427479, 7.256783361249805 52.92818434427479, 7.256783361249805 52.92798127438157, 7.255628384455938 52.92798127438157, 7.255628384455938 52.92818434427479))",34556_5_6,5,6,213.5 +"POLYGON ((7.255628384455938 52.9275751317373, 7.256783361249805 52.9275751317373, 7.256783361249805 52.92737205898621, 7.255628384455938 52.92737205898621, 7.255628384455938 52.9275751317373))",34556_5_9,5,9,166.07719466666666 +"POLYGON ((7.255628384455938 52.92716898528251, 7.256783361249805 52.92716898528251, 7.256783361249805 52.92696591062617, 7.255628384455938 52.92696591062617, 7.255628384455938 52.92716898528251))",34556_5_11,5,11,133.00000033333333 +"POLYGON ((7.255628384455938 52.92676283501721, 7.256783361249805 52.92676283501721, 7.256783361249805 52.9265597584556, 7.255628384455938 52.9265597584556, 7.255628384455938 52.92676283501721))",34556_5_13,5,13,119.83952742857143 +"POLYGON ((7.255628384455938 52.9265597584556, 7.256783361249805 52.9265597584556, 7.256783361249805 52.92635668094137, 7.255628384455938 52.92635668094137, 7.255628384455938 52.9265597584556))",34556_5_14,5,14,141.00000125 +"POLYGON ((7.255628384455938 52.92635668094137, 7.256783361249805 52.92635668094137, 7.256783361249805 52.9261536024745, 7.255628384455938 52.9261536024745, 7.255628384455938 52.92635668094137))",34556_5_15,5,15,165.0 +"POLYGON ((7.255628384455938 52.92554436135802, 7.256783361249805 52.92554436135802, 7.256783361249805 52.92534127908058, 7.255628384455938 52.92534127908058, 7.255628384455938 52.92554436135802))",34556_5_19,5,19,145.666668 +"POLYGON ((7.255628384455938 52.9251381958505, 7.256783361249805 52.9251381958505, 7.256783361249805 52.92493511166776, 7.255628384455938 52.92493511166776, 7.255628384455938 52.9251381958505))",34556_5_21,5,21,128.43840675 +"POLYGON ((7.255628384455938 52.92493511166776, 7.256783361249805 52.92493511166776, 7.256783361249805 52.92473202653237, 7.255628384455938 52.92473202653237, 7.255628384455938 52.92493511166776))",34556_5_22,5,22,128.60422175 +"POLYGON ((7.256783361249805 52.92737205898621, 7.257938338043674 52.92737205898621, 7.257938338043674 52.92716898528251, 7.256783361249805 52.92716898528251, 7.256783361249805 52.92737205898621))",34556_6_10,6,10,119.969095 +"POLYGON ((7.256783361249805 52.92716898528251, 7.257938338043674 52.92716898528251, 7.257938338043674 52.92696591062617, 7.256783361249805 52.92696591062617, 7.256783361249805 52.92716898528251))",34556_6_11,6,11,133.0 +"POLYGON ((7.256783361249805 52.92696591062617, 7.257938338043674 52.92696591062617, 7.257938338043674 52.92676283501721, 7.256783361249805 52.92676283501721, 7.256783361249805 52.92696591062617))",34556_6_12,6,12,121.25000025 +"POLYGON ((7.256783361249805 52.92676283501721, 7.257938338043674 52.92676283501721, 7.257938338043674 52.9265597584556, 7.256783361249805 52.9265597584556, 7.256783361249805 52.92676283501721))",34556_6_13,6,13,126.32369583333333 +"POLYGON ((7.256783361249805 52.9265597584556, 7.257938338043674 52.9265597584556, 7.257938338043674 52.92635668094137, 7.256783361249805 52.92635668094137, 7.256783361249805 52.9265597584556))",34556_6_14,6,14,182.5 +"POLYGON ((7.256783361249805 52.9261536024745, 7.257938338043674 52.9261536024745, 7.257938338043674 52.92595052305499, 7.256783361249805 52.92595052305499, 7.256783361249805 52.9261536024745))",34556_6_16,6,16,165.33333333333334 +"POLYGON ((7.256783361249805 52.92595052305499, 7.257938338043674 52.92595052305499, 7.257938338043674 52.92574744268283, 7.256783361249805 52.92574744268283, 7.256783361249805 52.92595052305499))",34556_6_17,6,17,124.63711566666667 +"POLYGON ((7.249853500486598 52.92175333509639, 7.251008477280466 52.92175333509639, 7.251008477280466 52.92155023503589, 7.249853500486598 52.92155023503589, 7.249853500486598 52.92175333509639))",34557_0_11,0,11,146.0 +"POLYGON ((7.249853500486598 52.91972229162037, 7.251008477280466 52.91972229162037, 7.251008477280466 52.91951918203294, 7.249853500486598 52.91951918203294, 7.249853500486598 52.91972229162037))",34557_0_21,0,21,136.66666666666666 +"POLYGON ((7.251008477280466 52.92215953235937, 7.252163454074334 52.92215953235937, 7.252163454074334 52.92195643420422, 7.251008477280466 52.92195643420422, 7.251008477280466 52.92215953235937))",34557_1_9,1,9,142.0 +"POLYGON ((7.252163454074334 52.9213471340227, 7.253318430868202 52.9213471340227, 7.253318430868202 52.92114403205682, 7.252163454074334 52.92114403205682, 7.252163454074334 52.9213471340227))",34557_2_13,2,13,187.5 +"POLYGON ((7.253318430868202 52.92256572581162, 7.254473407662068 52.92256572581162, 7.254473407662068 52.92236262956184, 7.253318430868202 52.92236262956184, 7.253318430868202 52.92256572581162))",34557_3_7,3,7,206.0 +"POLYGON ((7.253318430868202 52.9213471340227, 7.254473407662068 52.9213471340227, 7.254473407662068 52.92114403205682, 7.253318430868202 52.92114403205682, 7.253318430868202 52.9213471340227))",34557_3_13,3,13,126.66666666666667 +"POLYGON ((7.254473407662068 52.92317500884499, 7.255628384455938 52.92317500884499, 7.255628384455938 52.9229719154532, 7.254473407662068 52.9229719154532, 7.254473407662068 52.92317500884499))",34557_4_4,4,4,197.5 +"POLYGON ((7.254473407662068 52.92276882110875, 7.255628384455938 52.92276882110875, 7.255628384455938 52.92256572581162, 7.254473407662068 52.92256572581162, 7.254473407662068 52.92276882110875))",34557_4_6,4,6,173.33333066666668 +"POLYGON ((7.254473407662068 52.92236262956184, 7.255628384455938 52.92236262956184, 7.255628384455938 52.92215953235937, 7.254473407662068 52.92215953235937, 7.254473407662068 52.92236262956184))",34557_4_8,4,8,136.33333366666668 +"POLYGON ((7.254473407662068 52.92053472044307, 7.255628384455938 52.92053472044307, 7.255628384455938 52.92033161466644, 7.254473407662068 52.92033161466644, 7.254473407662068 52.92053472044307))",34557_4_17,4,17,120.0000005 +"POLYGON ((7.255628384455938 52.92317500884499, 7.256783361249805 52.92317500884499, 7.256783361249805 52.9229719154532, 7.255628384455938 52.9229719154532, 7.255628384455938 52.92317500884499))",34557_5_4,5,4,149.0 +"POLYGON ((7.255628384455938 52.92276882110875, 7.256783361249805 52.92276882110875, 7.256783361249805 52.92256572581162, 7.255628384455938 52.92256572581162, 7.255628384455938 52.92276882110875))",34557_5_6,5,6,199.0 +"POLYGON ((7.255628384455938 52.92215953235937, 7.256783361249805 52.92215953235937, 7.256783361249805 52.92195643420422, 7.255628384455938 52.92195643420422, 7.255628384455938 52.92215953235937))",34557_5_9,5,9,169.22654699999998 +"POLYGON ((7.255628384455938 52.92175333509639, 7.256783361249805 52.92175333509639, 7.256783361249805 52.92155023503589, 7.255628384455938 52.92155023503589, 7.255628384455938 52.92175333509639))",34557_5_11,5,11,132.25000075 +"POLYGON ((7.255628384455938 52.9213471340227, 7.256783361249805 52.9213471340227, 7.256783361249805 52.92114403205682, 7.255628384455938 52.92114403205682, 7.255628384455938 52.9213471340227))",34557_5_13,5,13,120.83346057142856 +"POLYGON ((7.255628384455938 52.92114403205682, 7.256783361249805 52.92114403205682, 7.256783361249805 52.92094092913827, 7.255628384455938 52.92094092913827, 7.255628384455938 52.92114403205682))",34557_5_14,5,14,149.308942 +"POLYGON ((7.255628384455938 52.92094092913827, 7.256783361249805 52.92094092913827, 7.256783361249805 52.92073782526701, 7.255628384455938 52.92073782526701, 7.255628384455938 52.92094092913827))",34557_5_15,5,15,154.66666666666666 +"POLYGON ((7.255628384455938 52.92012850793711, 7.256783361249805 52.92012850793711, 7.256783361249805 52.9199254002551, 7.255628384455938 52.9199254002551, 7.255628384455938 52.92012850793711))",34557_5_19,5,19,146.33333266666668 +"POLYGON ((7.255628384455938 52.91972229162037, 7.256783361249805 52.91972229162037, 7.256783361249805 52.91951918203294, 7.255628384455938 52.91951918203294, 7.255628384455938 52.91972229162037))",34557_5_21,5,21,136.666668 +"POLYGON ((7.255628384455938 52.91951918203294, 7.256783361249805 52.91951918203294, 7.256783361249805 52.91931607149282, 7.255628384455938 52.91931607149282, 7.255628384455938 52.91951918203294))",34557_5_22,5,22,127.13298200000001 +"POLYGON ((7.256783361249805 52.92195643420422, 7.257938338043674 52.92195643420422, 7.257938338043674 52.92175333509639, 7.256783361249805 52.92175333509639, 7.256783361249805 52.92195643420422))",34557_6_10,6,10,118.00000025 +"POLYGON ((7.256783361249805 52.92175333509639, 7.257938338043674 52.92175333509639, 7.257938338043674 52.92155023503589, 7.256783361249805 52.92155023503589, 7.256783361249805 52.92175333509639))",34557_6_11,6,11,135.0 +"POLYGON ((7.256783361249805 52.92155023503589, 7.257938338043674 52.92155023503589, 7.257938338043674 52.9213471340227, 7.256783361249805 52.9213471340227, 7.256783361249805 52.92155023503589))",34557_6_12,6,12,121.90696600000001 +"POLYGON ((7.256783361249805 52.9213471340227, 7.257938338043674 52.9213471340227, 7.257938338043674 52.92114403205682, 7.256783361249805 52.92114403205682, 7.256783361249805 52.9213471340227))",34557_6_13,6,13,128.250000625 +"POLYGON ((7.256783361249805 52.92114403205682, 7.257938338043674 52.92114403205682, 7.257938338043674 52.92094092913827, 7.256783361249805 52.92094092913827, 7.256783361249805 52.92114403205682))",34557_6_14,6,14,181.0 +"POLYGON ((7.256783361249805 52.92073782526701, 7.257938338043674 52.92073782526701, 7.257938338043674 52.92053472044307, 7.256783361249805 52.92053472044307, 7.256783361249805 52.92073782526701))",34557_6_16,6,16,160.0 +"POLYGON ((7.256783361249805 52.92053472044307, 7.257938338043674 52.92053472044307, 7.257938338043674 52.92033161466644, 7.256783361249805 52.92033161466644, 7.256783361249805 52.92053472044307))",34557_6_17,6,17,121.74999975 +"POLYGON ((7.249853500486598 52.91633700744823, 7.251008477280466 52.91633700744823, 7.251008477280466 52.91613388198218, 7.249853500486598 52.91613388198218, 7.249853500486598 52.91633700744823))",34558_0_11,0,11,157.0 +"POLYGON ((7.249853500486598 52.91430570991457, 7.251008477280466 52.91430570991457, 7.251008477280466 52.9141025749211, 7.249853500486598 52.9141025749211, 7.249853500486598 52.91430570991457))",34558_0_21,0,21,136.99999966666667 +"POLYGON ((7.251008477280466 52.91674325552212, 7.252163454074334 52.91674325552212, 7.252163454074334 52.91654013196154, 7.251008477280466 52.91654013196154, 7.251008477280466 52.91674325552212))",34558_1_9,1,9,137.5 +"POLYGON ((7.252163454074334 52.91593075556342, 7.253318430868202 52.91593075556342, 7.253318430868202 52.9157276281919, 7.252163454074334 52.9157276281919, 7.252163454074334 52.91593075556342))",34558_2_13,2,13,186.5 +"POLYGON ((7.253318430868202 52.91714949978509, 7.254473407662068 52.91714949978509, 7.254473407662068 52.91694637812996, 7.253318430868202 52.91694637812996, 7.253318430868202 52.91714949978509))",34558_3_7,3,7,225.0 +"POLYGON ((7.253318430868202 52.91593075556342, 7.254473407662068 52.91593075556342, 7.254473407662068 52.9157276281919, 7.253318430868202 52.9157276281919, 7.253318430868202 52.91593075556342))",34558_3_13,3,13,127.66666666666667 +"POLYGON ((7.254473407662068 52.91775885903412, 7.255628384455938 52.91775885903412, 7.255628384455938 52.91755574023717, 7.254473407662068 52.91755574023717, 7.254473407662068 52.91775885903412))",34558_4_4,4,4,202.5 +"POLYGON ((7.254473407662068 52.91735262048748, 7.255628384455938 52.91735262048748, 7.255628384455938 52.91714949978509, 7.254473407662068 52.91714949978509, 7.254473407662068 52.91735262048748))",34558_4_6,4,6,171.4999975 +"POLYGON ((7.254473407662068 52.91694637812996, 7.255628384455938 52.91694637812996, 7.255628384455938 52.91674325552212, 7.254473407662068 52.91674325552212, 7.254473407662068 52.91694637812996))",34558_4_8,4,8,136.60269366666668 +"POLYGON ((7.254473407662068 52.91511824036093, 7.255628384455938 52.91511824036093, 7.255628384455938 52.91491510917847, 7.254473407662068 52.91491510917847, 7.254473407662068 52.91511824036093))",34558_4_17,4,17,117.297729 +"POLYGON ((7.255628384455938 52.91775885903412, 7.256783361249805 52.91775885903412, 7.256783361249805 52.91755574023717, 7.255628384455938 52.91755574023717, 7.255628384455938 52.91775885903412))",34558_5_4,5,4,154.0 +"POLYGON ((7.255628384455938 52.91735262048748, 7.256783361249805 52.91735262048748, 7.256783361249805 52.91714949978509, 7.255628384455938 52.91714949978509, 7.255628384455938 52.91735262048748))",34558_5_6,5,6,188.5 +"POLYGON ((7.255628384455938 52.91674325552212, 7.256783361249805 52.91674325552212, 7.256783361249805 52.91654013196154, 7.255628384455938 52.91654013196154, 7.255628384455938 52.91674325552212))",34558_5_9,5,9,174.9869676666667 +"POLYGON ((7.255628384455938 52.91633700744823, 7.256783361249805 52.91633700744823, 7.256783361249805 52.91613388198218, 7.255628384455938 52.91613388198218, 7.255628384455938 52.91633700744823))",34558_5_11,5,11,132.408735 +"POLYGON ((7.255628384455938 52.91593075556342, 7.256783361249805 52.91593075556342, 7.256783361249805 52.9157276281919, 7.255628384455938 52.9157276281919, 7.255628384455938 52.91593075556342))",34558_5_13,5,13,127.16666666666667 +"POLYGON ((7.255628384455938 52.9157276281919, 7.256783361249805 52.9157276281919, 7.256783361249805 52.91552449986766, 7.255628384455938 52.91552449986766, 7.255628384455938 52.9157276281919))",34558_5_14,5,14,147.00000066666666 +"POLYGON ((7.255628384455938 52.91552449986766, 7.256783361249805 52.91552449986766, 7.256783361249805 52.91532137059067, 7.255628384455938 52.91532137059067, 7.255628384455938 52.91552449986766))",34558_5_15,5,15,125.0 +"POLYGON ((7.255628384455938 52.91471197704325, 7.256783361249805 52.91471197704325, 7.256783361249805 52.91450884395528, 7.255628384455938 52.91450884395528, 7.255628384455938 52.91471197704325))",34558_5_19,5,19,144.00000133333333 +"POLYGON ((7.255628384455938 52.91430570991457, 7.256783361249805 52.91430570991457, 7.256783361249805 52.9141025749211, 7.255628384455938 52.9141025749211, 7.255628384455938 52.91430570991457))",34558_5_21,5,21,139.66666866666665 +"POLYGON ((7.255628384455938 52.9141025749211, 7.256783361249805 52.9141025749211, 7.256783361249805 52.91389943897488, 7.255628384455938 52.91389943897488, 7.255628384455938 52.9141025749211))",34558_5_22,5,22,123.67385949999999 +"POLYGON ((7.256783361249805 52.91654013196154, 7.257938338043674 52.91654013196154, 7.257938338043674 52.91633700744823, 7.256783361249805 52.91633700744823, 7.256783361249805 52.91654013196154))",34558_6_10,6,10,121.103149 +"POLYGON ((7.256783361249805 52.91633700744823, 7.257938338043674 52.91633700744823, 7.257938338043674 52.91613388198218, 7.256783361249805 52.91613388198218, 7.256783361249805 52.91633700744823))",34558_6_11,6,11,126.0 +"POLYGON ((7.256783361249805 52.91613388198218, 7.257938338043674 52.91613388198218, 7.257938338043674 52.91593075556342, 7.256783361249805 52.91593075556342, 7.256783361249805 52.91613388198218))",34558_6_12,6,12,123.50000299999999 +"POLYGON ((7.256783361249805 52.91593075556342, 7.257938338043674 52.91593075556342, 7.257938338043674 52.9157276281919, 7.256783361249805 52.9157276281919, 7.256783361249805 52.91593075556342))",34558_6_13,6,13,127.32557757142857 +"POLYGON ((7.256783361249805 52.9157276281919, 7.257938338043674 52.9157276281919, 7.257938338043674 52.91552449986766, 7.256783361249805 52.91552449986766, 7.256783361249805 52.9157276281919))",34558_6_14,6,14,180.0 +"POLYGON ((7.256783361249805 52.91532137059067, 7.257938338043674 52.91532137059067, 7.257938338043674 52.91511824036093, 7.256783361249805 52.91511824036093, 7.256783361249805 52.91532137059067))",34558_6_16,6,16,154.66666666666666 +"POLYGON ((7.256783361249805 52.91511824036093, 7.257938338043674 52.91511824036093, 7.257938338043674 52.91491510917847, 7.256783361249805 52.91491510917847, 7.256783361249805 52.91511824036093))",34558_6_17,6,17,116.25 +"POLYGON ((7.249853500486598 52.91092000230167, 7.251008477280466 52.91092000230167, 7.251008477280466 52.91071685142875, 7.249853500486598 52.91071685142875, 7.249853500486598 52.91092000230167))",34559_0_11,0,11,160.5 +"POLYGON ((7.249853500486598 52.90888845069675, 7.251008477280466 52.90888845069675, 7.251008477280466 52.90868529029589, 7.249853500486598 52.90868529029589, 7.249853500486598 52.90888845069675))",34559_0_21,0,21,136.2834665 +"POLYGON ((7.251008477280466 52.9113263011892, 7.252163454074334 52.9113263011892, 7.252163454074334 52.91112315222183, 7.251008477280466 52.91112315222183, 7.251008477280466 52.9113263011892))",34559_1_9,1,9,134.66666666666666 +"POLYGON ((7.252163454074334 52.91051369960302, 7.253318430868202 52.91051369960302, 7.253318430868202 52.91031054682451, 7.252163454074334 52.91031054682451, 7.252163454074334 52.91051369960302))",34559_2_13,2,13,184.0 +"POLYGON ((7.253318430868202 52.91173259626562, 7.254473407662068 52.91173259626562, 7.254473407662068 52.9115294492038, 7.253318430868202 52.9115294492038, 7.253318430868202 52.91173259626562))",34559_3_7,3,7,227.5 +"POLYGON ((7.253318430868202 52.91051369960302, 7.254473407662068 52.91051369960302, 7.254473407662068 52.91031054682451, 7.253318430868202 52.91031054682451, 7.253318430868202 52.91051369960302))",34559_3_13,3,13,129.66666666666666 +"POLYGON ((7.254473407662068 52.9123420317344, 7.255628384455938 52.9123420317344, 7.255628384455938 52.91213888753092, 7.254473407662068 52.91213888753092, 7.254473407662068 52.9123420317344))",34559_4_4,4,4,198.0 +"POLYGON ((7.254473407662068 52.91193574237465, 7.255628384455938 52.91193574237465, 7.255628384455938 52.91173259626562, 7.254473407662068 52.91173259626562, 7.254473407662068 52.91193574237465))",34559_4_6,4,6,166.586603 +"POLYGON ((7.254473407662068 52.9115294492038, 7.255628384455938 52.9115294492038, 7.255628384455938 52.9113263011892, 7.254473407662068 52.9113263011892, 7.254473407662068 52.9115294492038))",34559_4_8,4,8,136.000002 +"POLYGON ((7.254473407662068 52.90970108277225, 7.255628384455938 52.90970108277225, 7.255628384455938 52.90949792618257, 7.254473407662068 52.90949792618257, 7.254473407662068 52.90970108277225))",34559_4_17,4,17,122.24999975 +"POLYGON ((7.255628384455938 52.9123420317344, 7.256783361249805 52.9123420317344, 7.256783361249805 52.91213888753092, 7.255628384455938 52.91213888753092, 7.255628384455938 52.9123420317344))",34559_5_4,5,4,155.66666666666666 +"POLYGON ((7.255628384455938 52.91193574237465, 7.256783361249805 52.91193574237465, 7.256783361249805 52.91173259626562, 7.255628384455938 52.91173259626562, 7.255628384455938 52.91193574237465))",34559_5_6,5,6,188.5 +"POLYGON ((7.255628384455938 52.9113263011892, 7.256783361249805 52.9113263011892, 7.256783361249805 52.91112315222183, 7.255628384455938 52.91112315222183, 7.255628384455938 52.9113263011892))",34559_5_9,5,9,174.35899899999998 +"POLYGON ((7.255628384455938 52.91092000230167, 7.256783361249805 52.91092000230167, 7.256783361249805 52.91071685142875, 7.255628384455938 52.91071685142875, 7.255628384455938 52.91092000230167))",34559_5_11,5,11,133.4551995 +"POLYGON ((7.255628384455938 52.91051369960302, 7.256783361249805 52.91051369960302, 7.256783361249805 52.91031054682451, 7.255628384455938 52.91031054682451, 7.255628384455938 52.91051369960302))",34559_5_13,5,13,124.33333333333333 +"POLYGON ((7.255628384455938 52.91031054682451, 7.256783361249805 52.91031054682451, 7.256783361249805 52.91010739309321, 7.255628384455938 52.91010739309321, 7.255628384455938 52.91031054682451))",34559_5_14,5,14,134.33333366666668 +"POLYGON ((7.255628384455938 52.91010739309321, 7.256783361249805 52.91010739309321, 7.256783361249805 52.90990423840913, 7.255628384455938 52.90990423840913, 7.255628384455938 52.91010739309321))",34559_5_15,5,15,162.33333333333334 +"POLYGON ((7.255628384455938 52.90929476864009, 7.256783361249805 52.90929476864009, 7.256783361249805 52.90909161014483, 7.255628384455938 52.90909161014483, 7.255628384455938 52.90929476864009))",34559_5_19,5,19,141.00000033333333 +"POLYGON ((7.255628384455938 52.90888845069675, 7.256783361249805 52.90888845069675, 7.256783361249805 52.90868529029589, 7.255628384455938 52.90868529029589, 7.255628384455938 52.90888845069675))",34559_5_21,5,21,136.66666733333332 +"POLYGON ((7.255628384455938 52.90868529029589, 7.256783361249805 52.90868529029589, 7.256783361249805 52.9084821289422, 7.255628384455938 52.9084821289422, 7.255628384455938 52.90868529029589))",34559_5_22,5,22,131.880668 +"POLYGON ((7.256783361249805 52.91112315222183, 7.257938338043674 52.91112315222183, 7.257938338043674 52.91092000230167, 7.256783361249805 52.91092000230167, 7.256783361249805 52.91112315222183))",34559_6_10,6,10,124.7546575 +"POLYGON ((7.256783361249805 52.91092000230167, 7.257938338043674 52.91092000230167, 7.257938338043674 52.91071685142875, 7.256783361249805 52.91071685142875, 7.256783361249805 52.91092000230167))",34559_6_11,6,11,127.25 +"POLYGON ((7.256783361249805 52.91071685142875, 7.257938338043674 52.91071685142875, 7.257938338043674 52.91051369960302, 7.256783361249805 52.91051369960302, 7.256783361249805 52.91071685142875))",34559_6_12,6,12,122.60925300000001 +"POLYGON ((7.256783361249805 52.91051369960302, 7.257938338043674 52.91051369960302, 7.257938338043674 52.91031054682451, 7.256783361249805 52.91031054682451, 7.256783361249805 52.91051369960302))",34559_6_13,6,13,129.16666666666666 +"POLYGON ((7.256783361249805 52.91031054682451, 7.257938338043674 52.91031054682451, 7.257938338043674 52.91010739309321, 7.256783361249805 52.91010739309321, 7.256783361249805 52.91031054682451))",34559_6_14,6,14,180.66666666666666 +"POLYGON ((7.256783361249805 52.90990423840913, 7.257938338043674 52.90990423840913, 7.257938338043674 52.90970108277225, 7.256783361249805 52.90970108277225, 7.256783361249805 52.90990423840913))",34559_6_16,6,16,153.5 +"POLYGON ((7.256783361249805 52.90970108277225, 7.257938338043674 52.90970108277225, 7.257938338043674 52.90949792618257, 7.256783361249805 52.90949792618257, 7.256783361249805 52.90970108277225))",34559_6_17,6,17,119.490336 +"POLYGON ((7.249853500486598 52.90550231962042, 7.251008477280466 52.90550231962042, 7.251008477280466 52.90529914333924, 7.249853500486598 52.90529914333924, 7.249853500486598 52.90550231962042))",34560_0_11,0,11,162.0 +"POLYGON ((7.249853500486598 52.90347051393063, 7.251008477280466 52.90347051393063, 7.251008477280466 52.90326732812099, 7.249853500486598 52.90326732812099, 7.249853500486598 52.90347051393063))",34560_0_21,0,21,134.999996 +"POLYGON ((7.251008477280466 52.90590866932431, 7.252163454074334 52.90590866932431, 7.252163454074334 52.90570549494878, 7.251008477280466 52.90570549494878, 7.251008477280466 52.90590866932431))",34560_1_9,1,9,133.5 +"POLYGON ((7.252163454074334 52.9050959661052, 7.253318430868202 52.9050959661052, 7.253318430868202 52.90489278791834, 7.252163454074334 52.90489278791834, 7.252163454074334 52.9050959661052))",34560_2_13,2,13,174.0 +"POLYGON ((7.253318430868202 52.9050959661052, 7.254473407662068 52.9050959661052, 7.254473407662068 52.90489278791834, 7.253318430868202 52.90489278791834, 7.253318430868202 52.9050959661052))",34560_3_13,3,13,130.5 +"POLYGON ((7.254473407662068 52.90692452690953, 7.255628384455938 52.90692452690953, 7.255628384455938 52.90672135729814, 7.254473407662068 52.90672135729814, 7.254473407662068 52.90692452690953))",34560_4_4,4,4,191.0 +"POLYGON ((7.254473407662068 52.90651818673392, 7.255628384455938 52.90651818673392, 7.255628384455938 52.90631501521688, 7.254473407662068 52.90631501521688, 7.254473407662068 52.90651818673392))",34560_4_6,4,6,157.999995 +"POLYGON ((7.254473407662068 52.90611184274701, 7.255628384455938 52.90611184274701, 7.255628384455938 52.90590866932431, 7.254473407662068 52.90590866932431, 7.254473407662068 52.90611184274701))",34560_4_8,4,8,138.28535349999999 +"POLYGON ((7.254473407662068 52.90428324764068, 7.255628384455938 52.90428324764068, 7.255628384455938 52.90408006564244, 7.254473407662068 52.90408006564244, 7.254473407662068 52.90428324764068))",34560_4_17,4,17,125.0 +"POLYGON ((7.255628384455938 52.90692452690953, 7.256783361249805 52.90692452690953, 7.256783361249805 52.90672135729814, 7.255628384455938 52.90672135729814, 7.255628384455938 52.90692452690953))",34560_5_4,5,4,157.0 +"POLYGON ((7.255628384455938 52.90651818673392, 7.256783361249805 52.90651818673392, 7.256783361249805 52.90631501521688, 7.255628384455938 52.90631501521688, 7.255628384455938 52.90651818673392))",34560_5_6,5,6,194.0 +"POLYGON ((7.255628384455938 52.90590866932431, 7.256783361249805 52.90590866932431, 7.256783361249805 52.90570549494878, 7.255628384455938 52.90570549494878, 7.255628384455938 52.90590866932431))",34560_5_9,5,9,162.119999 +"POLYGON ((7.255628384455938 52.90550231962042, 7.256783361249805 52.90550231962042, 7.256783361249805 52.90529914333924, 7.255628384455938 52.90529914333924, 7.255628384455938 52.90550231962042))",34560_5_11,5,11,133.999996 +"POLYGON ((7.255628384455938 52.9050959661052, 7.256783361249805 52.9050959661052, 7.256783361249805 52.90489278791834, 7.255628384455938 52.90489278791834, 7.255628384455938 52.9050959661052))",34560_5_13,5,13,125.99999933333334 +"POLYGON ((7.255628384455938 52.90489278791834, 7.256783361249805 52.90489278791834, 7.256783361249805 52.90468960877863, 7.255628384455938 52.90468960877863, 7.255628384455938 52.90489278791834))",34560_5_14,5,14,127.499999 +"POLYGON ((7.255628384455938 52.90468960877863, 7.256783361249805 52.90468960877863, 7.256783361249805 52.90448642868607, 7.255628384455938 52.90448642868607, 7.255628384455938 52.90468960877863))",34560_5_15,5,15,176.0 +"POLYGON ((7.255628384455938 52.90387688269136, 7.256783361249805 52.90387688269136, 7.256783361249805 52.90367369878741, 7.255628384455938 52.90367369878741, 7.255628384455938 52.90387688269136))",34560_5_19,5,19,134.771652 +"POLYGON ((7.255628384455938 52.90347051393063, 7.256783361249805 52.90347051393063, 7.256783361249805 52.90326732812099, 7.255628384455938 52.90326732812099, 7.255628384455938 52.90347051393063))",34560_5_21,5,21,132.0515115 +"POLYGON ((7.255628384455938 52.90326732812099, 7.256783361249805 52.90326732812099, 7.256783361249805 52.90306414135849, 7.255628384455938 52.90306414135849, 7.255628384455938 52.90326732812099))",34560_5_22,5,22,127.0915565 +"POLYGON ((7.256783361249805 52.90570549494878, 7.257938338043674 52.90570549494878, 7.257938338043674 52.90550231962042, 7.256783361249805 52.90550231962042, 7.256783361249805 52.90570549494878))",34560_6_10,6,10,126.325035 +"POLYGON ((7.256783361249805 52.90550231962042, 7.257938338043674 52.90550231962042, 7.257938338043674 52.90529914333924, 7.256783361249805 52.90529914333924, 7.256783361249805 52.90550231962042))",34560_6_11,6,11,127.0 +"POLYGON ((7.256783361249805 52.90529914333924, 7.257938338043674 52.90529914333924, 7.257938338043674 52.9050959661052, 7.256783361249805 52.9050959661052, 7.256783361249805 52.90529914333924))",34560_6_12,6,12,123.999998 +"POLYGON ((7.256783361249805 52.9050959661052, 7.257938338043674 52.9050959661052, 7.257938338043674 52.90489278791834, 7.256783361249805 52.90489278791834, 7.256783361249805 52.9050959661052))",34560_6_13,6,13,127.66666533333334 +"POLYGON ((7.256783361249805 52.90448642868607, 7.257938338043674 52.90448642868607, 7.257938338043674 52.90428324764068, 7.256783361249805 52.90428324764068, 7.256783361249805 52.90448642868607))",34560_6_16,6,16,156.0 +"POLYGON ((7.256783361249805 52.90428324764068, 7.257938338043674 52.90428324764068, 7.257938338043674 52.90408006564244, 7.256783361249805 52.90408006564244, 7.256783361249805 52.90428324764068))",34560_6_17,6,17,120.4999995 +"POLYGON ((7.256783361249805 52.84043726654587, 7.257938338043674 52.84043726654587, 7.257938338043674 52.84023378525966, 7.256783361249805 52.84023378525966, 7.256783361249805 52.84043726654587))",34572_6_11,6,11,83.66666666666667 +"POLYGON ((7.256783361249805 52.83501077261755, 7.257938338043674 52.83501077261755, 7.257938338043674 52.83480726590545, 7.256783361249805 52.83480726590545, 7.256783361249805 52.83501077261755))",34573_6_11,6,11,89.0 +"POLYGON ((7.256783361249805 52.82958360064816, 7.257938338043674 52.82958360064816, 7.257938338043674 52.82938006850881, 7.256783361249805 52.82938006850881, 7.256783361249805 52.82958360064816))",34574_6_11,6,11,97.75 +"POLYGON ((7.256783361249805 52.82415575060166, 7.257938338043674 52.82415575060166, 7.257938338043674 52.82395219303372, 7.256783361249805 52.82395219303372, 7.256783361249805 52.82415575060166))",34575_6_11,6,11,94.0 +"POLYGON ((7.256783361249805 52.81872722244206, 7.257938338043674 52.81872722244206, 7.257938338043674 52.8185236394442, 7.256783361249805 52.8185236394442, 7.256783361249805 52.81872722244206))",34576_6_11,6,11,89.0 +"POLYGON ((7.254473407662068 52.6886474040017, 7.255628384455938 52.6886474040017, 7.255628384455938 52.68844321219198, 7.254473407662068 52.68844321219198, 7.254473407662068 52.6886474040017))",34600_4_9,4,9,84.0 +"POLYGON ((7.254473407662068 52.68701384278797, 7.255628384455938 52.68701384278797, 7.255628384455938 52.68680964333938, 7.254473407662068 52.68680964333938, 7.254473407662068 52.68701384278797))",34600_4_17,4,17,84.5 +"POLYGON ((7.254473407662068 52.68320196229913, 7.255628384455938 52.68320196229913, 7.255628384455938 52.68299774502606, 7.254473407662068 52.68299774502606, 7.254473407662068 52.68320196229913))",34601_4_9,4,9,82.0 +"POLYGON ((7.254473407662068 52.68156819737727, 7.255628384455938 52.68156819737727, 7.255628384455938 52.68136397246494, 7.254473407662068 52.68136397246494, 7.254473407662068 52.68156819737727))",34601_4_17,4,17,73.0 +"POLYGON ((7.249853500486598 52.44778918760166, 7.251008477280466 52.44778918760166, 7.251008477280466 52.44758387128554, 7.249853500486598 52.44758387128554, 7.249853500486598 52.44778918760166))",34644_0_12,0,12,177.5 +"POLYGON ((7.249853500486598 52.44594130630351, 7.251008477280466 52.44594130630351, 7.251008477280466 52.4457359813741, 7.249853500486598 52.4457359813741, 7.249853500486598 52.44594130630351))",34644_0_21,0,21,135.33333266666668 +"POLYGON ((7.251008477280466 52.44840513080789, 7.252163454074334 52.44840513080789, 7.252163454074334 52.44819981736283, 7.251008477280466 52.44819981736283, 7.251008477280466 52.44840513080789))",34644_1_9,1,9,112.25 +"POLYGON ((7.252163454074334 52.44758387128554, 7.253318430868202 52.44758387128554, 7.253318430868202 52.4473785540124, 7.252163454074334 52.4473785540124, 7.252163454074334 52.44758387128554))",34644_2_13,2,13,172.0 +"POLYGON ((7.253318430868202 52.44902106540096, 7.254473407662068 52.44902106540096, 7.254473407662068 52.44881575482695, 7.253318430868202 52.44881575482695, 7.253318430868202 52.44902106540096))",34644_3_6,3,6,164.0 +"POLYGON ((7.253318430868202 52.44778918760166, 7.254473407662068 52.44778918760166, 7.254473407662068 52.44758387128554, 7.253318430868202 52.44758387128554, 7.253318430868202 52.44778918760166))",34644_3_12,3,12,120.25 +"POLYGON ((7.253318430868202 52.44696791659502, 7.254473407662068 52.44696791659502, 7.254473407662068 52.44676259645078, 7.253318430868202 52.44676259645078, 7.253318430868202 52.44696791659502))",34644_3_16,3,16,142.0 +"POLYGON ((7.254473407662068 52.44943168367794, 7.255628384455938 52.44943168367794, 7.255628384455938 52.44922637501795, 7.254473407662068 52.44922637501795, 7.254473407662068 52.44943168367794))",34644_4_4,4,4,182.0 +"POLYGON ((7.254473407662068 52.44922637501795, 7.255628384455938 52.44922637501795, 7.255628384455938 52.44902106540096, 7.254473407662068 52.44902106540096, 7.254473407662068 52.44922637501795))",34644_4_5,4,5,168.611108 +"POLYGON ((7.254473407662068 52.44902106540096, 7.255628384455938 52.44902106540096, 7.255628384455938 52.44881575482695, 7.254473407662068 52.44881575482695, 7.254473407662068 52.44902106540096))",34644_4_6,4,6,159.0 +"POLYGON ((7.254473407662068 52.44861044329592, 7.255628384455938 52.44861044329592, 7.255628384455938 52.44840513080789, 7.254473407662068 52.44840513080789, 7.254473407662068 52.44861044329592))",34644_4_8,4,8,133.33333266666668 +"POLYGON ((7.254473407662068 52.44819981736283, 7.255628384455938 52.44819981736283, 7.255628384455938 52.44799450296076, 7.254473407662068 52.44799450296076, 7.254473407662068 52.44819981736283))",34644_4_10,4,10,123.66666666666667 +"POLYGON ((7.254473407662068 52.44696791659502, 7.255628384455938 52.44696791659502, 7.255628384455938 52.44676259645078, 7.254473407662068 52.44676259645078, 7.254473407662068 52.44696791659502))",34644_4_16,4,16,148.99999866666667 +"POLYGON ((7.254473407662068 52.44676259645078, 7.255628384455938 52.44676259645078, 7.255628384455938 52.44655727534952, 7.254473407662068 52.44655727534952, 7.254473407662068 52.44676259645078))",34644_4_17,4,17,134.0 +"POLYGON ((7.255628384455938 52.44943168367794, 7.256783361249805 52.44943168367794, 7.256783361249805 52.44922637501795, 7.255628384455938 52.44922637501795, 7.255628384455938 52.44943168367794))",34644_5_4,5,4,125.33333333333333 +"POLYGON ((7.255628384455938 52.44902106540096, 7.256783361249805 52.44902106540096, 7.256783361249805 52.44881575482695, 7.255628384455938 52.44881575482695, 7.255628384455938 52.44902106540096))",34644_5_6,5,6,180.5 +"POLYGON ((7.255628384455938 52.44819981736283, 7.256783361249805 52.44819981736283, 7.256783361249805 52.44799450296076, 7.255628384455938 52.44799450296076, 7.255628384455938 52.44819981736283))",34644_5_10,5,10,133.55768033333334 +"POLYGON ((7.255628384455938 52.44799450296076, 7.256783361249805 52.44799450296076, 7.256783361249805 52.44778918760166, 7.255628384455938 52.44778918760166, 7.255628384455938 52.44799450296076))",34644_5_11,5,11,139.92799200000002 +"POLYGON ((7.255628384455938 52.44778918760166, 7.256783361249805 52.44778918760166, 7.256783361249805 52.44758387128554, 7.255628384455938 52.44758387128554, 7.255628384455938 52.44778918760166))",34644_5_12,5,12,123.99999933333334 +"POLYGON ((7.255628384455938 52.44758387128554, 7.256783361249805 52.44758387128554, 7.256783361249805 52.4473785540124, 7.255628384455938 52.4473785540124, 7.255628384455938 52.44758387128554))",34644_5_13,5,13,135.8 +"POLYGON ((7.255628384455938 52.44696791659502, 7.256783361249805 52.44696791659502, 7.256783361249805 52.44676259645078, 7.255628384455938 52.44676259645078, 7.255628384455938 52.44696791659502))",34644_5_16,5,16,161.33333333333334 +"POLYGON ((7.255628384455938 52.44635195329122, 7.256783361249805 52.44635195329122, 7.256783361249805 52.44614663027588, 7.255628384455938 52.44614663027588, 7.255628384455938 52.44635195329122))",34644_5_19,5,19,143.66666633333332 +"POLYGON ((7.255628384455938 52.44553065548765, 7.256783361249805 52.44553065548765, 7.256783361249805 52.44532532864414, 7.255628384455938 52.44532532864414, 7.255628384455938 52.44553065548765))",34644_5_23,5,23,129.113329 +"POLYGON ((7.256783361249805 52.44819981736283, 7.257938338043674 52.44819981736283, 7.257938338043674 52.44799450296076, 7.256783361249805 52.44799450296076, 7.256783361249805 52.44819981736283))",34644_6_10,6,10,122.99999975 +"POLYGON ((7.256783361249805 52.44799450296076, 7.257938338043674 52.44799450296076, 7.257938338043674 52.44778918760166, 7.256783361249805 52.44778918760166, 7.256783361249805 52.44799450296076))",34644_6_11,6,11,125.33333333333333 +"POLYGON ((7.256783361249805 52.44778918760166, 7.257938338043674 52.44778918760166, 7.257938338043674 52.44758387128554, 7.256783361249805 52.44758387128554, 7.256783361249805 52.44778918760166))",34644_6_12,6,12,119.0 +"POLYGON ((7.256783361249805 52.44758387128554, 7.257938338043674 52.44758387128554, 7.257938338043674 52.4473785540124, 7.256783361249805 52.4473785540124, 7.256783361249805 52.44758387128554))",34644_6_13,6,13,128.0349185 +"POLYGON ((7.256783361249805 52.4473785540124, 7.257938338043674 52.4473785540124, 7.257938338043674 52.44717323578222, 7.256783361249805 52.44717323578222, 7.256783361249805 52.4473785540124))",34644_6_14,6,14,140.34662733333332 +"POLYGON ((7.256783361249805 52.44717323578222, 7.257938338043674 52.44717323578222, 7.257938338043674 52.44696791659502, 7.256783361249805 52.44696791659502, 7.256783361249805 52.44717323578222))",34644_6_15,6,15,165.66666666666666 +"POLYGON ((7.256783361249805 52.44676259645078, 7.257938338043674 52.44676259645078, 7.257938338043674 52.44655727534952, 7.256783361249805 52.44655727534952, 7.256783361249805 52.44676259645078))",34644_6_17,6,17,164.33333333333334 +"POLYGON ((7.256783361249805 52.44655727534952, 7.257938338043674 52.44655727534952, 7.257938338043674 52.44635195329122, 7.256783361249805 52.44635195329122, 7.256783361249805 52.44655727534952))",34644_6_18,6,18,120.15899475 +"POLYGON ((7.249853500486598 52.44231375831799, 7.251008477280466 52.44231375831799, 7.251008477280466 52.44210841648059, 7.249853500486598 52.44210841648059, 7.249853500486598 52.44231375831799))",34645_0_12,0,12,181.66666666666666 +"POLYGON ((7.249853500486598 52.44046564732642, 7.251008477280466 52.44046564732642, 7.251008477280466 52.44026029687527, 7.249853500486598 52.44026029687527, 7.249853500486598 52.44046564732642))",34645_0_21,0,21,133.0710915 +"POLYGON ((7.251008477280466 52.44292977808783, 7.252163454074334 52.44292977808783, 7.252163454074334 52.44272443912162, 7.251008477280466 52.44272443912162, 7.251008477280466 52.44292977808783))",34645_1_9,1,9,81.6 +"POLYGON ((7.252163454074334 52.44210841648059, 7.253318430868202 52.44210841648059, 7.253318430868202 52.44190307368608, 7.252163454074334 52.44190307368608, 7.252163454074334 52.44210841648059))",34645_2_13,2,13,165.5 +"POLYGON ((7.253318430868202 52.44354578924406, 7.254473407662068 52.44354578924406, 7.254473407662068 52.44334045314904, 7.253318430868202 52.44334045314904, 7.253318430868202 52.44354578924406))",34645_3_6,3,6,158.0 +"POLYGON ((7.253318430868202 52.44231375831799, 7.254473407662068 52.44231375831799, 7.254473407662068 52.44210841648059, 7.253318430868202 52.44210841648059, 7.253318430868202 52.44231375831799))",34645_3_12,3,12,124.0 +"POLYGON ((7.253318430868202 52.44149238522587, 7.254473407662068 52.44149238522587, 7.254473407662068 52.44128703956014, 7.253318430868202 52.44128703956014, 7.253318430868202 52.44149238522587))",34645_3_16,3,16,138.66666666666666 +"POLYGON ((7.254473407662068 52.4439564585629, 7.255628384455938 52.4439564585629, 7.255628384455938 52.44375112438201, 7.254473407662068 52.44375112438201, 7.254473407662068 52.4439564585629))",34645_4_4,4,4,183.33333333333334 +"POLYGON ((7.254473407662068 52.44375112438201, 7.255628384455938 52.44375112438201, 7.255628384455938 52.44354578924406, 7.254473407662068 52.44354578924406, 7.254473407662068 52.44375112438201))",34645_4_5,4,5,172.33333333333334 +"POLYGON ((7.254473407662068 52.44354578924406, 7.255628384455938 52.44354578924406, 7.255628384455938 52.44334045314904, 7.254473407662068 52.44334045314904, 7.254473407662068 52.44354578924406))",34645_4_6,4,6,162.0 +"POLYGON ((7.254473407662068 52.44313511609698, 7.255628384455938 52.44313511609698, 7.255628384455938 52.44292977808783, 7.254473407662068 52.44292977808783, 7.254473407662068 52.44313511609698))",34645_4_8,4,8,134.0 +"POLYGON ((7.254473407662068 52.44272443912162, 7.255628384455938 52.44272443912162, 7.255628384455938 52.44251909919834, 7.254473407662068 52.44251909919834, 7.254473407662068 52.44272443912162))",34645_4_10,4,10,124.0 +"POLYGON ((7.254473407662068 52.44149238522587, 7.255628384455938 52.44149238522587, 7.255628384455938 52.44128703956014, 7.254473407662068 52.44128703956014, 7.254473407662068 52.44149238522587))",34645_4_16,4,16,149.50000075 +"POLYGON ((7.254473407662068 52.44128703956014, 7.255628384455938 52.44128703956014, 7.255628384455938 52.44108169293734, 7.254473407662068 52.44108169293734, 7.254473407662068 52.44128703956014))",34645_4_17,4,17,135.0 +"POLYGON ((7.255628384455938 52.4439564585629, 7.256783361249805 52.4439564585629, 7.256783361249805 52.44375112438201, 7.255628384455938 52.44375112438201, 7.255628384455938 52.4439564585629))",34645_5_4,5,4,125.5 +"POLYGON ((7.255628384455938 52.44354578924406, 7.256783361249805 52.44354578924406, 7.256783361249805 52.44334045314904, 7.255628384455938 52.44334045314904, 7.255628384455938 52.44354578924406))",34645_5_6,5,6,180.5 +"POLYGON ((7.255628384455938 52.44272443912162, 7.256783361249805 52.44272443912162, 7.256783361249805 52.44251909919834, 7.255628384455938 52.44251909919834, 7.255628384455938 52.44272443912162))",34645_5_10,5,10,135.92346275 +"POLYGON ((7.255628384455938 52.44251909919834, 7.256783361249805 52.44251909919834, 7.256783361249805 52.44231375831799, 7.255628384455938 52.44231375831799, 7.255628384455938 52.44251909919834))",34645_5_11,5,11,135.62257933333333 +"POLYGON ((7.255628384455938 52.44231375831799, 7.256783361249805 52.44231375831799, 7.256783361249805 52.44210841648059, 7.255628384455938 52.44210841648059, 7.255628384455938 52.44231375831799))",34645_5_12,5,12,124.7499995 +"POLYGON ((7.255628384455938 52.44210841648059, 7.256783361249805 52.44210841648059, 7.256783361249805 52.44190307368608, 7.255628384455938 52.44190307368608, 7.255628384455938 52.44210841648059))",34645_5_13,5,13,133.42857 +"POLYGON ((7.255628384455938 52.44149238522587, 7.256783361249805 52.44149238522587, 7.256783361249805 52.44128703956014, 7.255628384455938 52.44128703956014, 7.255628384455938 52.44149238522587))",34645_5_16,5,16,180.0 +"POLYGON ((7.255628384455938 52.44087634535746, 7.256783361249805 52.44087634535746, 7.256783361249805 52.44067099682047, 7.255628384455938 52.44067099682047, 7.255628384455938 52.44087634535746))",34645_5_19,5,19,144.000002 +"POLYGON ((7.255628384455938 52.44005494546703, 7.256783361249805 52.44005494546703, 7.256783361249805 52.4398495931017, 7.255628384455938 52.4398495931017, 7.255628384455938 52.44005494546703))",34645_5_23,5,23,130.6777515 +"POLYGON ((7.256783361249805 52.44272443912162, 7.257938338043674 52.44272443912162, 7.257938338043674 52.44251909919834, 7.256783361249805 52.44251909919834, 7.256783361249805 52.44272443912162))",34645_6_10,6,10,121.693538 +"POLYGON ((7.256783361249805 52.44251909919834, 7.257938338043674 52.44251909919834, 7.257938338043674 52.44231375831799, 7.256783361249805 52.44231375831799, 7.256783361249805 52.44251909919834))",34645_6_11,6,11,124.66666666666667 +"POLYGON ((7.256783361249805 52.44231375831799, 7.257938338043674 52.44231375831799, 7.257938338043674 52.44210841648059, 7.256783361249805 52.44210841648059, 7.256783361249805 52.44231375831799))",34645_6_12,6,12,117.33333333333333 +"POLYGON ((7.256783361249805 52.44210841648059, 7.257938338043674 52.44210841648059, 7.257938338043674 52.44190307368608, 7.256783361249805 52.44190307368608, 7.256783361249805 52.44210841648059))",34645_6_13,6,13,125.39389272727271 +"POLYGON ((7.256783361249805 52.44190307368608, 7.257938338043674 52.44190307368608, 7.257938338043674 52.44169772993451, 7.256783361249805 52.44169772993451, 7.256783361249805 52.44190307368608))",34645_6_14,6,14,157.979019 +"POLYGON ((7.256783361249805 52.44169772993451, 7.257938338043674 52.44169772993451, 7.257938338043674 52.44149238522587, 7.256783361249805 52.44149238522587, 7.256783361249805 52.44169772993451))",34645_6_15,6,15,163.0 +"POLYGON ((7.256783361249805 52.44128703956014, 7.257938338043674 52.44128703956014, 7.257938338043674 52.44108169293734, 7.256783361249805 52.44108169293734, 7.256783361249805 52.44128703956014))",34645_6_17,6,17,151.33333333333334 +"POLYGON ((7.256783361249805 52.44108169293734, 7.257938338043674 52.44108169293734, 7.257938338043674 52.44087634535746, 7.256783361249805 52.44087634535746, 7.256783361249805 52.44108169293734))",34645_6_18,6,18,125.041104 +"POLYGON ((7.249853500486598 52.43683764844975, 7.251008477280466 52.43683764844975, 7.251008477280466 52.43663228108974, 7.249853500486598 52.43663228108974, 7.249853500486598 52.43683764844975))",34646_0_12,0,12,139.0 +"POLYGON ((7.249853500486598 52.43498930775307, 7.251008477280466 52.43498930775307, 7.251008477280466 52.43478393177889, 7.249853500486598 52.43478393177889, 7.249853500486598 52.43498930775307))",34646_0_21,0,21,126.03021333333334 +"POLYGON ((7.251008477280466 52.43745374478707, 7.252163454074334 52.43745374478707, 7.252163454074334 52.43724838029843, 7.251008477280466 52.43724838029843, 7.251008477280466 52.43745374478707))",34646_1_9,1,9,72.75 +"POLYGON ((7.252163454074334 52.43663228108974, 7.253318430868202 52.43663228108974, 7.253318430868202 52.4364269127726, 7.252163454074334 52.4364269127726, 7.252163454074334 52.43663228108974))",34646_2_13,2,13,142.0 +"POLYGON ((7.253318430868202 52.43806983251036, 7.254473407662068 52.43806983251036, 7.254473407662068 52.43786447089304, 7.253318430868202 52.43786447089304, 7.253318430868202 52.43806983251036))",34646_3_6,3,6,170.5 +"POLYGON ((7.253318430868202 52.43683764844975, 7.254473407662068 52.43683764844975, 7.254473407662068 52.43663228108974, 7.253318430868202 52.43663228108974, 7.253318430868202 52.43683764844975))",34646_3_12,3,12,120.0 +"POLYGON ((7.253318430868202 52.43601617326696, 7.254473407662068 52.43601617326696, 7.254473407662068 52.43581080207844, 7.253318430868202 52.43581080207844, 7.253318430868202 52.43601617326696))",34646_3_16,3,16,138.0 +"POLYGON ((7.254473407662068 52.43848055287366, 7.255628384455938 52.43848055287366, 7.255628384455938 52.43827519317057, 7.254473407662068 52.43827519317057, 7.254473407662068 52.43848055287366))",34646_4_4,4,4,186.0 +"POLYGON ((7.254473407662068 52.43827519317057, 7.255628384455938 52.43827519317057, 7.255628384455938 52.43806983251036, 7.254473407662068 52.43806983251036, 7.254473407662068 52.43827519317057))",34646_4_5,4,5,171.306338 +"POLYGON ((7.254473407662068 52.43806983251036, 7.255628384455938 52.43806983251036, 7.255628384455938 52.43786447089304, 7.254473407662068 52.43786447089304, 7.254473407662068 52.43806983251036))",34646_4_6,4,6,163.0 +"POLYGON ((7.254473407662068 52.43765910831861, 7.255628384455938 52.43765910831861, 7.255628384455938 52.43745374478707, 7.254473407662068 52.43745374478707, 7.254473407662068 52.43765910831861))",34646_4_8,4,8,130.666664 +"POLYGON ((7.254473407662068 52.43724838029843, 7.255628384455938 52.43724838029843, 7.255628384455938 52.43704301485264, 7.254473407662068 52.43704301485264, 7.254473407662068 52.43724838029843))",34646_4_10,4,10,119.66666666666667 +"POLYGON ((7.254473407662068 52.43601617326696, 7.255628384455938 52.43601617326696, 7.255628384455938 52.43581080207844, 7.254473407662068 52.43581080207844, 7.254473407662068 52.43601617326696))",34646_4_16,4,16,142.4999965 +"POLYGON ((7.254473407662068 52.43581080207844, 7.255628384455938 52.43581080207844, 7.255628384455938 52.43560542993281, 7.254473407662068 52.43560542993281, 7.254473407662068 52.43581080207844))",34646_4_17,4,17,133.0 +"POLYGON ((7.255628384455938 52.43848055287366, 7.256783361249805 52.43848055287366, 7.256783361249805 52.43827519317057, 7.255628384455938 52.43827519317057, 7.255628384455938 52.43848055287366))",34646_5_4,5,4,123.5 +"POLYGON ((7.255628384455938 52.43806983251036, 7.256783361249805 52.43806983251036, 7.256783361249805 52.43786447089304, 7.255628384455938 52.43786447089304, 7.255628384455938 52.43806983251036))",34646_5_6,5,6,191.5 +"POLYGON ((7.255628384455938 52.43724838029843, 7.256783361249805 52.43724838029843, 7.256783361249805 52.43704301485264, 7.255628384455938 52.43704301485264, 7.255628384455938 52.43724838029843))",34646_5_10,5,10,135.9999985 +"POLYGON ((7.255628384455938 52.43704301485264, 7.256783361249805 52.43704301485264, 7.256783361249805 52.43683764844975, 7.255628384455938 52.43683764844975, 7.255628384455938 52.43704301485264))",34646_5_11,5,11,135.0000005 +"POLYGON ((7.255628384455938 52.43683764844975, 7.256783361249805 52.43683764844975, 7.256783361249805 52.43663228108974, 7.255628384455938 52.43663228108974, 7.255628384455938 52.43683764844975))",34646_5_12,5,12,121.33333599999999 +"POLYGON ((7.255628384455938 52.43663228108974, 7.256783361249805 52.43663228108974, 7.256783361249805 52.4364269127726, 7.255628384455938 52.4364269127726, 7.255628384455938 52.43663228108974))",34646_5_13,5,13,130.33333433333334 +"POLYGON ((7.255628384455938 52.43601617326696, 7.256783361249805 52.43601617326696, 7.256783361249805 52.43581080207844, 7.255628384455938 52.43581080207844, 7.255628384455938 52.43601617326696))",34646_5_16,5,16,186.0 +"POLYGON ((7.255628384455938 52.43540005683003, 7.256783361249805 52.43540005683003, 7.256783361249805 52.43519468277012, 7.255628384455938 52.43519468277012, 7.255628384455938 52.43540005683003))",34646_5_19,5,19,145.000001 +"POLYGON ((7.255628384455938 52.43457855484758, 7.256783361249805 52.43457855484758, 7.256783361249805 52.43437317695911, 7.255628384455938 52.43437317695911, 7.255628384455938 52.43457855484758))",34646_5_23,5,23,130.333333 +"POLYGON ((7.256783361249805 52.43724838029843, 7.257938338043674 52.43724838029843, 7.257938338043674 52.43704301485264, 7.256783361249805 52.43704301485264, 7.256783361249805 52.43724838029843))",34646_6_10,6,10,112.7346345 +"POLYGON ((7.256783361249805 52.43704301485264, 7.257938338043674 52.43704301485264, 7.257938338043674 52.43683764844975, 7.256783361249805 52.43683764844975, 7.256783361249805 52.43704301485264))",34646_6_11,6,11,126.33333333333333 +"POLYGON ((7.256783361249805 52.43683764844975, 7.257938338043674 52.43683764844975, 7.257938338043674 52.43663228108974, 7.256783361249805 52.43663228108974, 7.256783361249805 52.43683764844975))",34646_6_12,6,12,109.0 +"POLYGON ((7.256783361249805 52.43663228108974, 7.257938338043674 52.43663228108974, 7.257938338043674 52.4364269127726, 7.256783361249805 52.4364269127726, 7.256783361249805 52.43663228108974))",34646_6_13,6,13,124.37299755555556 +"POLYGON ((7.256783361249805 52.4364269127726, 7.257938338043674 52.4364269127726, 7.257938338043674 52.43622154349834, 7.256783361249805 52.43622154349834, 7.256783361249805 52.4364269127726))",34646_6_14,6,14,147.71753766666666 +"POLYGON ((7.256783361249805 52.43622154349834, 7.257938338043674 52.43622154349834, 7.257938338043674 52.43601617326696, 7.256783361249805 52.43601617326696, 7.256783361249805 52.43622154349834))",34646_6_15,6,15,159.66666666666666 +"POLYGON ((7.256783361249805 52.43581080207844, 7.257938338043674 52.43581080207844, 7.257938338043674 52.43560542993281, 7.256783361249805 52.43560542993281, 7.256783361249805 52.43581080207844))",34646_6_17,6,17,154.0 +"POLYGON ((7.256783361249805 52.43560542993281, 7.257938338043674 52.43560542993281, 7.257938338043674 52.43540005683003, 7.256783361249805 52.43540005683003, 7.256783361249805 52.43560542993281))",34646_6_18,6,18,131.99999866666667 +"POLYGON ((7.249853500486598 52.41492640243993, 7.251008477280466 52.41492640243993, 7.251008477280466 52.41472093297658, 7.249853500486598 52.41472093297658, 7.249853500486598 52.41492640243993))",34650_0_12,0,12,133.0 +"POLYGON ((7.249853500486598 52.41307714280631, 7.251008477280466 52.41307714280631, 7.251008477280466 52.41287166472705, 7.249853500486598 52.41287166472705, 7.249853500486598 52.41307714280631))",34650_0_21,0,21,135.000001 +"POLYGON ((7.251008477280466 52.41554280508608, 7.252163454074334 52.41554280508608, 7.252163454074334 52.41533733849466, 7.251008477280466 52.41533733849466, 7.251008477280466 52.41554280508608))",34650_1_9,1,9,116.5 +"POLYGON ((7.252163454074334 52.41472093297658, 7.253318430868202 52.41472093297658, 7.253318430868202 52.41451546255593, 7.252163454074334 52.41451546255593, 7.252163454074334 52.41472093297658))",34650_2_13,2,13,97.5 +"POLYGON ((7.253318430868202 52.41615919911643, 7.254473407662068 52.41615919911643, 7.254473407662068 52.41595373539694, 7.253318430868202 52.41595373539694, 7.253318430868202 52.41615919911643))",34650_3_6,3,6,160.0 +"POLYGON ((7.253318430868202 52.41492640243993, 7.254473407662068 52.41492640243993, 7.254473407662068 52.41472093297658, 7.253318430868202 52.41472093297658, 7.253318430868202 52.41492640243993))",34650_3_12,3,12,127.5 +"POLYGON ((7.253318430868202 52.41410451884266, 7.254473407662068 52.41410451884266, 7.254473407662068 52.41389904555003, 7.253318430868202 52.41389904555003, 7.253318430868202 52.41410451884266))",34650_3_16,3,16,137.0 +"POLYGON ((7.254473407662068 52.41657012368348, 7.255628384455938 52.41657012368348, 7.255628384455938 52.4163646618786, 7.254473407662068 52.4163646618786, 7.254473407662068 52.41657012368348))",34650_4_4,4,4,179.0 +"POLYGON ((7.254473407662068 52.4163646618786, 7.255628384455938 52.4163646618786, 7.255628384455938 52.41615919911643, 7.254473407662068 52.41615919911643, 7.254473407662068 52.4163646618786))",34650_4_5,4,5,159.499999 +"POLYGON ((7.254473407662068 52.41615919911643, 7.255628384455938 52.41615919911643, 7.255628384455938 52.41595373539694, 7.254473407662068 52.41595373539694, 7.254473407662068 52.41615919911643))",34650_4_6,4,6,154.0 +"POLYGON ((7.254473407662068 52.41574827072016, 7.255628384455938 52.41574827072016, 7.255628384455938 52.41554280508608, 7.254473407662068 52.41554280508608, 7.254473407662068 52.41574827072016))",34650_4_8,4,8,125.5 +"POLYGON ((7.254473407662068 52.41533733849466, 7.255628384455938 52.41533733849466, 7.255628384455938 52.41513187094596, 7.254473407662068 52.41513187094596, 7.254473407662068 52.41533733849466))",34650_4_10,4,10,121.5 +"POLYGON ((7.254473407662068 52.41410451884266, 7.255628384455938 52.41410451884266, 7.255628384455938 52.41389904555003, 7.254473407662068 52.41389904555003, 7.254473407662068 52.41410451884266))",34650_4_16,4,16,147.0 +"POLYGON ((7.254473407662068 52.41389904555003, 7.255628384455938 52.41389904555003, 7.255628384455938 52.4136935713001, 7.254473407662068 52.4136935713001, 7.254473407662068 52.41389904555003))",34650_4_17,4,17,129.5 +"POLYGON ((7.255628384455938 52.41657012368348, 7.256783361249805 52.41657012368348, 7.256783361249805 52.4163646618786, 7.255628384455938 52.4163646618786, 7.255628384455938 52.41657012368348))",34650_5_4,5,4,121.0 +"POLYGON ((7.255628384455938 52.41615919911643, 7.256783361249805 52.41615919911643, 7.256783361249805 52.41595373539694, 7.255628384455938 52.41595373539694, 7.255628384455938 52.41615919911643))",34650_5_6,5,6,175.0 +"POLYGON ((7.255628384455938 52.41533733849466, 7.256783361249805 52.41533733849466, 7.256783361249805 52.41513187094596, 7.255628384455938 52.41513187094596, 7.255628384455938 52.41533733849466))",34650_5_10,5,10,142.499997 +"POLYGON ((7.255628384455938 52.41513187094596, 7.256783361249805 52.41513187094596, 7.256783361249805 52.41492640243993, 7.255628384455938 52.41492640243993, 7.255628384455938 52.41513187094596))",34650_5_11,5,11,135.90815 +"POLYGON ((7.255628384455938 52.41492640243993, 7.256783361249805 52.41492640243993, 7.256783361249805 52.41472093297658, 7.255628384455938 52.41472093297658, 7.255628384455938 52.41492640243993))",34650_5_12,5,12,126.999998 +"POLYGON ((7.255628384455938 52.41472093297658, 7.256783361249805 52.41472093297658, 7.256783361249805 52.41451546255593, 7.255628384455938 52.41451546255593, 7.255628384455938 52.41472093297658))",34650_5_13,5,13,126.75 +"POLYGON ((7.255628384455938 52.41410451884266, 7.256783361249805 52.41410451884266, 7.256783361249805 52.41389904555003, 7.255628384455938 52.41389904555003, 7.255628384455938 52.41410451884266))",34650_5_16,5,16,160.0 +"POLYGON ((7.255628384455938 52.41348809609283, 7.256783361249805 52.41348809609283, 7.256783361249805 52.41328261992822, 7.255628384455938 52.41328261992822, 7.255628384455938 52.41348809609283))",34650_5_19,5,19,143.500002 +"POLYGON ((7.255628384455938 52.41266618569046, 7.256783361249805 52.41266618569046, 7.256783361249805 52.41246070569654, 7.255628384455938 52.41246070569654, 7.255628384455938 52.41266618569046))",34650_5_23,5,23,118.33333566666666 +"POLYGON ((7.256783361249805 52.41533733849466, 7.257938338043674 52.41533733849466, 7.257938338043674 52.41513187094596, 7.256783361249805 52.41513187094596, 7.256783361249805 52.41533733849466))",34650_6_10,6,10,122.5225005 +"POLYGON ((7.256783361249805 52.41513187094596, 7.257938338043674 52.41513187094596, 7.257938338043674 52.41492640243993, 7.256783361249805 52.41492640243993, 7.256783361249805 52.41513187094596))",34650_6_11,6,11,129.0 +"POLYGON ((7.256783361249805 52.41492640243993, 7.257938338043674 52.41492640243993, 7.257938338043674 52.41472093297658, 7.256783361249805 52.41472093297658, 7.256783361249805 52.41492640243993))",34650_6_12,6,12,98.5 +"POLYGON ((7.256783361249805 52.41472093297658, 7.257938338043674 52.41472093297658, 7.257938338043674 52.41451546255593, 7.256783361249805 52.41451546255593, 7.256783361249805 52.41472093297658))",34650_6_13,6,13,126.47182833333333 +"POLYGON ((7.256783361249805 52.41451546255593, 7.257938338043674 52.41451546255593, 7.257938338043674 52.41430999117794, 7.256783361249805 52.41430999117794, 7.256783361249805 52.41451546255593))",34650_6_14,6,14,131.551349 +"POLYGON ((7.256783361249805 52.41430999117794, 7.257938338043674 52.41430999117794, 7.257938338043674 52.41410451884266, 7.256783361249805 52.41410451884266, 7.256783361249805 52.41430999117794))",34650_6_15,6,15,163.5 +"POLYGON ((7.256783361249805 52.41389904555003, 7.257938338043674 52.41389904555003, 7.257938338043674 52.4136935713001, 7.256783361249805 52.4136935713001, 7.256783361249805 52.41389904555003))",34650_6_17,6,17,148.0 +"POLYGON ((7.256783361249805 52.4136935713001, 7.257938338043674 52.4136935713001, 7.257938338043674 52.41348809609283, 7.256783361249805 52.41348809609283, 7.256783361249805 52.4136935713001))",34650_6_18,6,18,119.99999700000001 +"POLYGON ((7.249853500486598 52.40944688913068, 7.251008477280466 52.40944688913068, 7.251008477280466 52.40924139413828, 7.249853500486598 52.40924139413828, 7.249853500486598 52.40944688913068))",34651_0_12,0,12,145.0 +"POLYGON ((7.249853500486598 52.40759739973372, 7.251008477280466 52.40759739973372, 7.251008477280466 52.40739189612497, 7.249853500486598 52.40739189612497, 7.249853500486598 52.40759739973372))",34651_0_21,0,21,135.74439925000001 +"POLYGON ((7.251008477280466 52.41006336836374, 7.252163454074334 52.41006336836374, 7.252163454074334 52.40985787624341, 7.251008477280466 52.40985787624341, 7.251008477280466 52.41006336836374))",34651_1_9,1,9,125.75 +"POLYGON ((7.252163454074334 52.40924139413828, 7.253318430868202 52.40924139413828, 7.253318430868202 52.40903589818851, 7.252163454074334 52.40903589818851, 7.252163454074334 52.40924139413828))",34651_2_13,2,13,113.66666666666667 +"POLYGON ((7.253318430868202 52.41067983898056, 7.254473407662068 52.41067983898056, 7.254473407662068 52.4104743497323, 7.253318430868202 52.4104743497323, 7.253318430868202 52.41067983898056))",34651_3_6,3,6,131.33333333333334 +"POLYGON ((7.253318430868202 52.40944688913068, 7.254473407662068 52.40944688913068, 7.254473407662068 52.40924139413828, 7.253318430868202 52.40924139413828, 7.253318430868202 52.40944688913068))",34651_3_12,3,12,120.0 +"POLYGON ((7.253318430868202 52.40862490341686, 7.254473407662068 52.40862490341686, 7.254473407662068 52.40841940459498, 7.253318430868202 52.40841940459498, 7.253318430868202 52.40862490341686))",34651_3_16,3,16,129.66666666666666 +"POLYGON ((7.254473407662068 52.41109081460501, 7.255628384455938 52.41109081460501, 7.255628384455938 52.41088532727147, 7.254473407662068 52.41088532727147, 7.254473407662068 52.41109081460501))",34651_4_4,4,4,174.5 +"POLYGON ((7.254473407662068 52.41088532727147, 7.255628384455938 52.41088532727147, 7.255628384455938 52.41067983898056, 7.254473407662068 52.41067983898056, 7.254473407662068 52.41088532727147))",34651_4_5,4,5,158.666662 +"POLYGON ((7.254473407662068 52.41067983898056, 7.255628384455938 52.41067983898056, 7.255628384455938 52.4104743497323, 7.254473407662068 52.4104743497323, 7.254473407662068 52.41067983898056))",34651_4_6,4,6,146.66666666666666 +"POLYGON ((7.254473407662068 52.4102688595267, 7.255628384455938 52.4102688595267, 7.255628384455938 52.41006336836374, 7.254473407662068 52.41006336836374, 7.254473407662068 52.4102688595267))",34651_4_8,4,8,128.74999975 +"POLYGON ((7.254473407662068 52.40985787624341, 7.255628384455938 52.40985787624341, 7.255628384455938 52.40965238316573, 7.254473407662068 52.40965238316573, 7.254473407662068 52.40985787624341))",34651_4_10,4,10,125.33333333333333 +"POLYGON ((7.254473407662068 52.40862490341686, 7.255628384455938 52.40862490341686, 7.255628384455938 52.40841940459498, 7.254473407662068 52.40841940459498, 7.254473407662068 52.40862490341686))",34651_4_16,4,16,151.44715699999998 +"POLYGON ((7.254473407662068 52.40841940459498, 7.255628384455938 52.40841940459498, 7.255628384455938 52.40821390481574, 7.254473407662068 52.40821390481574, 7.254473407662068 52.40841940459498))",34651_4_17,4,17,129.0 +"POLYGON ((7.255628384455938 52.41109081460501, 7.256783361249805 52.41109081460501, 7.256783361249805 52.41088532727147, 7.255628384455938 52.41088532727147, 7.255628384455938 52.41109081460501))",34651_5_4,5,4,124.5 +"POLYGON ((7.255628384455938 52.41067983898056, 7.256783361249805 52.41067983898056, 7.256783361249805 52.4104743497323, 7.255628384455938 52.4104743497323, 7.255628384455938 52.41067983898056))",34651_5_6,5,6,173.0 +"POLYGON ((7.255628384455938 52.40985787624341, 7.256783361249805 52.40985787624341, 7.256783361249805 52.40965238316573, 7.255628384455938 52.40965238316573, 7.255628384455938 52.40985787624341))",34651_5_10,5,10,142.89041733333332 +"POLYGON ((7.255628384455938 52.40965238316573, 7.256783361249805 52.40965238316573, 7.256783361249805 52.40944688913068, 7.255628384455938 52.40944688913068, 7.255628384455938 52.40965238316573))",34651_5_11,5,11,125.21393925 +"POLYGON ((7.255628384455938 52.40944688913068, 7.256783361249805 52.40944688913068, 7.256783361249805 52.40924139413828, 7.255628384455938 52.40924139413828, 7.255628384455938 52.40944688913068))",34651_5_12,5,12,125.33333266666666 +"POLYGON ((7.255628384455938 52.40924139413828, 7.256783361249805 52.40924139413828, 7.256783361249805 52.40903589818851, 7.255628384455938 52.40903589818851, 7.255628384455938 52.40924139413828))",34651_5_13,5,13,128.83333233333335 +"POLYGON ((7.255628384455938 52.40862490341686, 7.256783361249805 52.40862490341686, 7.256783361249805 52.40841940459498, 7.255628384455938 52.40841940459498, 7.255628384455938 52.40862490341686))",34651_5_16,5,16,159.5 +"POLYGON ((7.255628384455938 52.4080084040791, 7.256783361249805 52.4080084040791, 7.256783361249805 52.40780290238511, 7.255628384455938 52.40780290238511, 7.255628384455938 52.4080084040791))",34651_5_19,5,19,145.607639 +"POLYGON ((7.255628384455938 52.40718639155883, 7.256783361249805 52.40718639155883, 7.256783361249805 52.40698088603531, 7.255628384455938 52.40698088603531, 7.255628384455938 52.40718639155883))",34651_5_23,5,23,125.35152775 +"POLYGON ((7.256783361249805 52.40985787624341, 7.257938338043674 52.40985787624341, 7.257938338043674 52.40965238316573, 7.256783361249805 52.40965238316573, 7.256783361249805 52.40985787624341))",34651_6_10,6,10,124.8959825 +"POLYGON ((7.256783361249805 52.40965238316573, 7.257938338043674 52.40965238316573, 7.257938338043674 52.40944688913068, 7.256783361249805 52.40944688913068, 7.256783361249805 52.40965238316573))",34651_6_11,6,11,128.66666666666666 +"POLYGON ((7.256783361249805 52.40944688913068, 7.257938338043674 52.40944688913068, 7.257938338043674 52.40924139413828, 7.256783361249805 52.40924139413828, 7.256783361249805 52.40944688913068))",34651_6_12,6,12,110.0 +"POLYGON ((7.256783361249805 52.40924139413828, 7.257938338043674 52.40924139413828, 7.257938338043674 52.40903589818851, 7.256783361249805 52.40903589818851, 7.256783361249805 52.40924139413828))",34651_6_13,6,13,126.94275418181816 +"POLYGON ((7.256783361249805 52.40903589818851, 7.257938338043674 52.40903589818851, 7.257938338043674 52.40883040128137, 7.256783361249805 52.40883040128137, 7.256783361249805 52.40903589818851))",34651_6_14,6,14,117.74787175 +"POLYGON ((7.256783361249805 52.40883040128137, 7.257938338043674 52.40883040128137, 7.257938338043674 52.40862490341686, 7.256783361249805 52.40862490341686, 7.256783361249805 52.40883040128137))",34651_6_15,6,15,162.33333333333334 +"POLYGON ((7.256783361249805 52.40841940459498, 7.257938338043674 52.40841940459498, 7.257938338043674 52.40821390481574, 7.256783361249805 52.40821390481574, 7.256783361249805 52.40841940459498))",34651_6_17,6,17,138.66666666666666 +"POLYGON ((7.256783361249805 52.40821390481574, 7.257938338043674 52.40821390481574, 7.257938338043674 52.4080084040791, 7.256783361249805 52.4080084040791, 7.256783361249805 52.40821390481574))",34651_6_18,6,18,123.0838525 +"POLYGON ((7.249853500486598 52.40396669502977, 7.251008477280466 52.40396669502977, 7.251008477280466 52.40376117450701, 7.249853500486598 52.40376117450701, 7.249853500486598 52.40396669502977))",34652_0_12,0,12,148.66666666666666 +"POLYGON ((7.249853500486598 52.40211697585786, 7.251008477280466 52.40211697585786, 7.251008477280466 52.40191144671829, 7.249853500486598 52.40191144671829, 7.249853500486598 52.40211697585786))",34652_0_21,0,21,131.0 +"POLYGON ((7.249853500486598 52.40191144671829, 7.251008477280466 52.40191144671829, 7.251008477280466 52.40170591662132, 7.249853500486598 52.40170591662132, 7.249853500486598 52.40191144671829))",34652_0_22,0,22,130.9368655 +"POLYGON ((7.251008477280466 52.40458325085361, 7.252163454074334 52.40458325085361, 7.252163454074334 52.40437773320308, 7.251008477280466 52.40437773320308, 7.251008477280466 52.40458325085361))",34652_1_9,1,9,129.33333333333334 +"POLYGON ((7.252163454074334 52.40376117450701, 7.253318430868202 52.40376117450701, 7.253318430868202 52.40355565302684, 7.252163454074334 52.40355565302684, 7.252163454074334 52.40376117450701))",34652_2_13,2,13,157.66666666666666 +"POLYGON ((7.253318430868202 52.40519979806078, 7.254473407662068 52.40519979806078, 7.254473407662068 52.40499428328246, 7.253318430868202 52.40499428328246, 7.253318430868202 52.40519979806078))",34652_3_6,3,6,136.0 +"POLYGON ((7.253318430868202 52.40396669502977, 7.254473407662068 52.40396669502977, 7.254473407662068 52.40376117450701, 7.253318430868202 52.40376117450701, 7.253318430868202 52.40396669502977))",34652_3_12,3,12,125.0 +"POLYGON ((7.253318430868202 52.40314460719423, 7.254473407662068 52.40314460719423, 7.254473407662068 52.4029390828418, 7.253318430868202 52.4029390828418, 7.253318430868202 52.40314460719423))",34652_3_16,3,16,134.0 +"POLYGON ((7.254473407662068 52.40561082474522, 7.255628384455938 52.40561082474522, 7.255628384455938 52.40540531188171, 7.254473407662068 52.40540531188171, 7.254473407662068 52.40561082474522))",34652_4_4,4,4,178.66666666666666 +"POLYGON ((7.254473407662068 52.40540531188171, 7.255628384455938 52.40540531188171, 7.255628384455938 52.40519979806078, 7.254473407662068 52.40519979806078, 7.254473407662068 52.40540531188171))",34652_4_5,4,5,158.66666833333332 +"POLYGON ((7.254473407662068 52.40519979806078, 7.255628384455938 52.40519979806078, 7.255628384455938 52.40499428328246, 7.254473407662068 52.40499428328246, 7.254473407662068 52.40519979806078))",34652_4_6,4,6,158.5 +"POLYGON ((7.254473407662068 52.40478876754675, 7.255628384455938 52.40478876754675, 7.255628384455938 52.40458325085361, 7.254473407662068 52.40458325085361, 7.254473407662068 52.40478876754675))",34652_4_8,4,8,131.00000066666666 +"POLYGON ((7.254473407662068 52.40437773320308, 7.255628384455938 52.40437773320308, 7.255628384455938 52.40417221459514, 7.254473407662068 52.40417221459514, 7.254473407662068 52.40437773320308))",34652_4_10,4,10,133.0 +"POLYGON ((7.254473407662068 52.40314460719423, 7.255628384455938 52.40314460719423, 7.255628384455938 52.4029390828418, 7.254473407662068 52.4029390828418, 7.254473407662068 52.40314460719423))",34652_4_16,4,16,152.99999925 +"POLYGON ((7.254473407662068 52.4029390828418, 7.255628384455938 52.4029390828418, 7.255628384455938 52.40273355753195, 7.254473407662068 52.40273355753195, 7.254473407662068 52.4029390828418))",34652_4_17,4,17,130.0 +"POLYGON ((7.255628384455938 52.40561082474522, 7.256783361249805 52.40561082474522, 7.256783361249805 52.40540531188171, 7.255628384455938 52.40540531188171, 7.255628384455938 52.40561082474522))",34652_5_4,5,4,119.33333333333333 +"POLYGON ((7.255628384455938 52.40519979806078, 7.256783361249805 52.40519979806078, 7.256783361249805 52.40499428328246, 7.255628384455938 52.40499428328246, 7.255628384455938 52.40519979806078))",34652_5_6,5,6,177.33333333333334 +"POLYGON ((7.255628384455938 52.40437773320308, 7.256783361249805 52.40437773320308, 7.256783361249805 52.40417221459514, 7.255628384455938 52.40417221459514, 7.255628384455938 52.40437773320308))",34652_5_10,5,10,138.438254 +"POLYGON ((7.255628384455938 52.40417221459514, 7.256783361249805 52.40417221459514, 7.256783361249805 52.40396669502977, 7.255628384455938 52.40396669502977, 7.255628384455938 52.40417221459514))",34652_5_11,5,11,129.00000066666666 +"POLYGON ((7.255628384455938 52.40396669502977, 7.256783361249805 52.40396669502977, 7.256783361249805 52.40376117450701, 7.255628384455938 52.40376117450701, 7.255628384455938 52.40396669502977))",34652_5_12,5,12,129.015626 +"POLYGON ((7.255628384455938 52.40376117450701, 7.256783361249805 52.40376117450701, 7.256783361249805 52.40355565302684, 7.255628384455938 52.40355565302684, 7.255628384455938 52.40376117450701))",34652_5_13,5,13,129.6450212857143 +"POLYGON ((7.255628384455938 52.40314460719423, 7.256783361249805 52.40314460719423, 7.256783361249805 52.4029390828418, 7.255628384455938 52.4029390828418, 7.255628384455938 52.40314460719423))",34652_5_16,5,16,155.66666666666666 +"POLYGON ((7.255628384455938 52.40252803126468, 7.256783361249805 52.40252803126468, 7.256783361249805 52.40232250403999, 7.255628384455938 52.40232250403999, 7.255628384455938 52.40252803126468))",34652_5_19,5,19,147.333334 +"POLYGON ((7.255628384455938 52.40170591662132, 7.256783361249805 52.40170591662132, 7.256783361249805 52.40150038556691, 7.255628384455938 52.40150038556691, 7.255628384455938 52.40170591662132))",34652_5_23,5,23,125.52430625 +"POLYGON ((7.256783361249805 52.40437773320308, 7.257938338043674 52.40437773320308, 7.257938338043674 52.40417221459514, 7.256783361249805 52.40417221459514, 7.256783361249805 52.40437773320308))",34652_6_10,6,10,120.93647999999999 +"POLYGON ((7.256783361249805 52.40417221459514, 7.257938338043674 52.40417221459514, 7.257938338043674 52.40396669502977, 7.256783361249805 52.40396669502977, 7.256783361249805 52.40417221459514))",34652_6_11,6,11,129.0 +"POLYGON ((7.256783361249805 52.40396669502977, 7.257938338043674 52.40396669502977, 7.257938338043674 52.40376117450701, 7.256783361249805 52.40376117450701, 7.256783361249805 52.40396669502977))",34652_6_12,6,12,119.25 +"POLYGON ((7.256783361249805 52.40376117450701, 7.257938338043674 52.40376117450701, 7.257938338043674 52.40355565302684, 7.256783361249805 52.40355565302684, 7.256783361249805 52.40376117450701))",34652_6_13,6,13,127.91666658333334 +"POLYGON ((7.256783361249805 52.40355565302684, 7.257938338043674 52.40355565302684, 7.257938338043674 52.40335013058925, 7.256783361249805 52.40335013058925, 7.256783361249805 52.40355565302684))",34652_6_14,6,14,145.82581733333333 +"POLYGON ((7.256783361249805 52.40335013058925, 7.257938338043674 52.40335013058925, 7.257938338043674 52.40314460719423, 7.256783361249805 52.40314460719423, 7.256783361249805 52.40335013058925))",34652_6_15,6,15,158.0 +"POLYGON ((7.256783361249805 52.4029390828418, 7.257938338043674 52.4029390828418, 7.257938338043674 52.40273355753195, 7.256783361249805 52.40273355753195, 7.256783361249805 52.4029390828418))",34652_6_17,6,17,144.0 +"POLYGON ((7.256783361249805 52.40273355753195, 7.257938338043674 52.40273355753195, 7.257938338043674 52.40252803126468, 7.256783361249805 52.40252803126468, 7.256783361249805 52.40273355753195))",34652_6_18,6,18,120.31950525 +"POLYGON ((7.249853500486598 52.39848582010276, 7.251008477280466 52.39848582010276, 7.251008477280466 52.39828027404835, 7.249853500486598 52.39828027404835, 7.249853500486598 52.39848582010276))",34653_0_12,0,12,154.0 +"POLYGON ((7.249853500486598 52.39643031647262, 7.251008477280466 52.39643031647262, 7.251008477280466 52.3962247608435, 7.249853500486598 52.3962247608435, 7.249853500486598 52.39643031647262))",34653_0_22,0,22,132.000004 +"POLYGON ((7.251008477280466 52.39910245252124, 7.252163454074334 52.39910245252124, 7.252163454074334 52.39889690933921, 7.251008477280466 52.39889690933921, 7.251008477280466 52.39910245252124))",34653_1_9,1,9,133.0 +"POLYGON ((7.253318430868202 52.39971907632264, 7.254473407662068 52.39971907632264, 7.254473407662068 52.39951353601296, 7.253318430868202 52.39951353601296, 7.253318430868202 52.39971907632264))",34653_3_6,3,6,143.0 +"POLYGON ((7.253318430868202 52.39848582010276, 7.254473407662068 52.39848582010276, 7.254473407662068 52.39828027404835, 7.253318430868202 52.39828027404835, 7.253318430868202 52.39848582010276))",34653_3_12,3,12,135.0 +"POLYGON ((7.253318430868202 52.39766363014032, 7.254473407662068 52.39766363014032, 7.254473407662068 52.39745808025605, 7.253318430868202 52.39745808025605, 7.253318430868202 52.39766363014032))",34653_3_16,3,16,134.0 +"POLYGON ((7.254473407662068 52.39992461567488, 7.255628384455938 52.39992461567488, 7.255628384455938 52.39971907632264, 7.254473407662068 52.39971907632264, 7.254473407662068 52.39992461567488))",34653_4_5,4,5,158.0000005 +"POLYGON ((7.254473407662068 52.39930799474583, 7.255628384455938 52.39930799474583, 7.255628384455938 52.39910245252124, 7.254473407662068 52.39910245252124, 7.254473407662068 52.39930799474583))",34653_4_8,4,8,134.0 +"POLYGON ((7.254473407662068 52.39889690933921, 7.255628384455938 52.39889690933921, 7.255628384455938 52.39869136519971, 7.254473407662068 52.39869136519971, 7.254473407662068 52.39889690933921))",34653_4_10,4,10,111.0 +"POLYGON ((7.254473407662068 52.39766363014032, 7.255628384455938 52.39766363014032, 7.255628384455938 52.39745808025605, 7.254473407662068 52.39745808025605, 7.254473407662068 52.39766363014032))",34653_4_16,4,16,150.000002 +"POLYGON ((7.254473407662068 52.39745808025605, 7.255628384455938 52.39745808025605, 7.255628384455938 52.39725252941431, 7.254473407662068 52.39725252941431, 7.254473407662068 52.39745808025605))",34653_4_17,4,17,130.0 +"POLYGON ((7.255628384455938 52.40013015406965, 7.256783361249805 52.40013015406965, 7.256783361249805 52.39992461567488, 7.255628384455938 52.39992461567488, 7.255628384455938 52.40013015406965))",34653_5_4,5,4,119.0 +"POLYGON ((7.255628384455938 52.39971907632264, 7.256783361249805 52.39971907632264, 7.256783361249805 52.39951353601296, 7.255628384455938 52.39951353601296, 7.255628384455938 52.39971907632264))",34653_5_6,5,6,182.0 +"POLYGON ((7.255628384455938 52.39889690933921, 7.256783361249805 52.39889690933921, 7.256783361249805 52.39869136519971, 7.255628384455938 52.39869136519971, 7.255628384455938 52.39889690933921))",34653_5_10,5,10,134.0 +"POLYGON ((7.255628384455938 52.39869136519971, 7.256783361249805 52.39869136519971, 7.256783361249805 52.39848582010276, 7.255628384455938 52.39848582010276, 7.255628384455938 52.39869136519971))",34653_5_11,5,11,132.0 +"POLYGON ((7.255628384455938 52.39848582010276, 7.256783361249805 52.39848582010276, 7.256783361249805 52.39828027404835, 7.255628384455938 52.39828027404835, 7.255628384455938 52.39848582010276))",34653_5_12,5,12,134.0 +"POLYGON ((7.255628384455938 52.39828027404835, 7.256783361249805 52.39828027404835, 7.256783361249805 52.39807472703647, 7.255628384455938 52.39807472703647, 7.255628384455938 52.39828027404835))",34653_5_13,5,13,127.0000015 +"POLYGON ((7.255628384455938 52.39766363014032, 7.256783361249805 52.39766363014032, 7.256783361249805 52.39745808025605, 7.255628384455938 52.39745808025605, 7.255628384455938 52.39766363014032))",34653_5_16,5,16,155.0 +"POLYGON ((7.255628384455938 52.3970469776151, 7.256783361249805 52.3970469776151, 7.256783361249805 52.39684142485841, 7.255628384455938 52.39684142485841, 7.255628384455938 52.3970469776151))",34653_5_19,5,19,145.999996 +"POLYGON ((7.255628384455938 52.3962247608435, 7.256783361249805 52.3962247608435, 7.256783361249805 52.39601920425691, 7.255628384455938 52.39601920425691, 7.255628384455938 52.3962247608435))",34653_5_23,5,23,123.491398 +"POLYGON ((7.256783361249805 52.39889690933921, 7.257938338043674 52.39889690933921, 7.257938338043674 52.39869136519971, 7.256783361249805 52.39869136519971, 7.256783361249805 52.39889690933921))",34653_6_10,6,10,124.000003 +"POLYGON ((7.256783361249805 52.39869136519971, 7.257938338043674 52.39869136519971, 7.257938338043674 52.39848582010276, 7.256783361249805 52.39848582010276, 7.256783361249805 52.39869136519971))",34653_6_11,6,11,126.0 +"POLYGON ((7.256783361249805 52.39848582010276, 7.257938338043674 52.39848582010276, 7.257938338043674 52.39828027404835, 7.256783361249805 52.39828027404835, 7.256783361249805 52.39848582010276))",34653_6_12,6,12,123.0 +"POLYGON ((7.256783361249805 52.39828027404835, 7.257938338043674 52.39828027404835, 7.257938338043674 52.39807472703647, 7.256783361249805 52.39807472703647, 7.256783361249805 52.39828027404835))",34653_6_13,6,13,125.44767466666667 +"POLYGON ((7.256783361249805 52.39807472703647, 7.257938338043674 52.39807472703647, 7.257938338043674 52.39786917906713, 7.256783361249805 52.39786917906713, 7.256783361249805 52.39807472703647))",34653_6_14,6,14,156.999995 +"POLYGON ((7.256783361249805 52.39745808025605, 7.257938338043674 52.39745808025605, 7.257938338043674 52.39725252941431, 7.256783361249805 52.39725252941431, 7.256783361249805 52.39745808025605))",34653_6_17,6,17,150.0 +"POLYGON ((7.256783361249805 52.39725252941431, 7.257938338043674 52.39725252941431, 7.257938338043674 52.3970469776151, 7.256783361249805 52.3970469776151, 7.256783361249805 52.39725252941431))",34653_6_18,6,18,123.000002 +"POLYGON ((7.253318430868202 52.37655551144543, 7.254473407662068 52.37655551144543, 7.254473407662068 52.37634986325153, 7.253318430868202 52.37634986325153, 7.253318430868202 52.37655551144543))",34657_3_12,3,12,126.0 +"POLYGON ((7.254473407662068 52.37737809464455, 7.255628384455938 52.37737809464455, 7.255628384455938 52.37717245028124, 7.254473407662068 52.37717245028124, 7.254473407662068 52.37737809464455))",34657_4_8,4,8,139.999998 +"POLYGON ((7.254473407662068 52.37552726089933, 7.255628384455938 52.37552726089933, 7.255628384455938 52.37532160791714, 7.254473407662068 52.37532160791714, 7.254473407662068 52.37552726089933))",34657_4_17,4,17,125.0 +"POLYGON ((7.255628384455938 52.37778938049821, 7.256783361249805 52.37778938049821, 7.256783361249805 52.37758373805019, 7.255628384455938 52.37758373805019, 7.255628384455938 52.37778938049821))",34657_5_6,5,6,177.0 +"POLYGON ((7.255628384455938 52.37676115868169, 7.256783361249805 52.37676115868169, 7.256783361249805 52.37655551144543, 7.255628384455938 52.37655551144543, 7.255628384455938 52.37676115868169))",34657_5_11,5,11,131.999998 +"POLYGON ((7.255628384455938 52.37655551144543, 7.256783361249805 52.37655551144543, 7.256783361249805 52.37634986325153, 7.255628384455938 52.37634986325153, 7.255628384455938 52.37655551144543))",34657_5_12,5,12,126.0 +"POLYGON ((7.255628384455938 52.37511595397727, 7.256783361249805 52.37511595397727, 7.256783361249805 52.37491029907974, 7.255628384455938 52.37491029907974, 7.255628384455938 52.37511595397727))",34657_5_19,5,19,140.999998 +"POLYGON ((7.255628384455938 52.37429332864114, 7.256783361249805 52.37429332864114, 7.256783361249805 52.37408766991292, 7.255628384455938 52.37408766991292, 7.255628384455938 52.37429332864114))",34657_5_23,5,23,108.999998 +"POLYGON ((7.256783361249805 52.37614421409997, 7.257938338043674 52.37614421409997, 7.257938338043674 52.37593856399074, 7.256783361249805 52.37593856399074, 7.256783361249805 52.37614421409997))",34657_6_14,6,14,139.000004 +"POLYGON ((7.249853500486598 52.37107123187194, 7.251008477280466 52.37107123187194, 7.251008477280466 52.37086555813994, 7.249853500486598 52.37086555813994, 7.249853500486598 52.37107123187194))",34658_0_12,0,12,143.33333333333334 +"POLYGON ((7.249853500486598 52.36901445145508, 7.251008477280466 52.36901445145508, 7.251008477280466 52.36880876814596, 7.249853500486598 52.36880876814596, 7.249853500486598 52.36901445145508))",34658_0_22,0,22,135.531347 +"POLYGON ((7.251008477280466 52.37168824732174, 7.252163454074334 52.37168824732174, 7.252163454074334 52.37148257646284, 7.251008477280466 52.37148257646284, 7.251008477280466 52.37168824732174))",34658_1_9,1,9,129.25 +"POLYGON ((7.252163454074334 52.37086555813994, 7.253318430868202 52.37086555813994, 7.253318430868202 52.37065988345024, 7.252163454074334 52.37065988345024, 7.252163454074334 52.37086555813994))",34658_2_13,2,13,162.66666666666666 +"POLYGON ((7.253318430868202 52.37230525415227, 7.254473407662068 52.37230525415227, 7.254473407662068 52.37209958616644, 7.253318430868202 52.37209958616644, 7.253318430868202 52.37230525415227))",34658_3_6,3,6,181.0 +"POLYGON ((7.253318430868202 52.37107123187194, 7.254473407662068 52.37107123187194, 7.254473407662068 52.37086555813994, 7.253318430868202 52.37086555813994, 7.253318430868202 52.37107123187194))",34658_3_12,3,12,128.33333333333334 +"POLYGON ((7.253318430868202 52.37024853119772, 7.254473407662068 52.37024853119772, 7.254473407662068 52.37004285363489, 7.253318430868202 52.37004285363489, 7.253318430868202 52.37024853119772))",34658_3_16,3,16,136.66666666666666 +"POLYGON ((7.254473407662068 52.37271658725082, 7.255628384455938 52.37271658725082, 7.255628384455938 52.37251092118039, 7.254473407662068 52.37251092118039, 7.254473407662068 52.37271658725082))",34658_4_4,4,4,178.33333333333334 +"POLYGON ((7.254473407662068 52.37251092118039, 7.255628384455938 52.37251092118039, 7.255628384455938 52.37230525415227, 7.254473407662068 52.37230525415227, 7.254473407662068 52.37251092118039))",34658_4_5,4,5,146.33333283333334 +"POLYGON ((7.254473407662068 52.37189391722294, 7.255628384455938 52.37189391722294, 7.255628384455938 52.37168824732174, 7.254473407662068 52.37168824732174, 7.254473407662068 52.37189391722294))",34658_4_8,4,8,131.18760233333333 +"POLYGON ((7.254473407662068 52.37148257646284, 7.255628384455938 52.37148257646284, 7.255628384455938 52.37127690464624, 7.254473407662068 52.37127690464624, 7.254473407662068 52.37148257646284))",34658_4_10,4,10,127.0 +"POLYGON ((7.254473407662068 52.37004285363489, 7.255628384455938 52.37004285363489, 7.255628384455938 52.36983717511436, 7.254473407662068 52.36983717511436, 7.254473407662068 52.37004285363489))",34658_4_17,4,17,119.0 +"POLYGON ((7.255628384455938 52.37271658725082, 7.256783361249805 52.37271658725082, 7.256783361249805 52.37251092118039, 7.255628384455938 52.37251092118039, 7.255628384455938 52.37271658725082))",34658_5_4,5,4,123.25 +"POLYGON ((7.255628384455938 52.37230525415227, 7.256783361249805 52.37230525415227, 7.256783361249805 52.37209958616644, 7.255628384455938 52.37209958616644, 7.255628384455938 52.37230525415227))",34658_5_6,5,6,176.0 +"POLYGON ((7.255628384455938 52.37168824732174, 7.256783361249805 52.37168824732174, 7.256783361249805 52.37148257646284, 7.255628384455938 52.37148257646284, 7.255628384455938 52.37168824732174))",34658_5_9,5,9,134.715295 +"POLYGON ((7.255628384455938 52.37127690464624, 7.256783361249805 52.37127690464624, 7.256783361249805 52.37107123187194, 7.255628384455938 52.37107123187194, 7.255628384455938 52.37127690464624))",34658_5_11,5,11,129.580395 +"POLYGON ((7.255628384455938 52.37107123187194, 7.256783361249805 52.37107123187194, 7.256783361249805 52.37086555813994, 7.255628384455938 52.37086555813994, 7.255628384455938 52.37107123187194))",34658_5_12,5,12,123.729883 +"POLYGON ((7.255628384455938 52.37086555813994, 7.256783361249805 52.37086555813994, 7.256783361249805 52.37065988345024, 7.255628384455938 52.37065988345024, 7.255628384455938 52.37086555813994))",34658_5_13,5,13,119.375000125 +"POLYGON ((7.255628384455938 52.37024853119772, 7.256783361249805 52.37024853119772, 7.256783361249805 52.37004285363489, 7.255628384455938 52.37004285363489, 7.255628384455938 52.37024853119772))",34658_5_16,5,16,188.0 +"POLYGON ((7.255628384455938 52.36963149563611, 7.256783361249805 52.36963149563611, 7.256783361249805 52.36942581520015, 7.255628384455938 52.36942581520015, 7.255628384455938 52.36963149563611))",34658_5_19,5,19,143.33333333333334 +"POLYGON ((7.255628384455938 52.36880876814596, 7.256783361249805 52.36880876814596, 7.256783361249805 52.36860308387912, 7.255628384455938 52.36860308387912, 7.255628384455938 52.36880876814596))",34658_5_23,5,23,113.90749274999999 +"POLYGON ((7.256783361249805 52.37148257646284, 7.257938338043674 52.37148257646284, 7.257938338043674 52.37127690464624, 7.256783361249805 52.37127690464624, 7.256783361249805 52.37148257646284))",34658_6_10,6,10,123.14061575 +"POLYGON ((7.256783361249805 52.37107123187194, 7.257938338043674 52.37107123187194, 7.257938338043674 52.37086555813994, 7.256783361249805 52.37086555813994, 7.256783361249805 52.37107123187194))",34658_6_12,6,12,112.9090909090909 +"POLYGON ((7.256783361249805 52.37086555813994, 7.257938338043674 52.37086555813994, 7.257938338043674 52.37065988345024, 7.256783361249805 52.37065988345024, 7.256783361249805 52.37086555813994))",34658_6_13,6,13,125.000000625 +"POLYGON ((7.256783361249805 52.37065988345024, 7.257938338043674 52.37065988345024, 7.257938338043674 52.37045420780284, 7.256783361249805 52.37045420780284, 7.256783361249805 52.37065988345024))",34658_6_14,6,14,116.31829337500001 +"POLYGON ((7.256783361249805 52.37045420780284, 7.257938338043674 52.37045420780284, 7.257938338043674 52.37024853119772, 7.256783361249805 52.37024853119772, 7.256783361249805 52.37045420780284))",34658_6_15,6,15,173.5 +"POLYGON ((7.256783361249805 52.37004285363489, 7.257938338043674 52.37004285363489, 7.257938338043674 52.36983717511436, 7.256783361249805 52.36983717511436, 7.256783361249805 52.37004285363489))",34658_6_17,6,17,149.0 +"POLYGON ((7.256783361249805 52.36983717511436, 7.257938338043674 52.36983717511436, 7.257938338043674 52.36963149563611, 7.256783361249805 52.36963149563611, 7.256783361249805 52.36983717511436))",34658_6_18,6,18,105.015448 +"POLYGON ((7.249853500486598 52.36558627126612, 7.251008477280466 52.36558627126612, 7.251008477280466 52.36538057199474, 7.249853500486598 52.36538057199474, 7.249853500486598 52.36558627126612))",34659_0_12,0,12,146.66666666666666 +"POLYGON ((7.249853500486598 52.36352923545329, 7.251008477280466 52.36352923545329, 7.251008477280466 52.36332352660431, 7.249853500486598 52.36332352660431, 7.249853500486598 52.36352923545329))",34659_0_22,0,22,138.00880175 +"POLYGON ((7.251008477280466 52.36620336333376, 7.252163454074334 52.36620336333376, 7.252163454074334 52.36599766693563, 7.251008477280466 52.36599766693563, 7.251008477280466 52.36620336333376))",34659_1_9,1,9,128.33333333333334 +"POLYGON ((7.252163454074334 52.36538057199474, 7.253318430868202 52.36538057199474, 7.253318430868202 52.3651748717656, 7.252163454074334 52.3651748717656, 7.252163454074334 52.36538057199474))",34659_2_13,2,13,167.5 +"POLYGON ((7.253318430868202 52.3668204467817, 7.254473407662068 52.3668204467817, 7.254473407662068 52.3666147532568, 7.253318430868202 52.3666147532568, 7.253318430868202 52.3668204467817))",34659_3_6,3,6,184.66666666666666 +"POLYGON ((7.253318430868202 52.36558627126612, 7.254473407662068 52.36558627126612, 7.254473407662068 52.36538057199474, 7.253318430868202 52.36538057199474, 7.253318430868202 52.36558627126612))",34659_3_12,3,12,130.5 +"POLYGON ((7.253318430868202 52.36476346843409, 7.254473407662068 52.36476346843409, 7.254473407662068 52.36455776533169, 7.253318430868202 52.36455776533169, 7.253318430868202 52.36476346843409))",34659_3_16,3,16,133.0 +"POLYGON ((7.254473407662068 52.3672318309583, 7.255628384455938 52.3672318309583, 7.255628384455938 52.36702613934887, 7.254473407662068 52.36702613934887, 7.254473407662068 52.3672318309583))",34659_4_4,4,4,170.0 +"POLYGON ((7.254473407662068 52.36702613934887, 7.255628384455938 52.36702613934887, 7.255628384455938 52.3668204467817, 7.254473407662068 52.3668204467817, 7.254473407662068 52.36702613934887))",34659_4_5,4,5,151.85714314285715 +"POLYGON ((7.254473407662068 52.36640905877415, 7.255628384455938 52.36640905877415, 7.255628384455938 52.36620336333376, 7.254473407662068 52.36620336333376, 7.254473407662068 52.36640905877415))",34659_4_8,4,8,127.2558505 +"POLYGON ((7.254473407662068 52.36599766693563, 7.255628384455938 52.36599766693563, 7.255628384455938 52.36579196957975, 7.254473407662068 52.36579196957975, 7.254473407662068 52.36599766693563))",34659_4_10,4,10,133.0 +"POLYGON ((7.254473407662068 52.36455776533169, 7.255628384455938 52.36455776533169, 7.255628384455938 52.36435206127153, 7.254473407662068 52.36435206127153, 7.254473407662068 52.36455776533169))",34659_4_17,4,17,113.33333333333333 +"POLYGON ((7.255628384455938 52.3672318309583, 7.256783361249805 52.3672318309583, 7.256783361249805 52.36702613934887, 7.255628384455938 52.36702613934887, 7.255628384455938 52.3672318309583))",34659_5_4,5,4,126.33333333333333 +"POLYGON ((7.255628384455938 52.3668204467817, 7.256783361249805 52.3668204467817, 7.256783361249805 52.3666147532568, 7.255628384455938 52.3666147532568, 7.255628384455938 52.3668204467817))",34659_5_6,5,6,169.33333333333334 +"POLYGON ((7.255628384455938 52.36620336333376, 7.256783361249805 52.36620336333376, 7.256783361249805 52.36599766693563, 7.255628384455938 52.36599766693563, 7.255628384455938 52.36620336333376))",34659_5_9,5,9,136.13542800000002 +"POLYGON ((7.255628384455938 52.36579196957975, 7.256783361249805 52.36579196957975, 7.256783361249805 52.36558627126612, 7.255628384455938 52.36558627126612, 7.255628384455938 52.36579196957975))",34659_5_11,5,11,110.05026725 +"POLYGON ((7.255628384455938 52.36538057199474, 7.256783361249805 52.36538057199474, 7.256783361249805 52.3651748717656, 7.255628384455938 52.3651748717656, 7.255628384455938 52.36538057199474))",34659_5_13,5,13,116.37499975 +"POLYGON ((7.255628384455938 52.36476346843409, 7.256783361249805 52.36476346843409, 7.256783361249805 52.36455776533169, 7.255628384455938 52.36455776533169, 7.255628384455938 52.36476346843409))",34659_5_16,5,16,186.0 +"POLYGON ((7.255628384455938 52.36414635625361, 7.256783361249805 52.36414635625361, 7.256783361249805 52.36394065027794, 7.255628384455938 52.36394065027794, 7.255628384455938 52.36414635625361))",34659_5_19,5,19,144.33333366666668 +"POLYGON ((7.255628384455938 52.36332352660431, 7.256783361249805 52.36332352660431, 7.256783361249805 52.36311781679755, 7.255628384455938 52.36311781679755, 7.255628384455938 52.36332352660431))",34659_5_23,5,23,117.6821085 +"POLYGON ((7.256783361249805 52.36599766693563, 7.257938338043674 52.36599766693563, 7.257938338043674 52.36579196957975, 7.256783361249805 52.36579196957975, 7.256783361249805 52.36599766693563))",34659_6_10,6,10,107.3267956 +"POLYGON ((7.256783361249805 52.36558627126612, 7.257938338043674 52.36558627126612, 7.257938338043674 52.36538057199474, 7.256783361249805 52.36538057199474, 7.256783361249805 52.36558627126612))",34659_6_12,6,12,105.83333333333333 +"POLYGON ((7.256783361249805 52.36538057199474, 7.257938338043674 52.36538057199474, 7.257938338043674 52.3651748717656, 7.256783361249805 52.3651748717656, 7.256783361249805 52.36538057199474))",34659_6_13,6,13,124.27641442857143 +"POLYGON ((7.256783361249805 52.3651748717656, 7.257938338043674 52.3651748717656, 7.257938338043674 52.36496917057873, 7.256783361249805 52.36496917057873, 7.256783361249805 52.3651748717656))",34659_6_14,6,14,121.28903814285715 +"POLYGON ((7.256783361249805 52.36496917057873, 7.257938338043674 52.36496917057873, 7.257938338043674 52.36476346843409, 7.256783361249805 52.36476346843409, 7.256783361249805 52.36496917057873))",34659_6_15,6,15,137.66666666666666 +"POLYGON ((7.256783361249805 52.36455776533169, 7.257938338043674 52.36455776533169, 7.257938338043674 52.36435206127153, 7.256783361249805 52.36435206127153, 7.256783361249805 52.36455776533169))",34659_6_17,6,17,147.0 +"POLYGON ((7.256783361249805 52.36435206127153, 7.257938338043674 52.36435206127153, 7.257938338043674 52.36414635625361, 7.256783361249805 52.36414635625361, 7.256783361249805 52.36435206127153))",34659_6_18,6,18,111.6052506 +"POLYGON ((7.249853500486598 52.36010062959367, 7.251008477280466 52.36010062959367, 7.251008477280466 52.35989490478162, 7.249853500486598 52.35989490478162, 7.249853500486598 52.36010062959367))",34660_0_12,0,12,150.5 +"POLYGON ((7.249853500486598 52.35804333837201, 7.251008477280466 52.35804333837201, 7.251008477280466 52.35783760398188, 7.249853500486598 52.35783760398188, 7.249853500486598 52.35804333837201))",34660_0_22,0,22,106.57954 +"POLYGON ((7.251008477280466 52.36071779828302, 7.252163454074334 52.36071779828302, 7.252163454074334 52.36051207634436, 7.251008477280466 52.36051207634436, 7.251008477280466 52.36071779828302))",34660_1_9,1,9,132.33333333333334 +"POLYGON ((7.252163454074334 52.35989490478162, 7.253318430868202 52.35989490478162, 7.253318430868202 52.35968917901178, 7.252163454074334 52.35968917901178, 7.252163454074334 52.35989490478162))",34660_2_13,2,13,165.5 +"POLYGON ((7.253318430868202 52.36133495835223, 7.254473407662068 52.36133495835223, 7.254473407662068 52.36112923928695, 7.253318430868202 52.36112923928695, 7.253318430868202 52.36133495835223))",34660_3_6,3,6,178.0 +"POLYGON ((7.253318430868202 52.36010062959367, 7.254473407662068 52.36010062959367, 7.254473407662068 52.35989490478162, 7.253318430868202 52.35989490478162, 7.253318430868202 52.36010062959367))",34660_3_12,3,12,133.66666666666666 +"POLYGON ((7.253318430868202 52.35927772459868, 7.254473407662068 52.35927772459868, 7.254473407662068 52.35907199595543, 7.253318430868202 52.35907199595543, 7.253318430868202 52.35927772459868))",34660_3_16,3,16,131.66666666666666 +"POLYGON ((7.254473407662068 52.36174639360944, 7.255628384455938 52.36174639360944, 7.255628384455938 52.36154067645973, 7.254473407662068 52.36154067645973, 7.254473407662068 52.36174639360944))",34660_4_4,4,4,170.5 +"POLYGON ((7.254473407662068 52.36154067645973, 7.255628384455938 52.36154067645973, 7.255628384455938 52.36133495835223, 7.254473407662068 52.36133495835223, 7.254473407662068 52.36154067645973))",34660_4_5,4,5,157.9999995 +"POLYGON ((7.254473407662068 52.36092351926388, 7.255628384455938 52.36092351926388, 7.255628384455938 52.36071779828302, 7.254473407662068 52.36071779828302, 7.254473407662068 52.36092351926388))",34660_4_8,4,8,126.999999 +"POLYGON ((7.254473407662068 52.36051207634436, 7.255628384455938 52.36051207634436, 7.255628384455938 52.36030635344791, 7.254473407662068 52.36030635344791, 7.254473407662068 52.36051207634436))",34660_4_10,4,10,134.33333333333334 +"POLYGON ((7.254473407662068 52.35907199595543, 7.255628384455938 52.35907199595543, 7.255628384455938 52.35886626635436, 7.254473407662068 52.35886626635436, 7.254473407662068 52.35907199595543))",34660_4_17,4,17,107.75 +"POLYGON ((7.255628384455938 52.36174639360944, 7.256783361249805 52.36174639360944, 7.256783361249805 52.36154067645973, 7.255628384455938 52.36154067645973, 7.255628384455938 52.36174639360944))",34660_5_4,5,4,123.0 +"POLYGON ((7.255628384455938 52.36133495835223, 7.256783361249805 52.36133495835223, 7.256783361249805 52.36112923928695, 7.255628384455938 52.36112923928695, 7.255628384455938 52.36133495835223))",34660_5_6,5,6,164.5 +"POLYGON ((7.255628384455938 52.36071779828302, 7.256783361249805 52.36071779828302, 7.256783361249805 52.36051207634436, 7.255628384455938 52.36051207634436, 7.255628384455938 52.36071779828302))",34660_5_9,5,9,136.468159 +"POLYGON ((7.255628384455938 52.36030635344791, 7.256783361249805 52.36030635344791, 7.256783361249805 52.36010062959367, 7.255628384455938 52.36010062959367, 7.255628384455938 52.36030635344791))",34660_5_11,5,11,115.7879975 +"POLYGON ((7.255628384455938 52.35989490478162, 7.256783361249805 52.35989490478162, 7.256783361249805 52.35968917901178, 7.255628384455938 52.35968917901178, 7.255628384455938 52.35989490478162))",34660_5_13,5,13,112.260295 +"POLYGON ((7.255628384455938 52.35927772459868, 7.256783361249805 52.35927772459868, 7.256783361249805 52.35907199595543, 7.255628384455938 52.35907199595543, 7.255628384455938 52.35927772459868))",34660_5_16,5,16,184.66666666666666 +"POLYGON ((7.255628384455938 52.3586605357955, 7.256783361249805 52.3586605357955, 7.256783361249805 52.35845480427881, 7.255628384455938 52.35845480427881, 7.255628384455938 52.3586605357955))",34660_5_19,5,19,143.150016 +"POLYGON ((7.255628384455938 52.35783760398188, 7.256783361249805 52.35783760398188, 7.256783361249805 52.35763186863394, 7.255628384455938 52.35763186863394, 7.255628384455938 52.35783760398188))",34660_5_23,5,23,120.47751699999999 +"POLYGON ((7.256783361249805 52.36051207634436, 7.257938338043674 52.36051207634436, 7.257938338043674 52.36030635344791, 7.256783361249805 52.36030635344791, 7.256783361249805 52.36051207634436))",34660_6_10,6,10,98.399551 +"POLYGON ((7.256783361249805 52.36010062959367, 7.257938338043674 52.36010062959367, 7.257938338043674 52.35989490478162, 7.256783361249805 52.35989490478162, 7.256783361249805 52.36010062959367))",34660_6_12,6,12,111.81818181818181 +"POLYGON ((7.256783361249805 52.35989490478162, 7.257938338043674 52.35989490478162, 7.257938338043674 52.35968917901178, 7.256783361249805 52.35968917901178, 7.256783361249805 52.35989490478162))",34660_6_13,6,13,122.124999375 +"POLYGON ((7.256783361249805 52.35968917901178, 7.257938338043674 52.35968917901178, 7.257938338043674 52.35948345228414, 7.256783361249805 52.35948345228414, 7.256783361249805 52.35968917901178))",34660_6_14,6,14,128.76082625 +"POLYGON ((7.256783361249805 52.35948345228414, 7.257938338043674 52.35948345228414, 7.257938338043674 52.35927772459868, 7.256783361249805 52.35927772459868, 7.256783361249805 52.35948345228414))",34660_6_15,6,15,134.33333333333334 +"POLYGON ((7.256783361249805 52.35907199595543, 7.257938338043674 52.35907199595543, 7.257938338043674 52.35886626635436, 7.256783361249805 52.35886626635436, 7.256783361249805 52.35907199595543))",34660_6_17,6,17,155.0 +"POLYGON ((7.256783361249805 52.35886626635436, 7.257938338043674 52.35886626635436, 7.257938338043674 52.3586605357955, 7.256783361249805 52.3586605357955, 7.256783361249805 52.35886626635436))",34660_6_18,6,18,110.195877 +"POLYGON ((7.249853500486598 52.3546143068203, 7.251008477280466 52.3546143068203, 7.251008477280466 52.35440855646631, 7.249853500486598 52.35440855646631, 7.249853500486598 52.3546143068203))",34661_0_12,0,12,137.5 +"POLYGON ((7.249853500486598 52.35255676017697, 7.251008477280466 52.35255676017697, 7.251008477280466 52.35235100024442, 7.249853500486598 52.35235100024442, 7.249853500486598 52.35255676017697))",34661_0_22,0,22,97.22606533333334 +"POLYGON ((7.251008477280466 52.35523155213522, 7.252163454074334 52.35523155213522, 7.252163454074334 52.35502580465476, 7.251008477280466 52.35502580465476, 7.251008477280466 52.35523155213522))",34661_1_9,1,9,131.0 +"POLYGON ((7.252163454074334 52.35440855646631, 7.253318430868202 52.35440855646631, 7.253318430868202 52.35420280515447, 7.252163454074334 52.35420280515447, 7.252163454074334 52.35440855646631))",34661_2_13,2,13,160.0 +"POLYGON ((7.253318430868202 52.35584878882957, 7.254473407662068 52.35584878882957, 7.254473407662068 52.35564304422262, 7.253318430868202 52.35564304422262, 7.253318430868202 52.35584878882957))",34661_3_6,3,6,180.0 +"POLYGON ((7.253318430868202 52.3546143068203, 7.254473407662068 52.3546143068203, 7.254473407662068 52.35440855646631, 7.253318430868202 52.35440855646631, 7.253318430868202 52.3546143068203))",34661_3_12,3,12,133.0 +"POLYGON ((7.253318430868202 52.35379129965723, 7.254473407662068 52.35379129965723, 7.254473407662068 52.35358554547184, 7.253318430868202 52.35358554547184, 7.253318430868202 52.35379129965723))",34661_3_16,3,16,133.0 +"POLYGON ((7.254473407662068 52.35626027516995, 7.255628384455938 52.35626027516995, 7.255628384455938 52.35605453247867, 7.254473407662068 52.35605453247867, 7.254473407662068 52.35626027516995))",34661_4_4,4,4,175.5 +"POLYGON ((7.254473407662068 52.35605453247867, 7.255628384455938 52.35605453247867, 7.255628384455938 52.35584878882957, 7.254473407662068 52.35584878882957, 7.254473407662068 52.35605453247867))",34661_4_5,4,5,160.021668 +"POLYGON ((7.254473407662068 52.35543729865784, 7.255628384455938 52.35543729865784, 7.255628384455938 52.35523155213522, 7.254473407662068 52.35523155213522, 7.254473407662068 52.35543729865784))",34661_4_8,4,8,130.999998 +"POLYGON ((7.254473407662068 52.35502580465476, 7.255628384455938 52.35502580465476, 7.255628384455938 52.35482005621646, 7.254473407662068 52.35482005621646, 7.254473407662068 52.35502580465476))",34661_4_10,4,10,134.5 +"POLYGON ((7.254473407662068 52.35358554547184, 7.255628384455938 52.35358554547184, 7.255628384455938 52.35337979032858, 7.254473407662068 52.35337979032858, 7.254473407662068 52.35358554547184))",34661_4_17,4,17,92.5 +"POLYGON ((7.255628384455938 52.35626027516995, 7.256783361249805 52.35626027516995, 7.256783361249805 52.35605453247867, 7.255628384455938 52.35605453247867, 7.255628384455938 52.35626027516995))",34661_5_4,5,4,125.0 +"POLYGON ((7.255628384455938 52.35584878882957, 7.256783361249805 52.35584878882957, 7.256783361249805 52.35564304422262, 7.255628384455938 52.35564304422262, 7.255628384455938 52.35584878882957))",34661_5_6,5,6,175.0 +"POLYGON ((7.255628384455938 52.35523155213522, 7.256783361249805 52.35523155213522, 7.256783361249805 52.35502580465476, 7.255628384455938 52.35502580465476, 7.255628384455938 52.35523155213522))",34661_5_9,5,9,134.0 +"POLYGON ((7.255628384455938 52.35482005621646, 7.256783361249805 52.35482005621646, 7.256783361249805 52.3546143068203, 7.255628384455938 52.3546143068203, 7.255628384455938 52.35482005621646))",34661_5_11,5,11,128.000003 +"POLYGON ((7.255628384455938 52.35440855646631, 7.256783361249805 52.35440855646631, 7.256783361249805 52.35420280515447, 7.255628384455938 52.35420280515447, 7.255628384455938 52.35440855646631))",34661_5_13,5,13,68.55555588888889 +"POLYGON ((7.255628384455938 52.35379129965723, 7.256783361249805 52.35379129965723, 7.256783361249805 52.35358554547184, 7.255628384455938 52.35358554547184, 7.255628384455938 52.35379129965723))",34661_5_16,5,16,180.0 +"POLYGON ((7.255628384455938 52.35317403422747, 7.256783361249805 52.35317403422747, 7.256783361249805 52.35296827716849, 7.255628384455938 52.35296827716849, 7.255628384455938 52.35317403422747))",34661_5_19,5,19,147.000003 +"POLYGON ((7.255628384455938 52.35235100024442, 7.256783361249805 52.35235100024442, 7.256783361249805 52.352145239354, 7.255628384455938 52.352145239354, 7.255628384455938 52.35235100024442))",34661_5_23,5,23,121.19375 +"POLYGON ((7.256783361249805 52.35502580465476, 7.257938338043674 52.35502580465476, 7.257938338043674 52.35482005621646, 7.256783361249805 52.35482005621646, 7.256783361249805 52.35502580465476))",34661_6_10,6,10,88.92386900000001 +"POLYGON ((7.256783361249805 52.3546143068203, 7.257938338043674 52.3546143068203, 7.257938338043674 52.35440855646631, 7.256783361249805 52.35440855646631, 7.256783361249805 52.3546143068203))",34661_6_12,6,12,120.33333333333333 +"POLYGON ((7.256783361249805 52.35440855646631, 7.257938338043674 52.35440855646631, 7.257938338043674 52.35420280515447, 7.256783361249805 52.35420280515447, 7.256783361249805 52.35440855646631))",34661_6_13,6,13,127.5999994 +"POLYGON ((7.256783361249805 52.35420280515447, 7.257938338043674 52.35420280515447, 7.257938338043674 52.35399705288477, 7.256783361249805 52.35399705288477, 7.256783361249805 52.35420280515447))",34661_6_14,6,14,138.9422536666667 +"POLYGON ((7.256783361249805 52.35399705288477, 7.257938338043674 52.35399705288477, 7.257938338043674 52.35379129965723, 7.256783361249805 52.35379129965723, 7.256783361249805 52.35399705288477))",34661_6_15,6,15,154.0 +"POLYGON ((7.256783361249805 52.35358554547184, 7.257938338043674 52.35358554547184, 7.257938338043674 52.35337979032858, 7.256783361249805 52.35337979032858, 7.256783361249805 52.35358554547184))",34661_6_17,6,17,151.0 +"POLYGON ((7.256783361249805 52.35337979032858, 7.257938338043674 52.35337979032858, 7.257938338043674 52.35317403422747, 7.256783361249805 52.35317403422747, 7.256783361249805 52.35337979032858))",34661_6_18,6,18,127.31671850000001 +"POLYGON ((7.255628384455938 52.3428164063192, 7.256783361249805 52.3428164063192, 7.256783361249805 52.34261060104566, 7.255628384455938 52.34261060104566, 7.255628384455938 52.3428164063192))",34663_5_16,5,16,68.0 +"POLYGON ((7.256783361249805 52.34322801399243, 7.257938338043674 52.34322801399243, 7.257938338043674 52.34302221063479, 7.256783361249805 52.34302221063479, 7.256783361249805 52.34322801399243))",34663_6_14,6,14,118.58026 +"POLYGON ((7.256783361249805 52.34302221063479, 7.257938338043674 52.34302221063479, 7.257938338043674 52.3428164063192, 7.256783361249805 52.3428164063192, 7.256783361249805 52.34302221063479))",34663_6_15,6,15,70.5 +"POLYGON ((7.256783361249805 52.34261060104566, 7.257938338043674 52.34261060104566, 7.257938338043674 52.34240479481418, 7.256783361249805 52.34240479481418, 7.256783361249805 52.34261060104566))",34663_6_17,6,17,74.0 +"POLYGON ((7.249853500486598 52.33815125155233, 7.251008477280466 52.33815125155233, 7.251008477280466 52.33794542456479, 7.249853500486598 52.33794542456479, 7.249853500486598 52.33815125155233))",34664_0_12,0,12,158.5 +"POLYGON ((7.249853500486598 52.33609293856698, 7.251008477280466 52.33609293856698, 7.251008477280466 52.33588710199942, 7.249853500486598 52.33588710199942, 7.249853500486598 52.33609293856698))",34664_0_22,0,22,107.5404625 +"POLYGON ((7.251008477280466 52.33876872676704, 7.252163454074334 52.33876872676704, 7.252163454074334 52.33856290265347, 7.251008477280466 52.33856290265347, 7.251008477280466 52.33876872676704))",34664_1_9,1,9,133.0 +"POLYGON ((7.252163454074334 52.33794542456479, 7.253318430868202 52.33794542456479, 7.253318430868202 52.33773959661924, 7.252163454074334 52.33773959661924, 7.252163454074334 52.33794542456479))",34664_2_13,2,13,163.0 +"POLYGON ((7.253318430868202 52.33938619335989, 7.254473407662068 52.33938619335989, 7.254473407662068 52.33918037212025, 7.253318430868202 52.33918037212025, 7.253318430868202 52.33938619335989))",34664_3_6,3,6,184.5 +"POLYGON ((7.253318430868202 52.33815125155233, 7.254473407662068 52.33815125155233, 7.254473407662068 52.33794542456479, 7.253318430868202 52.33794542456479, 7.253318430868202 52.33815125155233))",34664_3_12,3,12,131.5 +"POLYGON ((7.253318430868202 52.33732793785418, 7.254473407662068 52.33732793785418, 7.254473407662068 52.33712210703465, 7.253318430868202 52.33712210703465, 7.253318430868202 52.33732793785418))",34664_3_16,3,16,146.5 +"POLYGON ((7.254473407662068 52.3397978329652, 7.255628384455938 52.3397978329652, 7.255628384455938 52.33959201364154, 7.254473407662068 52.33959201364154, 7.254473407662068 52.3397978329652))",34664_4_4,4,4,177.0 +"POLYGON ((7.254473407662068 52.33959201364154, 7.255628384455938 52.33959201364154, 7.255628384455938 52.33938619335989, 7.254473407662068 52.33938619335989, 7.254473407662068 52.33959201364154))",34664_4_5,4,5,154.0000008 +"POLYGON ((7.254473407662068 52.33856290265347, 7.255628384455938 52.33856290265347, 7.255628384455938 52.3383570775819, 7.254473407662068 52.3383570775819, 7.254473407662068 52.33856290265347))",34664_4_10,4,10,134.33333333333334 +"POLYGON ((7.255628384455938 52.3397978329652, 7.256783361249805 52.3397978329652, 7.256783361249805 52.33959201364154, 7.255628384455938 52.33959201364154, 7.255628384455938 52.3397978329652))",34664_5_4,5,4,124.5 +"POLYGON ((7.255628384455938 52.33938619335989, 7.256783361249805 52.33938619335989, 7.256783361249805 52.33918037212025, 7.255628384455938 52.33918037212025, 7.255628384455938 52.33938619335989))",34664_5_6,5,6,144.0 +"POLYGON ((7.255628384455938 52.33876872676704, 7.256783361249805 52.33876872676704, 7.256783361249805 52.33856290265347, 7.255628384455938 52.33856290265347, 7.255628384455938 52.33876872676704))",34664_5_9,5,9,131.499998 +"POLYGON ((7.255628384455938 52.3383570775819, 7.256783361249805 52.3383570775819, 7.256783361249805 52.33815125155233, 7.255628384455938 52.33815125155233, 7.255628384455938 52.3383570775819))",34664_5_11,5,11,130.1390745 +"POLYGON ((7.255628384455938 52.33732793785418, 7.256783361249805 52.33732793785418, 7.256783361249805 52.33712210703465, 7.255628384455938 52.33712210703465, 7.255628384455938 52.33732793785418))",34664_5_16,5,16,48.0 +"POLYGON ((7.255628384455938 52.33671044252159, 7.256783361249805 52.33671044252159, 7.256783361249805 52.33650460882806, 7.255628384455938 52.33650460882806, 7.255628384455938 52.33671044252159))",34664_5_19,5,19,143.33333100000002 +"POLYGON ((7.255628384455938 52.33588710199942, 7.256783361249805 52.33588710199942, 7.256783361249805 52.33568126447386, 7.255628384455938 52.33568126447386, 7.255628384455938 52.33588710199942))",34664_5_23,5,23,112.52822325 +"POLYGON ((7.256783361249805 52.33856290265347, 7.257938338043674 52.33856290265347, 7.257938338043674 52.3383570775819, 7.256783361249805 52.3383570775819, 7.256783361249805 52.33856290265347))",34664_6_10,6,10,129.2085115 +"POLYGON ((7.256783361249805 52.33815125155233, 7.257938338043674 52.33815125155233, 7.257938338043674 52.33794542456479, 7.256783361249805 52.33794542456479, 7.256783361249805 52.33815125155233))",34664_6_12,6,12,122.33333333333333 +"POLYGON ((7.256783361249805 52.33794542456479, 7.257938338043674 52.33794542456479, 7.257938338043674 52.33773959661924, 7.256783361249805 52.33773959661924, 7.256783361249805 52.33794542456479))",34664_6_13,6,13,122.48926714285714 +"POLYGON ((7.256783361249805 52.33773959661924, 7.257938338043674 52.33773959661924, 7.257938338043674 52.33753376771572, 7.256783361249805 52.33753376771572, 7.256783361249805 52.33773959661924))",34664_6_14,6,14,126.9871938 +"POLYGON ((7.256783361249805 52.33753376771572, 7.257938338043674 52.33753376771572, 7.257938338043674 52.33732793785418, 7.256783361249805 52.33732793785418, 7.256783361249805 52.33753376771572))",34664_6_15,6,15,46.25 +"POLYGON ((7.256783361249805 52.33712210703465, 7.257938338043674 52.33712210703465, 7.257938338043674 52.33691627525712, 7.256783361249805 52.33691627525712, 7.256783361249805 52.33712210703465))",34664_6_17,6,17,57.666666666666664 +"POLYGON ((7.256783361249805 52.33691627525712, 7.257938338043674 52.33691627525712, 7.257938338043674 52.33671044252159, 7.256783361249805 52.33671044252159, 7.256783361249805 52.33691627525712))",34664_6_18,6,18,111.67690875 +"POLYGON ((7.249853500486598 52.332662204033, 7.251008477280466 52.332662204033, 7.251008477280466 52.33245635149837, 7.249853500486598 52.33245635149837, 7.249853500486598 52.332662204033))",34665_0_12,0,12,165.0 +"POLYGON ((7.249853500486598 52.33060363557465, 7.251008477280466 52.33060363557465, 7.251008477280466 52.33039777345953, 7.249853500486598 52.33039777345953, 7.249853500486598 52.33060363557465))",34665_0_22,0,22,127.999998 +"POLYGON ((7.251008477280466 52.33327975588866, 7.252163454074334 52.33327975588866, 7.252163454074334 52.33307390622814, 7.251008477280466 52.33307390622814, 7.251008477280466 52.33327975588866))",34665_1_9,1,9,133.66666666666666 +"POLYGON ((7.252163454074334 52.33245635149837, 7.253318430868202 52.33245635149837, 7.253318430868202 52.33225049800569, 7.252163454074334 52.33225049800569, 7.252163454074334 52.33245635149837))",34665_2_13,2,13,164.5 +"POLYGON ((7.253318430868202 52.33389729912203, 7.254473407662068 52.33389729912203, 7.254473407662068 52.33369145233561, 7.253318430868202 52.33369145233561, 7.253318430868202 52.33389729912203))",34665_3_6,3,6,185.5 +"POLYGON ((7.253318430868202 52.332662204033, 7.254473407662068 52.332662204033, 7.254473407662068 52.33245635149837, 7.253318430868202 52.33245635149837, 7.253318430868202 52.332662204033))",34665_3_12,3,12,133.0 +"POLYGON ((7.253318430868202 52.33183878814623, 7.254473407662068 52.33183878814623, 7.254473407662068 52.33163293177942, 7.253318430868202 52.33163293177942, 7.253318430868202 52.33183878814623))",34665_3_16,3,16,146.5 +"POLYGON ((7.254473407662068 52.3343089898208, 7.255628384455938 52.3343089898208, 7.255628384455938 52.33410314495043, 7.254473407662068 52.33410314495043, 7.254473407662068 52.3343089898208))",34665_4_4,4,4,178.5 +"POLYGON ((7.254473407662068 52.33410314495043, 7.255628384455938 52.33410314495043, 7.255628384455938 52.33389729912203, 7.254473407662068 52.33389729912203, 7.254473407662068 52.33410314495043))",34665_4_5,4,5,157.749999 +"POLYGON ((7.254473407662068 52.33307390622814, 7.255628384455938 52.33307390622814, 7.255628384455938 52.33286805560959, 7.254473407662068 52.33286805560959, 7.254473407662068 52.33307390622814))",34665_4_10,4,10,136.5 +"POLYGON ((7.255628384455938 52.3343089898208, 7.256783361249805 52.3343089898208, 7.256783361249805 52.33410314495043, 7.255628384455938 52.33410314495043, 7.255628384455938 52.3343089898208))",34665_5_4,5,4,127.33333333333333 +"POLYGON ((7.255628384455938 52.33389729912203, 7.256783361249805 52.33389729912203, 7.256783361249805 52.33369145233561, 7.255628384455938 52.33369145233561, 7.255628384455938 52.33389729912203))",34665_5_6,5,6,157.0 +"POLYGON ((7.255628384455938 52.33327975588866, 7.256783361249805 52.33327975588866, 7.256783361249805 52.33307390622814, 7.255628384455938 52.33307390622814, 7.255628384455938 52.33327975588866))",34665_5_9,5,9,125.5843615 +"POLYGON ((7.255628384455938 52.33286805560959, 7.256783361249805 52.33286805560959, 7.256783361249805 52.332662204033, 7.255628384455938 52.332662204033, 7.255628384455938 52.33286805560959))",34665_5_11,5,11,128.45469133333333 +"POLYGON ((7.255628384455938 52.33122121617167, 7.256783361249805 52.33122121617167, 7.256783361249805 52.33101535693071, 7.255628384455938 52.33101535693071, 7.255628384455938 52.33122121617167))",34665_5_19,5,19,145.33333333333334 +"POLYGON ((7.255628384455938 52.33039777345953, 7.256783361249805 52.33039777345953, 7.256783361249805 52.33019191038636, 7.255628384455938 52.33019191038636, 7.255628384455938 52.33039777345953))",34665_5_23,5,23,110.44783050000001 +"POLYGON ((7.256783361249805 52.33307390622814, 7.257938338043674 52.33307390622814, 7.257938338043674 52.33286805560959, 7.256783361249805 52.33286805560959, 7.256783361249805 52.33307390622814))",34665_6_10,6,10,132.85363575 +"POLYGON ((7.256783361249805 52.332662204033, 7.257938338043674 52.332662204033, 7.257938338043674 52.33245635149837, 7.256783361249805 52.33245635149837, 7.256783361249805 52.332662204033))",34665_6_12,6,12,125.66666666666667 +"POLYGON ((7.256783361249805 52.33245635149837, 7.257938338043674 52.33245635149837, 7.257938338043674 52.33225049800569, 7.256783361249805 52.33225049800569, 7.256783361249805 52.33245635149837))",34665_6_13,6,13,122.91861385714286 +"POLYGON ((7.256783361249805 52.33225049800569, 7.257938338043674 52.33225049800569, 7.257938338043674 52.33204464355499, 7.256783361249805 52.33204464355499, 7.256783361249805 52.33225049800569))",34665_6_14,6,14,128.09219475 +"POLYGON ((7.256783361249805 52.33142707445457, 7.257938338043674 52.33142707445457, 7.257938338043674 52.33122121617167, 7.256783361249805 52.33122121617167, 7.256783361249805 52.33142707445457))",34665_6_18,6,18,102.62205675 +"POLYGON ((7.249853500486598 52.32717247524168, 7.251008477280466 52.32717247524168, 7.251008477280466 52.32696659715869, 7.249853500486598 52.32696659715869, 7.249853500486598 52.32717247524168))",34666_0_12,0,12,159.5 +"POLYGON ((7.249853500486598 52.32511365129754, 7.251008477280466 52.32511365129754, 7.251008477280466 52.32490776363358, 7.249853500486598 52.32490776363358, 7.249853500486598 52.32511365129754))",34666_0_22,0,22,136.96052525 +"POLYGON ((7.251008477280466 52.32779010374215, 7.252163454074334 52.32779010374215, 7.252163454074334 52.32758422853342, 7.251008477280466 52.32758422853342, 7.251008477280466 52.32779010374215))",34666_1_9,1,9,138.0 +"POLYGON ((7.252163454074334 52.32696659715869, 7.253318430868202 52.32696659715869, 7.253318430868202 52.3267607181176, 7.252163454074334 52.3267607181176, 7.252163454074334 52.32696659715869))",34666_2_13,2,13,163.0 +"POLYGON ((7.253318430868202 52.32840772361988, 7.254473407662068 52.32840772361988, 7.254473407662068 52.32820185128539, 7.253318430868202 52.32820185128539, 7.253318430868202 52.32840772361988))",34666_3_6,3,6,183.5 +"POLYGON ((7.253318430868202 52.32717247524168, 7.254473407662068 52.32717247524168, 7.254473407662068 52.32696659715869, 7.253318430868202 52.32696659715869, 7.253318430868202 52.32717247524168))",34666_3_12,3,12,131.66666666666666 +"POLYGON ((7.253318430868202 52.32634895716117, 7.254473407662068 52.32634895716117, 7.254473407662068 52.32614307524581, 7.253318430868202 52.32614307524581, 7.253318430868202 52.32634895716117))",34666_3_16,3,16,140.0 +"POLYGON ((7.254473407662068 52.32881946541467, 7.255628384455938 52.32881946541467, 7.255628384455938 52.32861359499631, 7.254473407662068 52.32861359499631, 7.254473407662068 52.32881946541467))",34666_4_4,4,4,173.5 +"POLYGON ((7.254473407662068 52.32861359499631, 7.255628384455938 52.32861359499631, 7.255628384455938 52.32840772361988, 7.254473407662068 52.32840772361988, 7.254473407662068 52.32861359499631))",34666_4_5,4,5,154.69348583333334 +"POLYGON ((7.254473407662068 52.32758422853342, 7.255628384455938 52.32758422853342, 7.255628384455938 52.32737835236659, 7.254473407662068 52.32737835236659, 7.254473407662068 52.32758422853342))",34666_4_10,4,10,120.5 +"POLYGON ((7.255628384455938 52.32881946541467, 7.256783361249805 52.32881946541467, 7.256783361249805 52.32861359499631, 7.255628384455938 52.32861359499631, 7.255628384455938 52.32881946541467))",34666_5_4,5,4,129.0 +"POLYGON ((7.255628384455938 52.32840772361988, 7.256783361249805 52.32840772361988, 7.256783361249805 52.32820185128539, 7.255628384455938 52.32820185128539, 7.255628384455938 52.32840772361988))",34666_5_6,5,6,185.33333333333334 +"POLYGON ((7.255628384455938 52.32779010374215, 7.256783361249805 52.32779010374215, 7.256783361249805 52.32758422853342, 7.255628384455938 52.32758422853342, 7.255628384455938 52.32779010374215))",34666_5_9,5,9,125.813081 +"POLYGON ((7.255628384455938 52.32737835236659, 7.256783361249805 52.32737835236659, 7.256783361249805 52.32717247524168, 7.255628384455938 52.32717247524168, 7.255628384455938 52.32737835236659))",34666_5_11,5,11,128.23554199999998 +"POLYGON ((7.255628384455938 52.3257313085408, 7.256783361249805 52.3257313085408, 7.256783361249805 52.32552542375115, 7.255628384455938 52.32552542375115, 7.255628384455938 52.3257313085408))",34666_5_19,5,19,147.333332 +"POLYGON ((7.255628384455938 52.32490776363358, 7.256783361249805 52.32490776363358, 7.256783361249805 52.32470187501151, 7.255628384455938 52.32470187501151, 7.255628384455938 52.32490776363358))",34666_5_23,5,23,107.60755175 +"POLYGON ((7.256783361249805 52.32758422853342, 7.257938338043674 52.32758422853342, 7.257938338043674 52.32737835236659, 7.256783361249805 52.32737835236659, 7.256783361249805 52.32758422853342))",34666_6_10,6,10,133.99999733333334 +"POLYGON ((7.256783361249805 52.32717247524168, 7.257938338043674 52.32717247524168, 7.257938338043674 52.32696659715869, 7.256783361249805 52.32696659715869, 7.256783361249805 52.32717247524168))",34666_6_12,6,12,124.58333333333333 +"POLYGON ((7.256783361249805 52.32696659715869, 7.257938338043674 52.32696659715869, 7.257938338043674 52.3267607181176, 7.256783361249805 52.3267607181176, 7.256783361249805 52.32696659715869))",34666_6_13,6,13,123.89926285714286 +"POLYGON ((7.256783361249805 52.3267607181176, 7.257938338043674 52.3267607181176, 7.257938338043674 52.32655483811843, 7.256783361249805 52.32655483811843, 7.256783361249805 52.3267607181176))",34666_6_14,6,14,124.35068842857142 +"POLYGON ((7.256783361249805 52.32593719237235, 7.257938338043674 52.32593719237235, 7.257938338043674 52.3257313085408, 7.256783361249805 52.3257313085408, 7.256783361249805 52.32593719237235))",34666_6_18,6,18,106.02377025 +"POLYGON ((7.249853500486598 52.32168206514424, 7.251008477280466 52.32168206514424, 7.251008477280466 52.32147616151159, 7.249853500486598 52.32147616151159, 7.249853500486598 52.32168206514424))",34667_0_12,0,12,115.33333333333333 +"POLYGON ((7.249853500486598 52.31962298570149, 7.251008477280466 52.31962298570149, 7.251008477280466 52.3194170724874, 7.249853500486598 52.3194170724874, 7.249853500486598 52.31962298570149))",34667_0_22,0,22,137.66279566666665 +"POLYGON ((7.251008477280466 52.32229977029335, 7.252163454074334 52.32229977029335, 7.252163454074334 52.32209386953511, 7.251008477280466 52.32209386953511, 7.251008477280466 52.32229977029335))",34667_1_9,1,9,137.0 +"POLYGON ((7.252163454074334 52.32147616151159, 7.253318430868202 52.32147616151159, 7.253318430868202 52.32127025692082, 7.252163454074334 52.32127025692082, 7.252163454074334 52.32147616151159))",34667_2_13,2,13,159.5 +"POLYGON ((7.253318430868202 52.3229174668193, 7.254473407662068 52.3229174668193, 7.254473407662068 52.32271156893544, 7.253318430868202 52.32271156893544, 7.253318430868202 52.3229174668193))",34667_3_6,3,6,189.5 +"POLYGON ((7.253318430868202 52.32168206514424, 7.254473407662068 52.32168206514424, 7.254473407662068 52.32147616151159, 7.253318430868202 52.32147616151159, 7.253318430868202 52.32168206514424))",34667_3_12,3,12,130.33333333333334 +"POLYGON ((7.253318430868202 52.32085844486485, 7.254473407662068 52.32085844486485, 7.254473407662068 52.32065253739966, 7.253318430868202 52.32065253739966, 7.253318430868202 52.32085844486485))",34667_3_16,3,16,134.33333333333334 +"POLYGON ((7.254473407662068 52.32332925971264, 7.255628384455938 52.32332925971264, 7.255628384455938 52.32312336374503, 7.254473407662068 52.32312336374503, 7.254473407662068 52.32332925971264))",34667_4_4,4,4,175.66666666666666 +"POLYGON ((7.254473407662068 52.32312336374503, 7.255628384455938 52.32312336374503, 7.255628384455938 52.3229174668193, 7.254473407662068 52.3229174668193, 7.254473407662068 52.32312336374503))",34667_4_5,4,5,155.2000014 +"POLYGON ((7.254473407662068 52.32209386953511, 7.255628384455938 52.32209386953511, 7.255628384455938 52.32188796781874, 7.254473407662068 52.32188796781874, 7.254473407662068 52.32209386953511))",34667_4_10,4,10,122.0 +"POLYGON ((7.255628384455938 52.32332925971264, 7.256783361249805 52.32332925971264, 7.256783361249805 52.32312336374503, 7.255628384455938 52.32312336374503, 7.255628384455938 52.32332925971264))",34667_5_4,5,4,124.66666666666667 +"POLYGON ((7.255628384455938 52.3229174668193, 7.256783361249805 52.3229174668193, 7.256783361249805 52.32271156893544, 7.255628384455938 52.32271156893544, 7.255628384455938 52.3229174668193))",34667_5_6,5,6,185.0 +"POLYGON ((7.255628384455938 52.32229977029335, 7.256783361249805 52.32229977029335, 7.256783361249805 52.32209386953511, 7.255628384455938 52.32209386953511, 7.255628384455938 52.32229977029335))",34667_5_9,5,9,131.105431 +"POLYGON ((7.255628384455938 52.32188796781874, 7.256783361249805 52.32188796781874, 7.256783361249805 52.32168206514424, 7.255628384455938 52.32168206514424, 7.255628384455938 52.32188796781874))",34667_5_11,5,11,126.56007399999999 +"POLYGON ((7.255628384455938 52.32024071959484, 7.256783361249805 52.32024071959484, 7.256783361249805 52.3200348092552, 7.255628384455938 52.3200348092552, 7.255628384455938 52.32024071959484))",34667_5_19,5,19,148.33333533333334 +"POLYGON ((7.255628384455938 52.3194170724874, 7.256783361249805 52.3194170724874, 7.256783361249805 52.31921115831516, 7.255628384455938 52.31921115831516, 7.255628384455938 52.3194170724874))",34667_5_23,5,23,110.25814075 +"POLYGON ((7.256783361249805 52.32209386953511, 7.257938338043674 52.32209386953511, 7.257938338043674 52.32188796781874, 7.256783361249805 52.32188796781874, 7.256783361249805 52.32209386953511))",34667_6_10,6,10,135.00000275 +"POLYGON ((7.256783361249805 52.32168206514424, 7.257938338043674 52.32168206514424, 7.257938338043674 52.32147616151159, 7.256783361249805 52.32147616151159, 7.256783361249805 52.32168206514424))",34667_6_12,6,12,121.875 +"POLYGON ((7.256783361249805 52.32147616151159, 7.257938338043674 52.32147616151159, 7.257938338043674 52.32127025692082, 7.256783361249805 52.32127025692082, 7.256783361249805 52.32147616151159))",34667_6_13,6,13,123.299497 +"POLYGON ((7.256783361249805 52.32127025692082, 7.257938338043674 52.32127025692082, 7.257938338043674 52.3210643513719, 7.256783361249805 52.3210643513719, 7.256783361249805 52.32127025692082))",34667_6_14,6,14,115.08883214285713 +"POLYGON ((7.256783361249805 52.32044662897631, 7.257938338043674 52.32044662897631, 7.257938338043674 52.32024071959484, 7.256783361249805 52.32024071959484, 7.256783361249805 52.32044662897631))",34667_6_18,6,18,114.56257125 +"POLYGON ((7.249853500486598 52.31619097370652, 7.251008477280466 52.31619097370652, 7.251008477280466 52.31598504452296, 7.249853500486598 52.31598504452296, 7.249853500486598 52.31619097370652))",34668_0_12,0,12,114.5 +"POLYGON ((7.249853500486598 52.31413163875238, 7.251008477280466 52.31413163875238, 7.251008477280466 52.3139256999869, 7.249853500486598 52.3139256999869, 7.249853500486598 52.31413163875238))",34668_0_22,0,22,134.00000066666666 +"POLYGON ((7.251008477280466 52.31680875550811, 7.252163454074334 52.31680875550811, 7.252163454074334 52.3166028291991, 7.251008477280466 52.3166028291991, 7.251008477280466 52.31680875550811))",34668_1_9,1,9,135.0 +"POLYGON ((7.252163454074334 52.31598504452296, 7.253318430868202 52.31598504452296, 7.253318430868202 52.31577911438121, 7.252163454074334 52.31577911438121, 7.252163454074334 52.31598504452296))",34668_2_13,2,13,167.66666666666666 +"POLYGON ((7.253318430868202 52.31742652868612, 7.254473407662068 52.31742652868612, 7.254473407662068 52.31722060525163, 7.253318430868202 52.31722060525163, 7.253318430868202 52.31742652868612))",34668_3_6,3,6,183.0 +"POLYGON ((7.253318430868202 52.31619097370652, 7.254473407662068 52.31619097370652, 7.254473407662068 52.31598504452296, 7.253318430868202 52.31598504452296, 7.253318430868202 52.31619097370652))",34668_3_12,3,12,129.0 +"POLYGON ((7.253318430868202 52.31536725122317, 7.254473407662068 52.31536725122317, 7.254473407662068 52.31516131820685, 7.253318430868202 52.31516131820685, 7.253318430868202 52.31536725122317))",34668_3_16,3,16,134.33333333333334 +"POLYGON ((7.254473407662068 52.3178383726806, 7.255628384455938 52.3178383726806, 7.255628384455938 52.31763245116244, 7.254473407662068 52.31763245116244, 7.254473407662068 52.3178383726806))",34668_4_4,4,4,180.0 +"POLYGON ((7.254473407662068 52.31763245116244, 7.255628384455938 52.31763245116244, 7.255628384455938 52.31742652868612, 7.254473407662068 52.31742652868612, 7.254473407662068 52.31763245116244))",34668_4_5,4,5,155.8333335 +"POLYGON ((7.254473407662068 52.3166028291991, 7.255628384455938 52.3166028291991, 7.255628384455938 52.3163969019319, 7.254473407662068 52.3163969019319, 7.254473407662068 52.3166028291991))",34668_4_10,4,10,123.33333333333333 +"POLYGON ((7.255628384455938 52.3178383726806, 7.256783361249805 52.3178383726806, 7.256783361249805 52.31763245116244, 7.255628384455938 52.31763245116244, 7.255628384455938 52.3178383726806))",34668_5_4,5,4,127.33333333333333 +"POLYGON ((7.255628384455938 52.31742652868612, 7.256783361249805 52.31742652868612, 7.256783361249805 52.31722060525163, 7.255628384455938 52.31722060525163, 7.255628384455938 52.31742652868612))",34668_5_6,5,6,185.5 +"POLYGON ((7.255628384455938 52.31680875550811, 7.256783361249805 52.31680875550811, 7.256783361249805 52.3166028291991, 7.255628384455938 52.3166028291991, 7.255628384455938 52.31680875550811))",34668_5_9,5,9,132.767018 +"POLYGON ((7.255628384455938 52.3163969019319, 7.256783361249805 52.3163969019319, 7.256783361249805 52.31619097370652, 7.255628384455938 52.31619097370652, 7.255628384455938 52.3163969019319))",34668_5_11,5,11,127.6034255 +"POLYGON ((7.255628384455938 52.31474944929965, 7.256783361249805 52.31474944929965, 7.256783361249805 52.31454351340875, 7.255628384455938 52.31454351340875, 7.255628384455938 52.31474944929965))",34668_5_19,5,19,146.33333266666668 +"POLYGON ((7.255628384455938 52.3139256999869, 7.256783361249805 52.3139256999869, 7.256783361249805 52.3137197602632, 7.255628384455938 52.3137197602632, 7.255628384455938 52.3139256999869))",34668_5_23,5,23,113.08426 +"POLYGON ((7.256783361249805 52.3166028291991, 7.257938338043674 52.3166028291991, 7.257938338043674 52.3163969019319, 7.256783361249805 52.3163969019319, 7.256783361249805 52.3166028291991))",34668_6_10,6,10,133.949522 +"POLYGON ((7.256783361249805 52.31619097370652, 7.257938338043674 52.31619097370652, 7.257938338043674 52.31598504452296, 7.256783361249805 52.31598504452296, 7.256783361249805 52.31619097370652))",34668_6_12,6,12,120.66666666666667 +"POLYGON ((7.256783361249805 52.31598504452296, 7.257938338043674 52.31598504452296, 7.257938338043674 52.31577911438121, 7.256783361249805 52.31577911438121, 7.256783361249805 52.31598504452296))",34668_6_13,6,13,122.895833875 +"POLYGON ((7.256783361249805 52.31577911438121, 7.257938338043674 52.31577911438121, 7.257938338043674 52.31557318328128, 7.256783361249805 52.31557318328128, 7.256783361249805 52.31577911438121))",34668_6_14,6,14,118.973930375 +"POLYGON ((7.256783361249805 52.31495538423234, 7.257938338043674 52.31495538423234, 7.257938338043674 52.31474944929965, 7.256783361249805 52.31474944929965, 7.256783361249805 52.31495538423234))",34668_6_18,6,18,129.008663 +"POLYGON ((7.249853500486598 52.31069920089443, 7.251008477280466 52.31069920089443, 7.251008477280466 52.31049324615867, 7.249853500486598 52.31049324615867, 7.249853500486598 52.31069920089443))",34669_0_12,0,12,155.0 +"POLYGON ((7.249853500486598 52.30863961041611, 7.251008477280466 52.30863961041611, 7.251008477280466 52.30843364609795, 7.249853500486598 52.30843364609795, 7.249853500486598 52.30863961041611))",34669_0_22,0,22,133.249999 +"POLYGON ((7.251008477280466 52.31131705935235, 7.252163454074334 52.31131705935235, 7.252163454074334 52.31111110749126, 7.251008477280466 52.31111110749126, 7.251008477280466 52.31131705935235))",34669_1_9,1,9,136.66666666666666 +"POLYGON ((7.252163454074334 52.31049324615867, 7.253318430868202 52.31049324615867, 7.253318430868202 52.31028729046468, 7.252163454074334 52.31028729046468, 7.252163454074334 52.31049324615867))",34669_2_13,2,13,160.5 +"POLYGON ((7.253318430868202 52.31193490918624, 7.254473407662068 52.31193490918624, 7.254473407662068 52.31172896019984, 7.253318430868202 52.31172896019984, 7.253318430868202 52.31193490918624))",34669_3_6,3,6,167.0 +"POLYGON ((7.253318430868202 52.31069920089443, 7.254473407662068 52.31069920089443, 7.254473407662068 52.31049324615867, 7.253318430868202 52.31049324615867, 7.253318430868202 52.31069920089443))",34669_3_12,3,12,126.75 +"POLYGON ((7.253318430868202 52.30987537620198, 7.254473407662068 52.30987537620198, 7.254473407662068 52.30966941763327, 7.253318430868202 52.30966941763327, 7.253318430868202 52.30987537620198))",34669_3_16,3,16,136.5 +"POLYGON ((7.254473407662068 52.3123468042844, 7.255628384455938 52.3123468042844, 7.255628384455938 52.31214085721442, 7.254473407662068 52.31214085721442, 7.254473407662068 52.3123468042844))",34669_4_4,4,4,178.5 +"POLYGON ((7.254473407662068 52.31214085721442, 7.255628384455938 52.31214085721442, 7.255628384455938 52.31193490918624, 7.254473407662068 52.31193490918624, 7.254473407662068 52.31214085721442))",34669_4_5,4,5,156.01333250000002 +"POLYGON ((7.254473407662068 52.31111110749126, 7.255628384455938 52.31111110749126, 7.255628384455938 52.31090515467197, 7.254473407662068 52.31090515467197, 7.254473407662068 52.31111110749126))",34669_4_10,4,10,126.0 +"POLYGON ((7.255628384455938 52.3123468042844, 7.256783361249805 52.3123468042844, 7.256783361249805 52.31214085721442, 7.255628384455938 52.31214085721442, 7.255628384455938 52.3123468042844))",34669_5_4,5,4,127.66666666666667 +"POLYGON ((7.255628384455938 52.31193490918624, 7.256783361249805 52.31193490918624, 7.256783361249805 52.31172896019984, 7.255628384455938 52.31172896019984, 7.255628384455938 52.31193490918624))",34669_5_6,5,6,183.5 +"POLYGON ((7.255628384455938 52.31131705935235, 7.256783361249805 52.31131705935235, 7.256783361249805 52.31111110749126, 7.255628384455938 52.31111110749126, 7.255628384455938 52.31131705935235))",34669_5_9,5,9,130.99999875 +"POLYGON ((7.255628384455938 52.31090515467197, 7.256783361249805 52.31090515467197, 7.256783361249805 52.31069920089443, 7.255628384455938 52.31069920089443, 7.255628384455938 52.31090515467197))",34669_5_11,5,11,130.54884733333333 +"POLYGON ((7.255628384455938 52.30925749762113, 7.256783361249805 52.30925749762113, 7.256783361249805 52.30905153617771, 7.255628384455938 52.30905153617771, 7.255628384455938 52.30925749762113))",34669_5_19,5,19,142.30986099999998 +"POLYGON ((7.255628384455938 52.30843364609795, 7.256783361249805 52.30843364609795, 7.256783361249805 52.30822768082152, 7.255628384455938 52.30822768082152, 7.255628384455938 52.30843364609795))",34669_5_23,5,23,111.000001 +"POLYGON ((7.256783361249805 52.31111110749126, 7.257938338043674 52.31111110749126, 7.257938338043674 52.31090515467197, 7.256783361249805 52.31090515467197, 7.256783361249805 52.31111110749126))",34669_6_10,6,10,134.136384 +"POLYGON ((7.256783361249805 52.31069920089443, 7.257938338043674 52.31069920089443, 7.257938338043674 52.31049324615867, 7.256783361249805 52.31049324615867, 7.256783361249805 52.31069920089443))",34669_6_12,6,12,117.5 +"POLYGON ((7.256783361249805 52.31049324615867, 7.257938338043674 52.31049324615867, 7.257938338043674 52.31028729046468, 7.256783361249805 52.31028729046468, 7.256783361249805 52.31049324615867))",34669_6_13,6,13,124.5729407142857 +"POLYGON ((7.256783361249805 52.31028729046468, 7.257938338043674 52.31028729046468, 7.257938338043674 52.31008133381245, 7.256783361249805 52.31008133381245, 7.256783361249805 52.31028729046468))",34669_6_14,6,14,126.09747485714286 +"POLYGON ((7.256783361249805 52.30946345810633, 7.257938338043674 52.30946345810633, 7.257938338043674 52.30925749762113, 7.256783361249805 52.30925749762113, 7.256783361249805 52.30946345810633))",34669_6_18,6,18,137.49862366666665 +"POLYGON ((7.249853500486598 52.30520674667388, 7.251008477280466 52.30520674667388, 7.251008477280466 52.30500076638464, 7.249853500486598 52.30500076638464, 7.249853500486598 52.30520674667388))",34670_0_12,0,12,157.66666666666666 +"POLYGON ((7.249853500486598 52.30314690065861, 7.251008477280466 52.30314690065861, 7.251008477280466 52.30294091078648, 7.249853500486598 52.30294091078648, 7.249853500486598 52.30314690065861))",34670_0_22,0,22,131.0 +"POLYGON ((7.251008477280466 52.30582468179195, 7.252163454074334 52.30582468179195, 7.252163454074334 52.30561870437754, 7.251008477280466 52.30561870437754, 7.251008477280466 52.30582468179195))",34670_1_9,1,9,140.33333333333334 +"POLYGON ((7.252163454074334 52.30500076638464, 7.253318430868202 52.30500076638464, 7.253318430868202 52.30479478513711, 7.252163454074334 52.30479478513711, 7.252163454074334 52.30500076638464))",34670_2_13,2,13,152.33333333333334 +"POLYGON ((7.253318430868202 52.30644260828556, 7.254473407662068 52.30644260828556, 7.254473407662068 52.30623663374596, 7.253318430868202 52.30623663374596, 7.253318430868202 52.30644260828556))",34670_3_6,3,6,148.0 +"POLYGON ((7.253318430868202 52.30520674667388, 7.254473407662068 52.30520674667388, 7.254473407662068 52.30500076638464, 7.253318430868202 52.30500076638464, 7.253318430868202 52.30520674667388))",34670_3_12,3,12,126.66666666666667 +"POLYGON ((7.253318430868202 52.30438281976722, 7.254473407662068 52.30438281976722, 7.254473407662068 52.30417683564485, 7.253318430868202 52.30417683564485, 7.253318430868202 52.30438281976722))",34670_3_16,3,16,134.0 +"POLYGON ((7.254473407662068 52.30685455448997, 7.255628384455938 52.30685455448997, 7.255628384455938 52.3066485818669, 7.254473407662068 52.3066485818669, 7.254473407662068 52.30685455448997))",34670_4_4,4,4,181.33333333333334 +"POLYGON ((7.254473407662068 52.3066485818669, 7.255628384455938 52.3066485818669, 7.255628384455938 52.30644260828556, 7.254473407662068 52.30644260828556, 7.254473407662068 52.3066485818669))",34670_4_5,4,5,151.83333433333334 +"POLYGON ((7.254473407662068 52.30561870437754, 7.255628384455938 52.30561870437754, 7.255628384455938 52.30541272600485, 7.254473407662068 52.30541272600485, 7.254473407662068 52.30561870437754))",34670_4_10,4,10,131.0 +"POLYGON ((7.255628384455938 52.30685455448997, 7.256783361249805 52.30685455448997, 7.256783361249805 52.3066485818669, 7.255628384455938 52.3066485818669, 7.255628384455938 52.30685455448997))",34670_5_4,5,4,127.0 +"POLYGON ((7.255628384455938 52.30644260828556, 7.256783361249805 52.30644260828556, 7.256783361249805 52.30623663374596, 7.255628384455938 52.30623663374596, 7.255628384455938 52.30644260828556))",34670_5_6,5,6,186.0 +"POLYGON ((7.255628384455938 52.30582468179195, 7.256783361249805 52.30582468179195, 7.256783361249805 52.30561870437754, 7.255628384455938 52.30561870437754, 7.255628384455938 52.30582468179195))",34670_5_9,5,9,130.66666733333332 +"POLYGON ((7.255628384455938 52.30541272600485, 7.256783361249805 52.30541272600485, 7.256783361249805 52.30520674667388, 7.255628384455938 52.30520674667388, 7.255628384455938 52.30541272600485))",34670_5_11,5,11,137.64719200000002 +"POLYGON ((7.255628384455938 52.30376486452522, 7.256783361249805 52.30376486452522, 7.256783361249805 52.30355887752798, 7.255628384455938 52.30355887752798, 7.255628384455938 52.30376486452522))",34670_5_19,5,19,143.25000125 +"POLYGON ((7.255628384455938 52.30294091078648, 7.256783361249805 52.30294091078648, 7.256783361249805 52.30273491995604, 7.255628384455938 52.30273491995604, 7.255628384455938 52.30294091078648))",34670_5_23,5,23,114.2442192 +"POLYGON ((7.256783361249805 52.30561870437754, 7.257938338043674 52.30561870437754, 7.257938338043674 52.30541272600485, 7.256783361249805 52.30541272600485, 7.256783361249805 52.30561870437754))",34670_6_10,6,10,134.499998 +"POLYGON ((7.256783361249805 52.30520674667388, 7.257938338043674 52.30520674667388, 7.257938338043674 52.30500076638464, 7.256783361249805 52.30500076638464, 7.256783361249805 52.30520674667388))",34670_6_12,6,12,119.7 +"POLYGON ((7.256783361249805 52.30500076638464, 7.257938338043674 52.30500076638464, 7.257938338043674 52.30479478513711, 7.256783361249805 52.30479478513711, 7.256783361249805 52.30500076638464))",34670_6_13,6,13,127.8977655 +"POLYGON ((7.256783361249805 52.30479478513711, 7.257938338043674 52.30479478513711, 7.257938338043674 52.30458880293131, 7.256783361249805 52.30458880293131, 7.256783361249805 52.30479478513711))",34670_6_14,6,14,138.02375800000002 +"POLYGON ((7.256783361249805 52.30397085056418, 7.257938338043674 52.30397085056418, 7.257938338043674 52.30376486452522, 7.256783361249805 52.30376486452522, 7.256783361249805 52.30397085056418))",34670_6_18,6,18,130.40376575000002 +"POLYGON ((7.249853500486598 52.29765350944579, 7.251008477280466 52.29765350944579, 7.251008477280466 52.29744749401843, 7.249853500486598 52.29744749401843, 7.249853500486598 52.29765350944579))",34671_0_22,0,22,129.0 +"POLYGON ((7.251008477280466 52.30033162279285, 7.252163454074334 52.30033162279285, 7.252163454074334 52.30012561982383, 7.251008477280466 52.30012561982383, 7.251008477280466 52.30033162279285))",34671_1_9,1,9,139.0 +"POLYGON ((7.253318430868202 52.30094962595002, 7.254473407662068 52.30094962595002, 7.254473407662068 52.30074362585596, 7.253318430868202 52.30074362585596, 7.253318430868202 52.30094962595002))",34671_3_6,3,6,139.0 +"POLYGON ((7.253318430868202 52.29971361101081, 7.254473407662068 52.29971361101081, 7.254473407662068 52.2995076051668, 7.253318430868202 52.2995076051668, 7.253318430868202 52.29971361101081))",34671_3_12,3,12,128.0 +"POLYGON ((7.253318430868202 52.29888958188481, 7.254473407662068 52.29888958188481, 7.254473407662068 52.29868357220749, 7.253318430868202 52.29868357220749, 7.253318430868202 52.29888958188481))",34671_3_16,3,16,137.0 +"POLYGON ((7.254473407662068 52.30136162326322, 7.255628384455938 52.30136162326322, 7.255628384455938 52.30115562508578, 7.254473407662068 52.30115562508578, 7.254473407662068 52.30136162326322))",34671_4_4,4,4,181.0 +"POLYGON ((7.254473407662068 52.30115562508578, 7.255628384455938 52.30115562508578, 7.255628384455938 52.30094962595002, 7.254473407662068 52.30094962595002, 7.254473407662068 52.30115562508578))",34671_4_5,4,5,152.499999 +"POLYGON ((7.254473407662068 52.30012561982383, 7.255628384455938 52.30012561982383, 7.255628384455938 52.29991961589648, 7.254473407662068 52.29991961589648, 7.254473407662068 52.30012561982383))",34671_4_10,4,10,131.0 +"POLYGON ((7.255628384455938 52.30136162326322, 7.256783361249805 52.30136162326322, 7.256783361249805 52.30115562508578, 7.255628384455938 52.30115562508578, 7.255628384455938 52.30136162326322))",34671_5_4,5,4,125.0 +"POLYGON ((7.255628384455938 52.30094962595002, 7.256783361249805 52.30094962595002, 7.256783361249805 52.30074362585596, 7.255628384455938 52.30074362585596, 7.255628384455938 52.30094962595002))",34671_5_6,5,6,192.0 +"POLYGON ((7.255628384455938 52.30033162279285, 7.256783361249805 52.30033162279285, 7.256783361249805 52.30012561982383, 7.255628384455938 52.30012561982383, 7.255628384455938 52.30033162279285))",34671_5_9,5,9,131.430754 +"POLYGON ((7.255628384455938 52.29991961589648, 7.256783361249805 52.29991961589648, 7.256783361249805 52.29971361101081, 7.255628384455938 52.29971361101081, 7.255628384455938 52.29991961589648))",34671_5_11,5,11,133.334413 +"POLYGON ((7.255628384455938 52.29744749401843, 7.256783361249805 52.29744749401843, 7.256783361249805 52.29724147763272, 7.255628384455938 52.29724147763272, 7.255628384455938 52.29744749401843))",34671_5_23,5,23,117.093241 +"POLYGON ((7.256783361249805 52.30012561982383, 7.257938338043674 52.30012561982383, 7.257938338043674 52.29991961589648, 7.256783361249805 52.29991961589648, 7.256783361249805 52.30012561982383))",34671_6_10,6,10,136.000004 +"POLYGON ((7.256783361249805 52.29971361101081, 7.257938338043674 52.29971361101081, 7.257938338043674 52.2995076051668, 7.256783361249805 52.2995076051668, 7.256783361249805 52.29971361101081))",34671_6_12,6,12,118.66666666666667 +"POLYGON ((7.256783361249805 52.2995076051668, 7.257938338043674 52.2995076051668, 7.257938338043674 52.29930159836447, 7.256783361249805 52.29930159836447, 7.256783361249805 52.2995076051668))",34671_6_13,6,13,121.0 +"POLYGON ((7.256783361249805 52.29930159836447, 7.257938338043674 52.29930159836447, 7.257938338043674 52.29909559060381, 7.256783361249805 52.29909559060381, 7.256783361249805 52.29930159836447))",34671_6_14,6,14,117.0000035 +"POLYGON ((7.256783361249805 52.29847756157182, 7.257938338043674 52.29847756157182, 7.257938338043674 52.29827154997783, 7.256783361249805 52.29827154997783, 7.256783361249805 52.29847756157182))",34671_6_18,6,18,117.0 +"POLYGON ((7.249853500486598 52.1786921527701, 7.251008477280466 52.1786921527701, 7.251008477280466 52.17848558439989, 7.249853500486598 52.17848558439989, 7.249853500486598 52.1786921527701))",34693_0_12,0,12,97.5 +"POLYGON ((7.249853500486598 52.17662642589595, 7.251008477280466 52.17662642589595, 7.251008477280466 52.17641984793192, 7.249853500486598 52.17641984793192, 7.249853500486598 52.17662642589595))",34693_0_22,0,22,96.007299 +"POLYGON ((7.251008477280466 52.17931185212451, 7.252163454074334 52.17931185212451, 7.252163454074334 52.17910528663241, 7.251008477280466 52.17910528663241, 7.251008477280466 52.17931185212451))",34693_1_9,1,9,106.0 +"POLYGON ((7.252163454074334 52.17848558439989, 7.253318430868202 52.17848558439989, 7.253318430868202 52.17827901507032, 7.252163454074334 52.17827901507032, 7.252163454074334 52.17848558439989))",34693_2_13,2,13,116.0 +"POLYGON ((7.253318430868202 52.17993154284461, 7.254473407662068 52.17993154284461, 7.254473407662068 52.1797249802306, 7.253318430868202 52.1797249802306, 7.253318430868202 52.17993154284461))",34693_3_6,3,6,109.5 +"POLYGON ((7.253318430868202 52.1786921527701, 7.254473407662068 52.1786921527701, 7.254473407662068 52.17848558439989, 7.253318430868202 52.17848558439989, 7.253318430868202 52.1786921527701))",34693_3_12,3,12,101.0 +"POLYGON ((7.253318430868202 52.17786587353301, 7.254473407662068 52.17786587353301, 7.254473407662068 52.1776593013253, 7.253318430868202 52.1776593013253, 7.253318430868202 52.17786587353301))",34693_3_16,3,16,107.0 +"POLYGON ((7.254473407662068 52.18034466519453, 7.255628384455938 52.18034466519453, 7.255628384455938 52.18013810449925, 7.254473407662068 52.18013810449925, 7.254473407662068 52.18034466519453))",34693_4_4,4,4,124.0 +"POLYGON ((7.254473407662068 52.18013810449925, 7.255628384455938 52.18013810449925, 7.255628384455938 52.17993154284461, 7.254473407662068 52.17993154284461, 7.254473407662068 52.18013810449925))",34693_4_5,4,5,125.0 +"POLYGON ((7.255628384455938 52.18034466519453, 7.256783361249805 52.18034466519453, 7.256783361249805 52.18013810449925, 7.255628384455938 52.18013810449925, 7.255628384455938 52.18034466519453))",34693_5_4,5,4,114.0 +"POLYGON ((7.255628384455938 52.17993154284461, 7.256783361249805 52.17993154284461, 7.256783361249805 52.1797249802306, 7.255628384455938 52.1797249802306, 7.255628384455938 52.17993154284461))",34693_5_6,5,6,127.0 +"POLYGON ((7.255628384455938 52.17931185212451, 7.256783361249805 52.17931185212451, 7.256783361249805 52.17910528663241, 7.255628384455938 52.17910528663241, 7.255628384455938 52.17931185212451))",34693_5_9,5,9,84.473353 +"POLYGON ((7.255628384455938 52.17910528663241, 7.256783361249805 52.17910528663241, 7.256783361249805 52.17889872018095, 7.255628384455938 52.17889872018095, 7.255628384455938 52.17910528663241))",34693_5_10,5,10,95.9999995 +"POLYGON ((7.255628384455938 52.17703957894585, 7.256783361249805 52.17703957894585, 7.256783361249805 52.17683300290059, 7.255628384455938 52.17683300290059, 7.255628384455938 52.17703957894585))",34693_5_20,5,20,101.4999985 +"POLYGON ((7.255628384455938 52.17641984793192, 7.256783361249805 52.17641984793192, 7.256783361249805 52.1762132690085, 7.255628384455938 52.1762132690085, 7.255628384455938 52.17641984793192))",34693_5_23,5,23,79.3127165 +"POLYGON ((7.256783361249805 52.17931185212451, 7.257938338043674 52.17931185212451, 7.257938338043674 52.17910528663241, 7.256783361249805 52.17910528663241, 7.256783361249805 52.17931185212451))",34693_6_9,6,9,114.999998 +"POLYGON ((7.256783361249805 52.1786921527701, 7.257938338043674 52.1786921527701, 7.257938338043674 52.17848558439989, 7.256783361249805 52.17848558439989, 7.256783361249805 52.1786921527701))",34693_6_12,6,12,83.0 +"POLYGON ((7.256783361249805 52.17848558439989, 7.257938338043674 52.17848558439989, 7.257938338043674 52.17827901507032, 7.256783361249805 52.17827901507032, 7.256783361249805 52.17848558439989))",34693_6_13,6,13,100.4999985 +"POLYGON ((7.256783361249805 52.17827901507032, 7.257938338043674 52.17827901507032, 7.257938338043674 52.17807244478136, 7.256783361249805 52.17807244478136, 7.256783361249805 52.17827901507032))",34693_6_14,6,14,97.49999975 +"POLYGON ((7.249853500486598 52.17318333457371, 7.251008477280466 52.17318333457371, 7.251008477280466 52.17297674061958, 7.249853500486598 52.17297674061958, 7.249853500486598 52.17318333457371))",34694_0_12,0,12,93.25 +"POLYGON ((7.249853500486598 52.17111735185827, 7.251008477280466 52.17111735185827, 7.251008477280466 52.17091074830985, 7.249853500486598 52.17091074830985, 7.249853500486598 52.17111735185827))",34694_0_22,0,22,96.6000004 +"POLYGON ((7.251008477280466 52.17380311067957, 7.252163454074334 52.17380311067957, 7.252163454074334 52.1735965196037, 7.251008477280466 52.1735965196037, 7.251008477280466 52.17380311067957))",34694_1_9,1,9,106.25 +"POLYGON ((7.252163454074334 52.17297674061958, 7.253318430868202 52.17297674061958, 7.253318430868202 52.17277014570603, 7.252163454074334 52.17277014570603, 7.252163454074334 52.17297674061958))",34694_2_13,2,13,116.66666666666667 +"POLYGON ((7.253318430868202 52.17442287815071, 7.254473407662068 52.17442287815071, 7.254473407662068 52.17421628995308, 7.253318430868202 52.17421628995308, 7.253318430868202 52.17442287815071))",34694_3_6,3,6,112.0 +"POLYGON ((7.253318430868202 52.17318333457371, 7.254473407662068 52.17318333457371, 7.254473407662068 52.17297674061958, 7.253318430868202 52.17297674061958, 7.253318430868202 52.17318333457371))",34694_3_12,3,12,102.75 +"POLYGON ((7.253318430868202 52.17235695300067, 7.254473407662068 52.17235695300067, 7.254473407662068 52.17215035520885, 7.253318430868202 52.17215035520885, 7.253318430868202 52.17235695300067))",34694_3_16,3,16,107.0 +"POLYGON ((7.254473407662068 52.17483605166776, 7.255628384455938 52.17483605166776, 7.255628384455938 52.17462946538895, 7.254473407662068 52.17462946538895, 7.254473407662068 52.17483605166776))",34694_4_4,4,4,119.66666666666667 +"POLYGON ((7.254473407662068 52.17462946538895, 7.255628384455938 52.17462946538895, 7.255628384455938 52.17442287815071, 7.254473407662068 52.17442287815071, 7.254473407662068 52.17462946538895))",34694_4_5,4,5,121.0 +"POLYGON ((7.255628384455938 52.17483605166776, 7.256783361249805 52.17483605166776, 7.256783361249805 52.17462946538895, 7.255628384455938 52.17462946538895, 7.255628384455938 52.17483605166776))",34694_5_4,5,4,113.25 +"POLYGON ((7.255628384455938 52.17442287815071, 7.256783361249805 52.17442287815071, 7.256783361249805 52.17421628995308, 7.255628384455938 52.17421628995308, 7.255628384455938 52.17442287815071))",34694_5_6,5,6,126.25 +"POLYGON ((7.255628384455938 52.17380311067957, 7.256783361249805 52.17380311067957, 7.256783361249805 52.1735965196037, 7.255628384455938 52.1735965196037, 7.255628384455938 52.17380311067957))",34694_5_9,5,9,85.47103633333332 +"POLYGON ((7.255628384455938 52.1735965196037, 7.256783361249805 52.1735965196037, 7.256783361249805 52.17338992756842, 7.255628384455938 52.17338992756842, 7.255628384455938 52.1735965196037))",34694_5_10,5,10,95.8896605 +"POLYGON ((7.255628384455938 52.1715305560768, 7.256783361249805 52.1715305560768, 7.256783361249805 52.17132395444725, 7.255628384455938 52.17132395444725, 7.255628384455938 52.1715305560768))",34694_5_20,5,20,102.74999975 +"POLYGON ((7.255628384455938 52.17091074830985, 7.256783361249805 52.17091074830985, 7.256783361249805 52.17070414380198, 7.255628384455938 52.17070414380198, 7.255628384455938 52.17091074830985))",34694_5_23,5,23,78.86399616666667 +"POLYGON ((7.256783361249805 52.17380311067957, 7.257938338043674 52.17380311067957, 7.257938338043674 52.1735965196037, 7.256783361249805 52.1735965196037, 7.256783361249805 52.17380311067957))",34694_6_9,6,9,113.13524675 +"POLYGON ((7.256783361249805 52.17318333457371, 7.257938338043674 52.17318333457371, 7.257938338043674 52.17297674061958, 7.256783361249805 52.17297674061958, 7.256783361249805 52.17318333457371))",34694_6_12,6,12,91.66666666666667 +"POLYGON ((7.256783361249805 52.17297674061958, 7.257938338043674 52.17297674061958, 7.257938338043674 52.17277014570603, 7.256783361249805 52.17277014570603, 7.256783361249805 52.17297674061958))",34694_6_13,6,13,96.9999998 +"POLYGON ((7.256783361249805 52.17277014570603, 7.257938338043674 52.17277014570603, 7.257938338043674 52.17256354983306, 7.256783361249805 52.17256354983306, 7.256783361249805 52.17277014570603))",34694_6_14,6,14,98.999999625 +"POLYGON ((7.254473407662068 50.70627093748322, 7.255628384455938 50.70627093748322, 7.255628384455938 50.70605759963595, 7.254473407662068 50.70605759963595, 7.254473407662068 50.70627093748322))",34956_4_12,4,12,145.5 +"POLYGON ((7.254473407662068 50.70058159601586, 7.255628384455938 50.70058159601586, 7.255628384455938 50.70036823228216, 7.254473407662068 50.70036823228216, 7.254473407662068 50.70058159601586))",34957_4_12,4,12,146.0 +"POLYGON ((7.261146606915529 53.54485919618556, 7.262301583709396 53.54485919618556, 7.262301583709396 53.54465903088892, 7.261146606915529 53.54465903088892, 7.261146606915529 53.54485919618556))",35116_2_14,2,14,84.0 +"POLYGON ((7.265766514091 53.54505936053562, 7.266921490884868 53.54505936053562, 7.266921490884868 53.54485919618556, 7.265766514091 53.54485919618556, 7.265766514091 53.54505936053562))",35116_6_13,6,13,76.0 +"POLYGON ((7.258836653327792 53.54032188368756, 7.259991630121662 53.54032188368756, 7.259991630121662 53.54012169693466, 7.258836653327792 53.54012169693466, 7.258836653327792 53.54032188368756))",35117_0_10,0,10,88.0 +"POLYGON ((7.261146606915529 53.53952113099622, 7.262301583709396 53.53952113099622, 7.262301583709396 53.53932094045681, 7.261146606915529 53.53932094045681, 7.261146606915529 53.53952113099622))",35117_2_14,2,14,80.4 +"POLYGON ((7.263456560503264 53.54132280325277, 7.264611537297132 53.54132280325277, 7.264611537297132 53.54112262123296, 7.263456560503264 53.54112262123296, 7.263456560503264 53.54132280325277))",35117_4_5,4,5,90.2 +"POLYGON ((7.264611537297132 53.54132280325277, 7.265766514091 53.54132280325277, 7.265766514091 53.54112262123296, 7.264611537297132 53.54112262123296, 7.264611537297132 53.54132280325277))",35117_5_5,5,5,78.4 +"POLYGON ((7.265766514091 53.53972132058899, 7.266921490884868 53.53972132058899, 7.266921490884868 53.53952113099622, 7.265766514091 53.53952113099622, 7.265766514091 53.53972132058899))",35117_6_13,6,13,76.33333333333333 +"POLYGON ((7.258836653327792 53.53498324631555, 7.259991630121662 53.53498324631555, 7.259991630121662 53.53478303431866, 7.258836653327792 53.53478303431866, 7.258836653327792 53.53498324631555))",35118_0_10,0,10,74.8 +"POLYGON ((7.261146606915529 53.53418239264791, 7.262301583709396 53.53418239264791, 7.262301583709396 53.53398217686428, 7.261146606915529 53.53398217686428, 7.261146606915529 53.53418239264791))",35118_2_14,2,14,71.0 +"POLYGON ((7.263456560503264 53.53598429209992, 7.264611537297132 53.53598429209992, 7.264611537297132 53.53578408483639, 7.263456560503264 53.53578408483639, 7.263456560503264 53.53598429209992))",35118_4_5,4,5,83.8 +"POLYGON ((7.264611537297132 53.53598429209992, 7.265766514091 53.53598429209992, 7.265766514091 53.53578408483639, 7.264611537297132 53.53578408483639, 7.264611537297132 53.53598429209992))",35118_5_5,5,5,69.5 +"POLYGON ((7.265766514091 53.53438260748483, 7.266921490884868 53.53438260748483, 7.266921490884868 53.53418239264791, 7.265766514091 53.53418239264791, 7.265766514091 53.53438260748483))",35118_6_13,6,13,76.66666666666667 +"POLYGON ((7.258836653327792 53.44947346814236, 7.259991630121662 53.44947346814236, 7.259991630121662 53.44927285204555, 7.258836653327792 53.44927285204555, 7.258836653327792 53.44947346814236))",35134_0_10,0,10,93.0 +"POLYGON ((7.261146606915529 53.44867099806988, 7.262301583709396 53.44867099806988, 7.262301583709396 53.4484703781829, 7.261146606915529 53.4484703781829, 7.261146606915529 53.44867099806988))",35134_2_14,2,14,74.0 +"POLYGON ((7.263456560503264 53.45047653441333, 7.264611537297132 53.45047653441333, 7.264611537297132 53.45027592305419, 7.263456560503264 53.45027592305419, 7.263456560503264 53.45047653441333))",35134_4_5,4,5,81.0 +"POLYGON ((7.264611537297132 53.45047653441333, 7.265766514091 53.45047653441333, 7.265766514091 53.45027592305419, 7.264611537297132 53.45027592305419, 7.264611537297132 53.45047653441333))",35134_5_5,5,5,90.5 +"POLYGON ((7.265766514091 53.44907223500121, 7.266921490884868 53.44907223500121, 7.266921490884868 53.44887161700932, 7.265766514091 53.44887161700932, 7.265766514091 53.44907223500121))",35134_6_12,6,12,93.0 +"POLYGON ((7.265766514091 53.44887161700932, 7.266921490884868 53.44887161700932, 7.266921490884868 53.44867099806988, 7.265766514091 53.44867099806988, 7.265766514091 53.44887161700932))",35134_6_13,6,13,72.5 +"POLYGON ((7.258836653327792 53.44412338128555, 7.259991630121662 53.44412338128555, 7.259991630121662 53.44392273992029, 7.258836653327792 53.44392273992029, 7.258836653327792 53.44412338128555))",35135_0_10,0,10,91.25 +"POLYGON ((7.261146606915529 53.44332081013892, 7.262301583709396 53.44332081013892, 7.262301583709396 53.44312016498326, 7.261146606915529 53.44312016498326, 7.261146606915529 53.44332081013892))",35135_2_14,2,14,83.2 +"POLYGON ((7.263456560503264 53.44512657389801, 7.264611537297132 53.44512657389801, 7.264611537297132 53.44492593727069, 7.263456560503264 53.44492593727069, 7.263456560503264 53.44512657389801))",35135_4_5,4,5,83.33333333333333 +"POLYGON ((7.264611537297132 53.44512657389801, 7.265766514091 53.44512657389801, 7.265766514091 53.44492593727069, 7.264611537297132 53.44492593727069, 7.264611537297132 53.44512657389801))",35135_5_5,5,5,101.0 +"POLYGON ((7.265766514091 53.44372209760743, 7.266921490884868 53.44372209760743, 7.266921490884868 53.44352145434698, 7.265766514091 53.44352145434698, 7.265766514091 53.44372209760743))",35135_6_12,6,12,94.49546740000001 +"POLYGON ((7.265766514091 53.44352145434698, 7.266921490884868 53.44352145434698, 7.266921490884868 53.44332081013892, 7.265766514091 53.44332081013892, 7.265766514091 53.44352145434698))",35135_6_13,6,13,76.16666666666667 +"POLYGON ((7.258836653327792 53.36359017523769, 7.259991630121662 53.36359017523769, 7.259991630121662 53.3633891537256, 7.258836653327792 53.3633891537256, 7.258836653327792 53.36359017523769))",35150_0_11,0,11,134.0 +"POLYGON ((7.261146606915529 53.36298710785623, 7.262301583709396 53.36298710785623, 7.262301583709396 53.36278608349895, 7.261146606915529 53.36278608349895, 7.261146606915529 53.36298710785623))",35150_2_14,2,14,133.66666666666666 +"POLYGON ((7.262301583709396 53.36439425180206, 7.263456560503264 53.36439425180206, 7.263456560503264 53.36419323408356, 7.262301583709396 53.36419323408356, 7.262301583709396 53.36439425180206))",35150_3_7,3,7,128.0 +"POLYGON ((7.263456560503264 53.36479628439391, 7.264611537297132 53.36479628439391, 7.264611537297132 53.36459526857218, 7.263456560503264 53.36459526857218, 7.263456560503264 53.36479628439391))",35150_4_5,4,5,146.33333333333334 +"POLYGON ((7.263456560503264 53.36399221541667, 7.264611537297132 53.36399221541667, 7.264611537297132 53.36379119580138, 7.263456560503264 53.36379119580138, 7.263456560503264 53.36399221541667))",35150_4_9,4,9,135.75337266666665 +"POLYGON ((7.264611537297132 53.36479628439391, 7.265766514091 53.36479628439391, 7.265766514091 53.36459526857218, 7.264611537297132 53.36459526857218, 7.264611537297132 53.36479628439391))",35150_5_5,5,5,94.33333333333333 +"POLYGON ((7.264611537297132 53.36439425180206, 7.265766514091 53.36439425180206, 7.265766514091 53.36419323408356, 7.264611537297132 53.36419323408356, 7.264611537297132 53.36439425180206))",35150_5_7,5,7,92.75 +"POLYGON ((7.264611537297132 53.36359017523769, 7.265766514091 53.36359017523769, 7.265766514091 53.3633891537256, 7.264611537297132 53.3633891537256, 7.264611537297132 53.36359017523769))",35150_5_11,5,11,118.723379 +"POLYGON ((7.264611537297132 53.3633891537256, 7.265766514091 53.3633891537256, 7.265766514091 53.36318813126513, 7.264611537297132 53.36318813126513, 7.264611537297132 53.3633891537256))",35150_5_12,5,12,108.134716 +"POLYGON ((7.265766514091 53.3633891537256, 7.266921490884868 53.3633891537256, 7.266921490884868 53.36318813126513, 7.265766514091 53.36318813126513, 7.265766514091 53.3633891537256))",35150_6_12,6,12,104.99999925 +"POLYGON ((7.265766514091 53.36298710785623, 7.266921490884868 53.36298710785623, 7.266921490884868 53.36278608349895, 7.265766514091 53.36278608349895, 7.265766514091 53.36298710785623))",35150_6_14,6,14,129.0 +"POLYGON ((7.259991630121662 53.17616290695764, 7.261146606915529 53.17616290695764, 7.261146606915529 53.17596100225781, 7.259991630121662 53.17596100225781, 7.259991630121662 53.17616290695764))",35185_1_8,1,8,130.0 +"POLYGON ((7.259991630121662 53.17077845642866, 7.261146606915529 53.17077845642866, 7.261146606915529 53.17057652638831, 7.259991630121662 53.17057652638831, 7.259991630121662 53.17077845642866))",35186_1_8,1,8,128.0 +"POLYGON ((7.258836653327792 53.12707212022632, 7.259991630121662 53.12707212022632, 7.259991630121662 53.12686998455941, 7.258836653327792 53.12686998455941, 7.258836653327792 53.12707212022632))",35194_0_11,0,11,90.0 +"POLYGON ((7.258836653327792 53.12505072077451, 7.259991630121662 53.12505072077451, 7.259991630121662 53.12484857560029, 7.258836653327792 53.12484857560029, 7.258836653327792 53.12505072077451))",35194_0_21,0,21,126.66666833333333 +"POLYGON ((7.259991630121662 53.12767852152276, 7.261146606915529 53.12767852152276, 7.261146606915529 53.127476388708, 7.259991630121662 53.127476388708, 7.259991630121662 53.12767852152276))",35194_1_8,1,8,136.5 +"POLYGON ((7.261146606915529 53.12646571037342, 7.262301583709396 53.12646571037342, 7.262301583709396 53.12626357185433, 7.261146606915529 53.12626357185433, 7.261146606915529 53.12646571037342))",35194_2_14,2,14,84.66666666666667 +"POLYGON ((7.262301583709396 53.12788065338682, 7.263456560503264 53.12788065338682, 7.263456560503264 53.12767852152276, 7.262301583709396 53.12767852152276, 7.262301583709396 53.12788065338682))",35194_3_7,3,7,80.0 +"POLYGON ((7.262301583709396 53.12666784794177, 7.263456560503264 53.12666784794177, 7.263456560503264 53.12646571037342, 7.262301583709396 53.12646571037342, 7.262301583709396 53.12666784794177))",35194_3_13,3,13,129.5 +"POLYGON ((7.263456560503264 53.12848704327472, 7.264611537297132 53.12848704327472, 7.264611537297132 53.12828491426279, 7.263456560503264 53.12828491426279, 7.263456560503264 53.12848704327472))",35194_4_4,4,4,200.5 +"POLYGON ((7.263456560503264 53.12767852152276, 7.264611537297132 53.12767852152276, 7.264611537297132 53.127476388708, 7.263456560503264 53.127476388708, 7.263456560503264 53.12767852152276))",35194_4_8,4,8,142.4999975 +"POLYGON ((7.263456560503264 53.12585929196398, 7.264611537297132 53.12585929196398, 7.264611537297132 53.12565715059271, 7.263456560503264 53.12565715059271, 7.263456560503264 53.12585929196398))",35194_4_17,4,17,141.66666866666665 +"POLYGON ((7.264611537297132 53.12828491426279, 7.265766514091 53.12828491426279, 7.265766514091 53.12808278430015, 7.264611537297132 53.12808278430015, 7.264611537297132 53.12828491426279))",35194_5_5,5,5,140.0 +"POLYGON ((7.264611537297132 53.12808278430015, 7.265766514091 53.12808278430015, 7.265766514091 53.12788065338682, 7.264611537297132 53.12788065338682, 7.264611537297132 53.12808278430015))",35194_5_6,5,6,154.5 +"POLYGON ((7.264611537297132 53.12727425494252, 7.265766514091 53.12727425494252, 7.265766514091 53.12707212022632, 7.264611537297132 53.12707212022632, 7.264611537297132 53.12727425494252))",35194_5_10,5,10,151.711856 +"POLYGON ((7.264611537297132 53.12686998455941, 7.265766514091 53.12686998455941, 7.265766514091 53.12666784794177, 7.264611537297132 53.12666784794177, 7.264611537297132 53.12686998455941))",35194_5_12,5,12,127.8000014 +"POLYGON ((7.264611537297132 53.12646571037342, 7.265766514091 53.12646571037342, 7.265766514091 53.12626357185433, 7.264611537297132 53.12626357185433, 7.264611537297132 53.12646571037342))",35194_5_14,5,14,149.752842 +"POLYGON ((7.264611537297132 53.12626357185433, 7.265766514091 53.12626357185433, 7.265766514091 53.12606143238452, 7.264611537297132 53.12606143238452, 7.264611537297132 53.12626357185433))",35194_5_15,5,15,88.75 +"POLYGON ((7.264611537297132 53.12545500827072, 7.265766514091 53.12545500827072, 7.265766514091 53.12525286499798, 7.264611537297132 53.12525286499798, 7.264611537297132 53.12545500827072))",35194_5_19,5,19,135.0 +"POLYGON ((7.264611537297132 53.12484857560029, 7.265766514091 53.12484857560029, 7.265766514091 53.12464642947534, 7.264611537297132 53.12464642947534, 7.264611537297132 53.12484857560029))",35194_5_22,5,22,110.470914 +"POLYGON ((7.265766514091 53.12707212022632, 7.266921490884868 53.12707212022632, 7.266921490884868 53.12686998455941, 7.265766514091 53.12686998455941, 7.265766514091 53.12707212022632))",35194_6_11,6,11,127.03441822222223 +"POLYGON ((7.265766514091 53.12686998455941, 7.266921490884868 53.12686998455941, 7.266921490884868 53.12666784794177, 7.265766514091 53.12666784794177, 7.265766514091 53.12686998455941))",35194_6_12,6,12,127.28008333333334 +"POLYGON ((7.265766514091 53.12666784794177, 7.266921490884868 53.12666784794177, 7.266921490884868 53.12646571037342, 7.265766514091 53.12646571037342, 7.265766514091 53.12666784794177))",35194_6_13,6,13,111.50452533333333 +"POLYGON ((7.265766514091 53.12646571037342, 7.266921490884868 53.12646571037342, 7.266921490884868 53.12626357185433, 7.265766514091 53.12626357185433, 7.265766514091 53.12646571037342))",35194_6_14,6,14,185.0 +"POLYGON ((7.265766514091 53.12606143238452, 7.266921490884868 53.12606143238452, 7.266921490884868 53.12585929196398, 7.265766514091 53.12585929196398, 7.265766514091 53.12606143238452))",35194_6_16,6,16,123.33333333333333 +"POLYGON ((7.265766514091 53.12585929196398, 7.266921490884868 53.12585929196398, 7.266921490884868 53.12565715059271, 7.265766514091 53.12565715059271, 7.265766514091 53.12585929196398))",35194_6_17,6,17,126.999998 +"POLYGON ((7.258836653327792 53.12168151041197, 7.259991630121662 53.12168151041197, 7.259991630121662 53.12147934939183, 7.258836653327792 53.12147934939183, 7.258836653327792 53.12168151041197))",35195_0_11,0,11,86.75 +"POLYGON ((7.258836653327792 53.11965985742556, 7.259991630121662 53.11965985742556, 7.259991630121662 53.1194576868976, 7.258836653327792 53.1194576868976, 7.258836653327792 53.11965985742556))",35195_0_21,0,21,127.26818466666667 +"POLYGON ((7.259991630121662 53.12228798776776, 7.261146606915529 53.12228798776776, 7.261146606915529 53.12208582959994, 7.259991630121662 53.12208582959994, 7.259991630121662 53.12228798776776))",35195_1_8,1,8,138.66666666666666 +"POLYGON ((7.261146606915529 53.12107502449923, 7.262301583709396 53.12107502449923, 7.262301583709396 53.12087286062677, 7.261146606915529 53.12087286062677, 7.261146606915529 53.12107502449923))",35195_2_14,2,14,82.0 +"POLYGON ((7.262301583709396 53.12249014498484, 7.263456560503264 53.12249014498484, 7.263456560503264 53.12228798776776, 7.262301583709396 53.12228798776776, 7.262301583709396 53.12249014498484))",35195_3_7,3,7,82.2 +"POLYGON ((7.262301583709396 53.12127718742091, 7.263456560503264 53.12127718742091, 7.263456560503264 53.12107502449923, 7.262301583709396 53.12107502449923, 7.262301583709396 53.12127718742091))",35195_3_13,3,13,128.75 +"POLYGON ((7.263456560503264 53.12309661093146, 7.264611537297132 53.12309661093146, 7.264611537297132 53.12289445656668, 7.263456560503264 53.12289445656668, 7.263456560503264 53.12309661093146))",35195_4_4,4,4,198.0 +"POLYGON ((7.263456560503264 53.12228798776776, 7.264611537297132 53.12228798776776, 7.264611537297132 53.12208582959994, 7.263456560503264 53.12208582959994, 7.263456560503264 53.12228798776776))",35195_4_8,4,8,143.25000225 +"POLYGON ((7.263456560503264 53.1204685300295, 7.264611537297132 53.1204685300295, 7.264611537297132 53.12026636330469, 7.263456560503264 53.12026636330469, 7.263456560503264 53.1204685300295))",35195_4_17,4,17,142.66666933333332 +"POLYGON ((7.264611537297132 53.12289445656668, 7.265766514091 53.12289445656668, 7.265766514091 53.12269230125114, 7.264611537297132 53.12269230125114, 7.264611537297132 53.12289445656668))",35195_5_5,5,5,141.0 +"POLYGON ((7.264611537297132 53.12269230125114, 7.265766514091 53.12269230125114, 7.265766514091 53.12249014498484, 7.264611537297132 53.12249014498484, 7.264611537297132 53.12269230125114))",35195_5_6,5,6,150.66666666666666 +"POLYGON ((7.264611537297132 53.12188367048133, 7.265766514091 53.12188367048133, 7.265766514091 53.12168151041197, 7.264611537297132 53.12168151041197, 7.264611537297132 53.12188367048133))",35195_5_10,5,10,144.812857 +"POLYGON ((7.264611537297132 53.12147934939183, 7.265766514091 53.12147934939183, 7.265766514091 53.12127718742091, 7.264611537297132 53.12127718742091, 7.264611537297132 53.12147934939183))",35195_5_12,5,12,127.328312375 +"POLYGON ((7.264611537297132 53.12107502449923, 7.265766514091 53.12107502449923, 7.265766514091 53.12087286062677, 7.264611537297132 53.12087286062677, 7.264611537297132 53.12107502449923))",35195_5_14,5,14,154.06832366666666 +"POLYGON ((7.264611537297132 53.12087286062677, 7.265766514091 53.12087286062677, 7.265766514091 53.12067069580353, 7.264611537297132 53.12067069580353, 7.264611537297132 53.12087286062677))",35195_5_15,5,15,88.5 +"POLYGON ((7.264611537297132 53.12006419562911, 7.265766514091 53.12006419562911, 7.265766514091 53.11986202700272, 7.264611537297132 53.11986202700272, 7.264611537297132 53.12006419562911))",35195_5_19,5,19,138.48999824999999 +"POLYGON ((7.264611537297132 53.1194576868976, 7.265766514091 53.1194576868976, 7.265766514091 53.11925551541884, 7.264611537297132 53.11925551541884, 7.264611537297132 53.1194576868976))",35195_5_22,5,22,113.17902875 +"POLYGON ((7.265766514091 53.12168151041197, 7.266921490884868 53.12168151041197, 7.266921490884868 53.12147934939183, 7.265766514091 53.12147934939183, 7.265766514091 53.12168151041197))",35195_6_11,6,11,131.6 +"POLYGON ((7.265766514091 53.12147934939183, 7.266921490884868 53.12147934939183, 7.266921490884868 53.12127718742091, 7.265766514091 53.12127718742091, 7.265766514091 53.12147934939183))",35195_6_12,6,12,125.23458425 +"POLYGON ((7.265766514091 53.12127718742091, 7.266921490884868 53.12127718742091, 7.266921490884868 53.12107502449923, 7.265766514091 53.12107502449923, 7.265766514091 53.12127718742091))",35195_6_13,6,13,125.02962033333334 +"POLYGON ((7.265766514091 53.12107502449923, 7.266921490884868 53.12107502449923, 7.266921490884868 53.12087286062677, 7.265766514091 53.12087286062677, 7.265766514091 53.12107502449923))",35195_6_14,6,14,183.0 +"POLYGON ((7.265766514091 53.12067069580353, 7.266921490884868 53.12067069580353, 7.266921490884868 53.1204685300295, 7.265766514091 53.1204685300295, 7.265766514091 53.12067069580353))",35195_6_16,6,16,111.75 +"POLYGON ((7.265766514091 53.1204685300295, 7.266921490884868 53.1204685300295, 7.266921490884868 53.12026636330469, 7.265766514091 53.12026636330469, 7.265766514091 53.1204685300295))",35195_6_17,6,17,125.693408 +"POLYGON ((7.258836653327792 53.11629022449379, 7.259991630121662 53.11629022449379, 7.259991630121662 53.11608803811902, 7.258836653327792 53.11608803811902, 7.258836653327792 53.11629022449379))",35196_0_11,0,11,90.5 +"POLYGON ((7.258836653327792 53.11426831795888, 7.259991630121662 53.11426831795888, 7.259991630121662 53.11406612207578, 7.258836653327792 53.11406612207578, 7.258836653327792 53.11426831795888))",35196_0_21,0,21,127.000001 +"POLYGON ((7.259991630121662 53.11689677791312, 7.261146606915529 53.11689677791312, 7.261146606915529 53.11669459439082, 7.259991630121662 53.11669459439082, 7.259991630121662 53.11689677791312))",35196_1_8,1,8,138.0 +"POLYGON ((7.261146606915529 53.11568366251704, 7.262301583709396 53.11568366251704, 7.262301583709396 53.11548147328981, 7.261146606915529 53.11548147328981, 7.261146606915529 53.11568366251704))",35196_2_14,2,14,82.66666666666667 +"POLYGON ((7.262301583709396 53.11709896048459, 7.263456560503264 53.11709896048459, 7.263456560503264 53.11689677791312, 7.262301583709396 53.11689677791312, 7.262301583709396 53.11709896048459))",35196_3_7,3,7,83.5 +"POLYGON ((7.262301583709396 53.11588585079345, 7.263456560503264 53.11588585079345, 7.263456560503264 53.11568366251704, 7.262301583709396 53.11568366251704, 7.262301583709396 53.11588585079345))",35196_3_13,3,13,126.0 +"POLYGON ((7.263456560503264 53.11770550249412, 7.264611537297132 53.11770550249412, 7.264611537297132 53.11750332277509, 7.263456560503264 53.11750332277509, 7.263456560503264 53.11770550249412))",35196_4_4,4,4,197.0 +"POLYGON ((7.263456560503264 53.11689677791312, 7.264611537297132 53.11689677791312, 7.264611537297132 53.11669459439082, 7.263456560503264 53.11669459439082, 7.263456560503264 53.11689677791312))",35196_4_8,4,8,146.0 +"POLYGON ((7.263456560503264 53.11507709198284, 7.264611537297132 53.11507709198284, 7.264611537297132 53.11487489990311, 7.263456560503264 53.11487489990311, 7.263456560503264 53.11507709198284))",35196_4_17,4,17,140.4999985 +"POLYGON ((7.264611537297132 53.11750332277509, 7.265766514091 53.11750332277509, 7.265766514091 53.11730114210525, 7.264611537297132 53.11730114210525, 7.264611537297132 53.11750332277509))",35196_5_5,5,5,142.0 +"POLYGON ((7.264611537297132 53.11730114210525, 7.265766514091 53.11730114210525, 7.265766514091 53.11709896048459, 7.264611537297132 53.11709896048459, 7.264611537297132 53.11730114210525))",35196_5_6,5,6,137.0 +"POLYGON ((7.264611537297132 53.1164924099177, 7.265766514091 53.1164924099177, 7.265766514091 53.11629022449379, 7.264611537297132 53.11629022449379, 7.264611537297132 53.1164924099177))",35196_5_10,5,10,136.0 +"POLYGON ((7.264611537297132 53.11608803811902, 7.265766514091 53.11608803811902, 7.265766514091 53.11588585079345, 7.264611537297132 53.11588585079345, 7.264611537297132 53.11608803811902))",35196_5_12,5,12,127.33333466666666 +"POLYGON ((7.264611537297132 53.11568366251704, 7.265766514091 53.11568366251704, 7.265766514091 53.11548147328981, 7.264611537297132 53.11548147328981, 7.264611537297132 53.11568366251704))",35196_5_14,5,14,153.500005 +"POLYGON ((7.264611537297132 53.11548147328981, 7.265766514091 53.11548147328981, 7.265766514091 53.11527928311175, 7.264611537297132 53.11527928311175, 7.264611537297132 53.11548147328981))",35196_5_15,5,15,88.5 +"POLYGON ((7.264611537297132 53.11467270687254, 7.265766514091 53.11467270687254, 7.265766514091 53.11447051289113, 7.264611537297132 53.11447051289113, 7.264611537297132 53.11467270687254))",35196_5_19,5,19,139.000003 +"POLYGON ((7.264611537297132 53.11406612207578, 7.265766514091 53.11406612207578, 7.265766514091 53.11386392524185, 7.264611537297132 53.11386392524185, 7.264611537297132 53.11406612207578))",35196_5_22,5,22,115.0 +"POLYGON ((7.265766514091 53.11629022449379, 7.266921490884868 53.11629022449379, 7.266921490884868 53.11608803811902, 7.265766514091 53.11608803811902, 7.265766514091 53.11629022449379))",35196_6_11,6,11,132.5 +"POLYGON ((7.265766514091 53.11608803811902, 7.266921490884868 53.11608803811902, 7.266921490884868 53.11588585079345, 7.265766514091 53.11588585079345, 7.265766514091 53.11608803811902))",35196_6_12,6,12,127.999996 +"POLYGON ((7.265766514091 53.11588585079345, 7.266921490884868 53.11588585079345, 7.266921490884868 53.11568366251704, 7.265766514091 53.11568366251704, 7.265766514091 53.11588585079345))",35196_6_13,6,13,130.75985333333333 +"POLYGON ((7.265766514091 53.11568366251704, 7.266921490884868 53.11568366251704, 7.266921490884868 53.11548147328981, 7.265766514091 53.11548147328981, 7.265766514091 53.11568366251704))",35196_6_14,6,14,182.0 +"POLYGON ((7.265766514091 53.11527928311175, 7.266921490884868 53.11527928311175, 7.266921490884868 53.11507709198284, 7.265766514091 53.11507709198284, 7.265766514091 53.11527928311175))",35196_6_16,6,16,104.5 +"POLYGON ((7.265766514091 53.11507709198284, 7.266921490884868 53.11507709198284, 7.266921490884868 53.11487489990311, 7.265766514091 53.11487489990311, 7.265766514091 53.11507709198284))",35196_6_17,6,17,114.0 +"POLYGON ((7.264611537297132 53.06814304685317, 7.265766514091 53.06814304685317, 7.265766514091 53.06794063412704, 7.264611537297132 53.06794063412704, 7.264611537297132 53.06814304685317))",35205_5_9,5,9,71.058824 +"POLYGON ((7.264611537297132 53.06274504859849, 7.265766514091 53.06274504859849, 7.265766514091 53.06254261050398, 7.264611537297132 53.06254261050398, 7.264611537297132 53.06274504859849))",35206_5_9,5,9,71.36142875 +"POLYGON ((7.265766514091 52.98669643524678, 7.266921490884868 52.98669643524678, 7.266921490884868 52.98649363994615, 7.265766514091 52.98649363994615, 7.265766514091 52.98669643524678))",35220_6_11,6,11,94.5 +"POLYGON ((7.265766514091 52.89466492150864, 7.266921490884868 52.89466492150864, 7.266921490884868 52.89446169440684, 7.265766514091 52.89446169440684, 7.265766514091 52.89466492150864))",35237_6_11,6,11,84.0 +"POLYGON ((7.265766514091 52.88924520600557, 7.266921490884868 52.88924520600557, 7.266921490884868 52.88904195349144, 7.265766514091 52.88904195349144, 7.265766514091 52.88924520600557))",35238_6_11,6,11,76.6 +"POLYGON ((7.265766514091 52.88382481282272, 7.266921490884868 52.88382481282272, 7.266921490884868 52.88362153489489, 7.265766514091 52.88362153489489, 7.265766514091 52.88382481282272))",35239_6_11,6,11,79.6 +"POLYGON ((7.265766514091 52.87840374192388, 7.266921490884868 52.87840374192388, 7.266921490884868 52.878200438581, 7.265766514091 52.878200438581, 7.265766514091 52.87840374192388))",35240_6_11,6,11,85.75 +"POLYGON ((7.265766514091 52.87298199327284, 7.266921490884868 52.87298199327284, 7.266921490884868 52.87277866451355, 7.265766514091 52.87277866451355, 7.265766514091 52.87298199327284))",35241_6_11,6,11,85.8 +"POLYGON ((7.265766514091 52.86755956683344, 7.266921490884868 52.86755956683344, 7.266921490884868 52.86735621265638, 7.265766514091 52.86735621265638, 7.265766514091 52.86755956683344))",35242_6_11,6,11,54.875 +"POLYGON ((7.265766514091 52.84586308246915, 7.266921490884868 52.84586308246915, 7.266921490884868 52.84565962660749, 7.265766514091 52.84565962660749, 7.265766514091 52.84586308246915))",35246_6_11,6,11,44.38095238095238 +"POLYGON ((7.265766514091 52.84043726654587, 7.266921490884868 52.84043726654587, 7.266921490884868 52.84023378525966, 7.265766514091 52.84023378525966, 7.265766514091 52.84043726654587))",35247_6_11,6,11,79.0 +"POLYGON ((7.263456560503264 52.69790309660092, 7.264611537297132 52.69790309660092, 7.264611537297132 52.69769894807582, 7.263456560503264 52.69769894807582, 7.263456560503264 52.69790309660092))",35273_4_17,4,17,36.46153846153846 +"POLYGON ((7.263456560503264 52.69409216670028, 7.264611537297132 52.69409216670028, 7.264611537297132 52.69388800035257, 7.263456560503264 52.69388800035257, 7.263456560503264 52.69409216670028))",35274_4_9,4,9,61.0 +"POLYGON ((7.263456560503264 52.69245880918401, 7.264611537297132 52.69245880918401, 7.264611537297132 52.69225463519783, 7.263456560503264 52.69225463519783, 7.263456560503264 52.69245880918401))",35274_4_17,4,17,48.75 +"POLYGON ((7.263456560503264 52.6886474040017, 7.264611537297132 52.6886474040017, 7.264611537297132 52.68844321219198, 7.263456560503264 52.68844321219198, 7.263456560503264 52.6886474040017))",35275_4_9,4,9,69.4 +"POLYGON ((7.263456560503264 52.68701384278797, 7.264611537297132 52.68701384278797, 7.264611537297132 52.68680964333938, 7.263456560503264 52.68680964333938, 7.263456560503264 52.68701384278797))",35275_4_17,4,17,71.0 +"POLYGON ((7.259991630121662 52.43745374478707, 7.261146606915529 52.43745374478707, 7.261146606915529 52.43724838029843, 7.259991630121662 52.43724838029843, 7.259991630121662 52.43745374478707))",35321_1_9,1,9,83.0 +"POLYGON ((7.261146606915529 52.43663228108974, 7.262301583709396 52.43663228108974, 7.262301583709396 52.4364269127726, 7.261146606915529 52.4364269127726, 7.261146606915529 52.43663228108974))",35321_2_13,2,13,143.0 +"POLYGON ((7.262301583709396 52.43806983251036, 7.263456560503264 52.43806983251036, 7.263456560503264 52.43786447089304, 7.262301583709396 52.43786447089304, 7.262301583709396 52.43806983251036))",35321_3_6,3,6,169.0 +"POLYGON ((7.262301583709396 52.43683764844975, 7.263456560503264 52.43683764844975, 7.263456560503264 52.43663228108974, 7.262301583709396 52.43663228108974, 7.262301583709396 52.43683764844975))",35321_3_12,3,12,122.0 +"POLYGON ((7.262301583709396 52.43601617326696, 7.263456560503264 52.43601617326696, 7.263456560503264 52.43581080207844, 7.262301583709396 52.43581080207844, 7.262301583709396 52.43601617326696))",35321_3_16,3,16,140.0 +"POLYGON ((7.263456560503264 52.43848055287366, 7.264611537297132 52.43848055287366, 7.264611537297132 52.43827519317057, 7.263456560503264 52.43827519317057, 7.263456560503264 52.43848055287366))",35321_4_4,4,4,184.0 +"POLYGON ((7.263456560503264 52.43806983251036, 7.264611537297132 52.43806983251036, 7.264611537297132 52.43786447089304, 7.263456560503264 52.43786447089304, 7.263456560503264 52.43806983251036))",35321_4_6,4,6,165.0 +"POLYGON ((7.263456560503264 52.43765910831861, 7.264611537297132 52.43765910831861, 7.264611537297132 52.43745374478707, 7.263456560503264 52.43745374478707, 7.263456560503264 52.43765910831861))",35321_4_8,4,8,130.999996 +"POLYGON ((7.263456560503264 52.43601617326696, 7.264611537297132 52.43601617326696, 7.264611537297132 52.43581080207844, 7.263456560503264 52.43581080207844, 7.263456560503264 52.43601617326696))",35321_4_16,4,16,142.0 +"POLYGON ((7.263456560503264 52.43581080207844, 7.264611537297132 52.43581080207844, 7.264611537297132 52.43560542993281, 7.263456560503264 52.43560542993281, 7.263456560503264 52.43581080207844))",35321_4_17,4,17,129.0 +"POLYGON ((7.264611537297132 52.43848055287366, 7.265766514091 52.43848055287366, 7.265766514091 52.43827519317057, 7.264611537297132 52.43827519317057, 7.264611537297132 52.43848055287366))",35321_5_4,5,4,122.0 +"POLYGON ((7.264611537297132 52.43806983251036, 7.265766514091 52.43806983251036, 7.265766514091 52.43786447089304, 7.264611537297132 52.43786447089304, 7.264611537297132 52.43806983251036))",35321_5_6,5,6,200.0 +"POLYGON ((7.264611537297132 52.43724838029843, 7.265766514091 52.43724838029843, 7.265766514091 52.43704301485264, 7.264611537297132 52.43704301485264, 7.264611537297132 52.43724838029843))",35321_5_10,5,10,133.0 +"POLYGON ((7.264611537297132 52.43704301485264, 7.265766514091 52.43704301485264, 7.265766514091 52.43683764844975, 7.264611537297132 52.43683764844975, 7.264611537297132 52.43704301485264))",35321_5_11,5,11,137.4195385 +"POLYGON ((7.264611537297132 52.43683764844975, 7.265766514091 52.43683764844975, 7.265766514091 52.43663228108974, 7.264611537297132 52.43663228108974, 7.264611537297132 52.43683764844975))",35321_5_12,5,12,122.312294 +"POLYGON ((7.264611537297132 52.43663228108974, 7.265766514091 52.43663228108974, 7.265766514091 52.4364269127726, 7.264611537297132 52.4364269127726, 7.264611537297132 52.43663228108974))",35321_5_13,5,13,117.0 +"POLYGON ((7.264611537297132 52.43540005683003, 7.265766514091 52.43540005683003, 7.265766514091 52.43519468277012, 7.264611537297132 52.43519468277012, 7.264611537297132 52.43540005683003))",35321_5_19,5,19,147.999998 +"POLYGON ((7.265766514091 52.43724838029843, 7.266921490884868 52.43724838029843, 7.266921490884868 52.43704301485264, 7.265766514091 52.43704301485264, 7.265766514091 52.43724838029843))",35321_6_10,6,10,118.0 +"POLYGON ((7.265766514091 52.43663228108974, 7.266921490884868 52.43663228108974, 7.266921490884868 52.4364269127726, 7.265766514091 52.4364269127726, 7.265766514091 52.43663228108974))",35321_6_13,6,13,123.000001 +"POLYGON ((7.265766514091 52.43560542993281, 7.266921490884868 52.43560542993281, 7.266921490884868 52.43540005683003, 7.265766514091 52.43540005683003, 7.265766514091 52.43560542993281))",35321_6_18,6,18,127.009706 +"POLYGON ((7.258836653327792 52.43136085796237, 7.259991630121662 52.43136085796237, 7.259991630121662 52.43115546507845, 7.258836653327792 52.43115546507845, 7.258836653327792 52.43136085796237))",35322_0_12,0,12,140.0 +"POLYGON ((7.258836653327792 52.42951228754892, 7.259991630121662 52.42951228754892, 7.259991630121662 52.42930688605041, 7.258836653327792 52.42930688605041, 7.258836653327792 52.42951228754892))",35322_0_21,0,21,131.24999875 +"POLYGON ((7.259991630121662 52.43197703087105, 7.261146606915529 52.43197703087105, 7.261146606915529 52.43177164085866, 7.259991630121662 52.43177164085866, 7.259991630121662 52.43197703087105))",35322_1_9,1,9,107.5 +"POLYGON ((7.261146606915529 52.43115546507845, 7.262301583709396 52.43115546507845, 7.262301583709396 52.43095007123738, 7.261146606915529 52.43095007123738, 7.261146606915529 52.43115546507845))",35322_2_13,2,13,157.0 +"POLYGON ((7.262301583709396 52.43259319516529, 7.263456560503264 52.43259319516529, 7.263456560503264 52.43238780802437, 7.262301583709396 52.43238780802437, 7.262301583709396 52.43259319516529))",35322_3_6,3,6,180.5 +"POLYGON ((7.262301583709396 52.43136085796237, 7.263456560503264 52.43136085796237, 7.263456560503264 52.43115546507845, 7.262301583709396 52.43115546507845, 7.262301583709396 52.43136085796237))",35322_3_12,3,12,121.66666666666667 +"POLYGON ((7.262301583709396 52.43053928068371, 7.263456560503264 52.43053928068371, 7.263456560503264 52.43033388397112, 7.262301583709396 52.43033388397112, 7.262301583709396 52.43053928068371))",35322_3_16,3,16,136.0 +"POLYGON ((7.263456560503264 52.43300396657564, 7.264611537297132 52.43300396657564, 7.264611537297132 52.43279858134905, 7.263456560503264 52.43279858134905, 7.263456560503264 52.43300396657564))",35322_4_4,4,4,180.5 +"POLYGON ((7.263456560503264 52.43279858134905, 7.264611537297132 52.43279858134905, 7.264611537297132 52.43259319516529, 7.263456560503264 52.43259319516529, 7.263456560503264 52.43279858134905))",35322_4_5,4,5,176.666667 +"POLYGON ((7.263456560503264 52.43259319516529, 7.264611537297132 52.43259319516529, 7.264611537297132 52.43238780802437, 7.263456560503264 52.43238780802437, 7.263456560503264 52.43259319516529))",35322_4_6,4,6,162.5 +"POLYGON ((7.263456560503264 52.4321824199263, 7.264611537297132 52.4321824199263, 7.264611537297132 52.43197703087105, 7.263456560503264 52.43197703087105, 7.263456560503264 52.4321824199263))",35322_4_8,4,8,135.12093033333335 +"POLYGON ((7.263456560503264 52.43177164085866, 7.264611537297132 52.43177164085866, 7.264611537297132 52.43156624988909, 7.263456560503264 52.43156624988909, 7.263456560503264 52.43177164085866))",35322_4_10,4,10,107.25 +"POLYGON ((7.263456560503264 52.43053928068371, 7.264611537297132 52.43053928068371, 7.264611537297132 52.43033388397112, 7.263456560503264 52.43033388397112, 7.263456560503264 52.43053928068371))",35322_4_16,4,16,141.272223 +"POLYGON ((7.263456560503264 52.43033388397112, 7.264611537297132 52.43033388397112, 7.264611537297132 52.43012848630134, 7.263456560503264 52.43012848630134, 7.263456560503264 52.43033388397112))",35322_4_17,4,17,130.33333333333334 +"POLYGON ((7.264611537297132 52.43300396657564, 7.265766514091 52.43300396657564, 7.265766514091 52.43279858134905, 7.264611537297132 52.43279858134905, 7.264611537297132 52.43300396657564))",35322_5_4,5,4,121.33333333333333 +"POLYGON ((7.264611537297132 52.43259319516529, 7.265766514091 52.43259319516529, 7.265766514091 52.43238780802437, 7.264611537297132 52.43238780802437, 7.264611537297132 52.43259319516529))",35322_5_6,5,6,190.0 +"POLYGON ((7.264611537297132 52.43177164085866, 7.265766514091 52.43177164085866, 7.265766514091 52.43156624988909, 7.264611537297132 52.43156624988909, 7.264611537297132 52.43177164085866))",35322_5_10,5,10,132.30291733333334 +"POLYGON ((7.264611537297132 52.43156624988909, 7.265766514091 52.43156624988909, 7.265766514091 52.43136085796237, 7.264611537297132 52.43136085796237, 7.264611537297132 52.43156624988909))",35322_5_11,5,11,138.71088699999999 +"POLYGON ((7.264611537297132 52.43136085796237, 7.265766514091 52.43136085796237, 7.265766514091 52.43115546507845, 7.264611537297132 52.43115546507845, 7.264611537297132 52.43136085796237))",35322_5_12,5,12,123.746427 +"POLYGON ((7.264611537297132 52.43115546507845, 7.265766514091 52.43115546507845, 7.265766514091 52.43095007123738, 7.264611537297132 52.43095007123738, 7.264611537297132 52.43115546507845))",35322_5_13,5,13,125.63392885714286 +"POLYGON ((7.264611537297132 52.43053928068371, 7.265766514091 52.43053928068371, 7.265766514091 52.43033388397112, 7.264611537297132 52.43033388397112, 7.264611537297132 52.43053928068371))",35322_5_16,5,16,193.0 +"POLYGON ((7.264611537297132 52.42992308767437, 7.265766514091 52.42992308767437, 7.265766514091 52.42971768809024, 7.264611537297132 52.42971768809024, 7.264611537297132 52.42992308767437))",35322_5_19,5,19,149.000002 +"POLYGON ((7.264611537297132 52.42910148359471, 7.265766514091 52.42910148359471, 7.265766514091 52.42889608018182, 7.264611537297132 52.42889608018182, 7.264611537297132 52.42910148359471))",35322_5_23,5,23,128.0207145 +"POLYGON ((7.265766514091 52.43177164085866, 7.266921490884868 52.43177164085866, 7.266921490884868 52.43156624988909, 7.265766514091 52.43156624988909, 7.265766514091 52.43177164085866))",35322_6_10,6,10,122.19484933333332 +"POLYGON ((7.265766514091 52.43156624988909, 7.266921490884868 52.43156624988909, 7.266921490884868 52.43136085796237, 7.265766514091 52.43136085796237, 7.265766514091 52.43156624988909))",35322_6_11,6,11,129.0 +"POLYGON ((7.265766514091 52.43136085796237, 7.266921490884868 52.43136085796237, 7.266921490884868 52.43115546507845, 7.265766514091 52.43115546507845, 7.265766514091 52.43136085796237))",35322_6_12,6,12,117.33333333333333 +"POLYGON ((7.265766514091 52.43115546507845, 7.266921490884868 52.43115546507845, 7.266921490884868 52.43095007123738, 7.265766514091 52.43095007123738, 7.265766514091 52.43115546507845))",35322_6_13,6,13,124.20258818181819 +"POLYGON ((7.265766514091 52.43095007123738, 7.266921490884868 52.43095007123738, 7.266921490884868 52.43074467643913, 7.265766514091 52.43074467643913, 7.265766514091 52.43095007123738))",35322_6_14,6,14,157.10024866666666 +"POLYGON ((7.265766514091 52.43074467643913, 7.266921490884868 52.43074467643913, 7.266921490884868 52.43053928068371, 7.265766514091 52.43053928068371, 7.265766514091 52.43074467643913))",35322_6_15,6,15,166.5 +"POLYGON ((7.265766514091 52.43033388397112, 7.266921490884868 52.43033388397112, 7.266921490884868 52.43012848630134, 7.265766514091 52.43012848630134, 7.265766514091 52.43033388397112))",35322_6_17,6,17,158.66666666666666 +"POLYGON ((7.265766514091 52.43012848630134, 7.266921490884868 52.43012848630134, 7.266921490884868 52.42992308767437, 7.265766514091 52.42992308767437, 7.265766514091 52.43012848630134))",35322_6_18,6,18,120.40459675 +"POLYGON ((7.258836653327792 52.42588338682127, 7.259991630121662 52.42588338682127, 7.259991630121662 52.42567796841218, 7.258836653327792 52.42567796841218, 7.258836653327792 52.42588338682127))",35323_0_12,0,12,99.66666666666667 +"POLYGON ((7.258836653327792 52.42403458667941, 7.259991630121662 52.42403458667941, 7.259991630121662 52.42382915965528, 7.258836653327792 52.42382915965528, 7.258836653327792 52.42403458667941))",35323_0_21,0,21,131.33333266666668 +"POLYGON ((7.259991630121662 52.42649963630524, 7.261146606915529 52.42649963630524, 7.261146606915529 52.42629422076779, 7.259991630121662 52.42629422076779, 7.259991630121662 52.42649963630524))",35323_1_9,1,9,127.33333333333333 +"POLYGON ((7.261146606915529 52.42567796841218, 7.262301583709396 52.42567796841218, 7.262301583709396 52.42547254904588, 7.261146606915529 52.42547254904588, 7.261146606915529 52.42567796841218))",35323_2_13,2,13,162.5 +"POLYGON ((7.262301583709396 52.42711587717429, 7.263456560503264 52.42711587717429, 7.263456560503264 52.42691046450848, 7.262301583709396 52.42691046450848, 7.262301583709396 52.42711587717429))",35323_3_6,3,6,177.5 +"POLYGON ((7.262301583709396 52.42588338682127, 7.263456560503264 52.42588338682127, 7.263456560503264 52.42567796841218, 7.262301583709396 52.42567796841218, 7.262301583709396 52.42588338682127))",35323_3_12,3,12,128.33333333333334 +"POLYGON ((7.262301583709396 52.42506170744159, 7.263456560503264 52.42506170744159, 7.263456560503264 52.42485628520361, 7.262301583709396 52.42485628520361, 7.262301583709396 52.42506170744159))",35323_3_16,3,16,139.0 +"POLYGON ((7.263456560503264 52.42752669963429, 7.264611537297132 52.42752669963429, 7.264611537297132 52.42732128888289, 7.263456560503264 52.42732128888289, 7.263456560503264 52.42752669963429))",35323_4_4,4,4,181.0 +"POLYGON ((7.263456560503264 52.42732128888289, 7.264611537297132 52.42732128888289, 7.264611537297132 52.42711587717429, 7.263456560503264 52.42711587717429, 7.263456560503264 52.42732128888289))",35323_4_5,4,5,176.0 +"POLYGON ((7.263456560503264 52.42711587717429, 7.264611537297132 52.42711587717429, 7.264611537297132 52.42691046450848, 7.263456560503264 52.42691046450848, 7.263456560503264 52.42711587717429))",35323_4_6,4,6,158.0 +"POLYGON ((7.263456560503264 52.42670505088546, 7.264611537297132 52.42670505088546, 7.264611537297132 52.42649963630524, 7.263456560503264 52.42649963630524, 7.263456560503264 52.42670505088546))",35323_4_8,4,8,137.60302933333332 +"POLYGON ((7.263456560503264 52.42629422076779, 7.264611537297132 52.42629422076779, 7.264611537297132 52.42608880427314, 7.263456560503264 52.42608880427314, 7.263456560503264 52.42629422076779))",35323_4_10,4,10,110.33333333333333 +"POLYGON ((7.263456560503264 52.42506170744159, 7.264611537297132 52.42506170744159, 7.264611537297132 52.42485628520361, 7.263456560503264 52.42485628520361, 7.263456560503264 52.42506170744159))",35323_4_16,4,16,128.324787 +"POLYGON ((7.263456560503264 52.42485628520361, 7.264611537297132 52.42485628520361, 7.264611537297132 52.42465086200841, 7.263456560503264 52.42465086200841, 7.263456560503264 52.42485628520361))",35323_4_17,4,17,130.33333333333334 +"POLYGON ((7.264611537297132 52.42752669963429, 7.265766514091 52.42752669963429, 7.265766514091 52.42732128888289, 7.264611537297132 52.42732128888289, 7.264611537297132 52.42752669963429))",35323_5_4,5,4,122.0 +"POLYGON ((7.264611537297132 52.42711587717429, 7.265766514091 52.42711587717429, 7.265766514091 52.42691046450848, 7.264611537297132 52.42691046450848, 7.264611537297132 52.42711587717429))",35323_5_6,5,6,182.0 +"POLYGON ((7.264611537297132 52.42629422076779, 7.265766514091 52.42629422076779, 7.265766514091 52.42608880427314, 7.264611537297132 52.42608880427314, 7.264611537297132 52.42629422076779))",35323_5_10,5,10,135.72969999999998 +"POLYGON ((7.264611537297132 52.42608880427314, 7.265766514091 52.42608880427314, 7.265766514091 52.42588338682127, 7.264611537297132 52.42588338682127, 7.264611537297132 52.42608880427314))",35323_5_11,5,11,139.73055366666665 +"POLYGON ((7.264611537297132 52.42588338682127, 7.265766514091 52.42588338682127, 7.265766514091 52.42567796841218, 7.264611537297132 52.42567796841218, 7.264611537297132 52.42588338682127))",35323_5_12,5,12,126.66666733333334 +"POLYGON ((7.264611537297132 52.42567796841218, 7.265766514091 52.42567796841218, 7.265766514091 52.42547254904588, 7.264611537297132 52.42547254904588, 7.264611537297132 52.42567796841218))",35323_5_13,5,13,123.833334 +"POLYGON ((7.264611537297132 52.42506170744159, 7.265766514091 52.42506170744159, 7.265766514091 52.42485628520361, 7.264611537297132 52.42485628520361, 7.264611537297132 52.42506170744159))",35323_5_16,5,16,188.5 +"POLYGON ((7.264611537297132 52.42444543785597, 7.265766514091 52.42444543785597, 7.265766514091 52.42424001274632, 7.264611537297132 52.42424001274632, 7.264611537297132 52.42444543785597))",35323_5_19,5,19,146.000001 +"POLYGON ((7.264611537297132 52.42362373167391, 7.265766514091 52.42362373167391, 7.265766514091 52.42341830273531, 7.264611537297132 52.42341830273531, 7.264611537297132 52.42362373167391))",35323_5_23,5,23,123.8677485 +"POLYGON ((7.265766514091 52.42629422076779, 7.266921490884868 52.42629422076779, 7.266921490884868 52.42608880427314, 7.265766514091 52.42608880427314, 7.265766514091 52.42629422076779))",35323_6_10,6,10,123.92794125 +"POLYGON ((7.265766514091 52.42608880427314, 7.266921490884868 52.42608880427314, 7.266921490884868 52.42588338682127, 7.265766514091 52.42588338682127, 7.265766514091 52.42608880427314))",35323_6_11,6,11,130.0 +"POLYGON ((7.265766514091 52.42588338682127, 7.266921490884868 52.42588338682127, 7.266921490884868 52.42567796841218, 7.265766514091 52.42567796841218, 7.265766514091 52.42588338682127))",35323_6_12,6,12,118.75 +"POLYGON ((7.265766514091 52.42567796841218, 7.266921490884868 52.42567796841218, 7.266921490884868 52.42547254904588, 7.265766514091 52.42547254904588, 7.265766514091 52.42567796841218))",35323_6_13,6,13,123.26124609090911 +"POLYGON ((7.265766514091 52.42547254904588, 7.266921490884868 52.42547254904588, 7.266921490884868 52.42526712872234, 7.265766514091 52.42526712872234, 7.265766514091 52.42547254904588))",35323_6_14,6,14,159.92878199999998 +"POLYGON ((7.265766514091 52.42526712872234, 7.266921490884868 52.42526712872234, 7.266921490884868 52.42506170744159, 7.265766514091 52.42506170744159, 7.265766514091 52.42526712872234))",35323_6_15,6,15,139.0 +"POLYGON ((7.265766514091 52.42485628520361, 7.266921490884868 52.42485628520361, 7.266921490884868 52.42465086200841, 7.265766514091 52.42465086200841, 7.265766514091 52.42485628520361))",35323_6_17,6,17,153.0 +"POLYGON ((7.265766514091 52.42465086200841, 7.266921490884868 52.42465086200841, 7.266921490884868 52.42444543785597, 7.265766514091 52.42444543785597, 7.265766514091 52.42465086200841))",35323_6_18,6,18,115.213506 +"POLYGON ((7.258836653327792 52.42040523499195, 7.259991630121662 52.42040523499195, 7.259991630121662 52.42019979105638, 7.258836653327792 52.42019979105638, 7.258836653327792 52.42040523499195))",35324_0_12,0,12,109.0 +"POLYGON ((7.258836653327792 52.41855620511004, 7.259991630121662 52.41855620511004, 7.259991630121662 52.41835075255899, 7.258836653327792 52.41835075255899, 7.258836653327792 52.41855620511004))",35324_0_21,0,21,130.00000125 +"POLYGON ((7.259991630121662 52.42102156105508, 7.261146606915529 52.42102156105508, 7.261146606915529 52.4208161199913, 7.259991630121662 52.4208161199913, 7.259991630121662 52.42102156105508))",35324_1_9,1,9,114.25 +"POLYGON ((7.261146606915529 52.42019979105638, 7.262301583709396 52.42019979105638, 7.262301583709396 52.41999434616356, 7.261146606915529 52.41999434616356, 7.261146606915529 52.42019979105638))",35324_2_13,2,13,143.5 +"POLYGON ((7.262301583709396 52.42163787850284, 7.263456560503264 52.42163787850284, 7.263456560503264 52.42143244031084, 7.262301583709396 52.42143244031084, 7.262301583709396 52.42163787850284))",35324_3_6,3,6,185.5 +"POLYGON ((7.262301583709396 52.42040523499195, 7.263456560503264 52.42040523499195, 7.263456560503264 52.42019979105638, 7.262301583709396 52.42019979105638, 7.262301583709396 52.42040523499195))",35324_3_12,3,12,132.33333333333334 +"POLYGON ((7.262301583709396 52.41958345350608, 7.263456560503264 52.41958345350608, 7.263456560503264 52.41937800574142, 7.262301583709396 52.41937800574142, 7.262301583709396 52.41958345350608))",35324_3_16,3,16,138.66666666666666 +"POLYGON ((7.263456560503264 52.42204875201507, 7.264611537297132 52.42204875201507, 7.264611537297132 52.42184331573758, 7.263456560503264 52.42184331573758, 7.263456560503264 52.42204875201507))",35324_4_4,4,4,182.5 +"POLYGON ((7.263456560503264 52.42184331573758, 7.264611537297132 52.42184331573758, 7.264611537297132 52.42163787850284, 7.263456560503264 52.42163787850284, 7.263456560503264 52.42184331573758))",35324_4_5,4,5,171.666668 +"POLYGON ((7.263456560503264 52.42163787850284, 7.264611537297132 52.42163787850284, 7.264611537297132 52.42143244031084, 7.263456560503264 52.42143244031084, 7.263456560503264 52.42163787850284))",35324_4_6,4,6,155.66666666666666 +"POLYGON ((7.263456560503264 52.42122700116159, 7.264611537297132 52.42122700116159, 7.264611537297132 52.42102156105508, 7.263456560503264 52.42102156105508, 7.263456560503264 52.42122700116159))",35324_4_8,4,8,123.14323049999999 +"POLYGON ((7.263456560503264 52.4208161199913, 7.264611537297132 52.4208161199913, 7.264611537297132 52.42061067797027, 7.263456560503264 52.42061067797027, 7.263456560503264 52.4208161199913))",35324_4_10,4,10,120.66666666666667 +"POLYGON ((7.263456560503264 52.41958345350608, 7.264611537297132 52.41958345350608, 7.264611537297132 52.41937800574142, 7.263456560503264 52.41937800574142, 7.263456560503264 52.41958345350608))",35324_4_16,4,16,149.000001 +"POLYGON ((7.263456560503264 52.41937800574142, 7.264611537297132 52.41937800574142, 7.264611537297132 52.41917255701949, 7.263456560503264 52.41917255701949, 7.263456560503264 52.41937800574142))",35324_4_17,4,17,131.33333333333334 +"POLYGON ((7.264611537297132 52.42204875201507, 7.265766514091 52.42204875201507, 7.265766514091 52.42184331573758, 7.264611537297132 52.42184331573758, 7.264611537297132 52.42204875201507))",35324_5_4,5,4,124.66666666666667 +"POLYGON ((7.264611537297132 52.42163787850284, 7.265766514091 52.42163787850284, 7.265766514091 52.42143244031084, 7.264611537297132 52.42143244031084, 7.264611537297132 52.42163787850284))",35324_5_6,5,6,173.5 +"POLYGON ((7.264611537297132 52.4208161199913, 7.265766514091 52.4208161199913, 7.265766514091 52.42061067797027, 7.264611537297132 52.42061067797027, 7.264611537297132 52.4208161199913))",35324_5_10,5,10,139.33333133333335 +"POLYGON ((7.264611537297132 52.42061067797027, 7.265766514091 52.42061067797027, 7.265766514091 52.42040523499195, 7.264611537297132 52.42040523499195, 7.264611537297132 52.42061067797027))",35324_5_11,5,11,134.29054166666666 +"POLYGON ((7.264611537297132 52.42040523499195, 7.265766514091 52.42040523499195, 7.265766514091 52.42019979105638, 7.264611537297132 52.42019979105638, 7.264611537297132 52.42040523499195))",35324_5_12,5,12,127.19357875 +"POLYGON ((7.264611537297132 52.42019979105638, 7.265766514091 52.42019979105638, 7.265766514091 52.41999434616356, 7.264611537297132 52.41999434616356, 7.264611537297132 52.42019979105638))",35324_5_13,5,13,123.83333433333333 +"POLYGON ((7.264611537297132 52.41958345350608, 7.265766514091 52.41958345350608, 7.265766514091 52.41937800574142, 7.264611537297132 52.41937800574142, 7.264611537297132 52.41958345350608))",35324_5_16,5,16,184.0 +"POLYGON ((7.264611537297132 52.41896710734029, 7.265766514091 52.41896710734029, 7.265766514091 52.41876165670381, 7.264611537297132 52.41876165670381, 7.264611537297132 52.41896710734029))",35324_5_19,5,19,143.33333033333335 +"POLYGON ((7.264611537297132 52.41814529905066, 7.265766514091 52.41814529905066, 7.265766514091 52.41793984458504, 7.264611537297132 52.41793984458504, 7.264611537297132 52.41814529905066))",35324_5_23,5,23,119.99048499999999 +"POLYGON ((7.265766514091 52.4208161199913, 7.266921490884868 52.4208161199913, 7.266921490884868 52.42061067797027, 7.265766514091 52.42061067797027, 7.265766514091 52.4208161199913))",35324_6_10,6,10,124.41292399999999 +"POLYGON ((7.265766514091 52.42061067797027, 7.266921490884868 52.42061067797027, 7.266921490884868 52.42040523499195, 7.265766514091 52.42040523499195, 7.265766514091 52.42061067797027))",35324_6_11,6,11,128.33333333333334 +"POLYGON ((7.265766514091 52.42040523499195, 7.266921490884868 52.42040523499195, 7.266921490884868 52.42019979105638, 7.265766514091 52.42019979105638, 7.265766514091 52.42040523499195))",35324_6_12,6,12,113.66666666666667 +"POLYGON ((7.265766514091 52.42019979105638, 7.266921490884868 52.42019979105638, 7.266921490884868 52.41999434616356, 7.265766514091 52.41999434616356, 7.265766514091 52.42019979105638))",35324_6_13,6,13,125.79114833333334 +"POLYGON ((7.265766514091 52.41999434616356, 7.266921490884868 52.41999434616356, 7.266921490884868 52.41978890031345, 7.265766514091 52.41978890031345, 7.265766514091 52.41999434616356))",35324_6_14,6,14,155.01542766666668 +"POLYGON ((7.265766514091 52.41978890031345, 7.266921490884868 52.41978890031345, 7.266921490884868 52.41958345350608, 7.265766514091 52.41958345350608, 7.265766514091 52.41978890031345))",35324_6_15,6,15,133.66666666666666 +"POLYGON ((7.265766514091 52.41937800574142, 7.266921490884868 52.41937800574142, 7.266921490884868 52.41917255701949, 7.265766514091 52.41917255701949, 7.265766514091 52.41937800574142))",35324_6_17,6,17,150.5 +"POLYGON ((7.265766514091 52.41917255701949, 7.266921490884868 52.41917255701949, 7.266921490884868 52.41896710734029, 7.265766514091 52.41896710734029, 7.265766514091 52.41917255701949))",35324_6_18,6,18,116.79365233333334 +"POLYGON ((7.258836653327792 52.41492640243993, 7.259991630121662 52.41492640243993, 7.259991630121662 52.41472093297658, 7.258836653327792 52.41472093297658, 7.258836653327792 52.41492640243993))",35325_0_12,0,12,121.0 +"POLYGON ((7.258836653327792 52.41307714280631, 7.259991630121662 52.41307714280631, 7.259991630121662 52.41287166472705, 7.258836653327792 52.41287166472705, 7.258836653327792 52.41307714280631))",35325_0_21,0,21,132.499268 +"POLYGON ((7.259991630121662 52.41554280508608, 7.261146606915529 52.41554280508608, 7.261146606915529 52.41533733849466, 7.259991630121662 52.41533733849466, 7.259991630121662 52.41554280508608))",35325_1_9,1,9,111.0 +"POLYGON ((7.261146606915529 52.41472093297658, 7.262301583709396 52.41472093297658, 7.262301583709396 52.41451546255593, 7.261146606915529 52.41451546255593, 7.261146606915529 52.41472093297658))",35325_2_13,2,13,116.0 +"POLYGON ((7.262301583709396 52.41615919911643, 7.263456560503264 52.41615919911643, 7.263456560503264 52.41595373539694, 7.262301583709396 52.41595373539694, 7.262301583709396 52.41615919911643))",35325_3_6,3,6,178.0 +"POLYGON ((7.262301583709396 52.41492640243993, 7.263456560503264 52.41492640243993, 7.263456560503264 52.41472093297658, 7.262301583709396 52.41472093297658, 7.262301583709396 52.41492640243993))",35325_3_12,3,12,131.0 +"POLYGON ((7.262301583709396 52.41410451884266, 7.263456560503264 52.41410451884266, 7.263456560503264 52.41389904555003, 7.262301583709396 52.41389904555003, 7.262301583709396 52.41410451884266))",35325_3_16,3,16,136.0 +"POLYGON ((7.263456560503264 52.41657012368348, 7.264611537297132 52.41657012368348, 7.264611537297132 52.4163646618786, 7.263456560503264 52.4163646618786, 7.263456560503264 52.41657012368348))",35325_4_4,4,4,182.0 +"POLYGON ((7.263456560503264 52.4163646618786, 7.264611537297132 52.4163646618786, 7.264611537297132 52.41615919911643, 7.263456560503264 52.41615919911643, 7.263456560503264 52.4163646618786))",35325_4_5,4,5,165.999999 +"POLYGON ((7.263456560503264 52.41615919911643, 7.264611537297132 52.41615919911643, 7.264611537297132 52.41595373539694, 7.263456560503264 52.41595373539694, 7.263456560503264 52.41615919911643))",35325_4_6,4,6,161.0 +"POLYGON ((7.263456560503264 52.41574827072016, 7.264611537297132 52.41574827072016, 7.264611537297132 52.41554280508608, 7.263456560503264 52.41554280508608, 7.263456560503264 52.41574827072016))",35325_4_8,4,8,119.406015 +"POLYGON ((7.263456560503264 52.41533733849466, 7.264611537297132 52.41533733849466, 7.264611537297132 52.41513187094596, 7.263456560503264 52.41513187094596, 7.263456560503264 52.41533733849466))",35325_4_10,4,10,122.0 +"POLYGON ((7.263456560503264 52.41410451884266, 7.264611537297132 52.41410451884266, 7.264611537297132 52.41389904555003, 7.263456560503264 52.41389904555003, 7.263456560503264 52.41410451884266))",35325_4_16,4,16,148.000001 +"POLYGON ((7.263456560503264 52.41389904555003, 7.264611537297132 52.41389904555003, 7.264611537297132 52.4136935713001, 7.263456560503264 52.4136935713001, 7.263456560503264 52.41389904555003))",35325_4_17,4,17,131.0 +"POLYGON ((7.264611537297132 52.41657012368348, 7.265766514091 52.41657012368348, 7.265766514091 52.4163646618786, 7.264611537297132 52.4163646618786, 7.264611537297132 52.41657012368348))",35325_5_4,5,4,122.0 +"POLYGON ((7.264611537297132 52.41615919911643, 7.265766514091 52.41615919911643, 7.265766514091 52.41595373539694, 7.264611537297132 52.41595373539694, 7.264611537297132 52.41615919911643))",35325_5_6,5,6,162.0 +"POLYGON ((7.264611537297132 52.41533733849466, 7.265766514091 52.41533733849466, 7.265766514091 52.41513187094596, 7.264611537297132 52.41513187094596, 7.264611537297132 52.41533733849466))",35325_5_10,5,10,142.000002 +"POLYGON ((7.264611537297132 52.41513187094596, 7.265766514091 52.41513187094596, 7.265766514091 52.41492640243993, 7.264611537297132 52.41492640243993, 7.264611537297132 52.41513187094596))",35325_5_11,5,11,137.9354305 +"POLYGON ((7.264611537297132 52.41492640243993, 7.265766514091 52.41492640243993, 7.265766514091 52.41472093297658, 7.264611537297132 52.41472093297658, 7.264611537297132 52.41492640243993))",35325_5_12,5,12,126.500004 +"POLYGON ((7.264611537297132 52.41472093297658, 7.265766514091 52.41472093297658, 7.265766514091 52.41451546255593, 7.264611537297132 52.41451546255593, 7.264611537297132 52.41472093297658))",35325_5_13,5,13,128.465968 +"POLYGON ((7.264611537297132 52.41410451884266, 7.265766514091 52.41410451884266, 7.265766514091 52.41389904555003, 7.264611537297132 52.41389904555003, 7.264611537297132 52.41410451884266))",35325_5_16,5,16,172.0 +"POLYGON ((7.264611537297132 52.41348809609283, 7.265766514091 52.41348809609283, 7.265766514091 52.41328261992822, 7.264611537297132 52.41328261992822, 7.264611537297132 52.41348809609283))",35325_5_19,5,19,143.000002 +"POLYGON ((7.264611537297132 52.41266618569046, 7.265766514091 52.41266618569046, 7.265766514091 52.41246070569654, 7.264611537297132 52.41246070569654, 7.264611537297132 52.41266618569046))",35325_5_23,5,23,119.999998 +"POLYGON ((7.265766514091 52.41533733849466, 7.266921490884868 52.41533733849466, 7.266921490884868 52.41513187094596, 7.265766514091 52.41513187094596, 7.265766514091 52.41533733849466))",35325_6_10,6,10,127.40244100000001 +"POLYGON ((7.265766514091 52.41513187094596, 7.266921490884868 52.41513187094596, 7.266921490884868 52.41492640243993, 7.265766514091 52.41492640243993, 7.265766514091 52.41513187094596))",35325_6_11,6,11,127.0 +"POLYGON ((7.265766514091 52.41492640243993, 7.266921490884868 52.41492640243993, 7.266921490884868 52.41472093297658, 7.265766514091 52.41472093297658, 7.265766514091 52.41492640243993))",35325_6_12,6,12,103.0 +"POLYGON ((7.265766514091 52.41472093297658, 7.266921490884868 52.41472093297658, 7.266921490884868 52.41451546255593, 7.265766514091 52.41451546255593, 7.265766514091 52.41472093297658))",35325_6_13,6,13,123.4000002 +"POLYGON ((7.265766514091 52.41451546255593, 7.266921490884868 52.41451546255593, 7.266921490884868 52.41430999117794, 7.265766514091 52.41430999117794, 7.265766514091 52.41451546255593))",35325_6_14,6,14,144.166113 +"POLYGON ((7.265766514091 52.41430999117794, 7.266921490884868 52.41430999117794, 7.266921490884868 52.41410451884266, 7.265766514091 52.41410451884266, 7.265766514091 52.41430999117794))",35325_6_15,6,15,146.0 +"POLYGON ((7.265766514091 52.41389904555003, 7.266921490884868 52.41389904555003, 7.266921490884868 52.4136935713001, 7.265766514091 52.4136935713001, 7.265766514091 52.41389904555003))",35325_6_17,6,17,145.0 +"POLYGON ((7.265766514091 52.4136935713001, 7.266921490884868 52.4136935713001, 7.266921490884868 52.41348809609283, 7.265766514091 52.41348809609283, 7.265766514091 52.4136935713001))",35325_6_18,6,18,118.9999995 +"POLYGON ((7.258836653327792 52.3546143068203, 7.259991630121662 52.3546143068203, 7.259991630121662 52.35440855646631, 7.258836653327792 52.35440855646631, 7.258836653327792 52.3546143068203))",35336_0_12,0,12,132.0 +"POLYGON ((7.258836653327792 52.35255676017697, 7.259991630121662 52.35255676017697, 7.259991630121662 52.35235100024442, 7.258836653327792 52.35235100024442, 7.258836653327792 52.35255676017697))",35336_0_22,0,22,86.275035 +"POLYGON ((7.259991630121662 52.35523155213522, 7.261146606915529 52.35523155213522, 7.261146606915529 52.35502580465476, 7.259991630121662 52.35502580465476, 7.259991630121662 52.35523155213522))",35336_1_9,1,9,130.0 +"POLYGON ((7.261146606915529 52.35440855646631, 7.262301583709396 52.35440855646631, 7.262301583709396 52.35420280515447, 7.261146606915529 52.35420280515447, 7.261146606915529 52.35440855646631))",35336_2_13,2,13,138.5 +"POLYGON ((7.262301583709396 52.35584878882957, 7.263456560503264 52.35584878882957, 7.263456560503264 52.35564304422262, 7.262301583709396 52.35564304422262, 7.262301583709396 52.35584878882957))",35336_3_6,3,6,186.0 +"POLYGON ((7.262301583709396 52.3546143068203, 7.263456560503264 52.3546143068203, 7.263456560503264 52.35440855646631, 7.262301583709396 52.35440855646631, 7.262301583709396 52.3546143068203))",35336_3_12,3,12,130.0 +"POLYGON ((7.262301583709396 52.35379129965723, 7.263456560503264 52.35379129965723, 7.263456560503264 52.35358554547184, 7.262301583709396 52.35358554547184, 7.262301583709396 52.35379129965723))",35336_3_16,3,16,137.0 +"POLYGON ((7.263456560503264 52.35626027516995, 7.264611537297132 52.35626027516995, 7.264611537297132 52.35605453247867, 7.263456560503264 52.35605453247867, 7.263456560503264 52.35626027516995))",35336_4_4,4,4,181.0 +"POLYGON ((7.263456560503264 52.35605453247867, 7.264611537297132 52.35605453247867, 7.264611537297132 52.35584878882957, 7.263456560503264 52.35584878882957, 7.263456560503264 52.35605453247867))",35336_4_5,4,5,162.4999995 +"POLYGON ((7.263456560503264 52.35543729865784, 7.264611537297132 52.35543729865784, 7.264611537297132 52.35523155213522, 7.263456560503264 52.35523155213522, 7.263456560503264 52.35543729865784))",35336_4_8,4,8,131.0 +"POLYGON ((7.263456560503264 52.35502580465476, 7.264611537297132 52.35502580465476, 7.264611537297132 52.35482005621646, 7.263456560503264 52.35482005621646, 7.263456560503264 52.35502580465476))",35336_4_10,4,10,128.0 +"POLYGON ((7.263456560503264 52.35358554547184, 7.264611537297132 52.35358554547184, 7.264611537297132 52.35337979032858, 7.263456560503264 52.35337979032858, 7.263456560503264 52.35358554547184))",35336_4_17,4,17,103.0 +"POLYGON ((7.264611537297132 52.35626027516995, 7.265766514091 52.35626027516995, 7.265766514091 52.35605453247867, 7.264611537297132 52.35605453247867, 7.264611537297132 52.35626027516995))",35336_5_4,5,4,125.0 +"POLYGON ((7.264611537297132 52.35584878882957, 7.265766514091 52.35584878882957, 7.265766514091 52.35564304422262, 7.264611537297132 52.35564304422262, 7.264611537297132 52.35584878882957))",35336_5_6,5,6,177.0 +"POLYGON ((7.264611537297132 52.35523155213522, 7.265766514091 52.35523155213522, 7.265766514091 52.35502580465476, 7.264611537297132 52.35502580465476, 7.264611537297132 52.35523155213522))",35336_5_9,5,9,127.4301735 +"POLYGON ((7.264611537297132 52.35482005621646, 7.265766514091 52.35482005621646, 7.265766514091 52.3546143068203, 7.264611537297132 52.3546143068203, 7.264611537297132 52.35482005621646))",35336_5_11,5,11,127.4999985 +"POLYGON ((7.264611537297132 52.35440855646631, 7.265766514091 52.35440855646631, 7.265766514091 52.35420280515447, 7.264611537297132 52.35420280515447, 7.264611537297132 52.35440855646631))",35336_5_13,5,13,104.666667 +"POLYGON ((7.264611537297132 52.35317403422747, 7.265766514091 52.35317403422747, 7.265766514091 52.35296827716849, 7.264611537297132 52.35296827716849, 7.264611537297132 52.35317403422747))",35336_5_19,5,19,148.999996 +"POLYGON ((7.264611537297132 52.35235100024442, 7.265766514091 52.35235100024442, 7.265766514091 52.352145239354, 7.264611537297132 52.352145239354, 7.264611537297132 52.35235100024442))",35336_5_23,5,23,121.871206 +"POLYGON ((7.265766514091 52.35502580465476, 7.266921490884868 52.35502580465476, 7.266921490884868 52.35482005621646, 7.265766514091 52.35482005621646, 7.265766514091 52.35502580465476))",35336_6_10,6,10,85.65889949999999 +"POLYGON ((7.265766514091 52.3546143068203, 7.266921490884868 52.3546143068203, 7.266921490884868 52.35440855646631, 7.265766514091 52.35440855646631, 7.265766514091 52.3546143068203))",35336_6_12,6,12,119.33333333333333 +"POLYGON ((7.265766514091 52.35440855646631, 7.266921490884868 52.35440855646631, 7.266921490884868 52.35420280515447, 7.265766514091 52.35420280515447, 7.265766514091 52.35440855646631))",35336_6_13,6,13,127.22058999999999 +"POLYGON ((7.265766514091 52.35420280515447, 7.266921490884868 52.35420280515447, 7.266921490884868 52.35399705288477, 7.265766514091 52.35399705288477, 7.265766514091 52.35420280515447))",35336_6_14,6,14,137.08805 +"POLYGON ((7.265766514091 52.35399705288477, 7.266921490884868 52.35399705288477, 7.266921490884868 52.35379129965723, 7.265766514091 52.35379129965723, 7.265766514091 52.35399705288477))",35336_6_15,6,15,166.0 +"POLYGON ((7.265766514091 52.35358554547184, 7.266921490884868 52.35358554547184, 7.266921490884868 52.35337979032858, 7.265766514091 52.35337979032858, 7.265766514091 52.35358554547184))",35336_6_17,6,17,132.0 +"POLYGON ((7.265766514091 52.35337979032858, 7.266921490884868 52.35337979032858, 7.266921490884868 52.35317403422747, 7.265766514091 52.35317403422747, 7.265766514091 52.35337979032858))",35336_6_18,6,18,133.914844 +"POLYGON ((7.258836653327792 52.34912730291179, 7.259991630121662 52.34912730291179, 7.259991630121662 52.34892152701456, 7.258836653327792 52.34892152701456, 7.258836653327792 52.34912730291179))",35337_0_12,0,12,141.66666666666666 +"POLYGON ((7.258836653327792 52.34706950083395, 7.259991630121662 52.34706950083395, 7.259991630121662 52.34686371535768, 7.258836653327792 52.34686371535768, 7.258836653327792 52.34706950083395))",35337_0_22,0,22,81.4000002 +"POLYGON ((7.259991630121662 52.34974462485611, 7.261146606915529 52.34974462485611, 7.261146606915529 52.34953885183256, 7.259991630121662 52.34953885183256, 7.259991630121662 52.34974462485611))",35337_1_9,1,9,130.0 +"POLYGON ((7.261146606915529 52.34892152701456, 7.262301583709396 52.34892152701456, 7.262301583709396 52.34871575015944, 7.261146606915529 52.34871575015944, 7.261146606915529 52.34892152701456))",35337_2_13,2,13,131.33333333333334 +"POLYGON ((7.262301583709396 52.35036193817945, 7.263456560503264 52.35036193817945, 7.263456560503264 52.35015616802955, 7.262301583709396 52.35015616802955, 7.262301583709396 52.35036193817945))",35337_3_6,3,6,186.5 +"POLYGON ((7.262301583709396 52.34912730291179, 7.263456560503264 52.34912730291179, 7.263456560503264 52.34892152701456, 7.262301583709396 52.34892152701456, 7.262301583709396 52.34912730291179))",35337_3_12,3,12,128.33333333333334 +"POLYGON ((7.262301583709396 52.34830419357549, 7.263456560503264 52.34830419357549, 7.263456560503264 52.34809841384666, 7.262301583709396 52.34809841384666, 7.262301583709396 52.34830419357549))",35337_3_16,3,16,136.33333333333334 +"POLYGON ((7.263456560503264 52.35077347560557, 7.264611537297132 52.35077347560557, 7.264611537297132 52.35056770737145, 7.263456560503264 52.35056770737145, 7.263456560503264 52.35077347560557))",35337_4_4,4,4,174.5 +"POLYGON ((7.263456560503264 52.35056770737145, 7.264611537297132 52.35056770737145, 7.264611537297132 52.35036193817945, 7.263456560503264 52.35036193817945, 7.263456560503264 52.35056770737145))",35337_4_5,4,5,162.5999992 +"POLYGON ((7.263456560503264 52.34995039692178, 7.264611537297132 52.34995039692178, 7.264611537297132 52.34974462485611, 7.263456560503264 52.34974462485611, 7.263456560503264 52.34995039692178))",35337_4_8,4,8,115.23807925 +"POLYGON ((7.263456560503264 52.34953885183256, 7.264611537297132 52.34953885183256, 7.264611537297132 52.34933307785113, 7.263456560503264 52.34933307785113, 7.263456560503264 52.34953885183256))",35337_4_10,4,10,129.66666666666666 +"POLYGON ((7.263456560503264 52.34809841384666, 7.264611537297132 52.34809841384666, 7.264611537297132 52.34789263315994, 7.263456560503264 52.34789263315994, 7.263456560503264 52.34809841384666))",35337_4_17,4,17,100.66666666666667 +"POLYGON ((7.264611537297132 52.35077347560557, 7.265766514091 52.35077347560557, 7.265766514091 52.35056770737145, 7.264611537297132 52.35056770737145, 7.264611537297132 52.35077347560557))",35337_5_4,5,4,125.66666666666667 +"POLYGON ((7.264611537297132 52.35036193817945, 7.265766514091 52.35036193817945, 7.265766514091 52.35015616802955, 7.264611537297132 52.35015616802955, 7.264611537297132 52.35036193817945))",35337_5_6,5,6,175.5 +"POLYGON ((7.264611537297132 52.34974462485611, 7.265766514091 52.34974462485611, 7.265766514091 52.34953885183256, 7.264611537297132 52.34953885183256, 7.264611537297132 52.34974462485611))",35337_5_9,5,9,129.83833366666667 +"POLYGON ((7.264611537297132 52.34933307785113, 7.265766514091 52.34933307785113, 7.265766514091 52.34912730291179, 7.264611537297132 52.34912730291179, 7.264611537297132 52.34933307785113))",35337_5_11,5,11,127.10158899999999 +"POLYGON ((7.264611537297132 52.34892152701456, 7.265766514091 52.34892152701456, 7.265766514091 52.34871575015944, 7.264611537297132 52.34871575015944, 7.264611537297132 52.34892152701456))",35337_5_13,5,13,94.5509684 +"POLYGON ((7.264611537297132 52.34830419357549, 7.265766514091 52.34830419357549, 7.265766514091 52.34809841384666, 7.264611537297132 52.34809841384666, 7.264611537297132 52.34830419357549))",35337_5_16,5,16,141.66666666666666 +"POLYGON ((7.264611537297132 52.3476868515153, 7.265766514091 52.3476868515153, 7.265766514091 52.34748106891275, 7.264611537297132 52.34748106891275, 7.264611537297132 52.3476868515153))",35337_5_19,5,19,144.33333466666667 +"POLYGON ((7.264611537297132 52.34686371535768, 7.265766514091 52.34686371535768, 7.265766514091 52.34665792892348, 7.264611537297132 52.34665792892348, 7.264611537297132 52.34686371535768))",35337_5_23,5,23,119.124454 +"POLYGON ((7.265766514091 52.34953885183256, 7.266921490884868 52.34953885183256, 7.266921490884868 52.34933307785113, 7.265766514091 52.34933307785113, 7.265766514091 52.34953885183256))",35337_6_10,6,10,95.8137266 +"POLYGON ((7.265766514091 52.34912730291179, 7.266921490884868 52.34912730291179, 7.266921490884868 52.34892152701456, 7.265766514091 52.34892152701456, 7.265766514091 52.34912730291179))",35337_6_12,6,12,117.3 +"POLYGON ((7.265766514091 52.34892152701456, 7.266921490884868 52.34892152701456, 7.266921490884868 52.34871575015944, 7.265766514091 52.34871575015944, 7.265766514091 52.34892152701456))",35337_6_13,6,13,124.05231214285713 +"POLYGON ((7.265766514091 52.34871575015944, 7.266921490884868 52.34871575015944, 7.266921490884868 52.3485099723464, 7.265766514091 52.3485099723464, 7.265766514091 52.34871575015944))",35337_6_14,6,14,137.51830614285714 +"POLYGON ((7.265766514091 52.3485099723464, 7.266921490884868 52.3485099723464, 7.266921490884868 52.34830419357549, 7.265766514091 52.34830419357549, 7.265766514091 52.3485099723464))",35337_6_15,6,15,156.33333333333334 +"POLYGON ((7.265766514091 52.34809841384666, 7.266921490884868 52.34809841384666, 7.266921490884868 52.34789263315994, 7.265766514091 52.34789263315994, 7.265766514091 52.34809841384666))",35337_6_17,6,17,128.33333333333334 +"POLYGON ((7.265766514091 52.34789263315994, 7.266921490884868 52.34789263315994, 7.266921490884868 52.3476868515153, 7.265766514091 52.3476868515153, 7.265766514091 52.34789263315994))",35337_6_18,6,18,133.4482495 +"POLYGON ((7.258836653327792 52.34363961783387, 7.259991630121662 52.34363961783387, 7.259991630121662 52.34343381639212, 7.258836653327792 52.34343381639212, 7.258836653327792 52.34363961783387))",35338_0_12,0,12,155.0 +"POLYGON ((7.258836653327792 52.34158156030868, 7.259991630121662 52.34158156030868, 7.259991630121662 52.34137574928741, 7.258836653327792 52.34137574928741, 7.258836653327792 52.34158156030868))",35338_0_22,0,22,86.3985832 +"POLYGON ((7.259991630121662 52.34425701641146, 7.261146606915529 52.34425701641146, 7.261146606915529 52.34405121784354, 7.259991630121662 52.34405121784354, 7.259991630121662 52.34425701641146))",35338_1_9,1,9,134.33333333333334 +"POLYGON ((7.261146606915529 52.34343381639212, 7.262301583709396 52.34343381639212, 7.262301583709396 52.34322801399243, 7.261146606915529 52.34322801399243, 7.261146606915529 52.34343381639212))",35338_2_13,2,13,137.0 +"POLYGON ((7.262301583709396 52.34487440636762, 7.263456560503264 52.34487440636762, 7.263456560503264 52.3446686106735, 7.262301583709396 52.3446686106735, 7.262301583709396 52.34487440636762))",35338_3_6,3,6,188.5 +"POLYGON ((7.262301583709396 52.34363961783387, 7.263456560503264 52.34363961783387, 7.263456560503264 52.34343381639212, 7.262301583709396 52.34343381639212, 7.262301583709396 52.34363961783387))",35338_3_12,3,12,132.66666666666666 +"POLYGON ((7.262301583709396 52.3428164063192, 7.263456560503264 52.3428164063192, 7.263456560503264 52.34261060104566, 7.262301583709396 52.34261060104566, 7.262301583709396 52.3428164063192))",35338_3_16,3,16,140.0 +"POLYGON ((7.263456560503264 52.34528599488207, 7.264611537297132 52.34528599488207, 7.264611537297132 52.3450802011038, 7.263456560503264 52.3450802011038, 7.263456560503264 52.34528599488207))",35338_4_4,4,4,176.0 +"POLYGON ((7.263456560503264 52.3450802011038, 7.264611537297132 52.3450802011038, 7.264611537297132 52.34487440636762, 7.263456560503264 52.34487440636762, 7.263456560503264 52.3450802011038))",35338_4_5,4,5,158.83333583333334 +"POLYGON ((7.263456560503264 52.34446281402145, 7.264611537297132 52.34446281402145, 7.264611537297132 52.34425701641146, 7.263456560503264 52.34425701641146, 7.263456560503264 52.34446281402145))",35338_4_8,4,8,73.643794 +"POLYGON ((7.263456560503264 52.34405121784354, 7.264611537297132 52.34405121784354, 7.264611537297132 52.34384541831767, 7.263456560503264 52.34384541831767, 7.263456560503264 52.34405121784354))",35338_4_10,4,10,132.0 +"POLYGON ((7.263456560503264 52.34261060104566, 7.264611537297132 52.34261060104566, 7.264611537297132 52.34240479481418, 7.263456560503264 52.34240479481418, 7.263456560503264 52.34261060104566))",35338_4_17,4,17,70.0 +"POLYGON ((7.264611537297132 52.34528599488207, 7.265766514091 52.34528599488207, 7.265766514091 52.3450802011038, 7.264611537297132 52.3450802011038, 7.264611537297132 52.34528599488207))",35338_5_4,5,4,126.66666666666667 +"POLYGON ((7.264611537297132 52.34487440636762, 7.265766514091 52.34487440636762, 7.265766514091 52.3446686106735, 7.264611537297132 52.3446686106735, 7.264611537297132 52.34487440636762))",35338_5_6,5,6,171.5 +"POLYGON ((7.264611537297132 52.34425701641146, 7.265766514091 52.34425701641146, 7.265766514091 52.34405121784354, 7.264611537297132 52.34405121784354, 7.264611537297132 52.34425701641146))",35338_5_9,5,9,129.89979474999998 +"POLYGON ((7.264611537297132 52.34384541831767, 7.265766514091 52.34384541831767, 7.265766514091 52.34363961783387, 7.264611537297132 52.34363961783387, 7.264611537297132 52.34384541831767))",35338_5_11,5,11,128.74492033333334 +"POLYGON ((7.264611537297132 52.34343381639212, 7.265766514091 52.34343381639212, 7.265766514091 52.34322801399243, 7.264611537297132 52.34322801399243, 7.264611537297132 52.34343381639212))",35338_5_13,5,13,66.058108875 +"POLYGON ((7.264611537297132 52.3428164063192, 7.265766514091 52.3428164063192, 7.265766514091 52.34261060104566, 7.264611537297132 52.34261060104566, 7.264611537297132 52.3428164063192))",35338_5_16,5,16,102.0 +"POLYGON ((7.264611537297132 52.34219898762473, 7.265766514091 52.34219898762473, 7.265766514091 52.34199317947735, 7.264611537297132 52.34199317947735, 7.264611537297132 52.34219898762473))",35338_5_19,5,19,140.666665 +"POLYGON ((7.264611537297132 52.34137574928741, 7.265766514091 52.34137574928741, 7.265766514091 52.34116993730817, 7.264611537297132 52.34116993730817, 7.264611537297132 52.34137574928741))",35338_5_23,5,23,116.98411125 +"POLYGON ((7.265766514091 52.34405121784354, 7.266921490884868 52.34405121784354, 7.266921490884868 52.34384541831767, 7.265766514091 52.34384541831767, 7.265766514091 52.34405121784354))",35338_6_10,6,10,105.53076525 +"POLYGON ((7.265766514091 52.34363961783387, 7.266921490884868 52.34363961783387, 7.266921490884868 52.34343381639212, 7.265766514091 52.34343381639212, 7.265766514091 52.34363961783387))",35338_6_12,6,12,122.2 +"POLYGON ((7.265766514091 52.34343381639212, 7.266921490884868 52.34343381639212, 7.266921490884868 52.34322801399243, 7.265766514091 52.34322801399243, 7.265766514091 52.34343381639212))",35338_6_13,6,13,121.3333325 +"POLYGON ((7.265766514091 52.34322801399243, 7.266921490884868 52.34322801399243, 7.266921490884868 52.34302221063479, 7.265766514091 52.34302221063479, 7.265766514091 52.34322801399243))",35338_6_14,6,14,131.62688459999998 +"POLYGON ((7.265766514091 52.34302221063479, 7.266921490884868 52.34302221063479, 7.266921490884868 52.3428164063192, 7.265766514091 52.3428164063192, 7.265766514091 52.34302221063479))",35338_6_15,6,15,95.6 +"POLYGON ((7.265766514091 52.34261060104566, 7.266921490884868 52.34261060104566, 7.266921490884868 52.34240479481418, 7.265766514091 52.34240479481418, 7.265766514091 52.34261060104566))",35338_6_17,6,17,98.2 +"POLYGON ((7.265766514091 52.34240479481418, 7.266921490884868 52.34240479481418, 7.266921490884868 52.34219898762473, 7.265766514091 52.34219898762473, 7.265766514091 52.34240479481418))",35338_6_18,6,18,133.66666766666665 +"POLYGON ((7.258836653327792 52.33609293856698, 7.259991630121662 52.33609293856698, 7.259991630121662 52.33588710199942, 7.258836653327792 52.33588710199942, 7.258836653327792 52.33609293856698))",35339_0_22,0,22,88.0 +"POLYGON ((7.261146606915529 52.33794542456479, 7.262301583709396 52.33794542456479, 7.262301583709396 52.33773959661924, 7.261146606915529 52.33773959661924, 7.261146606915529 52.33794542456479))",35339_2_13,2,13,153.0 +"POLYGON ((7.262301583709396 52.33815125155233, 7.263456560503264 52.33815125155233, 7.263456560503264 52.33794542456479, 7.262301583709396 52.33794542456479, 7.262301583709396 52.33815125155233))",35339_3_12,3,12,134.0 +"POLYGON ((7.262301583709396 52.33732793785418, 7.263456560503264 52.33732793785418, 7.263456560503264 52.33712210703465, 7.262301583709396 52.33712210703465, 7.262301583709396 52.33732793785418))",35339_3_16,3,16,143.0 +"POLYGON ((7.263456560503264 52.3397978329652, 7.264611537297132 52.3397978329652, 7.264611537297132 52.33959201364154, 7.263456560503264 52.33959201364154, 7.263456560503264 52.3397978329652))",35339_4_4,4,4,176.0 +"POLYGON ((7.263456560503264 52.33959201364154, 7.264611537297132 52.33959201364154, 7.264611537297132 52.33938619335989, 7.263456560503264 52.33938619335989, 7.263456560503264 52.33959201364154))",35339_4_5,4,5,149.0 +"POLYGON ((7.263456560503264 52.33897454992264, 7.264611537297132 52.33897454992264, 7.264611537297132 52.33876872676704, 7.263456560503264 52.33876872676704, 7.263456560503264 52.33897454992264))",35339_4_8,4,8,87.0000025 +"POLYGON ((7.263456560503264 52.33712210703465, 7.264611537297132 52.33712210703465, 7.264611537297132 52.33691627525712, 7.263456560503264 52.33691627525712, 7.263456560503264 52.33712210703465))",35339_4_17,4,17,82.5 +"POLYGON ((7.264611537297132 52.3397978329652, 7.265766514091 52.3397978329652, 7.265766514091 52.33959201364154, 7.264611537297132 52.33959201364154, 7.264611537297132 52.3397978329652))",35339_5_4,5,4,125.0 +"POLYGON ((7.264611537297132 52.33938619335989, 7.265766514091 52.33938619335989, 7.265766514091 52.33918037212025, 7.264611537297132 52.33918037212025, 7.264611537297132 52.33938619335989))",35339_5_6,5,6,153.0 +"POLYGON ((7.264611537297132 52.33876872676704, 7.265766514091 52.33876872676704, 7.265766514091 52.33856290265347, 7.264611537297132 52.33856290265347, 7.264611537297132 52.33876872676704))",35339_5_9,5,9,132.0 +"POLYGON ((7.264611537297132 52.3383570775819, 7.265766514091 52.3383570775819, 7.265766514091 52.33815125155233, 7.264611537297132 52.33815125155233, 7.264611537297132 52.3383570775819))",35339_5_11,5,11,129.000001 +"POLYGON ((7.264611537297132 52.33794542456479, 7.265766514091 52.33794542456479, 7.265766514091 52.33773959661924, 7.264611537297132 52.33773959661924, 7.264611537297132 52.33794542456479))",35339_5_13,5,13,93.35263 +"POLYGON ((7.264611537297132 52.33732793785418, 7.265766514091 52.33732793785418, 7.265766514091 52.33712210703465, 7.264611537297132 52.33712210703465, 7.264611537297132 52.33732793785418))",35339_5_16,5,16,100.33333333333333 +"POLYGON ((7.265766514091 52.33856290265347, 7.266921490884868 52.33856290265347, 7.266921490884868 52.3383570775819, 7.265766514091 52.3383570775819, 7.265766514091 52.33856290265347))",35339_6_10,6,10,113.58296 +"POLYGON ((7.265766514091 52.33794542456479, 7.266921490884868 52.33794542456479, 7.266921490884868 52.33773959661924, 7.265766514091 52.33773959661924, 7.265766514091 52.33794542456479))",35339_6_13,6,13,116.000002 +"POLYGON ((7.265766514091 52.33773959661924, 7.266921490884868 52.33773959661924, 7.266921490884868 52.33753376771572, 7.265766514091 52.33753376771572, 7.265766514091 52.33773959661924))",35339_6_14,6,14,152.13039 +"POLYGON ((7.265766514091 52.33753376771572, 7.266921490884868 52.33753376771572, 7.266921490884868 52.33732793785418, 7.265766514091 52.33732793785418, 7.265766514091 52.33753376771572))",35339_6_15,6,15,74.33333333333333 +"POLYGON ((7.265766514091 52.33712210703465, 7.266921490884868 52.33712210703465, 7.266921490884868 52.33691627525712, 7.265766514091 52.33691627525712, 7.265766514091 52.33712210703465))",35339_6_17,6,17,94.0 +"POLYGON ((7.258836653327792 52.17318333457371, 7.259991630121662 52.17318333457371, 7.259991630121662 52.17297674061958, 7.258836653327792 52.17297674061958, 7.258836653327792 52.17318333457371))",35369_0_12,0,12,87.5 +"POLYGON ((7.258836653327792 52.17111735185827, 7.259991630121662 52.17111735185827, 7.259991630121662 52.17091074830985, 7.258836653327792 52.17091074830985, 7.258836653327792 52.17111735185827))",35369_0_22,0,22,91.35430133333334 +"POLYGON ((7.259991630121662 52.17380311067957, 7.261146606915529 52.17380311067957, 7.261146606915529 52.1735965196037, 7.259991630121662 52.1735965196037, 7.259991630121662 52.17380311067957))",35369_1_9,1,9,107.0 +"POLYGON ((7.261146606915529 52.17297674061958, 7.262301583709396 52.17297674061958, 7.262301583709396 52.17277014570603, 7.261146606915529 52.17277014570603, 7.261146606915529 52.17297674061958))",35369_2_13,2,13,106.33333333333333 +"POLYGON ((7.262301583709396 52.17442287815071, 7.263456560503264 52.17442287815071, 7.263456560503264 52.17421628995308, 7.262301583709396 52.17421628995308, 7.262301583709396 52.17442287815071))",35369_3_6,3,6,108.0 +"POLYGON ((7.262301583709396 52.17318333457371, 7.263456560503264 52.17318333457371, 7.263456560503264 52.17297674061958, 7.262301583709396 52.17297674061958, 7.262301583709396 52.17318333457371))",35369_3_12,3,12,99.33333333333333 +"POLYGON ((7.262301583709396 52.17235695300067, 7.263456560503264 52.17235695300067, 7.263456560503264 52.17215035520885, 7.262301583709396 52.17215035520885, 7.262301583709396 52.17235695300067))",35369_3_16,3,16,97.5 +"POLYGON ((7.263456560503264 52.17483605166776, 7.264611537297132 52.17483605166776, 7.264611537297132 52.17462946538895, 7.263456560503264 52.17462946538895, 7.263456560503264 52.17483605166776))",35369_4_4,4,4,107.0 +"POLYGON ((7.263456560503264 52.17462946538895, 7.264611537297132 52.17462946538895, 7.264611537297132 52.17442287815071, 7.263456560503264 52.17442287815071, 7.263456560503264 52.17462946538895))",35369_4_5,4,5,115.66666666666667 +"POLYGON ((7.264611537297132 52.17483605166776, 7.265766514091 52.17483605166776, 7.265766514091 52.17462946538895, 7.264611537297132 52.17462946538895, 7.264611537297132 52.17483605166776))",35369_5_4,5,4,103.0 +"POLYGON ((7.264611537297132 52.17442287815071, 7.265766514091 52.17442287815071, 7.265766514091 52.17421628995308, 7.264611537297132 52.17421628995308, 7.264611537297132 52.17442287815071))",35369_5_6,5,6,120.0 +"POLYGON ((7.264611537297132 52.17380311067957, 7.265766514091 52.17380311067957, 7.265766514091 52.1735965196037, 7.264611537297132 52.1735965196037, 7.264611537297132 52.17380311067957))",35369_5_9,5,9,83.553907 +"POLYGON ((7.264611537297132 52.1735965196037, 7.265766514091 52.1735965196037, 7.265766514091 52.17338992756842, 7.264611537297132 52.17338992756842, 7.264611537297132 52.1735965196037))",35369_5_10,5,10,87.37894299999999 +"POLYGON ((7.264611537297132 52.1715305560768, 7.265766514091 52.1715305560768, 7.265766514091 52.17132395444725, 7.264611537297132 52.17132395444725, 7.264611537297132 52.1715305560768))",35369_5_20,5,20,96.666668 +"POLYGON ((7.264611537297132 52.17091074830985, 7.265766514091 52.17091074830985, 7.265766514091 52.17070414380198, 7.264611537297132 52.17070414380198, 7.264611537297132 52.17091074830985))",35369_5_23,5,23,87.55494499999999 +"POLYGON ((7.265766514091 52.17380311067957, 7.266921490884868 52.17380311067957, 7.266921490884868 52.1735965196037, 7.265766514091 52.1735965196037, 7.265766514091 52.17380311067957))",35369_6_9,6,9,113.00000133333333 +"POLYGON ((7.265766514091 52.17318333457371, 7.266921490884868 52.17318333457371, 7.266921490884868 52.17297674061958, 7.265766514091 52.17297674061958, 7.265766514091 52.17318333457371))",35369_6_12,6,12,104.5 +"POLYGON ((7.265766514091 52.17297674061958, 7.266921490884868 52.17297674061958, 7.266921490884868 52.17277014570603, 7.265766514091 52.17277014570603, 7.265766514091 52.17297674061958))",35369_6_13,6,13,89.872560875 +"POLYGON ((7.265766514091 52.17277014570603, 7.266921490884868 52.17277014570603, 7.266921490884868 52.17256354983306, 7.265766514091 52.17256354983306, 7.265766514091 52.17277014570603))",35369_6_14,6,14,98.57142842857142 +"POLYGON ((7.258836653327792 52.16767383412338, 7.259991630121662 52.16767383412338, 7.259991630121662 52.16746721458408, 7.258836653327792 52.16746721458408, 7.258836653327792 52.16767383412338))",35370_0_12,0,12,105.5 +"POLYGON ((7.258836653327792 52.16560759555408, 7.259991630121662 52.16560759555408, 7.259991630121662 52.16540096642, 7.258836653327792 52.16540096642, 7.258836653327792 52.16560759555408))",35370_0_22,0,22,91.000001 +"POLYGON ((7.259991630121662 52.16829368698448, 7.261146606915529 52.16829368698448, 7.261146606915529 52.16808707032359, 7.259991630121662 52.16808707032359, 7.259991630121662 52.16829368698448))",35370_1_9,1,9,108.5 +"POLYGON ((7.261146606915529 52.16746721458408, 7.262301583709396 52.16746721458408, 7.262301583709396 52.16726059408532, 7.261146606915529 52.16726059408532, 7.261146606915529 52.16746721458408))",35370_2_13,2,13,94.0 +"POLYGON ((7.262301583709396 52.16891353121045, 7.263456560503264 52.16891353121045, 7.263456560503264 52.16870691742793, 7.262301583709396 52.16870691742793, 7.262301583709396 52.16891353121045))",35370_3_6,3,6,95.0 +"POLYGON ((7.262301583709396 52.16767383412338, 7.263456560503264 52.16767383412338, 7.263456560503264 52.16746721458408, 7.262301583709396 52.16746721458408, 7.262301583709396 52.16767383412338))",35370_3_12,3,12,95.0 +"POLYGON ((7.262301583709396 52.16684735020936, 7.263456560503264 52.16684735020936, 7.263456560503264 52.16664072683218, 7.262301583709396 52.16664072683218, 7.262301583709396 52.16684735020936))",35370_3_16,3,16,79.5 +"POLYGON ((7.263456560503264 52.16932675589713, 7.264611537297132 52.16932675589713, 7.264611537297132 52.16912014403351, 7.263456560503264 52.16912014403351, 7.263456560503264 52.16932675589713))",35370_4_4,4,4,92.5 +"POLYGON ((7.263456560503264 52.16912014403351, 7.264611537297132 52.16912014403351, 7.264611537297132 52.16891353121045, 7.263456560503264 52.16891353121045, 7.263456560503264 52.16912014403351))",35370_4_5,4,5,118.0 +"POLYGON ((7.264611537297132 52.16932675589713, 7.265766514091 52.16932675589713, 7.265766514091 52.16912014403351, 7.264611537297132 52.16912014403351, 7.264611537297132 52.16932675589713))",35370_5_4,5,4,103.0 +"POLYGON ((7.264611537297132 52.16891353121045, 7.265766514091 52.16891353121045, 7.265766514091 52.16870691742793, 7.264611537297132 52.16870691742793, 7.264611537297132 52.16891353121045))",35370_5_6,5,6,99.0 +"POLYGON ((7.264611537297132 52.16829368698448, 7.265766514091 52.16829368698448, 7.265766514091 52.16808707032359, 7.264611537297132 52.16808707032359, 7.264611537297132 52.16829368698448))",35370_5_9,5,9,87.678902 +"POLYGON ((7.264611537297132 52.16808707032359, 7.265766514091 52.16808707032359, 7.265766514091 52.16788045270322, 7.264611537297132 52.16788045270322, 7.264611537297132 52.16808707032359))",35370_5_10,5,10,79.5000005 +"POLYGON ((7.264611537297132 52.16602085094375, 7.265766514091 52.16602085094375, 7.265766514091 52.16581422372865, 7.264611537297132 52.16581422372865, 7.264611537297132 52.16602085094375))",35370_5_20,5,20,100.400002 +"POLYGON ((7.264611537297132 52.16540096642, 7.265766514091 52.16540096642, 7.265766514091 52.16519433632646, 7.264611537297132 52.16519433632646, 7.264611537297132 52.16540096642))",35370_5_23,5,23,90.999999 +"POLYGON ((7.265766514091 52.16829368698448, 7.266921490884868 52.16829368698448, 7.266921490884868 52.16808707032359, 7.265766514091 52.16808707032359, 7.265766514091 52.16829368698448))",35370_6_9,6,9,110.0 +"POLYGON ((7.265766514091 52.16767383412338, 7.266921490884868 52.16767383412338, 7.266921490884868 52.16746721458408, 7.265766514091 52.16746721458408, 7.265766514091 52.16767383412338))",35370_6_12,6,12,104.0 +"POLYGON ((7.265766514091 52.16746721458408, 7.266921490884868 52.16746721458408, 7.266921490884868 52.16726059408532, 7.265766514091 52.16726059408532, 7.265766514091 52.16746721458408))",35370_6_13,6,13,95.10479400000001 +"POLYGON ((7.265766514091 52.16726059408532, 7.266921490884868 52.16726059408532, 7.266921490884868 52.16705397262707, 7.265766514091 52.16705397262707, 7.265766514091 52.16726059408532))",35370_6_14,6,14,101.21634 +"POLYGON ((7.263456560503264 50.70058159601586, 7.264611537297132 50.70058159601586, 7.264611537297132 50.70036823228216, 7.263456560503264 50.70036823228216, 7.263456560503264 50.70058159601586))",35632_4_12,4,12,147.5 +"POLYGON ((7.263456560503264 50.69489156423018, 7.264611537297132 50.69489156423018, 7.264611537297132 50.694678174609, 7.263456560503264 50.694678174609, 7.263456560503264 50.69489156423018))",35633_4_12,4,12,143.5 +"POLYGON ((7.267819806168988 53.52964393575181, 7.268974782962856 53.52964393575181, 7.268974782962856 53.52944369850947, 7.267819806168988 53.52944369850947, 7.267819806168988 53.52964393575181))",35794_0_10,0,10,45.666666666666664 +"POLYGON ((7.270129759756724 53.52884298110208, 7.271284736550592 53.52884298110208, 7.271284736550592 53.5286427400728, 7.270129759756724 53.5286427400728, 7.270129759756724 53.52884298110208))",35794_2_14,2,14,38.15384615384615 +"POLYGON ((7.27243971334446 53.53064510776256, 7.273594690138328 53.53064510776256, 7.273594690138328 53.53044487525386, 7.27243971334446 53.53044487525386, 7.27243971334446 53.53064510776256))",35794_4_5,4,5,77.85714285714286 +"POLYGON ((7.273594690138328 53.53064510776256, 7.274749666932196 53.53064510776256, 7.274749666932196 53.53044487525386, 7.273594690138328 53.53044487525386, 7.273594690138328 53.53064510776256))",35794_5_5,5,5,44.75 +"POLYGON ((7.274749666932196 53.52924346032042, 7.275904643726064 53.52924346032042, 7.275904643726064 53.52904322118462, 7.274749666932196 53.52904322118462, 7.274749666932196 53.52924346032042))",35794_6_12,6,12,25.700017312499998 +"POLYGON ((7.274749666932196 53.52904322118462, 7.275904643726064 53.52904322118462, 7.275904643726064 53.52884298110208, 7.274749666932196 53.52884298110208, 7.274749666932196 53.52904322118462))",35794_6_13,6,13,83.42857142857143 +"POLYGON ((7.267819806168988 53.45482288119342, 7.268974782962856 53.45482288119342, 7.268974782962856 53.45462229036364, 7.267819806168988 53.45462229036364, 7.267819806168988 53.45482288119342))",35808_0_10,0,10,100.5 +"POLYGON ((7.270129759756724 53.45402051218937, 7.271284736550592 53.45402051218937, 7.271284736550592 53.45381991756963, 7.270129759756724 53.45381991756963, 7.270129759756724 53.45402051218937))",35808_2_14,2,14,72.33333333333333 +"POLYGON ((7.27243971334446 53.45582582113007, 7.273594690138328 53.45582582113007, 7.273594690138328 53.45562523503769, 7.27243971334446 53.45562523503769, 7.27243971334446 53.45582582113007))",35808_4_5,4,5,84.0 +"POLYGON ((7.273594690138328 53.45582582113007, 7.274749666932196 53.45582582113007, 7.274749666932196 53.45562523503769, 7.273594690138328 53.45562523503769, 7.273594690138328 53.45582582113007))",35808_5_5,5,5,86.66666666666667 +"POLYGON ((7.274749666932196 53.45442169858637, 7.275904643726064 53.45442169858637, 7.275904643726064 53.45422110586162, 7.274749666932196 53.45422110586162, 7.274749666932196 53.45442169858637))",35808_6_12,6,12,93.66666533333334 +"POLYGON ((7.274749666932196 53.45422110586162, 7.275904643726064 53.45422110586162, 7.275904643726064 53.45402051218937, 7.274749666932196 53.45402051218937, 7.274749666932196 53.45422110586162))",35808_6_13,6,13,78.75 +"POLYGON ((7.267819806168988 53.44947346814236, 7.268974782962856 53.44947346814236, 7.268974782962856 53.44927285204555, 7.267819806168988 53.44927285204555, 7.267819806168988 53.44947346814236))",35809_0_10,0,10,99.0 +"POLYGON ((7.270129759756724 53.44867099806988, 7.271284736550592 53.44867099806988, 7.271284736550592 53.4484703781829, 7.270129759756724 53.4484703781829, 7.270129759756724 53.44867099806988))",35809_2_14,2,14,72.2 +"POLYGON ((7.27243971334446 53.45047653441333, 7.273594690138328 53.45047653441333, 7.273594690138328 53.45027592305419, 7.27243971334446 53.45027592305419, 7.27243971334446 53.45047653441333))",35809_4_5,4,5,88.0 +"POLYGON ((7.273594690138328 53.45047653441333, 7.274749666932196 53.45047653441333, 7.274749666932196 53.45027592305419, 7.273594690138328 53.45027592305419, 7.273594690138328 53.45047653441333))",35809_5_5,5,5,86.25 +"POLYGON ((7.274749666932196 53.44907223500121, 7.275904643726064 53.44907223500121, 7.275904643726064 53.44887161700932, 7.274749666932196 53.44887161700932, 7.274749666932196 53.44907223500121))",35809_6_12,6,12,94.00000175 +"POLYGON ((7.274749666932196 53.44887161700932, 7.275904643726064 53.44887161700932, 7.275904643726064 53.44867099806988, 7.274749666932196 53.44867099806988, 7.274749666932196 53.44887161700932))",35809_6_13,6,13,78.75 +"POLYGON ((7.267819806168988 53.36359017523769, 7.268974782962856 53.36359017523769, 7.268974782962856 53.3633891537256, 7.267819806168988 53.3633891537256, 7.267819806168988 53.36359017523769))",35825_0_11,0,11,135.66666666666666 +"POLYGON ((7.270129759756724 53.36298710785623, 7.271284736550592 53.36298710785623, 7.271284736550592 53.36278608349895, 7.270129759756724 53.36278608349895, 7.270129759756724 53.36298710785623))",35825_2_14,2,14,137.66666666666666 +"POLYGON ((7.271284736550592 53.36439425180206, 7.27243971334446 53.36439425180206, 7.27243971334446 53.36419323408356, 7.271284736550592 53.36419323408356, 7.271284736550592 53.36439425180206))",35825_3_7,3,7,133.0 +"POLYGON ((7.27243971334446 53.36479628439391, 7.273594690138328 53.36479628439391, 7.273594690138328 53.36459526857218, 7.27243971334446 53.36459526857218, 7.27243971334446 53.36479628439391))",35825_4_5,4,5,137.0 +"POLYGON ((7.27243971334446 53.36399221541667, 7.273594690138328 53.36399221541667, 7.273594690138328 53.36379119580138, 7.27243971334446 53.36379119580138, 7.27243971334446 53.36399221541667))",35825_4_9,4,9,140.66666933333332 +"POLYGON ((7.273594690138328 53.36479628439391, 7.274749666932196 53.36479628439391, 7.274749666932196 53.36459526857218, 7.273594690138328 53.36459526857218, 7.273594690138328 53.36479628439391))",35825_5_5,5,5,101.75 +"POLYGON ((7.273594690138328 53.36439425180206, 7.274749666932196 53.36439425180206, 7.274749666932196 53.36419323408356, 7.273594690138328 53.36419323408356, 7.273594690138328 53.36439425180206))",35825_5_7,5,7,122.66666666666667 +"POLYGON ((7.273594690138328 53.36359017523769, 7.274749666932196 53.36359017523769, 7.274749666932196 53.3633891537256, 7.273594690138328 53.3633891537256, 7.273594690138328 53.36359017523769))",35825_5_11,5,11,118.33745966666667 +"POLYGON ((7.273594690138328 53.3633891537256, 7.274749666932196 53.3633891537256, 7.274749666932196 53.36318813126513, 7.273594690138328 53.36318813126513, 7.273594690138328 53.3633891537256))",35825_5_12,5,12,102.66751025 +"POLYGON ((7.274749666932196 53.3633891537256, 7.275904643726064 53.3633891537256, 7.275904643726064 53.36318813126513, 7.274749666932196 53.36318813126513, 7.274749666932196 53.3633891537256))",35825_6_12,6,12,107.32541 +"POLYGON ((7.274749666932196 53.36298710785623, 7.275904643726064 53.36298710785623, 7.275904643726064 53.36278608349895, 7.274749666932196 53.36278608349895, 7.274749666932196 53.36298710785623))",35825_6_14,6,14,129.0 +"POLYGON ((7.268974782962856 53.17077845642866, 7.270129759756724 53.17077845642866, 7.270129759756724 53.17057652638831, 7.268974782962856 53.17057652638831, 7.268974782962856 53.17077845642866))",35861_1_8,1,8,106.66666666666667 +"POLYGON ((7.268974782962856 53.16539333013444, 7.270129759756724 53.16539333013444, 7.270129759756724 53.16519137475216, 7.268974782962856 53.16519137475216, 7.268974782962856 53.16539333013444))",35862_1_8,1,8,89.5 +"POLYGON ((7.267819806168988 53.1432398934173, 7.268974782962856 53.1432398934173, 7.268974782962856 53.14303783380171, 7.267819806168988 53.14303783380171, 7.267819806168988 53.1432398934173))",35866_0_11,0,11,76.5 +"POLYGON ((7.267819806168988 53.14121925448578, 7.268974782962856 53.14121925448578, 7.268974782962856 53.14101718536447, 7.267819806168988 53.14101718536447, 7.267819806168988 53.14121925448578))",35866_0_21,0,21,122.33333266666666 +"POLYGON ((7.268974782962856 53.14384606656071, 7.270129759756724 53.14384606656071, 7.270129759756724 53.14364400979679, 7.268974782962856 53.14364400979679, 7.268974782962856 53.14384606656071))",35866_1_8,1,8,99.75 +"POLYGON ((7.270129759756724 53.14263371171884, 7.271284736550592 53.14263371171884, 7.271284736550592 53.14243164925156, 7.270129759756724 53.14243164925156, 7.270129759756724 53.14263371171884))",35866_2_14,2,14,87.25 +"POLYGON ((7.271284736550592 53.14404812237404, 7.27243971334446 53.14404812237404, 7.27243971334446 53.14384606656071, 7.271284736550592 53.14384606656071, 7.271284736550592 53.14404812237404))",35866_3_7,3,7,84.75 +"POLYGON ((7.271284736550592 53.14283577323556, 7.27243971334446 53.14283577323556, 7.27243971334446 53.14263371171884, 7.271284736550592 53.14263371171884, 7.271284736550592 53.14283577323556))",35866_3_13,3,13,126.5 +"POLYGON ((7.27243971334446 53.14465428411079, 7.273594690138328 53.14465428411079, 7.273594690138328 53.14445223114909, 7.27243971334446 53.14445223114909, 7.27243971334446 53.14465428411079))",35866_4_4,4,4,212.0 +"POLYGON ((7.27243971334446 53.14364400979679, 7.273594690138328 53.14364400979679, 7.273594690138328 53.14344195208233, 7.27243971334446 53.14344195208233, 7.27243971334446 53.14364400979679))",35866_4_9,4,9,142.0 +"POLYGON ((7.27243971334446 53.14202752146526, 7.273594690138328 53.14202752146526, 7.273594690138328 53.14182545614626, 7.27243971334446 53.14182545614626, 7.27243971334446 53.14202752146526))",35866_4_17,4,17,131.362415 +"POLYGON ((7.273594690138328 53.14445223114909, 7.274749666932196 53.14445223114909, 7.274749666932196 53.14425017723685, 7.273594690138328 53.14425017723685, 7.273594690138328 53.14445223114909))",35866_5_5,5,5,134.5 +"POLYGON ((7.273594690138328 53.14425017723685, 7.274749666932196 53.14425017723685, 7.274749666932196 53.14404812237404, 7.273594690138328 53.14404812237404, 7.273594690138328 53.14425017723685))",35866_5_6,5,6,147.0 +"POLYGON ((7.273594690138328 53.14344195208233, 7.274749666932196 53.14344195208233, 7.274749666932196 53.1432398934173, 7.273594690138328 53.1432398934173, 7.273594690138328 53.14344195208233))",35866_5_10,5,10,138.845044 +"POLYGON ((7.273594690138328 53.14303783380171, 7.274749666932196 53.14303783380171, 7.274749666932196 53.14283577323556, 7.273594690138328 53.14283577323556, 7.273594690138328 53.14303783380171))",35866_5_12,5,12,125.82355233333332 +"POLYGON ((7.273594690138328 53.14263371171884, 7.274749666932196 53.14263371171884, 7.274749666932196 53.14243164925156, 7.273594690138328 53.14243164925156, 7.273594690138328 53.14263371171884))",35866_5_14,5,14,144.00000066666666 +"POLYGON ((7.273594690138328 53.14243164925156, 7.274749666932196 53.14243164925156, 7.274749666932196 53.1422295858337, 7.273594690138328 53.1422295858337, 7.273594690138328 53.14243164925156))",35866_5_15,5,15,87.66666666666667 +"POLYGON ((7.273594690138328 53.14162338987668, 7.274749666932196 53.14162338987668, 7.274749666932196 53.14142132265653, 7.273594690138328 53.14142132265653, 7.273594690138328 53.14162338987668))",35866_5_19,5,19,132.33333366666668 +"POLYGON ((7.273594690138328 53.14101718536447, 7.274749666932196 53.14101718536447, 7.274749666932196 53.14081511529257, 7.273594690138328 53.14081511529257, 7.273594690138328 53.14101718536447))",35866_5_22,5,22,106.0204205 +"POLYGON ((7.274749666932196 53.1432398934173, 7.275904643726064 53.1432398934173, 7.275904643726064 53.14303783380171, 7.274749666932196 53.14303783380171, 7.274749666932196 53.1432398934173))",35866_6_11,6,11,123.96227890909091 +"POLYGON ((7.274749666932196 53.14303783380171, 7.275904643726064 53.14303783380171, 7.275904643726064 53.14283577323556, 7.274749666932196 53.14283577323556, 7.274749666932196 53.14303783380171))",35866_6_12,6,12,120.62733750000001 +"POLYGON ((7.274749666932196 53.14283577323556, 7.275904643726064 53.14283577323556, 7.275904643726064 53.14263371171884, 7.274749666932196 53.14263371171884, 7.274749666932196 53.14283577323556))",35866_6_13,6,13,119.18029866666666 +"POLYGON ((7.274749666932196 53.14263371171884, 7.275904643726064 53.14263371171884, 7.275904643726064 53.14243164925156, 7.274749666932196 53.14243164925156, 7.274749666932196 53.14263371171884))",35866_6_14,6,14,186.0 +"POLYGON ((7.274749666932196 53.1422295858337, 7.275904643726064 53.1422295858337, 7.275904643726064 53.14202752146526, 7.274749666932196 53.14202752146526, 7.274749666932196 53.1422295858337))",35866_6_16,6,16,100.0 +"POLYGON ((7.274749666932196 53.14202752146526, 7.275904643726064 53.14202752146526, 7.275904643726064 53.14182545614626, 7.274749666932196 53.14182545614626, 7.274749666932196 53.14202752146526))",35866_6_17,6,17,102.893144 +"POLYGON ((7.267819806168988 53.13785131169188, 7.268974782962856 53.13785131169188, 7.268974782962856 53.13764922672725, 7.267819806168988 53.13764922672725, 7.267819806168988 53.13785131169188))",35867_0_11,0,11,90.0 +"POLYGON ((7.267819806168988 53.13583041926752, 7.268974782962856 53.13583041926752, 7.268974782962856 53.13562832479663, 7.267819806168988 53.13562832479663, 7.267819806168988 53.13583041926752))",35867_0_21,0,21,124.1945925 +"POLYGON ((7.268974782962856 53.13845756088212, 7.270129759756724 53.13845756088212, 7.270129759756724 53.13825547876932, 7.268974782962856 53.13825547876932, 7.268974782962856 53.13845756088212))",35867_1_8,1,8,121.66666666666667 +"POLYGON ((7.270129759756724 53.13724505394611, 7.271284736550592 53.13724505394611, 7.271284736550592 53.13704296612963, 7.270129759756724 53.13704296612963, 7.270129759756724 53.13724505394611))",35867_2_14,2,14,88.5 +"POLYGON ((7.271284736550592 53.13865964204431, 7.27243971334446 53.13865964204431, 7.27243971334446 53.13845756088212, 7.271284736550592 53.13845756088212, 7.271284736550592 53.13865964204431))",35867_3_7,3,7,84.0 +"POLYGON ((7.271284736550592 53.13744714081199, 7.27243971334446 53.13744714081199, 7.27243971334446 53.13724505394611, 7.271284736550592 53.13724505394611, 7.271284736550592 53.13744714081199))",35867_3_13,3,13,129.0 +"POLYGON ((7.27243971334446 53.13926587982726, 7.273594690138328 53.13926587982726, 7.273594690138328 53.13906380151688, 7.27243971334446 53.13906380151688, 7.27243971334446 53.13926587982726))",35867_4_4,4,4,207.33333333333334 +"POLYGON ((7.27243971334446 53.13825547876932, 7.273594690138328 53.13825547876932, 7.273594690138328 53.1380533957059, 7.27243971334446 53.1380533957059, 7.27243971334446 53.13825547876932))",35867_4_9,4,9,139.33333066666668 +"POLYGON ((7.27243971334446 53.13663878764476, 7.273594690138328 53.13663878764476, 7.273594690138328 53.1364366969764, 7.27243971334446 53.1364366969764, 7.27243971334446 53.13663878764476))",35867_4_17,4,17,137.12889099999998 +"POLYGON ((7.273594690138328 53.13906380151688, 7.274749666932196 53.13906380151688, 7.274749666932196 53.1388617222559, 7.273594690138328 53.1388617222559, 7.273594690138328 53.13906380151688))",35867_5_5,5,5,138.0 +"POLYGON ((7.273594690138328 53.1388617222559, 7.274749666932196 53.1388617222559, 7.274749666932196 53.13865964204431, 7.273594690138328 53.13865964204431, 7.273594690138328 53.1388617222559))",35867_5_6,5,6,157.0 +"POLYGON ((7.273594690138328 53.1380533957059, 7.274749666932196 53.1380533957059, 7.274749666932196 53.13785131169188, 7.273594690138328 53.13785131169188, 7.273594690138328 53.1380533957059))",35867_5_10,5,10,148.34334233333334 +"POLYGON ((7.273594690138328 53.13764922672725, 7.274749666932196 53.13764922672725, 7.274749666932196 53.13744714081199, 7.273594690138328 53.13744714081199, 7.273594690138328 53.13764922672725))",35867_5_12,5,12,128.66344057142857 +"POLYGON ((7.273594690138328 53.13724505394611, 7.274749666932196 53.13724505394611, 7.274749666932196 53.13704296612963, 7.273594690138328 53.13704296612963, 7.273594690138328 53.13724505394611))",35867_5_14,5,14,147.00000066666666 +"POLYGON ((7.273594690138328 53.13704296612963, 7.274749666932196 53.13704296612963, 7.274749666932196 53.1368408773625, 7.273594690138328 53.1368408773625, 7.273594690138328 53.13704296612963))",35867_5_15,5,15,87.4 +"POLYGON ((7.273594690138328 53.1362346053574, 7.274749666932196 53.1362346053574, 7.274749666932196 53.13603251278778, 7.273594690138328 53.13603251278778, 7.273594690138328 53.1362346053574))",35867_5_19,5,19,131.33333466666667 +"POLYGON ((7.273594690138328 53.13562832479663, 7.274749666932196 53.13562832479663, 7.274749666932196 53.13542622937511, 7.273594690138328 53.13542622937511, 7.273594690138328 53.13562832479663))",35867_5_22,5,22,111.234046 +"POLYGON ((7.274749666932196 53.13785131169188, 7.275904643726064 53.13785131169188, 7.275904643726064 53.13764922672725, 7.274749666932196 53.13764922672725, 7.274749666932196 53.13785131169188))",35867_6_11,6,11,124.23076892307692 +"POLYGON ((7.274749666932196 53.13764922672725, 7.275904643726064 53.13764922672725, 7.275904643726064 53.13744714081199, 7.274749666932196 53.13744714081199, 7.274749666932196 53.13764922672725))",35867_6_12,6,12,122.249076625 +"POLYGON ((7.274749666932196 53.13744714081199, 7.275904643726064 53.13744714081199, 7.275904643726064 53.13724505394611, 7.274749666932196 53.13724505394611, 7.274749666932196 53.13744714081199))",35867_6_13,6,13,115.49077374999999 +"POLYGON ((7.274749666932196 53.13724505394611, 7.275904643726064 53.13724505394611, 7.275904643726064 53.13704296612963, 7.274749666932196 53.13704296612963, 7.274749666932196 53.13724505394611))",35867_6_14,6,14,187.66666666666666 +"POLYGON ((7.274749666932196 53.1368408773625, 7.275904643726064 53.1368408773625, 7.275904643726064 53.13663878764476, 7.274749666932196 53.13663878764476, 7.274749666932196 53.1368408773625))",35867_6_16,6,16,106.0 +"POLYGON ((7.274749666932196 53.13663878764476, 7.275904643726064 53.13663878764476, 7.275904643726064 53.1364366969764, 7.274749666932196 53.1364366969764, 7.274749666932196 53.13663878764476))",35867_6_17,6,17,111.93563525 +"POLYGON ((7.267819806168988 53.13246205397393, 7.268974782962856 53.13246205397393, 7.268974782962856 53.13225994365885, 7.267819806168988 53.13225994365885, 7.267819806168988 53.13246205397393))",35868_0_11,0,11,90.75 +"POLYGON ((7.267819806168988 53.13044090804279, 7.268974782962856 53.13044090804279, 7.268974782962856 53.13023878822094, 7.267819806168988 53.13023878822094, 7.267819806168988 53.13044090804279))",35868_0_21,0,21,125.25 +"POLYGON ((7.268974782962856 53.13306837921518, 7.270129759756724 53.13306837921518, 7.270129759756724 53.13286627175209, 7.268974782962856 53.13286627175209, 7.268974782962856 53.13306837921518))",35868_1_8,1,8,132.0 +"POLYGON ((7.270129759756724 53.13185572017667, 7.271284736550592 53.13185572017667, 7.271284736550592 53.13165360700959, 7.270129759756724 53.13165360700959, 7.270129759756724 53.13185572017667))",35868_2_14,2,14,84.2 +"POLYGON ((7.271284736550592 53.13327048572761, 7.27243971334446 53.13327048572761, 7.27243971334446 53.13306837921518, 7.271284736550592 53.13306837921518, 7.271284736550592 53.13327048572761))",35868_3_7,3,7,82.6 +"POLYGON ((7.271284736550592 53.1320578323931, 7.27243971334446 53.1320578323931, 7.27243971334446 53.13185572017667, 7.271284736550592 53.13185572017667, 7.271284736550592 53.1320578323931))",35868_3_13,3,13,129.5 +"POLYGON ((7.27243971334446 53.13387679956094, 7.273594690138328 53.13387679956094, 7.273594690138328 53.13367469590049, 7.27243971334446 53.13367469590049, 7.27243971334446 53.13387679956094))",35868_4_4,4,4,201.5 +"POLYGON ((7.27243971334446 53.13306837921518, 7.273594690138328 53.13306837921518, 7.273594690138328 53.13286627175209, 7.27243971334446 53.13286627175209, 7.27243971334446 53.13306837921518))",35868_4_8,4,8,139.999996 +"POLYGON ((7.27243971334446 53.13286627175209, 7.273594690138328 53.13286627175209, 7.273594690138328 53.13266416333834, 7.27243971334446 53.13266416333834, 7.27243971334446 53.13286627175209))",35868_4_9,4,9,139.0 +"POLYGON ((7.27243971334446 53.13124937782338, 7.273594690138328 53.13124937782338, 7.273594690138328 53.13104726180425, 7.27243971334446 53.13104726180425, 7.27243971334446 53.13124937782338))",35868_4_17,4,17,141.00000233333333 +"POLYGON ((7.273594690138328 53.13367469590049, 7.274749666932196 53.13367469590049, 7.274749666932196 53.13347259128938, 7.273594690138328 53.13347259128938, 7.273594690138328 53.13367469590049))",35868_5_5,5,5,138.33333333333334 +"POLYGON ((7.273594690138328 53.13347259128938, 7.274749666932196 53.13347259128938, 7.274749666932196 53.13327048572761, 7.273594690138328 53.13327048572761, 7.273594690138328 53.13347259128938))",35868_5_6,5,6,157.66666666666666 +"POLYGON ((7.273594690138328 53.13266416333834, 7.274749666932196 53.13266416333834, 7.274749666932196 53.13246205397393, 7.273594690138328 53.13246205397393, 7.273594690138328 53.13266416333834))",35868_5_10,5,10,150.79192425 +"POLYGON ((7.273594690138328 53.13225994365885, 7.274749666932196 53.13225994365885, 7.274749666932196 53.1320578323931, 7.273594690138328 53.1320578323931, 7.273594690138328 53.13225994365885))",35868_5_12,5,12,126.42857157142858 +"POLYGON ((7.273594690138328 53.13185572017667, 7.274749666932196 53.13185572017667, 7.274749666932196 53.13165360700959, 7.273594690138328 53.13165360700959, 7.273594690138328 53.13185572017667))",35868_5_14,5,14,148.33333266666668 +"POLYGON ((7.273594690138328 53.13165360700959, 7.274749666932196 53.13165360700959, 7.274749666932196 53.13145149289182, 7.273594690138328 53.13145149289182, 7.273594690138328 53.13165360700959))",35868_5_15,5,15,88.5 +"POLYGON ((7.273594690138328 53.13084514483445, 7.274749666932196 53.13084514483445, 7.274749666932196 53.13064302691397, 7.273594690138328 53.13064302691397, 7.273594690138328 53.13084514483445))",35868_5_19,5,19,134.4999995 +"POLYGON ((7.273594690138328 53.13023878822094, 7.274749666932196 53.13023878822094, 7.274749666932196 53.13003666744839, 7.273594690138328 53.13003666744839, 7.273594690138328 53.13023878822094))",35868_5_22,5,22,113.78793775 +"POLYGON ((7.274749666932196 53.13246205397393, 7.275904643726064 53.13246205397393, 7.275904643726064 53.13225994365885, 7.274749666932196 53.13225994365885, 7.274749666932196 53.13246205397393))",35868_6_11,6,11,125.33333333333333 +"POLYGON ((7.274749666932196 53.13225994365885, 7.275904643726064 53.13225994365885, 7.275904643726064 53.1320578323931, 7.274749666932196 53.1320578323931, 7.274749666932196 53.13225994365885))",35868_6_12,6,12,121.52362085714286 +"POLYGON ((7.274749666932196 53.1320578323931, 7.275904643726064 53.1320578323931, 7.275904643726064 53.13185572017667, 7.274749666932196 53.13185572017667, 7.274749666932196 53.1320578323931))",35868_6_13,6,13,108.2480175 +"POLYGON ((7.274749666932196 53.13185572017667, 7.275904643726064 53.13185572017667, 7.275904643726064 53.13165360700959, 7.274749666932196 53.13165360700959, 7.274749666932196 53.13185572017667))",35868_6_14,6,14,184.5 +"POLYGON ((7.274749666932196 53.13145149289182, 7.275904643726064 53.13145149289182, 7.275904643726064 53.13124937782338, 7.274749666932196 53.13124937782338, 7.274749666932196 53.13145149289182))",35868_6_16,6,16,110.5 +"POLYGON ((7.274749666932196 53.13124937782338, 7.275904643726064 53.13124937782338, 7.275904643726064 53.13104726180425, 7.274749666932196 53.13104726180425, 7.274749666932196 53.13124937782338))",35868_6_17,6,17,122.6407585 +"POLYGON ((7.267819806168988 53.12707212022632, 7.268974782962856 53.12707212022632, 7.268974782962856 53.12686998455941, 7.267819806168988 53.12686998455941, 7.267819806168988 53.12707212022632))",35869_0_11,0,11,90.5 +"POLYGON ((7.267819806168988 53.12505072077451, 7.268974782962856 53.12505072077451, 7.268974782962856 53.12484857560029, 7.267819806168988 53.12484857560029, 7.267819806168988 53.12505072077451))",35869_0_21,0,21,125.999998 +"POLYGON ((7.268974782962856 53.12767852152276, 7.270129759756724 53.12767852152276, 7.270129759756724 53.127476388708, 7.268974782962856 53.127476388708, 7.268974782962856 53.12767852152276))",35869_1_8,1,8,133.0 +"POLYGON ((7.270129759756724 53.12646571037342, 7.271284736550592 53.12646571037342, 7.271284736550592 53.12626357185433, 7.270129759756724 53.12626357185433, 7.270129759756724 53.12646571037342))",35869_2_14,2,14,88.0 +"POLYGON ((7.271284736550592 53.12788065338682, 7.27243971334446 53.12788065338682, 7.27243971334446 53.12767852152276, 7.271284736550592 53.12767852152276, 7.271284736550592 53.12788065338682))",35869_3_7,3,7,79.0 +"POLYGON ((7.271284736550592 53.12666784794177, 7.27243971334446 53.12666784794177, 7.27243971334446 53.12646571037342, 7.271284736550592 53.12646571037342, 7.271284736550592 53.12666784794177))",35869_3_13,3,13,129.0 +"POLYGON ((7.27243971334446 53.12767852152276, 7.273594690138328 53.12767852152276, 7.273594690138328 53.127476388708, 7.27243971334446 53.127476388708, 7.27243971334446 53.12767852152276))",35869_4_8,4,8,139.999997 +"POLYGON ((7.27243971334446 53.12585929196398, 7.273594690138328 53.12585929196398, 7.273594690138328 53.12565715059271, 7.27243971334446 53.12565715059271, 7.27243971334446 53.12585929196398))",35869_4_17,4,17,143.0 +"POLYGON ((7.273594690138328 53.12828491426279, 7.274749666932196 53.12828491426279, 7.274749666932196 53.12808278430015, 7.273594690138328 53.12808278430015, 7.273594690138328 53.12828491426279))",35869_5_5,5,5,137.0 +"POLYGON ((7.273594690138328 53.12808278430015, 7.274749666932196 53.12808278430015, 7.274749666932196 53.12788065338682, 7.273594690138328 53.12788065338682, 7.273594690138328 53.12808278430015))",35869_5_6,5,6,155.0 +"POLYGON ((7.273594690138328 53.12727425494252, 7.274749666932196 53.12727425494252, 7.274749666932196 53.12707212022632, 7.273594690138328 53.12707212022632, 7.273594690138328 53.12727425494252))",35869_5_10,5,10,152.999995 +"POLYGON ((7.273594690138328 53.12686998455941, 7.274749666932196 53.12686998455941, 7.274749666932196 53.12666784794177, 7.273594690138328 53.12666784794177, 7.273594690138328 53.12686998455941))",35869_5_12,5,12,127.803985 +"POLYGON ((7.273594690138328 53.12646571037342, 7.274749666932196 53.12646571037342, 7.274749666932196 53.12626357185433, 7.273594690138328 53.12626357185433, 7.273594690138328 53.12646571037342))",35869_5_14,5,14,148.632258 +"POLYGON ((7.273594690138328 53.12626357185433, 7.274749666932196 53.12626357185433, 7.274749666932196 53.12606143238452, 7.273594690138328 53.12606143238452, 7.273594690138328 53.12626357185433))",35869_5_15,5,15,88.0 +"POLYGON ((7.273594690138328 53.12545500827072, 7.274749666932196 53.12545500827072, 7.274749666932196 53.12525286499798, 7.273594690138328 53.12525286499798, 7.273594690138328 53.12545500827072))",35869_5_19,5,19,135.0 +"POLYGON ((7.273594690138328 53.12484857560029, 7.274749666932196 53.12484857560029, 7.274749666932196 53.12464642947534, 7.273594690138328 53.12464642947534, 7.273594690138328 53.12484857560029))",35869_5_22,5,22,113.0 +"POLYGON ((7.274749666932196 53.12707212022632, 7.275904643726064 53.12707212022632, 7.275904643726064 53.12686998455941, 7.274749666932196 53.12686998455941, 7.274749666932196 53.12707212022632))",35869_6_11,6,11,125.2 +"POLYGON ((7.274749666932196 53.12686998455941, 7.275904643726064 53.12686998455941, 7.275904643726064 53.12666784794177, 7.274749666932196 53.12666784794177, 7.274749666932196 53.12686998455941))",35869_6_12,6,12,124.6795985 +"POLYGON ((7.274749666932196 53.12666784794177, 7.275904643726064 53.12666784794177, 7.275904643726064 53.12646571037342, 7.274749666932196 53.12646571037342, 7.274749666932196 53.12666784794177))",35869_6_13,6,13,111.78031849999999 +"POLYGON ((7.274749666932196 53.12646571037342, 7.275904643726064 53.12646571037342, 7.275904643726064 53.12626357185433, 7.274749666932196 53.12626357185433, 7.274749666932196 53.12646571037342))",35869_6_14,6,14,187.0 +"POLYGON ((7.274749666932196 53.12606143238452, 7.275904643726064 53.12606143238452, 7.275904643726064 53.12585929196398, 7.274749666932196 53.12585929196398, 7.274749666932196 53.12606143238452))",35869_6_16,6,16,121.0 +"POLYGON ((7.274749666932196 53.12585929196398, 7.275904643726064 53.12585929196398, 7.275904643726064 53.12565715059271, 7.274749666932196 53.12565715059271, 7.274749666932196 53.12585929196398))",35869_6_17,6,17,124.999998 +"POLYGON ((7.274749666932196 52.98669643524678, 7.275904643726064 52.98669643524678, 7.275904643726064 52.98649363994615, 7.274749666932196 52.98649363994615, 7.274749666932196 52.98669643524678))",35895_6_11,6,11,97.75 +"POLYGON ((7.274749666932196 52.9758793571708, 7.275904643726064 52.9758793571708, 7.275904643726064 52.97567651109055, 7.274749666932196 52.97567651109055, 7.274749666932196 52.9758793571708))",35897_6_11,6,11,82.75 +"POLYGON ((7.274749666932196 52.97046980250469, 7.275904643726064 52.97046980250469, 7.275904643726064 52.97026693103257, 7.274749666932196 52.97026693103257, 7.274749666932196 52.97046980250469))",35898_6_11,6,11,70.83333333333333 +"POLYGON ((7.274749666932196 52.96505957070445, 7.275904643726064 52.96505957070445, 7.275904643726064 52.96485667383909, 7.274749666932196 52.96485667383909, 7.274749666932196 52.96505957070445))",35899_6_11,6,11,75.6 +"POLYGON ((7.274749666932196 52.95964866173358, 7.275904643726064 52.95964866173358, 7.275904643726064 52.9594457394736, 7.274749666932196 52.9594457394736, 7.274749666932196 52.95964866173358))",35900_6_11,6,11,61.2 +"POLYGON ((7.274749666932196 52.95423707555556, 7.275904643726064 52.95423707555556, 7.275904643726064 52.95403412789961, 7.274749666932196 52.95403412789961, 7.274749666932196 52.95423707555556))",35901_6_11,6,11,68.66666666666667 +"POLYGON ((7.274749666932196 52.94882481213394, 7.275904643726064 52.94882481213394, 7.275904643726064 52.94862183908064, 7.274749666932196 52.94862183908064, 7.274749666932196 52.94882481213394))",35902_6_11,6,11,79.6 +"POLYGON ((7.274749666932196 52.94341187143224, 7.275904643726064 52.94341187143224, 7.275904643726064 52.94320887298024, 7.274749666932196 52.94320887298024, 7.274749666932196 52.94341187143224))",35903_6_11,6,11,85.0 +"POLYGON ((7.274749666932196 52.90550231962042, 7.275904643726064 52.90550231962042, 7.275904643726064 52.90529914333924, 7.274749666932196 52.90529914333924, 7.274749666932196 52.90550231962042))",35910_6_11,6,11,77.8 +"POLYGON ((7.274749666932196 52.90008395936817, 7.275904643726064 52.90008395936817, 7.275904643726064 52.89988075767736, 7.274749666932196 52.89988075767736, 7.274749666932196 52.90008395936817))",35911_6_11,6,11,84.0 +"POLYGON ((7.274749666932196 52.8621364625695, 7.275904643726064 52.8621364625695, 7.275904643726064 52.86193308297331, 7.274749666932196 52.86193308297331, 7.274749666932196 52.8621364625695))",35918_6_11,6,11,72.14285714285714 +"POLYGON ((7.274749666932196 52.85128822042346, 7.275904643726064 52.85128822042346, 7.275904643726064 52.85108478998497, 7.274749666932196 52.85108478998497, 7.274749666932196 52.85128822042346))",35920_6_11,6,11,51.42857142857143 +"POLYGON ((7.274749666932196 52.84586308246915, 7.275904643726064 52.84586308246915, 7.275904643726064 52.84565962660749, 7.274749666932196 52.84565962660749, 7.274749666932196 52.84586308246915))",35921_6_11,6,11,55.0 +"POLYGON ((7.27243971334446 52.7033467050742, 7.273594690138328 52.7033467050742, 7.273594690138328 52.70314258200884, 7.27243971334446 52.70314258200884, 7.27243971334446 52.7033467050742))",35947_4_17,4,17,2.7857142857142856 +"POLYGON ((7.27243971334446 52.69790309660092, 7.273594690138328 52.69790309660092, 7.273594690138328 52.69769894807582, 7.27243971334446 52.69769894807582, 7.27243971334446 52.69790309660092))",35948_4_17,4,17,24.0 +"POLYGON ((7.27243971334446 52.69409216670028, 7.273594690138328 52.69409216670028, 7.273594690138328 52.69388800035257, 7.27243971334446 52.69388800035257, 7.27243971334446 52.69409216670028))",35949_4_9,4,9,21.0 +"POLYGON ((7.27243971334446 52.69245880918401, 7.273594690138328 52.69245880918401, 7.273594690138328 52.69225463519783, 7.27243971334446 52.69225463519783, 7.27243971334446 52.69245880918401))",35949_4_17,4,17,31.928571428571427 +"POLYGON ((7.27243971334446 52.33897454992264, 7.273594690138328 52.33897454992264, 7.273594690138328 52.33876872676704, 7.27243971334446 52.33876872676704, 7.27243971334446 52.33897454992264))",36014_4_8,4,8,91.129349 +"POLYGON ((7.27243971334446 52.33712210703465, 7.273594690138328 52.33712210703465, 7.273594690138328 52.33691627525712, 7.27243971334446 52.33691627525712, 7.27243971334446 52.33712210703465))",36014_4_17,4,17,79.8 +"POLYGON ((7.273594690138328 52.33794542456479, 7.274749666932196 52.33794542456479, 7.274749666932196 52.33773959661924, 7.273594690138328 52.33773959661924, 7.273594690138328 52.33794542456479))",36014_5_13,5,13,109.75 +"POLYGON ((7.273594690138328 52.33732793785418, 7.274749666932196 52.33732793785418, 7.274749666932196 52.33712210703465, 7.273594690138328 52.33712210703465, 7.273594690138328 52.33732793785418))",36014_5_16,5,16,133.33333333333334 +"POLYGON ((7.274749666932196 52.33753376771572, 7.275904643726064 52.33753376771572, 7.275904643726064 52.33732793785418, 7.274749666932196 52.33732793785418, 7.274749666932196 52.33753376771572))",36014_6_15,6,15,95.2 +"POLYGON ((7.274749666932196 52.33712210703465, 7.275904643726064 52.33712210703465, 7.275904643726064 52.33691627525712, 7.274749666932196 52.33691627525712, 7.274749666932196 52.33712210703465))",36014_6_17,6,17,125.5 +"POLYGON ((7.267819806168988 52.16767383412338, 7.268974782962856 52.16767383412338, 7.268974782962856 52.16746721458408, 7.267819806168988 52.16746721458408, 7.267819806168988 52.16767383412338))",36045_0_12,0,12,113.66666666666667 +"POLYGON ((7.267819806168988 52.16560759555408, 7.268974782962856 52.16560759555408, 7.268974782962856 52.16540096642, 7.267819806168988 52.16540096642, 7.267819806168988 52.16560759555408))",36045_0_22,0,22,99.2 +"POLYGON ((7.268974782962856 52.16829368698448, 7.270129759756724 52.16829368698448, 7.270129759756724 52.16808707032359, 7.268974782962856 52.16808707032359, 7.268974782962856 52.16829368698448))",36045_1_9,1,9,108.75 +"POLYGON ((7.270129759756724 52.16746721458408, 7.271284736550592 52.16746721458408, 7.271284736550592 52.16726059408532, 7.270129759756724 52.16726059408532, 7.270129759756724 52.16746721458408))",36045_2_13,2,13,96.25 +"POLYGON ((7.271284736550592 52.16891353121045, 7.27243971334446 52.16891353121045, 7.27243971334446 52.16870691742793, 7.271284736550592 52.16870691742793, 7.271284736550592 52.16891353121045))",36045_3_6,3,6,74.6 +"POLYGON ((7.271284736550592 52.16767383412338, 7.27243971334446 52.16767383412338, 7.27243971334446 52.16746721458408, 7.271284736550592 52.16746721458408, 7.271284736550592 52.16767383412338))",36045_3_12,3,12,100.25 +"POLYGON ((7.271284736550592 52.16684735020936, 7.27243971334446 52.16684735020936, 7.27243971334446 52.16664072683218, 7.271284736550592 52.16664072683218, 7.271284736550592 52.16684735020936))",36045_3_16,3,16,77.4 +"POLYGON ((7.27243971334446 52.16932675589713, 7.273594690138328 52.16932675589713, 7.273594690138328 52.16912014403351, 7.27243971334446 52.16912014403351, 7.27243971334446 52.16932675589713))",36045_4_4,4,4,97.75 +"POLYGON ((7.27243971334446 52.16912014403351, 7.273594690138328 52.16912014403351, 7.273594690138328 52.16891353121045, 7.27243971334446 52.16891353121045, 7.27243971334446 52.16912014403351))",36045_4_5,4,5,120.33333333333333 +"POLYGON ((7.273594690138328 52.16932675589713, 7.274749666932196 52.16932675589713, 7.274749666932196 52.16912014403351, 7.273594690138328 52.16912014403351, 7.273594690138328 52.16932675589713))",36045_5_4,5,4,107.33333333333333 +"POLYGON ((7.273594690138328 52.16891353121045, 7.274749666932196 52.16891353121045, 7.274749666932196 52.16870691742793, 7.273594690138328 52.16870691742793, 7.273594690138328 52.16891353121045))",36045_5_6,5,6,100.75 +"POLYGON ((7.273594690138328 52.16829368698448, 7.274749666932196 52.16829368698448, 7.274749666932196 52.16808707032359, 7.273594690138328 52.16808707032359, 7.273594690138328 52.16829368698448))",36045_5_9,5,9,86.18915616666668 +"POLYGON ((7.273594690138328 52.16808707032359, 7.274749666932196 52.16808707032359, 7.274749666932196 52.16788045270322, 7.273594690138328 52.16788045270322, 7.273594690138328 52.16808707032359))",36045_5_10,5,10,85.4 +"POLYGON ((7.273594690138328 52.16602085094375, 7.274749666932196 52.16602085094375, 7.274749666932196 52.16581422372865, 7.273594690138328 52.16581422372865, 7.273594690138328 52.16602085094375))",36045_5_20,5,20,106.443611 +"POLYGON ((7.273594690138328 52.16540096642, 7.274749666932196 52.16540096642, 7.274749666932196 52.16519433632646, 7.273594690138328 52.16519433632646, 7.273594690138328 52.16540096642))",36045_5_23,5,23,95.7246188 +"POLYGON ((7.274749666932196 52.16829368698448, 7.275904643726064 52.16829368698448, 7.275904643726064 52.16808707032359, 7.274749666932196 52.16808707032359, 7.274749666932196 52.16829368698448))",36045_6_9,6,9,111.600352 +"POLYGON ((7.274749666932196 52.16767383412338, 7.275904643726064 52.16767383412338, 7.275904643726064 52.16746721458408, 7.274749666932196 52.16746721458408, 7.274749666932196 52.16767383412338))",36045_6_12,6,12,105.66666666666667 +"POLYGON ((7.274749666932196 52.16746721458408, 7.275904643726064 52.16746721458408, 7.275904643726064 52.16726059408532, 7.274749666932196 52.16726059408532, 7.274749666932196 52.16746721458408))",36045_6_13,6,13,93.80813966666668 +"POLYGON ((7.274749666932196 52.16726059408532, 7.275904643726064 52.16726059408532, 7.275904643726064 52.16705397262707, 7.274749666932196 52.16705397262707, 7.274749666932196 52.16726059408532))",36045_6_14,6,14,103.43316550000002 +"POLYGON ((7.27243971334446 50.69489156423018, 7.273594690138328 50.69489156423018, 7.273594690138328 50.694678174609, 7.27243971334446 50.694678174609, 7.27243971334446 50.69489156423018))",36308_4_12,4,12,134.0 +"POLYGON ((7.27243971334446 50.68920084209854, 7.273594690138328 50.68920084209854, 7.273594690138328 50.68898742658885, 7.27243971334446 50.68898742658885, 7.27243971334446 50.68920084209854))",36309_4_12,4,12,135.75 +"POLYGON ((7.27243971334446 50.68350942959332, 7.273594690138328 50.68350942959332, 7.273594690138328 50.68329598819408, 7.27243971334446 50.68329598819408, 7.27243971334446 50.68350942959332))",36310_4_12,4,12,129.0 +"POLYGON ((7.279112912597919 53.52884298110208, 7.280267889391788 53.52884298110208, 7.280267889391788 53.5286427400728, 7.279112912597919 53.5286427400728, 7.279112912597919 53.52884298110208))",36469_2_14,2,14,73.0 +"POLYGON ((7.281422866185654 53.53064510776256, 7.282577842979523 53.53064510776256, 7.282577842979523 53.53044487525386, 7.281422866185654 53.53044487525386, 7.281422866185654 53.53064510776256))",36469_4_5,4,5,93.0 +"POLYGON ((7.276802959010184 53.52430395195783, 7.277957935804052 53.52430395195783, 7.277957935804052 53.52410368946861, 7.276802959010184 53.52410368946861, 7.276802959010184 53.52430395195783))",36470_0_10,0,10,75.4 +"POLYGON ((7.279112912597919 53.52350289632024, 7.280267889391788 53.52350289632024, 7.280267889391788 53.52330263004388, 7.279112912597919 53.52330263004388, 7.279112912597919 53.52350289632024))",36470_2_14,2,14,71.4 +"POLYGON ((7.281422866185654 53.52530525020218, 7.282577842979523 53.52530525020218, 7.282577842979523 53.52510499244687, 7.281422866185654 53.52510499244687, 7.281422866185654 53.52530525020218))",36470_4_5,4,5,91.0 +"POLYGON ((7.282577842979523 53.52530525020218, 7.28373281977339 53.52530525020218, 7.28373281977339 53.52510499244687, 7.282577842979523 53.52510499244687, 7.282577842979523 53.52530525020218))",36470_5_5,5,5,84.33333333333333 +"POLYGON ((7.28373281977339 53.5239034260326, 7.28488779656726 53.5239034260326, 7.28488779656726 53.52370316164983, 7.28373281977339 53.52370316164983, 7.28373281977339 53.5239034260326))",36470_6_12,6,12,72.71428571428571 +"POLYGON ((7.28373281977339 53.52370316164983, 7.28488779656726 53.52370316164983, 7.28488779656726 53.52350289632024, 7.28373281977339 53.52350289632024, 7.28373281977339 53.52370316164983))",36470_6_13,6,13,95.8 +"POLYGON ((7.276802959010184 53.51896329489511, 7.277957935804052 53.51896329489511, 7.277957935804052 53.51876300715756, 7.276802959010184 53.51876300715756, 7.276802959010184 53.51896329489511))",36471_0_10,0,10,28.846153846153847 +"POLYGON ((7.279112912597919 53.51816213826389, 7.280267889391788 53.51816213826389, 7.280267889391788 53.51796184673898, 7.279112912597919 53.51796184673898, 7.279112912597919 53.51816213826389))",36471_2_14,2,14,36.0 +"POLYGON ((7.281422866185654 53.51996471938028, 7.282577842979523 53.51996471938028, 7.282577842979523 53.5197644363769, 7.281422866185654 53.5197644363769, 7.281422866185654 53.51996471938028))",36471_4_5,4,5,39.81818181818182 +"POLYGON ((7.282577842979523 53.51996471938028, 7.28373281977339 53.51996471938028, 7.28373281977339 53.5197644363769, 7.282577842979523 53.5197644363769, 7.282577842979523 53.51996471938028))",36471_5_5,5,5,82.5 +"POLYGON ((7.28373281977339 53.51856271847318, 7.28488779656726 53.51856271847318, 7.28488779656726 53.51836242884196, 7.28373281977339 53.51836242884196, 7.28373281977339 53.51856271847318))",36471_6_12,6,12,60.335716125 +"POLYGON ((7.28373281977339 53.51836242884196, 7.28488779656726 53.51836242884196, 7.28488779656726 53.51816213826389, 7.28373281977339 53.51816213826389, 7.28373281977339 53.51836242884196))",36471_6_13,6,13,52.375 +"POLYGON ((7.276802959010184 53.51362196452517, 7.277957935804052 53.51362196452517, 7.277957935804052 53.51342165153785, 7.276802959010184 53.51342165153785, 7.276802959010184 53.51362196452517))",36472_0_10,0,10,69.5 +"POLYGON ((7.279112912597919 53.51282070689454, 7.280267889391788 53.51282070689454, 7.280267889391788 53.51262039011966, 7.279112912597919 53.51262039011966, 7.279112912597919 53.51282070689454))",36472_2_14,2,14,80.0 +"POLYGON ((7.281422866185654 53.51462351525837, 7.282577842979523 53.51462351525837, 7.282577842979523 53.51442320700551, 7.281422866185654 53.51442320700551, 7.281422866185654 53.51462351525837))",36472_4_5,4,5,80.5 +"POLYGON ((7.282577842979523 53.51462351525837, 7.28373281977339 53.51462351525837, 7.28373281977339 53.51442320700551, 7.282577842979523 53.51442320700551, 7.282577842979523 53.51462351525837))",36472_5_5,5,5,83.5 +"POLYGON ((7.28373281977339 53.51322133760366, 7.28488779656726 53.51322133760366, 7.28488779656726 53.51302102272255, 7.28373281977339 53.51302102272255, 7.28373281977339 53.51322133760366))",36472_6_12,6,12,84.999997 +"POLYGON ((7.28373281977339 53.51302102272255, 7.28488779656726 53.51302102272255, 7.28488779656726 53.51282070689454, 7.28373281977339 53.51282070689454, 7.28373281977339 53.51302102272255))",36472_6_13,6,13,76.0 +"POLYGON ((7.276802959010184 53.46017162047698, 7.277957935804052 53.46017162047698, 7.277957935804052 53.45997105491279, 7.276802959010184 53.45997105491279, 7.276802959010184 53.46017162047698))",36482_0_10,0,10,73.75 +"POLYGON ((7.279112912597919 53.45936935253562, 7.280267889391788 53.45936935253562, 7.280267889391788 53.45916878318169, 7.279112912597919 53.45916878318169, 7.279112912597919 53.45936935253562))",36482_2_14,2,14,72.25 +"POLYGON ((7.281422866185654 53.46117443408647, 7.282577842979523 53.46117443408647, 7.282577842979523 53.46097387325943, 7.281422866185654 53.46097387325943, 7.281422866185654 53.46117443408647))",36482_4_5,4,5,79.25 +"POLYGON ((7.282577842979523 53.46117443408647, 7.28373281977339 53.46117443408647, 7.28373281977339 53.46097387325943, 7.282577842979523 53.46097387325943, 7.282577842979523 53.46117443408647))",36482_5_5,5,5,67.5 +"POLYGON ((7.28373281977339 53.45977048840117, 7.28488779656726 53.45977048840117, 7.28488779656726 53.45956992094212, 7.28373281977339 53.45956992094212, 7.28373281977339 53.45977048840117))",36482_6_12,6,12,83.75000225 +"POLYGON ((7.28373281977339 53.45956992094212, 7.28488779656726 53.45956992094212, 7.28488779656726 53.45936935253562, 7.28373281977339 53.45936935253562, 7.28373281977339 53.45956992094212))",36482_6_13,6,13,76.5 +"POLYGON ((7.276802959010184 53.45482288119342, 7.277957935804052 53.45482288119342, 7.277957935804052 53.45462229036364, 7.276802959010184 53.45462229036364, 7.276802959010184 53.45482288119342))",36483_0_10,0,10,88.0 +"POLYGON ((7.279112912597919 53.45402051218937, 7.280267889391788 53.45402051218937, 7.280267889391788 53.45381991756963, 7.279112912597919 53.45381991756963, 7.279112912597919 53.45402051218937))",36483_2_14,2,14,80.0 +"POLYGON ((7.281422866185654 53.45582582113007, 7.282577842979523 53.45582582113007, 7.282577842979523 53.45562523503769, 7.281422866185654 53.45562523503769, 7.281422866185654 53.45582582113007))",36483_4_5,4,5,87.0 +"POLYGON ((7.282577842979523 53.45582582113007, 7.28373281977339 53.45582582113007, 7.28373281977339 53.45562523503769, 7.282577842979523 53.45562523503769, 7.282577842979523 53.45582582113007))",36483_5_5,5,5,88.0 +"POLYGON ((7.28373281977339 53.45442169858637, 7.28488779656726 53.45442169858637, 7.28488779656726 53.45422110586162, 7.28373281977339 53.45422110586162, 7.28373281977339 53.45442169858637))",36483_6_12,6,12,87.25737325 +"POLYGON ((7.28373281977339 53.45422110586162, 7.28488779656726 53.45422110586162, 7.28488779656726 53.45402051218937, 7.28373281977339 53.45402051218937, 7.28373281977339 53.45422110586162))",36483_6_13,6,13,79.33333333333333 +"POLYGON ((7.276802959010184 53.36359017523769, 7.277957935804052 53.36359017523769, 7.277957935804052 53.3633891537256, 7.276802959010184 53.3633891537256, 7.276802959010184 53.36359017523769))",36500_0_11,0,11,134.0 +"POLYGON ((7.279112912597919 53.36298710785623, 7.280267889391788 53.36298710785623, 7.280267889391788 53.36278608349895, 7.279112912597919 53.36278608349895, 7.279112912597919 53.36298710785623))",36500_2_14,2,14,134.5 +"POLYGON ((7.280267889391788 53.36439425180206, 7.281422866185654 53.36439425180206, 7.281422866185654 53.36419323408356, 7.280267889391788 53.36419323408356, 7.280267889391788 53.36439425180206))",36500_3_7,3,7,136.0 +"POLYGON ((7.281422866185654 53.36479628439391, 7.282577842979523 53.36479628439391, 7.282577842979523 53.36459526857218, 7.281422866185654 53.36459526857218, 7.281422866185654 53.36479628439391))",36500_4_5,4,5,117.33333333333333 +"POLYGON ((7.281422866185654 53.36399221541667, 7.282577842979523 53.36399221541667, 7.282577842979523 53.36379119580138, 7.281422866185654 53.36379119580138, 7.281422866185654 53.36399221541667))",36500_4_9,4,9,138.999999 +"POLYGON ((7.282577842979523 53.36479628439391, 7.28373281977339 53.36479628439391, 7.28373281977339 53.36459526857218, 7.282577842979523 53.36459526857218, 7.282577842979523 53.36479628439391))",36500_5_5,5,5,127.0 +"POLYGON ((7.282577842979523 53.36439425180206, 7.28373281977339 53.36439425180206, 7.28373281977339 53.36419323408356, 7.282577842979523 53.36419323408356, 7.282577842979523 53.36439425180206))",36500_5_7,5,7,117.0 +"POLYGON ((7.282577842979523 53.36359017523769, 7.28373281977339 53.36359017523769, 7.28373281977339 53.3633891537256, 7.282577842979523 53.3633891537256, 7.282577842979523 53.36359017523769))",36500_5_11,5,11,118.09783925 +"POLYGON ((7.282577842979523 53.3633891537256, 7.28373281977339 53.3633891537256, 7.28373281977339 53.36318813126513, 7.282577842979523 53.36318813126513, 7.282577842979523 53.3633891537256))",36500_5_12,5,12,101.7999994 +"POLYGON ((7.28373281977339 53.3633891537256, 7.28488779656726 53.3633891537256, 7.28488779656726 53.36318813126513, 7.28373281977339 53.36318813126513, 7.28373281977339 53.3633891537256))",36500_6_12,6,12,113.00000075 +"POLYGON ((7.28373281977339 53.36298710785623, 7.28488779656726 53.36298710785623, 7.28488779656726 53.36278608349895, 7.28373281977339 53.36278608349895, 7.28373281977339 53.36298710785623))",36500_6_14,6,14,128.66666666666666 +"POLYGON ((7.276802959010184 53.16478746113658, 7.277957935804052 53.16478746113658, 7.277957935804052 53.16458550290326, 7.276802959010184 53.16458550290326, 7.276802959010184 53.16478746113658))",36537_0_11,0,11,119.33333333333333 +"POLYGON ((7.276802959010184 53.16276783603711, 7.277957935804052 53.16276783603711, 7.277957935804052 53.16256586830016, 7.276802959010184 53.16256586830016, 7.276802959010184 53.16276783603711))",36537_0_21,0,21,125.9695905 +"POLYGON ((7.277957935804052 53.16539333013444, 7.279112912597919 53.16539333013444, 7.279112912597919 53.16519137475216, 7.277957935804052 53.16519137475216, 7.277957935804052 53.16539333013444))",36537_1_8,1,8,77.75 +"POLYGON ((7.279112912597919 53.16418158358553, 7.280267889391788 53.16418158358553, 7.280267889391788 53.16397962250115, 7.279112912597919 53.16397962250115, 7.279112912597919 53.16418158358553))",36537_2_14,2,14,158.0 +"POLYGON ((7.280267889391788 53.16559528456637, 7.281422866185654 53.16559528456637, 7.281422866185654 53.16539333013444, 7.280267889391788 53.16539333013444, 7.280267889391788 53.16559528456637))",36537_3_7,3,7,143.66666666666666 +"POLYGON ((7.280267889391788 53.16438354371957, 7.281422866185654 53.16438354371957, 7.281422866185654 53.16418158358553, 7.280267889391788 53.16418158358553, 7.280267889391788 53.16438354371957))",36537_3_13,3,13,128.25 +"POLYGON ((7.281422866185654 53.16620114216007, 7.282577842979523 53.16620114216007, 7.282577842979523 53.16599919057918, 7.281422866185654 53.16599919057918, 7.281422866185654 53.16620114216007))",36537_4_4,4,4,228.0 +"POLYGON ((7.281422866185654 53.16519137475216, 7.282577842979523 53.16519137475216, 7.282577842979523 53.16498941841954, 7.281422866185654 53.16498941841954, 7.281422866185654 53.16519137475216))",36537_4_9,4,9,89.40599219999999 +"POLYGON ((7.281422866185654 53.16357569748127, 7.282577842979523 53.16357569748127, 7.282577842979523 53.16337373354578, 7.281422866185654 53.16337373354578, 7.281422866185654 53.16357569748127))",36537_4_17,4,17,130.66666966666665 +"POLYGON ((7.282577842979523 53.16599919057918, 7.28373281977339 53.16599919057918, 7.28373281977339 53.16579723804794, 7.282577842979523 53.16579723804794, 7.282577842979523 53.16599919057918))",36537_5_5,5,5,132.0 +"POLYGON ((7.282577842979523 53.16579723804794, 7.28373281977339 53.16579723804794, 7.28373281977339 53.16559528456637, 7.282577842979523 53.16559528456637, 7.282577842979523 53.16579723804794))",36537_5_6,5,6,137.33333333333334 +"POLYGON ((7.282577842979523 53.16498941841954, 7.28373281977339 53.16498941841954, 7.28373281977339 53.16478746113658, 7.282577842979523 53.16478746113658, 7.282577842979523 53.16498941841954))",36537_5_10,5,10,136.16963433333333 +"POLYGON ((7.282577842979523 53.16458550290326, 7.28373281977339 53.16458550290326, 7.28373281977339 53.16438354371957, 7.282577842979523 53.16438354371957, 7.282577842979523 53.16458550290326))",36537_5_12,5,12,124.06151642857142 +"POLYGON ((7.282577842979523 53.16418158358553, 7.28373281977339 53.16418158358553, 7.28373281977339 53.16397962250115, 7.282577842979523 53.16397962250115, 7.282577842979523 53.16418158358553))",36537_5_14,5,14,131.00000066666666 +"POLYGON ((7.282577842979523 53.16397962250115, 7.28373281977339 53.16397962250115, 7.28373281977339 53.16377766046638, 7.282577842979523 53.16377766046638, 7.282577842979523 53.16397962250115))",36537_5_15,5,15,109.66666666666667 +"POLYGON ((7.282577842979523 53.16317176865994, 7.28373281977339 53.16317176865994, 7.28373281977339 53.16296980282371, 7.282577842979523 53.16296980282371, 7.282577842979523 53.16317176865994))",36537_5_19,5,19,130.66666533333333 +"POLYGON ((7.282577842979523 53.16256586830016, 7.28373281977339 53.16256586830016, 7.28373281977339 53.16236389961282, 7.282577842979523 53.16236389961282, 7.282577842979523 53.16256586830016))",36537_5_22,5,22,106.44822500000001 +"POLYGON ((7.28373281977339 53.16478746113658, 7.28488779656726 53.16478746113658, 7.28488779656726 53.16458550290326, 7.28373281977339 53.16458550290326, 7.28373281977339 53.16478746113658))",36537_6_11,6,11,116.12405892307692 +"POLYGON ((7.28373281977339 53.16458550290326, 7.28488779656726 53.16458550290326, 7.28488779656726 53.16438354371957, 7.28373281977339 53.16438354371957, 7.28373281977339 53.16458550290326))",36537_6_12,6,12,116.27068628571429 +"POLYGON ((7.28373281977339 53.16438354371957, 7.28488779656726 53.16438354371957, 7.28488779656726 53.16418158358553, 7.28373281977339 53.16418158358553, 7.28373281977339 53.16438354371957))",36537_6_13,6,13,117.7284635 +"POLYGON ((7.28373281977339 53.16418158358553, 7.28488779656726 53.16418158358553, 7.28488779656726 53.16397962250115, 7.28373281977339 53.16397962250115, 7.28373281977339 53.16418158358553))",36537_6_14,6,14,160.0 +"POLYGON ((7.28373281977339 53.16377766046638, 7.28488779656726 53.16377766046638, 7.28488779656726 53.16357569748127, 7.28373281977339 53.16357569748127, 7.28373281977339 53.16377766046638))",36537_6_16,6,16,114.5 +"POLYGON ((7.28373281977339 53.16357569748127, 7.28488779656726 53.16357569748127, 7.28488779656726 53.16337373354578, 7.28373281977339 53.16337373354578, 7.28373281977339 53.16357569748127))",36537_6_17,6,17,117.76077149999999 +"POLYGON ((7.276802959010184 53.15940158300977, 7.277957935804052 53.15940158300977, 7.277957935804052 53.15919959943297, 7.276802959010184 53.15919959943297, 7.276802959010184 53.15940158300977))",36538_0_11,0,11,101.25 +"POLYGON ((7.276802959010184 53.15738170447321, 7.277957935804052 53.15738170447321, 7.277957935804052 53.15717971139225, 7.276802959010184 53.15717971139225, 7.276802959010184 53.15738170447321))",36538_0_21,0,21,126.33333166666667 +"POLYGON ((7.277957935804052 53.16000752803774, 7.279112912597919 53.16000752803774, 7.279112912597919 53.15980554731215, 7.277957935804052 53.15980554731215, 7.277957935804052 53.16000752803774))",36538_1_8,1,8,84.2 +"POLYGON ((7.279112912597919 53.15879562942815, 7.280267889391788 53.15879562942815, 7.280267889391788 53.15859364300012, 7.279112912597919 53.15859364300012, 7.279112912597919 53.15879562942815))",36538_2_14,2,14,156.5 +"POLYGON ((7.280267889391788 53.16020950781293, 7.281422866185654 53.16020950781293, 7.281422866185654 53.16000752803774, 7.280267889391788 53.16000752803774, 7.280267889391788 53.16020950781293))",36538_3_7,3,7,185.0 +"POLYGON ((7.280267889391788 53.15899761490576, 7.281422866185654 53.15899761490576, 7.281422866185654 53.15879562942815, 7.280267889391788 53.15879562942815, 7.280267889391788 53.15899761490576))",36538_3_13,3,13,129.0 +"POLYGON ((7.281422866185654 53.16081544143611, 7.282577842979523 53.16081544143611, 7.282577842979523 53.16061346451211, 7.281422866185654 53.16061346451211, 7.281422866185654 53.16081544143611))",36538_4_4,4,4,224.5 +"POLYGON ((7.281422866185654 53.15980554731215, 7.282577842979523 53.15980554731215, 7.282577842979523 53.15960356563616, 7.281422866185654 53.15960356563616, 7.281422866185654 53.15980554731215))",36538_4_9,4,9,111.93767675000001 +"POLYGON ((7.281422866185654 53.15818966729282, 7.282577842979523 53.15818966729282, 7.282577842979523 53.15798767801355, 7.281422866185654 53.15798767801355, 7.281422866185654 53.15818966729282))",36538_4_17,4,17,130.2500005 +"POLYGON ((7.282577842979523 53.16061346451211, 7.28373281977339 53.16061346451211, 7.28373281977339 53.16041148663772, 7.282577842979523 53.16041148663772, 7.282577842979523 53.16061346451211))",36538_5_5,5,5,132.0 +"POLYGON ((7.282577842979523 53.16041148663772, 7.28373281977339 53.16041148663772, 7.28373281977339 53.16020950781293, 7.282577842979523 53.16020950781293, 7.282577842979523 53.16041148663772))",36538_5_6,5,6,142.0 +"POLYGON ((7.282577842979523 53.15960356563616, 7.28373281977339 53.15960356563616, 7.28373281977339 53.15940158300977, 7.282577842979523 53.15940158300977, 7.282577842979523 53.15960356563616))",36538_5_10,5,10,137.6561975 +"POLYGON ((7.282577842979523 53.15919959943297, 7.28373281977339 53.15919959943297, 7.28373281977339 53.15899761490576, 7.282577842979523 53.15899761490576, 7.282577842979523 53.15919959943297))",36538_5_12,5,12,126.28571542857142 +"POLYGON ((7.282577842979523 53.15879562942815, 7.28373281977339 53.15879562942815, 7.28373281977339 53.15859364300012, 7.282577842979523 53.15859364300012, 7.282577842979523 53.15879562942815))",36538_5_14,5,14,141.9999995 +"POLYGON ((7.282577842979523 53.15859364300012, 7.28373281977339 53.15859364300012, 7.28373281977339 53.15839165562167, 7.282577842979523 53.15839165562167, 7.282577842979523 53.15859364300012))",36538_5_15,5,15,102.25 +"POLYGON ((7.282577842979523 53.15778568778386, 7.28373281977339 53.15778568778386, 7.28373281977339 53.15758369660375, 7.282577842979523 53.15758369660375, 7.282577842979523 53.15778568778386))",36538_5_19,5,19,131.99999925 +"POLYGON ((7.282577842979523 53.15717971139225, 7.28373281977339 53.15717971139225, 7.28373281977339 53.15697771736087, 7.282577842979523 53.15697771736087, 7.282577842979523 53.15717971139225))",36538_5_22,5,22,110.31456924999999 +"POLYGON ((7.28373281977339 53.15940158300977, 7.28488779656726 53.15940158300977, 7.28488779656726 53.15919959943297, 7.28373281977339 53.15919959943297, 7.28373281977339 53.15940158300977))",36538_6_11,6,11,106.13333273333335 +"POLYGON ((7.28373281977339 53.15919959943297, 7.28488779656726 53.15919959943297, 7.28488779656726 53.15899761490576, 7.28373281977339 53.15899761490576, 7.28373281977339 53.15919959943297))",36538_6_12,6,12,117.76011824999999 +"POLYGON ((7.28373281977339 53.15899761490576, 7.28488779656726 53.15899761490576, 7.28488779656726 53.15879562942815, 7.28373281977339 53.15879562942815, 7.28373281977339 53.15899761490576))",36538_6_13,6,13,117.74502824999999 +"POLYGON ((7.28373281977339 53.15879562942815, 7.28488779656726 53.15879562942815, 7.28488779656726 53.15859364300012, 7.28373281977339 53.15859364300012, 7.28373281977339 53.15879562942815))",36538_6_14,6,14,158.5 +"POLYGON ((7.28373281977339 53.15839165562167, 7.28488779656726 53.15839165562167, 7.28488779656726 53.15818966729282, 7.28373281977339 53.15818966729282, 7.28373281977339 53.15839165562167))",36538_6_16,6,16,120.33333333333333 +"POLYGON ((7.28373281977339 53.15818966729282, 7.28488779656726 53.15818966729282, 7.28488779656726 53.15798767801355, 7.28373281977339 53.15798767801355, 7.28373281977339 53.15818966729282))",36538_6_17,6,17,111.279189 +"POLYGON ((7.276802959010184 53.15401502903908, 7.277957935804052 53.15401502903908, 7.277957935804052 53.1538130201174, 7.276802959010184 53.1538130201174, 7.276802959010184 53.15401502903908))",36539_0_11,0,11,89.25 +"POLYGON ((7.276802959010184 53.15199489705148, 7.277957935804052 53.15199489705148, 7.277957935804052 53.15179287862512, 7.276802959010184 53.15179287862512, 7.276802959010184 53.15199489705148))",36539_0_21,0,21,124.5707355 +"POLYGON ((7.277957935804052 53.15462105010134, 7.279112912597919 53.15462105010134, 7.279112912597919 53.15441904403104, 7.277957935804052 53.15441904403104, 7.277957935804052 53.15462105010134))",36539_1_8,1,8,108.0 +"POLYGON ((7.279112912597919 53.15340899942269, 7.280267889391788 53.15340899942269, 7.280267889391788 53.15320698764964, 7.279112912597919 53.15320698764964, 7.279112912597919 53.15340899942269))",36539_2_14,2,14,151.0 +"POLYGON ((7.280267889391788 53.15482305522119, 7.281422866185654 53.15482305522119, 7.281422866185654 53.15462105010134, 7.280267889391788 53.15462105010134, 7.280267889391788 53.15482305522119))",36539_3_7,3,7,169.0 +"POLYGON ((7.280267889391788 53.15361101024528, 7.281422866185654 53.15361101024528, 7.281422866185654 53.15340899942269, 7.280267889391788 53.15340899942269, 7.280267889391788 53.15361101024528))",36539_3_13,3,13,130.0 +"POLYGON ((7.281422866185654 53.15542906487805, 7.282577842979523 53.15542906487805, 7.282577842979523 53.15522706260954, 7.281422866185654 53.15522706260954, 7.281422866185654 53.15542906487805))",36539_4_4,4,4,218.0 +"POLYGON ((7.281422866185654 53.15441904403104, 7.282577842979523 53.15441904403104, 7.282577842979523 53.15421703701028, 7.281422866185654 53.15421703701028, 7.281422866185654 53.15441904403104))",36539_4_9,4,9,138.83468233333335 +"POLYGON ((7.281422866185654 53.15280296125214, 7.282577842979523 53.15280296125214, 7.282577842979523 53.15260094662768, 7.281422866185654 53.15260094662768, 7.281422866185654 53.15280296125214))",36539_4_17,4,17,132.0 +"POLYGON ((7.282577842979523 53.15522706260954, 7.28373281977339 53.15522706260954, 7.28373281977339 53.15502505939059, 7.282577842979523 53.15502505939059, 7.282577842979523 53.15522706260954))",36539_5_5,5,5,134.33333333333334 +"POLYGON ((7.282577842979523 53.15502505939059, 7.28373281977339 53.15502505939059, 7.28373281977339 53.15482305522119, 7.282577842979523 53.15482305522119, 7.282577842979523 53.15502505939059))",36539_5_6,5,6,143.0 +"POLYGON ((7.282577842979523 53.15421703701028, 7.28373281977339 53.15421703701028, 7.28373281977339 53.15401502903908, 7.282577842979523 53.15401502903908, 7.282577842979523 53.15421703701028))",36539_5_10,5,10,138.41996566666668 +"POLYGON ((7.282577842979523 53.1538130201174, 7.28373281977339 53.1538130201174, 7.28373281977339 53.15361101024528, 7.282577842979523 53.15361101024528, 7.282577842979523 53.1538130201174))",36539_5_12,5,12,126.66666766666667 +"POLYGON ((7.282577842979523 53.15340899942269, 7.28373281977339 53.15340899942269, 7.28373281977339 53.15320698764964, 7.282577842979523 53.15320698764964, 7.282577842979523 53.15340899942269))",36539_5_14,5,14,154.33333166666668 +"POLYGON ((7.282577842979523 53.15320698764964, 7.28373281977339 53.15320698764964, 7.28373281977339 53.15300497492613, 7.282577842979523 53.15300497492613, 7.282577842979523 53.15320698764964))",36539_5_15,5,15,88.5 +"POLYGON ((7.282577842979523 53.15239893105275, 7.28373281977339 53.15239893105275, 7.28373281977339 53.15219691452735, 7.282577842979523 53.15219691452735, 7.282577842979523 53.15239893105275))",36539_5_19,5,19,134.333332 +"POLYGON ((7.282577842979523 53.15179287862512, 7.28373281977339 53.15179287862512, 7.28373281977339 53.15159085924829, 7.282577842979523 53.15159085924829, 7.282577842979523 53.15179287862512))",36539_5_22,5,22,103.0656405 +"POLYGON ((7.28373281977339 53.15401502903908, 7.28488779656726 53.15401502903908, 7.28488779656726 53.1538130201174, 7.28373281977339 53.1538130201174, 7.28373281977339 53.15401502903908))",36539_6_11,6,11,84.42857142857143 +"POLYGON ((7.28373281977339 53.1538130201174, 7.28488779656726 53.1538130201174, 7.28488779656726 53.15361101024528, 7.28373281977339 53.15361101024528, 7.28373281977339 53.1538130201174))",36539_6_12,6,12,120.553962125 +"POLYGON ((7.28373281977339 53.15361101024528, 7.28488779656726 53.15361101024528, 7.28488779656726 53.15340899942269, 7.28373281977339 53.15340899942269, 7.28373281977339 53.15361101024528))",36539_6_13,6,13,108.44491925 +"POLYGON ((7.28373281977339 53.15340899942269, 7.28488779656726 53.15340899942269, 7.28488779656726 53.15320698764964, 7.28373281977339 53.15320698764964, 7.28373281977339 53.15340899942269))",36539_6_14,6,14,178.0 +"POLYGON ((7.28373281977339 53.15300497492613, 7.28488779656726 53.15300497492613, 7.28488779656726 53.15280296125214, 7.28373281977339 53.15280296125214, 7.28373281977339 53.15300497492613))",36539_6_16,6,16,123.33333333333333 +"POLYGON ((7.28373281977339 53.15280296125214, 7.28488779656726 53.15280296125214, 7.28488779656726 53.15260094662768, 7.28373281977339 53.15260094662768, 7.28373281977339 53.15280296125214))",36539_6_17,6,17,104.48746880000002 +"POLYGON ((7.276802959010184 53.14862779918732, 7.277957935804052 53.14862779918732, 7.277957935804052 53.14842576491937, 7.276802959010184 53.14842576491937, 7.276802959010184 53.14862779918732))",36540_0_11,0,11,89.75 +"POLYGON ((7.276802959010184 53.14660741373473, 7.277957935804052 53.14660741373473, 7.277957935804052 53.14640536996158, 7.276802959010184 53.14640536996158, 7.276802959010184 53.14660741373473))",36540_0_21,0,21,123.250001 +"POLYGON ((7.277957935804052 53.14923389628806, 7.279112912597919 53.14923389628806, 7.279112912597919 53.14903186487165, 7.277957935804052 53.14903186487165, 7.277957935804052 53.14923389628806))",36540_1_8,1,8,103.0 +"POLYGON ((7.279112912597919 53.14802169353198, 7.280267889391788 53.14802169353198, 7.280267889391788 53.1478196564125, 7.279112912597919 53.1478196564125, 7.279112912597919 53.14802169353198))",36540_2_14,2,14,112.25 +"POLYGON ((7.280267889391788 53.14943592675395, 7.281422866185654 53.14943592675395, 7.281422866185654 53.14923389628806, 7.280267889391788 53.14923389628806, 7.280267889391788 53.14943592675395))",36540_3_7,3,7,108.33333333333333 +"POLYGON ((7.280267889391788 53.14822372970094, 7.281422866185654 53.14822372970094, 7.281422866185654 53.14802169353198, 7.280267889391788 53.14802169353198, 7.280267889391788 53.14822372970094))",36540_3_13,3,13,126.66666666666667 +"POLYGON ((7.281422866185654 53.15004201244866, 7.282577842979523 53.15004201244866, 7.282577842979523 53.14983998483426, 7.281422866185654 53.14983998483426, 7.281422866185654 53.15004201244866))",36540_4_4,4,4,213.0 +"POLYGON ((7.281422866185654 53.14903186487165, 7.282577842979523 53.14903186487165, 7.282577842979523 53.14882983250473, 7.281422866185654 53.14882983250473, 7.281422866185654 53.14903186487165))",36540_4_9,4,9,146.33333233333335 +"POLYGON ((7.281422866185654 53.147415579322, 7.282577842979523 53.147415579322, 7.282577842979523 53.14721353935097, 7.281422866185654 53.14721353935097, 7.281422866185654 53.147415579322))",36540_4_17,4,17,132.333332 +"POLYGON ((7.282577842979523 53.14983998483426, 7.28373281977339 53.14983998483426, 7.28373281977339 53.14963795626936, 7.282577842979523 53.14963795626936, 7.282577842979523 53.14983998483426))",36540_5_5,5,5,136.33333333333334 +"POLYGON ((7.282577842979523 53.14963795626936, 7.28373281977339 53.14963795626936, 7.28373281977339 53.14943592675395, 7.282577842979523 53.14943592675395, 7.282577842979523 53.14963795626936))",36540_5_6,5,6,143.33333333333334 +"POLYGON ((7.282577842979523 53.14882983250473, 7.28373281977339 53.14882983250473, 7.28373281977339 53.14862779918732, 7.282577842979523 53.14862779918732, 7.282577842979523 53.14882983250473))",36540_5_10,5,10,142.33928033333333 +"POLYGON ((7.282577842979523 53.14842576491937, 7.28373281977339 53.14842576491937, 7.28373281977339 53.14822372970094, 7.282577842979523 53.14822372970094, 7.282577842979523 53.14842576491937))",36540_5_12,5,12,124.5573025 +"POLYGON ((7.282577842979523 53.14802169353198, 7.28373281977339 53.14802169353198, 7.28373281977339 53.1478196564125, 7.282577842979523 53.1478196564125, 7.282577842979523 53.14802169353198))",36540_5_14,5,14,148.66666666666666 +"POLYGON ((7.282577842979523 53.1478196564125, 7.28373281977339 53.1478196564125, 7.28373281977339 53.14761761834252, 7.282577842979523 53.14761761834252, 7.282577842979523 53.1478196564125))",36540_5_15,5,15,88.75 +"POLYGON ((7.282577842979523 53.14701149842941, 7.28373281977339 53.14701149842941, 7.28373281977339 53.14680945655734, 7.282577842979523 53.14680945655734, 7.282577842979523 53.14701149842941))",36540_5_19,5,19,136.33332933333335 +"POLYGON ((7.282577842979523 53.14640536996158, 7.28373281977339 53.14640536996158, 7.28373281977339 53.14620332523792, 7.282577842979523 53.14620332523792, 7.282577842979523 53.14640536996158))",36540_5_22,5,22,104.2499995 +"POLYGON ((7.28373281977339 53.14862779918732, 7.28488779656726 53.14862779918732, 7.28488779656726 53.14842576491937, 7.28373281977339 53.14842576491937, 7.28373281977339 53.14862779918732))",36540_6_11,6,11,115.0 +"POLYGON ((7.28373281977339 53.14842576491937, 7.28488779656726 53.14842576491937, 7.28488779656726 53.14822372970094, 7.28373281977339 53.14822372970094, 7.28373281977339 53.14842576491937))",36540_6_12,6,12,121.91235083333333 +"POLYGON ((7.28373281977339 53.14822372970094, 7.28488779656726 53.14822372970094, 7.28488779656726 53.14802169353198, 7.28373281977339 53.14802169353198, 7.28373281977339 53.14822372970094))",36540_6_13,6,13,123.04646166666667 +"POLYGON ((7.28373281977339 53.14802169353198, 7.28488779656726 53.14802169353198, 7.28488779656726 53.1478196564125, 7.28373281977339 53.1478196564125, 7.28373281977339 53.14802169353198))",36540_6_14,6,14,178.5 +"POLYGON ((7.28373281977339 53.14761761834252, 7.28488779656726 53.14761761834252, 7.28488779656726 53.147415579322, 7.28373281977339 53.147415579322, 7.28373281977339 53.14761761834252))",36540_6_16,6,16,108.5 +"POLYGON ((7.28373281977339 53.147415579322, 7.28488779656726 53.147415579322, 7.28488779656726 53.14721353935097, 7.28373281977339 53.14721353935097, 7.28373281977339 53.147415579322))",36540_6_17,6,17,108.12516 +"POLYGON ((7.276802959010184 53.1432398934173, 7.277957935804052 53.1432398934173, 7.277957935804052 53.14303783380171, 7.276802959010184 53.14303783380171, 7.276802959010184 53.1432398934173))",36541_0_11,0,11,85.0 +"POLYGON ((7.277957935804052 53.14384606656071, 7.279112912597919 53.14384606656071, 7.279112912597919 53.14364400979679, 7.277957935804052 53.14364400979679, 7.277957935804052 53.14384606656071))",36541_1_8,1,8,98.0 +"POLYGON ((7.280267889391788 53.14404812237404, 7.281422866185654 53.14404812237404, 7.281422866185654 53.14384606656071, 7.280267889391788 53.14384606656071, 7.280267889391788 53.14404812237404))",36541_3_7,3,7,90.0 +"POLYGON ((7.280267889391788 53.14283577323556, 7.281422866185654 53.14283577323556, 7.281422866185654 53.14263371171884, 7.280267889391788 53.14263371171884, 7.280267889391788 53.14283577323556))",36541_3_13,3,13,126.0 +"POLYGON ((7.281422866185654 53.14465428411079, 7.282577842979523 53.14465428411079, 7.282577842979523 53.14445223114909, 7.281422866185654 53.14445223114909, 7.281422866185654 53.14465428411079))",36541_4_4,4,4,213.0 +"POLYGON ((7.281422866185654 53.14364400979679, 7.282577842979523 53.14364400979679, 7.282577842979523 53.14344195208233, 7.281422866185654 53.14344195208233, 7.281422866185654 53.14364400979679))",36541_4_9,4,9,144.938027 +"POLYGON ((7.281422866185654 53.14202752146526, 7.282577842979523 53.14202752146526, 7.282577842979523 53.14182545614626, 7.281422866185654 53.14182545614626, 7.281422866185654 53.14202752146526))",36541_4_17,4,17,132.000002 +"POLYGON ((7.282577842979523 53.14425017723685, 7.28373281977339 53.14425017723685, 7.28373281977339 53.14404812237404, 7.282577842979523 53.14404812237404, 7.282577842979523 53.14425017723685))",36541_5_6,5,6,143.0 +"POLYGON ((7.282577842979523 53.14344195208233, 7.28373281977339 53.14344195208233, 7.28373281977339 53.1432398934173, 7.282577842979523 53.1432398934173, 7.282577842979523 53.14344195208233))",36541_5_10,5,10,142.000003 +"POLYGON ((7.282577842979523 53.14243164925156, 7.28373281977339 53.14243164925156, 7.28373281977339 53.1422295858337, 7.282577842979523 53.1422295858337, 7.282577842979523 53.14243164925156))",36541_5_15,5,15,89.0 +"POLYGON ((7.282577842979523 53.14162338987668, 7.28373281977339 53.14162338987668, 7.28373281977339 53.14142132265653, 7.282577842979523 53.14142132265653, 7.282577842979523 53.14162338987668))",36541_5_19,5,19,132.0 +"POLYGON ((7.282577842979523 53.14101718536447, 7.28373281977339 53.14101718536447, 7.28373281977339 53.14081511529257, 7.282577842979523 53.14081511529257, 7.282577842979523 53.14101718536447))",36541_5_22,5,22,108.274563 +"POLYGON ((7.28373281977339 53.1432398934173, 7.28488779656726 53.1432398934173, 7.28488779656726 53.14303783380171, 7.28373281977339 53.14303783380171, 7.28373281977339 53.1432398934173))",36541_6_11,6,11,121.999999 +"POLYGON ((7.28373281977339 53.14303783380171, 7.28488779656726 53.14303783380171, 7.28488779656726 53.14283577323556, 7.28373281977339 53.14283577323556, 7.28373281977339 53.14303783380171))",36541_6_12,6,12,122.33194750000001 +"POLYGON ((7.28373281977339 53.14283577323556, 7.28488779656726 53.14283577323556, 7.28488779656726 53.14263371171884, 7.28373281977339 53.14263371171884, 7.28373281977339 53.14283577323556))",36541_6_13,6,13,130.000003 +"POLYGON ((7.28373281977339 53.14263371171884, 7.28488779656726 53.14263371171884, 7.28488779656726 53.14243164925156, 7.28373281977339 53.14243164925156, 7.28373281977339 53.14263371171884))",36541_6_14,6,14,179.0 +"POLYGON ((7.28373281977339 53.1422295858337, 7.28488779656726 53.1422295858337, 7.28488779656726 53.14202752146526, 7.28373281977339 53.14202752146526, 7.28373281977339 53.1422295858337))",36541_6_16,6,16,102.0 +"POLYGON ((7.28373281977339 52.98669643524678, 7.28488779656726 52.98669643524678, 7.28488779656726 52.98649363994615, 7.28373281977339 52.98649363994615, 7.28373281977339 52.98669643524678))",36570_6_11,6,11,98.0 +"POLYGON ((7.28373281977339 52.98128823473931, 7.28488779656726 52.98128823473931, 7.28488779656726 52.98108541404955, 7.28373281977339 52.98108541404955, 7.28373281977339 52.98128823473931))",36571_6_11,6,11,89.42857142857143 +"POLYGON ((7.28373281977339 52.9758793571708, 7.28488779656726 52.9758793571708, 7.28488779656726 52.97567651109055, 7.28373281977339 52.97567651109055, 7.28373281977339 52.9758793571708))",36572_6_11,6,11,89.0 +"POLYGON ((7.28373281977339 52.96505957070445, 7.28488779656726 52.96505957070445, 7.28488779656726 52.96485667383909, 7.28373281977339 52.96485667383909, 7.28373281977339 52.96505957070445))",36574_6_11,6,11,57.0 +"POLYGON ((7.28373281977339 52.95964866173358, 7.28488779656726 52.95964866173358, 7.28488779656726 52.9594457394736, 7.28373281977339 52.9594457394736, 7.28373281977339 52.95964866173358))",36575_6_11,6,11,62.0 +"POLYGON ((7.28373281977339 52.94341187143224, 7.28488779656726 52.94341187143224, 7.28488779656726 52.94320887298024, 7.28373281977339 52.94320887298024, 7.28373281977339 52.94341187143224))",36578_6_11,6,11,87.5 +"POLYGON ((7.28373281977339 52.93799825341405, 7.28488779656726 52.93799825341405, 7.28488779656726 52.93779522956196, 7.28373281977339 52.93779522956196, 7.28373281977339 52.93799825341405))",36579_6_11,6,11,90.0 +"POLYGON ((7.28373281977339 52.93258395804295, 7.28488779656726 52.93258395804295, 7.28488779656726 52.93238090878941, 7.28373281977339 52.93238090878941, 7.28373281977339 52.93258395804295))",36580_6_11,6,11,69.16666666666667 +"POLYGON ((7.28373281977339 52.92716898528251, 7.28488779656726 52.92716898528251, 7.28488779656726 52.92696591062617, 7.28373281977339 52.92696591062617, 7.28373281977339 52.92716898528251))",36581_6_11,6,11,60.166666666666664 +"POLYGON ((7.28373281977339 52.92175333509639, 7.28488779656726 52.92175333509639, 7.28488779656726 52.92155023503589, 7.28373281977339 52.92155023503589, 7.28373281977339 52.92175333509639))",36582_6_11,6,11,82.0 +"POLYGON ((7.28373281977339 52.91092000230167, 7.28488779656726 52.91092000230167, 7.28488779656726 52.91071685142875, 7.28373281977339 52.91071685142875, 7.28373281977339 52.91092000230167))",36584_6_11,6,11,35.30769230769231 +"POLYGON ((7.28373281977339 52.90550231962042, 7.28488779656726 52.90550231962042, 7.28488779656726 52.90529914333924, 7.28373281977339 52.90529914333924, 7.28373281977339 52.90550231962042))",36585_6_11,6,11,57.0 +"POLYGON ((7.28373281977339 52.8621364625695, 7.28488779656726 52.8621364625695, 7.28488779656726 52.86193308297331, 7.28373281977339 52.86193308297331, 7.28373281977339 52.8621364625695))",36593_6_11,6,11,77.0 +"POLYGON ((7.28373281977339 52.85671268044487, 7.28488779656726 52.85671268044487, 7.28488779656726 52.85650927542821, 7.28373281977339 52.85650927542821, 7.28373281977339 52.85671268044487))",36594_6_11,6,11,54.63636363636363 +"POLYGON ((7.28373281977339 52.85128822042346, 7.28488779656726 52.85128822042346, 7.28488779656726 52.85108478998497, 7.28373281977339 52.85108478998497, 7.28373281977339 52.85128822042346))",36595_6_11,6,11,65.6 +"POLYGON ((7.281422866185654 52.33897454992264, 7.282577842979523 52.33897454992264, 7.282577842979523 52.33876872676704, 7.281422866185654 52.33876872676704, 7.281422866185654 52.33897454992264))",36689_4_8,4,8,126.211391 +"POLYGON ((7.281422866185654 52.33712210703465, 7.282577842979523 52.33712210703465, 7.282577842979523 52.33691627525712, 7.281422866185654 52.33691627525712, 7.281422866185654 52.33712210703465))",36689_4_17,4,17,119.66666666666667 +"POLYGON ((7.282577842979523 52.33794542456479, 7.28373281977339 52.33794542456479, 7.28373281977339 52.33773959661924, 7.282577842979523 52.33773959661924, 7.282577842979523 52.33794542456479))",36689_5_13,5,13,107.75000025 +"POLYGON ((7.282577842979523 52.33732793785418, 7.28373281977339 52.33732793785418, 7.28373281977339 52.33712210703465, 7.282577842979523 52.33712210703465, 7.282577842979523 52.33732793785418))",36689_5_16,5,16,172.0 +"POLYGON ((7.28373281977339 52.33753376771572, 7.28488779656726 52.33753376771572, 7.28488779656726 52.33732793785418, 7.28373281977339 52.33732793785418, 7.28373281977339 52.33753376771572))",36689_6_15,6,15,89.75 +"POLYGON ((7.28373281977339 52.33712210703465, 7.28488779656726 52.33712210703465, 7.28488779656726 52.33691627525712, 7.28373281977339 52.33691627525712, 7.28373281977339 52.33712210703465))",36689_6_17,6,17,100.75 +"POLYGON ((7.276802959010184 52.16767383412338, 7.277957935804052 52.16767383412338, 7.277957935804052 52.16746721458408, 7.276802959010184 52.16746721458408, 7.276802959010184 52.16767383412338))",36720_0_12,0,12,113.0 +"POLYGON ((7.276802959010184 52.16560759555408, 7.277957935804052 52.16560759555408, 7.277957935804052 52.16540096642, 7.276802959010184 52.16540096642, 7.276802959010184 52.16560759555408))",36720_0_22,0,22,98.96753225 +"POLYGON ((7.277957935804052 52.16829368698448, 7.279112912597919 52.16829368698448, 7.279112912597919 52.16808707032359, 7.277957935804052 52.16808707032359, 7.277957935804052 52.16829368698448))",36720_1_9,1,9,107.33333333333333 +"POLYGON ((7.279112912597919 52.16746721458408, 7.280267889391788 52.16746721458408, 7.280267889391788 52.16726059408532, 7.279112912597919 52.16726059408532, 7.279112912597919 52.16746721458408))",36720_2_13,2,13,102.5 +"POLYGON ((7.280267889391788 52.16891353121045, 7.281422866185654 52.16891353121045, 7.281422866185654 52.16870691742793, 7.280267889391788 52.16870691742793, 7.280267889391788 52.16891353121045))",36720_3_6,3,6,94.75 +"POLYGON ((7.280267889391788 52.16767383412338, 7.281422866185654 52.16767383412338, 7.281422866185654 52.16746721458408, 7.280267889391788 52.16746721458408, 7.280267889391788 52.16767383412338))",36720_3_12,3,12,96.5 +"POLYGON ((7.280267889391788 52.16684735020936, 7.281422866185654 52.16684735020936, 7.281422866185654 52.16664072683218, 7.280267889391788 52.16664072683218, 7.280267889391788 52.16684735020936))",36720_3_16,3,16,77.2 +"POLYGON ((7.281422866185654 52.16932675589713, 7.282577842979523 52.16932675589713, 7.282577842979523 52.16912014403351, 7.281422866185654 52.16912014403351, 7.281422866185654 52.16932675589713))",36720_4_4,4,4,103.5 +"POLYGON ((7.281422866185654 52.16912014403351, 7.282577842979523 52.16912014403351, 7.282577842979523 52.16891353121045, 7.281422866185654 52.16891353121045, 7.281422866185654 52.16912014403351))",36720_4_5,4,5,120.66666666666667 +"POLYGON ((7.282577842979523 52.16932675589713, 7.28373281977339 52.16932675589713, 7.28373281977339 52.16912014403351, 7.282577842979523 52.16912014403351, 7.282577842979523 52.16932675589713))",36720_5_4,5,4,107.75 +"POLYGON ((7.282577842979523 52.16891353121045, 7.28373281977339 52.16891353121045, 7.28373281977339 52.16870691742793, 7.282577842979523 52.16870691742793, 7.282577842979523 52.16891353121045))",36720_5_6,5,6,115.0 +"POLYGON ((7.282577842979523 52.16829368698448, 7.28373281977339 52.16829368698448, 7.28373281977339 52.16808707032359, 7.282577842979523 52.16808707032359, 7.282577842979523 52.16829368698448))",36720_5_9,5,9,94.81900925 +"POLYGON ((7.282577842979523 52.16808707032359, 7.28373281977339 52.16808707032359, 7.28373281977339 52.16788045270322, 7.282577842979523 52.16788045270322, 7.282577842979523 52.16808707032359))",36720_5_10,5,10,87.72995519999999 +"POLYGON ((7.282577842979523 52.16602085094375, 7.28373281977339 52.16602085094375, 7.28373281977339 52.16581422372865, 7.282577842979523 52.16581422372865, 7.282577842979523 52.16602085094375))",36720_5_20,5,20,106.00000025 +"POLYGON ((7.282577842979523 52.16540096642, 7.28373281977339 52.16540096642, 7.28373281977339 52.16519433632646, 7.282577842979523 52.16519433632646, 7.282577842979523 52.16540096642))",36720_5_23,5,23,95.08570999999999 +"POLYGON ((7.28373281977339 52.16829368698448, 7.28488779656726 52.16829368698448, 7.28488779656726 52.16808707032359, 7.28373281977339 52.16808707032359, 7.28373281977339 52.16829368698448))",36720_6_9,6,9,112.500001 +"POLYGON ((7.28373281977339 52.16767383412338, 7.28488779656726 52.16767383412338, 7.28488779656726 52.16746721458408, 7.28373281977339 52.16746721458408, 7.28373281977339 52.16767383412338))",36720_6_12,6,12,103.25 +"POLYGON ((7.28373281977339 52.16746721458408, 7.28488779656726 52.16746721458408, 7.28488779656726 52.16726059408532, 7.28373281977339 52.16726059408532, 7.28373281977339 52.16746721458408))",36720_6_13,6,13,84.39830099999999 +"POLYGON ((7.28373281977339 52.16726059408532, 7.28488779656726 52.16726059408532, 7.28488779656726 52.16705397262707, 7.28373281977339 52.16705397262707, 7.28373281977339 52.16726059408532))",36720_6_14,6,14,101.09480655555556 +"POLYGON ((7.281422866185654 50.68350942959332, 7.282577842979523 50.68350942959332, 7.282577842979523 50.68329598819408, 7.281422866185654 50.68329598819408, 7.281422866185654 50.68350942959332))",36985_4_12,4,12,132.5 +"POLYGON ((7.281422866185654 50.67781732668694, 7.282577842979523 50.67781732668694, 7.282577842979523 50.67760385939712, 7.281422866185654 50.67760385939712, 7.281422866185654 50.67781732668694))",36986_4_12,4,12,142.5 +"POLYGON ((7.285786111851378 53.51362196452517, 7.286941088645246 53.51362196452517, 7.286941088645246 53.51342165153785, 7.285786111851378 53.51342165153785, 7.285786111851378 53.51362196452517))",37147_0_10,0,10,67.4 +"POLYGON ((7.288096065439114 53.51282070689454, 7.289251042232982 53.51282070689454, 7.289251042232982 53.51262039011966, 7.288096065439114 53.51262039011966, 7.288096065439114 53.51282070689454))",37147_2_14,2,14,91.25 +"POLYGON ((7.29040601902685 53.51462351525837, 7.291560995820718 53.51462351525837, 7.291560995820718 53.51442320700551, 7.29040601902685 53.51442320700551, 7.29040601902685 53.51462351525837))",37147_4_5,4,5,87.33333333333333 +"POLYGON ((7.291560995820718 53.51462351525837, 7.292715972614586 53.51462351525837, 7.292715972614586 53.51442320700551, 7.291560995820718 53.51442320700551, 7.291560995820718 53.51462351525837))",37147_5_5,5,5,84.0 +"POLYGON ((7.292715972614586 53.51322133760366, 7.293870949408454 53.51322133760366, 7.293870949408454 53.51302102272255, 7.292715972614586 53.51302102272255, 7.292715972614586 53.51322133760366))",37147_6_12,6,12,87.24999975 +"POLYGON ((7.292715972614586 53.51302102272255, 7.293870949408454 53.51302102272255, 7.293870949408454 53.51282070689454, 7.292715972614586 53.51282070689454, 7.292715972614586 53.51302102272255))",37147_6_13,6,13,83.33333333333333 +"POLYGON ((7.285786111851378 53.50827996080956, 7.286941088645246 53.50827996080956, 7.286941088645246 53.50807962257102, 7.285786111851378 53.50807962257102, 7.285786111851378 53.50827996080956))",37148_0_10,0,10,88.25 +"POLYGON ((7.288096065439114 53.50747860217378, 7.289251042232982 53.50747860217378, 7.289251042232982 53.50727826014744, 7.288096065439114 53.50727826014744, 7.288096065439114 53.50747860217378))",37148_2_14,2,14,97.75 +"POLYGON ((7.29040601902685 53.509281637798, 7.291560995820718 53.509281637798, 7.291560995820718 53.50908130429419, 7.29040601902685 53.50908130429419, 7.29040601902685 53.509281637798))",37148_4_5,4,5,94.66666666666667 +"POLYGON ((7.291560995820718 53.509281637798, 7.292715972614586 53.509281637798, 7.292715972614586 53.50908130429419, 7.291560995820718 53.50908130429419, 7.291560995820718 53.509281637798))",37148_5_5,5,5,80.83333333333333 +"POLYGON ((7.292715972614586 53.50787928338557, 7.293870949408454 53.50787928338557, 7.293870949408454 53.50767894325314, 7.292715972614586 53.50767894325314, 7.292715972614586 53.50787928338557))",37148_6_12,6,12,92.4000002 +"POLYGON ((7.292715972614586 53.50767894325314, 7.293870949408454 53.50767894325314, 7.293870949408454 53.50747860217378, 7.292715972614586 53.50747860217378, 7.292715972614586 53.50767894325314))",37148_6_13,6,13,90.4 +"POLYGON ((7.292715972614586 53.50253655578047, 7.293870949408454 53.50253655578047, 7.293870949408454 53.50233619039529, 7.292715972614586 53.50233619039529, 7.292715972614586 53.50253655578047))",37149_6_12,6,12,95.000003 +"POLYGON ((7.285786111851378 53.46551968603129, 7.286941088645246 53.46551968603129, 7.286941088645246 53.46531914573126, 7.285786111851378 53.46531914573126, 7.285786111851378 53.46551968603129))",37156_0_10,0,10,78.5 +"POLYGON ((7.288096065439114 53.46471751914689, 7.289251042232982 53.46471751914689, 7.289251042232982 53.46451697505731, 7.288096065439114 53.46451697505731, 7.288096065439114 53.46471751914689))",37156_2_14,2,14,80.5 +"POLYGON ((7.29040601902685 53.46652237332081, 7.291560995820718 53.46652237332081, 7.291560995820718 53.46632183775766, 7.29040601902685 53.46632183775766, 7.29040601902685 53.46652237332081))",37156_4_5,4,5,84.0 +"POLYGON ((7.291560995820718 53.46652237332081, 7.292715972614586 53.46652237332081, 7.292715972614586 53.46632183775766, 7.291560995820718 53.46632183775766, 7.291560995820718 53.46652237332081))",37156_5_5,5,5,75.0 +"POLYGON ((7.292715972614586 53.46511860448386, 7.293870949408454 53.46511860448386, 7.293870949408454 53.46491806228907, 7.292715972614586 53.46491806228907, 7.292715972614586 53.46511860448386))",37156_6_12,6,12,72.6027625 +"POLYGON ((7.292715972614586 53.46491806228907, 7.293870949408454 53.46491806228907, 7.293870949408454 53.46471751914689, 7.292715972614586 53.46471751914689, 7.292715972614586 53.46491806228907))",37156_6_13,6,13,69.0 +"POLYGON ((7.285786111851378 53.46017162047698, 7.286941088645246 53.46017162047698, 7.286941088645246 53.45997105491279, 7.285786111851378 53.45997105491279, 7.285786111851378 53.46017162047698))",37157_0_10,0,10,71.25 +"POLYGON ((7.288096065439114 53.45936935253562, 7.289251042232982 53.45936935253562, 7.289251042232982 53.45916878318169, 7.288096065439114 53.45916878318169, 7.288096065439114 53.45936935253562))",37157_2_14,2,14,73.25 +"POLYGON ((7.29040601902685 53.46117443408647, 7.291560995820718 53.46117443408647, 7.291560995820718 53.46097387325943, 7.29040601902685 53.46097387325943, 7.29040601902685 53.46117443408647))",37157_4_5,4,5,78.5 +"POLYGON ((7.291560995820718 53.46117443408647, 7.292715972614586 53.46117443408647, 7.292715972614586 53.46097387325943, 7.291560995820718 53.46097387325943, 7.291560995820718 53.46117443408647))",37157_5_5,5,5,64.6 +"POLYGON ((7.292715972614586 53.45977048840117, 7.293870949408454 53.45977048840117, 7.293870949408454 53.45956992094212, 7.292715972614586 53.45956992094212, 7.292715972614586 53.45977048840117))",37157_6_12,6,12,72.240861 +"POLYGON ((7.292715972614586 53.45956992094212, 7.293870949408454 53.45956992094212, 7.293870949408454 53.45936935253562, 7.292715972614586 53.45936935253562, 7.292715972614586 53.45956992094212))",37157_6_13,6,13,66.8 +"POLYGON ((7.285786111851378 53.36359017523769, 7.286941088645246 53.36359017523769, 7.286941088645246 53.3633891537256, 7.285786111851378 53.3633891537256, 7.285786111851378 53.36359017523769))",37175_0_11,0,11,132.0 +"POLYGON ((7.288096065439114 53.36298710785623, 7.289251042232982 53.36298710785623, 7.289251042232982 53.36278608349895, 7.288096065439114 53.36278608349895, 7.288096065439114 53.36298710785623))",37175_2_14,2,14,132.66666666666666 +"POLYGON ((7.289251042232982 53.36439425180206, 7.29040601902685 53.36439425180206, 7.29040601902685 53.36419323408356, 7.289251042232982 53.36419323408356, 7.289251042232982 53.36439425180206))",37175_3_7,3,7,140.0 +"POLYGON ((7.29040601902685 53.36479628439391, 7.291560995820718 53.36479628439391, 7.291560995820718 53.36459526857218, 7.29040601902685 53.36459526857218, 7.29040601902685 53.36479628439391))",37175_4_5,4,5,119.33333333333333 +"POLYGON ((7.29040601902685 53.36399221541667, 7.291560995820718 53.36399221541667, 7.291560995820718 53.36379119580138, 7.29040601902685 53.36379119580138, 7.29040601902685 53.36399221541667))",37175_4_9,4,9,136.10097833333333 +"POLYGON ((7.291560995820718 53.36479628439391, 7.292715972614586 53.36479628439391, 7.292715972614586 53.36459526857218, 7.291560995820718 53.36459526857218, 7.291560995820718 53.36479628439391))",37175_5_5,5,5,124.33333333333333 +"POLYGON ((7.291560995820718 53.36439425180206, 7.292715972614586 53.36439425180206, 7.292715972614586 53.36419323408356, 7.291560995820718 53.36419323408356, 7.291560995820718 53.36439425180206))",37175_5_7,5,7,138.33333333333334 +"POLYGON ((7.291560995820718 53.36359017523769, 7.292715972614586 53.36359017523769, 7.292715972614586 53.3633891537256, 7.291560995820718 53.3633891537256, 7.291560995820718 53.36359017523769))",37175_5_11,5,11,115.58139075 +"POLYGON ((7.291560995820718 53.3633891537256, 7.292715972614586 53.3633891537256, 7.292715972614586 53.36318813126513, 7.291560995820718 53.36318813126513, 7.291560995820718 53.3633891537256))",37175_5_12,5,12,100.7146765 +"POLYGON ((7.292715972614586 53.3633891537256, 7.293870949408454 53.3633891537256, 7.293870949408454 53.36318813126513, 7.292715972614586 53.36318813126513, 7.292715972614586 53.3633891537256))",37175_6_12,6,12,113.982506 +"POLYGON ((7.292715972614586 53.36298710785623, 7.293870949408454 53.36298710785623, 7.293870949408454 53.36278608349895, 7.292715972614586 53.36278608349895, 7.292715972614586 53.36298710785623))",37175_6_14,6,14,128.66666666666666 +"POLYGON ((7.285786111851378 53.18094104082594, 7.286941088645246 53.18094104082594, 7.286941088645246 53.18073915861466, 7.285786111851378 53.18073915861466, 7.285786111851378 53.18094104082594))",37209_0_11,0,11,103.0 +"POLYGON ((7.285786111851378 53.178922175954, 7.286941088645246 53.178922175954, 7.286941088645246 53.17872028424065, 7.285786111851378 53.17872028424065, 7.285786111851378 53.178922175954))",37209_0_21,0,21,120.999998 +"POLYGON ((7.288096065439114 53.18033539134151, 7.289251042232982 53.18033539134151, 7.289251042232982 53.18013350627962, 7.288096065439114 53.18013350627962, 7.288096065439114 53.18033539134151))",37209_2_14,2,14,155.0 +"POLYGON ((7.289251042232982 53.18174856016912, 7.29040601902685 53.18174856016912, 7.29040601902685 53.18154668175862, 7.289251042232982 53.18154668175862, 7.289251042232982 53.18174856016912))",37209_3_7,3,7,145.0 +"POLYGON ((7.289251042232982 53.18053727545319, 7.29040601902685 53.18053727545319, 7.29040601902685 53.18033539134151, 7.289251042232982 53.18033539134151, 7.289251042232982 53.18053727545319))",37209_3_13,3,13,117.0 +"POLYGON ((7.29040601902685 53.18134480239792, 7.291560995820718 53.18134480239792, 7.291560995820718 53.18114292208703, 7.29040601902685 53.18114292208703, 7.29040601902685 53.18134480239792))",37209_4_9,4,9,138.999996 +"POLYGON ((7.29040601902685 53.17972973330525, 7.291560995820718 53.17972973330525, 7.291560995820718 53.17952784539276, 7.29040601902685 53.17952784539276, 7.29040601902685 53.17972973330525))",37209_4_17,4,17,127.500002 +"POLYGON ((7.291560995820718 53.18215231413956, 7.292715972614586 53.18215231413956, 7.292715972614586 53.18195043762945, 7.291560995820718 53.18195043762945, 7.291560995820718 53.18215231413956))",37209_5_5,5,5,114.0 +"POLYGON ((7.291560995820718 53.18195043762945, 7.292715972614586 53.18195043762945, 7.292715972614586 53.18174856016912, 7.291560995820718 53.18174856016912, 7.291560995820718 53.18195043762945))",37209_5_6,5,6,136.0 +"POLYGON ((7.291560995820718 53.18114292208703, 7.292715972614586 53.18114292208703, 7.292715972614586 53.18094104082594, 7.291560995820718 53.18094104082594, 7.291560995820718 53.18114292208703))",37209_5_10,5,10,126.000004 +"POLYGON ((7.291560995820718 53.18073915861466, 7.292715972614586 53.18073915861466, 7.292715972614586 53.18053727545319, 7.291560995820718 53.18053727545319, 7.291560995820718 53.18073915861466))",37209_5_12,5,12,118.999999 +"POLYGON ((7.291560995820718 53.18033539134151, 7.292715972614586 53.18033539134151, 7.292715972614586 53.18013350627962, 7.291560995820718 53.18013350627962, 7.291560995820718 53.18033539134151))",37209_5_14,5,14,123.999996 +"POLYGON ((7.291560995820718 53.18013350627962, 7.292715972614586 53.18013350627962, 7.292715972614586 53.17993162026755, 7.291560995820718 53.17993162026755, 7.291560995820718 53.18013350627962))",37209_5_15,5,15,119.0 +"POLYGON ((7.291560995820718 53.17952784539276, 7.292715972614586 53.17952784539276, 7.292715972614586 53.17932595653004, 7.291560995820718 53.17932595653004, 7.291560995820718 53.17952784539276))",37209_5_18,5,18,115.420139 +"POLYGON ((7.292715972614586 53.18094104082594, 7.293870949408454 53.18094104082594, 7.293870949408454 53.18073915861466, 7.292715972614586 53.18073915861466, 7.292715972614586 53.18094104082594))",37209_6_11,6,11,106.6829685 +"POLYGON ((7.292715972614586 53.18073915861466, 7.293870949408454 53.18073915861466, 7.293870949408454 53.18053727545319, 7.292715972614586 53.18053727545319, 7.292715972614586 53.18073915861466))",37209_6_12,6,12,98.66666866666667 +"POLYGON ((7.292715972614586 53.18053727545319, 7.293870949408454 53.18053727545319, 7.293870949408454 53.18033539134151, 7.292715972614586 53.18033539134151, 7.292715972614586 53.18053727545319))",37209_6_13,6,13,96.2019835 +"POLYGON ((7.292715972614586 53.18033539134151, 7.293870949408454 53.18033539134151, 7.293870949408454 53.18013350627962, 7.292715972614586 53.18013350627962, 7.292715972614586 53.18033539134151))",37209_6_14,6,14,118.0 +"POLYGON ((7.292715972614586 53.17993162026755, 7.293870949408454 53.17993162026755, 7.293870949408454 53.17972973330525, 7.292715972614586 53.17972973330525, 7.292715972614586 53.17993162026755))",37209_6_16,6,16,105.0 +"POLYGON ((7.292715972614586 53.17972973330525, 7.293870949408454 53.17972973330525, 7.293870949408454 53.17952784539276, 7.292715972614586 53.17952784539276, 7.292715972614586 53.17972973330525))",37209_6_17,6,17,99.107103 +"POLYGON ((7.285786111851378 53.17555719000742, 7.286941088645246 53.17555719000742, 7.286941088645246 53.17535528245686, 7.285786111851378 53.17535528245686, 7.285786111851378 53.17555719000742))",37210_0_11,0,11,100.5 +"POLYGON ((7.285786111851378 53.17353807174028, 7.286941088645246 53.17353807174028, 7.286941088645246 53.17333615468711, 7.285786111851378 53.17333615468711, 7.285786111851378 53.17353807174028))",37210_0_21,0,21,125.299164 +"POLYGON ((7.288096065439114 53.17495146450498, 7.289251042232982 53.17495146450498, 7.289251042232982 53.17474955410366, 7.288096065439114 53.17474955410366, 7.288096065439114 53.17495146450498))",37210_2_14,2,14,156.5 +"POLYGON ((7.289251042232982 53.17636481070722, 7.29040601902685 53.17636481070722, 7.29040601902685 53.17616290695764, 7.289251042232982 53.17616290695764, 7.289251042232982 53.17636481070722))",37210_3_7,3,7,150.5 +"POLYGON ((7.289251042232982 53.17515337395604, 7.29040601902685 53.17515337395604, 7.29040601902685 53.17495146450498, 7.289251042232982 53.17495146450498, 7.289251042232982 53.17515337395604))",37210_3_13,3,13,120.75 +"POLYGON ((7.29040601902685 53.17697051625453, 7.291560995820718 53.17697051625453, 7.291560995820718 53.17676861535566, 7.29040601902685 53.17676861535566, 7.29040601902685 53.17697051625453))",37210_4_4,4,4,169.33333333333334 +"POLYGON ((7.29040601902685 53.17596100225781, 7.291560995820718 53.17596100225781, 7.291560995820718 53.17575909660774, 7.29040601902685 53.17575909660774, 7.29040601902685 53.17596100225781))",37210_4_9,4,9,131.9867245 +"POLYGON ((7.29040601902685 53.17434573045024, 7.291560995820718 53.17434573045024, 7.291560995820718 53.17414381719815, 7.29040601902685 53.17414381719815, 7.29040601902685 53.17434573045024))",37210_4_17,4,17,133.13861166666666 +"POLYGON ((7.291560995820718 53.17676861535566, 7.292715972614586 53.17676861535566, 7.292715972614586 53.17656671350656, 7.291560995820718 53.17656671350656, 7.291560995820718 53.17676861535566))",37210_5_5,5,5,113.0 +"POLYGON ((7.291560995820718 53.17656671350656, 7.292715972614586 53.17656671350656, 7.292715972614586 53.17636481070722, 7.291560995820718 53.17636481070722, 7.291560995820718 53.17656671350656))",37210_5_6,5,6,128.66666666666666 +"POLYGON ((7.291560995820718 53.17575909660774, 7.292715972614586 53.17575909660774, 7.292715972614586 53.17555719000742, 7.291560995820718 53.17555719000742, 7.291560995820718 53.17575909660774))",37210_5_10,5,10,133.291738 +"POLYGON ((7.291560995820718 53.17535528245686, 7.292715972614586 53.17535528245686, 7.292715972614586 53.17515337395604, 7.291560995820718 53.17515337395604, 7.291560995820718 53.17535528245686))",37210_5_12,5,12,116.439732625 +"POLYGON ((7.291560995820718 53.17495146450498, 7.292715972614586 53.17495146450498, 7.292715972614586 53.17474955410366, 7.291560995820718 53.17474955410366, 7.291560995820718 53.17495146450498))",37210_5_14,5,14,131.64398675 +"POLYGON ((7.291560995820718 53.17474955410366, 7.292715972614586 53.17474955410366, 7.292715972614586 53.17454764275207, 7.291560995820718 53.17454764275207, 7.291560995820718 53.17474955410366))",37210_5_15,5,15,117.0 +"POLYGON ((7.291560995820718 53.17414381719815, 7.292715972614586 53.17414381719815, 7.292715972614586 53.17394190299579, 7.291560995820718 53.17394190299579, 7.291560995820718 53.17414381719815))",37210_5_18,5,18,111.84768324999999 +"POLYGON ((7.291560995820718 53.17333615468711, 7.292715972614586 53.17333615468711, 7.292715972614586 53.17313423668369, 7.291560995820718 53.17313423668369, 7.291560995820718 53.17333615468711))",37210_5_22,5,22,101.8000016 +"POLYGON ((7.292715972614586 53.17555719000742, 7.293870949408454 53.17555719000742, 7.293870949408454 53.17535528245686, 7.292715972614586 53.17535528245686, 7.292715972614586 53.17555719000742))",37210_6_11,6,11,105.40605925 +"POLYGON ((7.292715972614586 53.17535528245686, 7.293870949408454 53.17535528245686, 7.293870949408454 53.17515337395604, 7.292715972614586 53.17515337395604, 7.292715972614586 53.17535528245686))",37210_6_12,6,12,103.43730222222223 +"POLYGON ((7.292715972614586 53.17515337395604, 7.293870949408454 53.17515337395604, 7.293870949408454 53.17495146450498, 7.292715972614586 53.17495146450498, 7.292715972614586 53.17515337395604))",37210_6_13,6,13,99.3981034 +"POLYGON ((7.292715972614586 53.17495146450498, 7.293870949408454 53.17495146450498, 7.293870949408454 53.17474955410366, 7.292715972614586 53.17474955410366, 7.292715972614586 53.17495146450498))",37210_6_14,6,14,119.5 +"POLYGON ((7.292715972614586 53.17454764275207, 7.293870949408454 53.17454764275207, 7.293870949408454 53.17434573045024, 7.292715972614586 53.17434573045024, 7.292715972614586 53.17454764275207))",37210_6_16,6,16,103.75 +"POLYGON ((7.292715972614586 53.17434573045024, 7.293870949408454 53.17434573045024, 7.293870949408454 53.17414381719815, 7.292715972614586 53.17414381719815, 7.292715972614586 53.17434573045024))",37210_6_17,6,17,98.6000002 +"POLYGON ((7.285786111851378 53.17017266345672, 7.286941088645246 53.17017266345672, 7.286941088645246 53.16997073056547, 7.285786111851378 53.16997073056547, 7.285786111851378 53.17017266345672))",37211_0_11,0,11,117.33333333333333 +"POLYGON ((7.285786111851378 53.1681532917804, 7.286941088645246 53.1681532917804, 7.286941088645246 53.16795134938604, 7.285786111851378 53.16795134938604, 7.285786111851378 53.1681532917804))",37211_0_21,0,21,125.33815949999999 +"POLYGON ((7.288096065439114 53.16956686193206, 7.289251042232982 53.16956686193206, 7.289251042232982 53.16936492618991, 7.288096065439114 53.16936492618991, 7.288096065439114 53.16956686193206))",37211_2_14,2,14,144.0 +"POLYGON ((7.289251042232982 53.17098038551871, 7.29040601902685 53.17098038551871, 7.29040601902685 53.17077845642866, 7.289251042232982 53.17077845642866, 7.289251042232982 53.17098038551871))",37211_3_7,3,7,143.66666666666666 +"POLYGON ((7.289251042232982 53.16976879672393, 7.29040601902685 53.16976879672393, 7.29040601902685 53.16956686193206, 7.289251042232982 53.16956686193206, 7.289251042232982 53.16976879672393))",37211_3_13,3,13,124.0 +"POLYGON ((7.29040601902685 53.17158616708713, 7.291560995820718 53.17158616708713, 7.291560995820718 53.17138424084795, 7.29040601902685 53.17138424084795, 7.29040601902685 53.17158616708713))",37211_4_4,4,4,174.66666666666666 +"POLYGON ((7.29040601902685 53.17057652638831, 7.291560995820718 53.17057652638831, 7.291560995820718 53.17037459539767, 7.29040601902685 53.17037459539767, 7.29040601902685 53.17057652638831))",37211_4_9,4,9,104.65837275 +"POLYGON ((7.29040601902685 53.16896105185467, 7.291560995820718 53.16896105185467, 7.291560995820718 53.16875911326157, 7.29040601902685 53.16875911326157, 7.29040601902685 53.16896105185467))",37211_4_17,4,17,132.7500005 +"POLYGON ((7.291560995820718 53.17138424084795, 7.292715972614586 53.17138424084795, 7.292715972614586 53.17118231365848, 7.291560995820718 53.17118231365848, 7.291560995820718 53.17138424084795))",37211_5_5,5,5,127.0 +"POLYGON ((7.291560995820718 53.17118231365848, 7.292715972614586 53.17118231365848, 7.292715972614586 53.17098038551871, 7.291560995820718 53.17098038551871, 7.291560995820718 53.17118231365848))",37211_5_6,5,6,131.66666666666666 +"POLYGON ((7.291560995820718 53.17037459539767, 7.292715972614586 53.17037459539767, 7.292715972614586 53.17017266345672, 7.291560995820718 53.17017266345672, 7.291560995820718 53.17037459539767))",37211_5_10,5,10,131.50658133333332 +"POLYGON ((7.291560995820718 53.16997073056547, 7.292715972614586 53.16997073056547, 7.292715972614586 53.16976879672393, 7.291560995820718 53.16976879672393, 7.291560995820718 53.16997073056547))",37211_5_12,5,12,121.875001125 +"POLYGON ((7.291560995820718 53.16956686193206, 7.292715972614586 53.16956686193206, 7.292715972614586 53.16936492618991, 7.291560995820718 53.16936492618991, 7.291560995820718 53.16956686193206))",37211_5_14,5,14,135.66666533333333 +"POLYGON ((7.291560995820718 53.16936492618991, 7.292715972614586 53.16936492618991, 7.292715972614586 53.16916298949744, 7.291560995820718 53.16916298949744, 7.291560995820718 53.16936492618991))",37211_5_15,5,15,112.5 +"POLYGON ((7.291560995820718 53.16875911326157, 7.292715972614586 53.16875911326157, 7.292715972614586 53.16855717371816, 7.291560995820718 53.16855717371816, 7.291560995820718 53.16875911326157))",37211_5_18,5,18,116.999997 +"POLYGON ((7.291560995820718 53.16855717371816, 7.292715972614586 53.16855717371816, 7.292715972614586 53.16835523322444, 7.291560995820718 53.16835523322444, 7.291560995820718 53.16855717371816))",37211_5_19,5,19,125.00000133333333 +"POLYGON ((7.291560995820718 53.16795134938604, 7.292715972614586 53.16795134938604, 7.292715972614586 53.16774940604135, 7.291560995820718 53.16774940604135, 7.291560995820718 53.16795134938604))",37211_5_22,5,22,101.3262275 +"POLYGON ((7.292715972614586 53.17017266345672, 7.293870949408454 53.17017266345672, 7.293870949408454 53.16997073056547, 7.292715972614586 53.16997073056547, 7.292715972614586 53.17017266345672))",37211_6_11,6,11,112.46175966666667 +"POLYGON ((7.292715972614586 53.16997073056547, 7.293870949408454 53.16997073056547, 7.293870949408454 53.16976879672393, 7.292715972614586 53.16976879672393, 7.292715972614586 53.16997073056547))",37211_6_12,6,12,106.11151033333334 +"POLYGON ((7.292715972614586 53.16976879672393, 7.293870949408454 53.16976879672393, 7.293870949408454 53.16956686193206, 7.292715972614586 53.16956686193206, 7.292715972614586 53.16976879672393))",37211_6_13,6,13,114.20638675000001 +"POLYGON ((7.292715972614586 53.16956686193206, 7.293870949408454 53.16956686193206, 7.293870949408454 53.16936492618991, 7.292715972614586 53.16936492618991, 7.292715972614586 53.16956686193206))",37211_6_14,6,14,152.5 +"POLYGON ((7.292715972614586 53.16916298949744, 7.293870949408454 53.16916298949744, 7.293870949408454 53.16896105185467, 7.292715972614586 53.16896105185467, 7.292715972614586 53.16916298949744))",37211_6_16,6,16,109.0 +"POLYGON ((7.292715972614586 53.16896105185467, 7.293870949408454 53.16896105185467, 7.293870949408454 53.16875911326157, 7.292715972614586 53.16875911326157, 7.292715972614586 53.16896105185467))",37211_6_17,6,17,112.97996925 +"POLYGON ((7.291560995820718 53.16599919057918, 7.292715972614586 53.16599919057918, 7.292715972614586 53.16579723804794, 7.291560995820718 53.16579723804794, 7.291560995820718 53.16599919057918))",37212_5_5,5,5,130.0 +"POLYGON ((7.292715972614586 53.16478746113658, 7.293870949408454 53.16478746113658, 7.293870949408454 53.16458550290326, 7.292715972614586 53.16458550290326, 7.292715972614586 53.16478746113658))",37212_6_11,6,11,114.589427 +"POLYGON ((7.292715972614586 52.98128823473931, 7.293870949408454 52.98128823473931, 7.293870949408454 52.98108541404955, 7.292715972614586 52.98108541404955, 7.292715972614586 52.98128823473931))",37246_6_11,6,11,37.61538461538461 +"POLYGON ((7.292715972614586 52.92175333509639, 7.293870949408454 52.92175333509639, 7.293870949408454 52.92155023503589, 7.292715972614586 52.92155023503589, 7.292715972614586 52.92175333509639))",37257_6_11,6,11,87.25 +"POLYGON ((7.292715972614586 52.91633700744823, 7.293870949408454 52.91633700744823, 7.293870949408454 52.91613388198218, 7.292715972614586 52.91613388198218, 7.292715972614586 52.91633700744823))",37258_6_11,6,11,81.8 +"POLYGON ((7.292715972614586 52.91092000230167, 7.293870949408454 52.91092000230167, 7.293870949408454 52.91071685142875, 7.292715972614586 52.91071685142875, 7.292715972614586 52.91092000230167))",37259_6_11,6,11,63.0 +"POLYGON ((7.29040601902685 52.33897454992264, 7.291560995820718 52.33897454992264, 7.291560995820718 52.33876872676704, 7.29040601902685 52.33876872676704, 7.29040601902685 52.33897454992264))",37364_4_8,4,8,129.02544033333334 +"POLYGON ((7.29040601902685 52.33712210703465, 7.291560995820718 52.33712210703465, 7.291560995820718 52.33691627525712, 7.29040601902685 52.33691627525712, 7.29040601902685 52.33712210703465))",37364_4_17,4,17,119.33333333333333 +"POLYGON ((7.291560995820718 52.33794542456479, 7.292715972614586 52.33794542456479, 7.292715972614586 52.33773959661924, 7.291560995820718 52.33773959661924, 7.291560995820718 52.33794542456479))",37364_5_13,5,13,112.5000015 +"POLYGON ((7.291560995820718 52.33732793785418, 7.292715972614586 52.33732793785418, 7.292715972614586 52.33712210703465, 7.291560995820718 52.33712210703465, 7.291560995820718 52.33732793785418))",37364_5_16,5,16,179.0 +"POLYGON ((7.292715972614586 52.33753376771572, 7.293870949408454 52.33753376771572, 7.293870949408454 52.33732793785418, 7.292715972614586 52.33732793785418, 7.292715972614586 52.33753376771572))",37364_6_15,6,15,92.0 +"POLYGON ((7.292715972614586 52.33712210703465, 7.293870949408454 52.33712210703465, 7.293870949408454 52.33691627525712, 7.292715972614586 52.33691627525712, 7.292715972614586 52.33712210703465))",37364_6_17,6,17,105.5 +"POLYGON ((7.285786111851378 52.16767383412338, 7.286941088645246 52.16767383412338, 7.286941088645246 52.16746721458408, 7.285786111851378 52.16746721458408, 7.285786111851378 52.16767383412338))",37395_0_12,0,12,109.75 +"POLYGON ((7.285786111851378 52.16560759555408, 7.286941088645246 52.16560759555408, 7.286941088645246 52.16540096642, 7.285786111851378 52.16540096642, 7.285786111851378 52.16560759555408))",37395_0_22,0,22,97.247894 +"POLYGON ((7.286941088645246 52.16829368698448, 7.288096065439114 52.16829368698448, 7.288096065439114 52.16808707032359, 7.286941088645246 52.16808707032359, 7.286941088645246 52.16829368698448))",37395_1_9,1,9,108.5 +"POLYGON ((7.288096065439114 52.16746721458408, 7.289251042232982 52.16746721458408, 7.289251042232982 52.16726059408532, 7.288096065439114 52.16726059408532, 7.288096065439114 52.16746721458408))",37395_2_13,2,13,99.0 +"POLYGON ((7.289251042232982 52.16891353121045, 7.29040601902685 52.16891353121045, 7.29040601902685 52.16870691742793, 7.289251042232982 52.16870691742793, 7.289251042232982 52.16891353121045))",37395_3_6,3,6,110.33333333333333 +"POLYGON ((7.289251042232982 52.16767383412338, 7.29040601902685 52.16767383412338, 7.29040601902685 52.16746721458408, 7.289251042232982 52.16746721458408, 7.289251042232982 52.16767383412338))",37395_3_12,3,12,100.0 +"POLYGON ((7.289251042232982 52.16684735020936, 7.29040601902685 52.16684735020936, 7.29040601902685 52.16664072683218, 7.289251042232982 52.16664072683218, 7.289251042232982 52.16684735020936))",37395_3_16,3,16,96.25 +"POLYGON ((7.29040601902685 52.16932675589713, 7.291560995820718 52.16932675589713, 7.291560995820718 52.16912014403351, 7.29040601902685 52.16912014403351, 7.29040601902685 52.16932675589713))",37395_4_4,4,4,108.0 +"POLYGON ((7.29040601902685 52.16912014403351, 7.291560995820718 52.16912014403351, 7.291560995820718 52.16891353121045, 7.29040601902685 52.16891353121045, 7.29040601902685 52.16912014403351))",37395_4_5,4,5,127.0 +"POLYGON ((7.291560995820718 52.16932675589713, 7.292715972614586 52.16932675589713, 7.292715972614586 52.16912014403351, 7.291560995820718 52.16912014403351, 7.291560995820718 52.16932675589713))",37395_5_4,5,4,105.66666666666667 +"POLYGON ((7.291560995820718 52.16912014403351, 7.292715972614586 52.16912014403351, 7.292715972614586 52.16891353121045, 7.291560995820718 52.16891353121045, 7.291560995820718 52.16912014403351))",37395_5_5,5,5,134.0 +"POLYGON ((7.291560995820718 52.16891353121045, 7.292715972614586 52.16891353121045, 7.292715972614586 52.16870691742793, 7.291560995820718 52.16870691742793, 7.291560995820718 52.16891353121045))",37395_5_6,5,6,133.0 +"POLYGON ((7.291560995820718 52.16829368698448, 7.292715972614586 52.16829368698448, 7.292715972614586 52.16808707032359, 7.291560995820718 52.16808707032359, 7.291560995820718 52.16829368698448))",37395_5_9,5,9,101.0920758 +"POLYGON ((7.291560995820718 52.16808707032359, 7.292715972614586 52.16808707032359, 7.292715972614586 52.16788045270322, 7.291560995820718 52.16788045270322, 7.291560995820718 52.16808707032359))",37395_5_10,5,10,89.6000014 +"POLYGON ((7.291560995820718 52.16602085094375, 7.292715972614586 52.16602085094375, 7.292715972614586 52.16581422372865, 7.291560995820718 52.16581422372865, 7.291560995820718 52.16602085094375))",37395_5_20,5,20,105.1980008 +"POLYGON ((7.291560995820718 52.16540096642, 7.292715972614586 52.16540096642, 7.292715972614586 52.16519433632646, 7.291560995820718 52.16519433632646, 7.291560995820718 52.16540096642))",37395_5_23,5,23,97.7190145 +"POLYGON ((7.292715972614586 52.16829368698448, 7.293870949408454 52.16829368698448, 7.293870949408454 52.16808707032359, 7.292715972614586 52.16808707032359, 7.292715972614586 52.16829368698448))",37395_6_9,6,9,113.25 +"POLYGON ((7.292715972614586 52.16767383412338, 7.293870949408454 52.16767383412338, 7.293870949408454 52.16746721458408, 7.292715972614586 52.16746721458408, 7.292715972614586 52.16767383412338))",37395_6_12,6,12,103.25 +"POLYGON ((7.292715972614586 52.16746721458408, 7.293870949408454 52.16746721458408, 7.293870949408454 52.16726059408532, 7.292715972614586 52.16726059408532, 7.292715972614586 52.16746721458408))",37395_6_13,6,13,86.63101329999999 +"POLYGON ((7.292715972614586 52.16726059408532, 7.293870949408454 52.16726059408532, 7.293870949408454 52.16705397262707, 7.292715972614586 52.16705397262707, 7.292715972614586 52.16726059408532))",37395_6_14,6,14,101.35355175 +"POLYGON ((7.29040601902685 50.67781732668694, 7.291560995820718 50.67781732668694, 7.291560995820718 50.67760385939712, 7.29040601902685 50.67760385939712, 7.29040601902685 50.67781732668694))",37661_4_12,4,12,135.25 +"POLYGON ((7.294769264692574 53.50293728370982, 7.295924241486442 53.50293728370982, 7.295924241486442 53.50273692021866, 7.294769264692574 53.50273692021866, 7.294769264692574 53.50293728370982))",37824_0_10,0,10,95.0 +"POLYGON ((7.297079218280309 53.50213582406312, 7.298234195074178 53.50213582406312, 7.298234195074178 53.50193545678391, 7.297079218280309 53.50193545678391, 7.297079218280309 53.50213582406312))",37824_2_14,2,14,98.75 +"POLYGON ((7.299389171868046 53.50393908696073, 7.300544148661913 53.50393908696073, 7.300544148661913 53.50373872820454, 7.299389171868046 53.50373872820454, 7.299389171868046 53.50393908696073))",37824_4_5,4,5,96.0 +"POLYGON ((7.300544148661913 53.50393908696073, 7.301699125455782 53.50393908696073, 7.301699125455782 53.50373872820454, 7.300544148661913 53.50373872820454, 7.300544148661913 53.50393908696073))",37824_5_5,5,5,75.6 +"POLYGON ((7.301699125455782 53.50253655578047, 7.30285410224965 53.50253655578047, 7.30285410224965 53.50233619039529, 7.301699125455782 53.50233619039529, 7.301699125455782 53.50253655578047))",37824_6_12,6,12,97.24999925 +"POLYGON ((7.301699125455782 53.50233619039529, 7.30285410224965 53.50233619039529, 7.30285410224965 53.50213582406312, 7.301699125455782 53.50213582406312, 7.301699125455782 53.50233619039529))",37824_6_13,6,13,90.2 +"POLYGON ((7.294769264692574 53.49759393318755, 7.295924241486442 53.49759393318755, 7.295924241486442 53.4973935444423, 7.294769264692574 53.4973935444423, 7.294769264692574 53.49759393318755))",37825_0_10,0,10,83.66666666666667 +"POLYGON ((7.297079218280309 53.49679237252415, 7.298234195074178 53.49679237252415, 7.298234195074178 53.49659197999064, 7.297079218280309 53.49659197999064, 7.297079218280309 53.49679237252415))",37825_2_14,2,14,99.66666666666667 +"POLYGON ((7.299389171868046 53.49859586270811, 7.300544148661913 53.49859586270811, 7.300544148661913 53.49839547869809, 7.299389171868046 53.49839547869809, 7.299389171868046 53.49859586270811))",37825_4_5,4,5,93.75 +"POLYGON ((7.300544148661913 53.49859586270811, 7.301699125455782 53.49859586270811, 7.301699125455782 53.49839547869809, 7.300544148661913 53.49839547869809, 7.300544148661913 53.49859586270811))",37825_5_5,5,5,80.5 +"POLYGON ((7.301699125455782 53.49719315474997, 7.30285410224965 53.49719315474997, 7.30285410224965 53.49699276411059, 7.301699125455782 53.49699276411059, 7.301699125455782 53.49719315474997))",37825_6_12,6,12,98.0 +"POLYGON ((7.301699125455782 53.49699276411059, 7.30285410224965 53.49699276411059, 7.30285410224965 53.49679237252415, 7.301699125455782 53.49679237252415, 7.301699125455782 53.49699276411059))",37825_6_13,6,13,86.5 +"POLYGON ((7.294769264692574 53.46551968603129, 7.295924241486442 53.46551968603129, 7.295924241486442 53.46531914573126, 7.294769264692574 53.46531914573126, 7.294769264692574 53.46551968603129))",37831_0_10,0,10,97.5 +"POLYGON ((7.297079218280309 53.46471751914689, 7.298234195074178 53.46471751914689, 7.298234195074178 53.46451697505731, 7.297079218280309 53.46451697505731, 7.297079218280309 53.46471751914689))",37831_2_14,2,14,97.0 +"POLYGON ((7.299389171868046 53.46652237332081, 7.300544148661913 53.46652237332081, 7.300544148661913 53.46632183775766, 7.299389171868046 53.46632183775766, 7.299389171868046 53.46652237332081))",37831_4_5,4,5,88.4 +"POLYGON ((7.300544148661913 53.46652237332081, 7.301699125455782 53.46652237332081, 7.301699125455782 53.46632183775766, 7.300544148661913 53.46632183775766, 7.300544148661913 53.46652237332081))",37831_5_5,5,5,78.6 +"POLYGON ((7.301699125455782 53.46511860448386, 7.30285410224965 53.46511860448386, 7.30285410224965 53.46491806228907, 7.301699125455782 53.46491806228907, 7.301699125455782 53.46511860448386))",37831_6_12,6,12,96.2658824 +"POLYGON ((7.301699125455782 53.46491806228907, 7.30285410224965 53.46491806228907, 7.30285410224965 53.46471751914689, 7.301699125455782 53.46471751914689, 7.301699125455782 53.46491806228907))",37831_6_13,6,13,80.16666666666667 +"POLYGON ((7.294769264692574 53.36895039904608, 7.295924241486442 53.36895039904608, 7.295924241486442 53.36874940282392, 7.294769264692574 53.36874940282392, 7.294769264692574 53.36895039904608))",37849_0_11,0,11,131.66666666666666 +"POLYGON ((7.297079218280309 53.36834740753458, 7.298234195074178 53.36834740753458, 7.298234195074178 53.36814640846737, 7.297079218280309 53.36814640846737, 7.297079218280309 53.36834740753458))",37849_2_14,2,14,133.0 +"POLYGON ((7.298234195074178 53.36975437445126, 7.299389171868046 53.36975437445126, 7.299389171868046 53.36955338202248, 7.298234195074178 53.36955338202248, 7.298234195074178 53.36975437445126))",37849_3_7,3,7,141.0 +"POLYGON ((7.299389171868046 53.37015635646383, 7.300544148661913 53.37015635646383, 7.300544148661913 53.36995536593172, 7.299389171868046 53.36995536593172, 7.299389171868046 53.37015635646383))",37849_4_5,4,5,119.75 +"POLYGON ((7.299389171868046 53.36935238864535, 7.300544148661913 53.36935238864535, 7.300544148661913 53.36915139431988, 7.299389171868046 53.36915139431988, 7.299389171868046 53.36935238864535))",37849_4_9,4,9,122.0000005 +"POLYGON ((7.300544148661913 53.37015635646383, 7.301699125455782 53.37015635646383, 7.301699125455782 53.36995536593172, 7.300544148661913 53.36995536593172, 7.300544148661913 53.37015635646383))",37849_5_5,5,5,120.66666666666667 +"POLYGON ((7.300544148661913 53.36975437445126, 7.301699125455782 53.36975437445126, 7.301699125455782 53.36955338202248, 7.300544148661913 53.36955338202248, 7.300544148661913 53.36975437445126))",37849_5_7,5,7,127.66666666666667 +"POLYGON ((7.300544148661913 53.36895039904608, 7.301699125455782 53.36895039904608, 7.301699125455782 53.36874940282392, 7.300544148661913 53.36874940282392, 7.300544148661913 53.36895039904608))",37849_5_11,5,11,112.0451725 +"POLYGON ((7.300544148661913 53.36874940282392, 7.301699125455782 53.36874940282392, 7.301699125455782 53.36854840565343, 7.300544148661913 53.36854840565343, 7.300544148661913 53.36874940282392))",37849_5_12,5,12,97.7999996 +"POLYGON ((7.301699125455782 53.36874940282392, 7.30285410224965 53.36874940282392, 7.30285410224965 53.36854840565343, 7.301699125455782 53.36854840565343, 7.301699125455782 53.36874940282392))",37849_6_12,6,12,112.000001 +"POLYGON ((7.301699125455782 53.36834740753458, 7.30285410224965 53.36834740753458, 7.30285410224965 53.36814640846737, 7.301699125455782 53.36814640846737, 7.301699125455782 53.36834740753458))",37849_6_14,6,14,128.66666666666666 +"POLYGON ((7.294769264692574 53.19708853926117, 7.295924241486442 53.19708853926117, 7.295924241486442 53.19688673305935, 7.294769264692574 53.19688673305935, 7.294769264692574 53.19708853926117))",37881_0_11,0,11,170.0 +"POLYGON ((7.294769264692574 53.19507043449094, 7.295924241486442 53.19507043449094, 7.295924241486442 53.19486861878863, 7.294769264692574 53.19486861878863, 7.294769264692574 53.19507043449094))",37881_0_21,0,21,120.614711 +"POLYGON ((7.297079218280309 53.19648311780558, 7.298234195074178 53.19648311780558, 7.298234195074178 53.19628130875365, 7.297079218280309 53.19628130875365, 7.297079218280309 53.19648311780558))",37881_2_14,2,14,174.0 +"POLYGON ((7.298234195074178 53.19789575456808, 7.299389171868046 53.19789575456808, 7.299389171868046 53.1976939521664, 7.298234195074178 53.1976939521664, 7.298234195074178 53.19789575456808))",37881_3_7,3,7,186.0 +"POLYGON ((7.298234195074178 53.19668492590749, 7.299389171868046 53.19668492590749, 7.299389171868046 53.19648311780558, 7.298234195074178 53.19648311780558, 7.298234195074178 53.19668492590749))",37881_3_13,3,13,127.0 +"POLYGON ((7.299389171868046 53.19850115607291, 7.300544148661913 53.19850115607291, 7.300544148661913 53.19829935652132, 7.299389171868046 53.19829935652132, 7.299389171868046 53.19850115607291))",37881_4_4,4,4,206.0 +"POLYGON ((7.299389171868046 53.19749214881469, 7.300544148661913 53.19749214881469, 7.300544148661913 53.19729034451295, 7.299389171868046 53.19729034451295, 7.299389171868046 53.19749214881469))",37881_4_9,4,9,134.0000015 +"POLYGON ((7.299389171868046 53.19587768779962, 7.300544148661913 53.19587768779962, 7.300544148661913 53.19567587589753, 7.299389171868046 53.19567587589753, 7.299389171868046 53.19587768779962))",37881_4_17,4,17,133.500001 +"POLYGON ((7.300544148661913 53.19829935652132, 7.301699125455782 53.19829935652132, 7.301699125455782 53.19809755601972, 7.300544148661913 53.19809755601972, 7.300544148661913 53.19829935652132))",37881_5_5,5,5,124.0 +"POLYGON ((7.300544148661913 53.19809755601972, 7.301699125455782 53.19809755601972, 7.301699125455782 53.19789575456808, 7.300544148661913 53.19789575456808, 7.300544148661913 53.19809755601972))",37881_5_6,5,6,122.5 +"POLYGON ((7.300544148661913 53.19729034451295, 7.301699125455782 53.19729034451295, 7.301699125455782 53.19708853926117, 7.300544148661913 53.19708853926117, 7.300544148661913 53.19729034451295))",37881_5_10,5,10,130.80100900000002 +"POLYGON ((7.300544148661913 53.19688673305935, 7.301699125455782 53.19688673305935, 7.301699125455782 53.19668492590749, 7.300544148661913 53.19668492590749, 7.300544148661913 53.19688673305935))",37881_5_12,5,12,121.684369 +"POLYGON ((7.300544148661913 53.19648311780558, 7.301699125455782 53.19648311780558, 7.301699125455782 53.19628130875365, 7.300544148661913 53.19628130875365, 7.300544148661913 53.19648311780558))",37881_5_14,5,14,150.999999 +"POLYGON ((7.300544148661913 53.19628130875365, 7.301699125455782 53.19628130875365, 7.301699125455782 53.19607949875166, 7.300544148661913 53.19607949875166, 7.300544148661913 53.19628130875365))",37881_5_15,5,15,165.0 +"POLYGON ((7.300544148661913 53.19567587589753, 7.301699125455782 53.19567587589753, 7.301699125455782 53.19547406304538, 7.300544148661913 53.19547406304538, 7.300544148661913 53.19567587589753))",37881_5_18,5,18,119.666668 +"POLYGON ((7.300544148661913 53.19486861878863, 7.301699125455782 53.19486861878863, 7.301699125455782 53.19466680213625, 7.300544148661913 53.19466680213625, 7.300544148661913 53.19486861878863))",37881_5_22,5,22,113.33333266666666 +"POLYGON ((7.301699125455782 53.19708853926117, 7.30285410224965 53.19708853926117, 7.30285410224965 53.19688673305935, 7.301699125455782 53.19688673305935, 7.301699125455782 53.19708853926117))",37881_6_11,6,11,121.26310899999999 +"POLYGON ((7.301699125455782 53.19688673305935, 7.30285410224965 53.19688673305935, 7.30285410224965 53.19668492590749, 7.301699125455782 53.19668492590749, 7.301699125455782 53.19688673305935))",37881_6_12,6,12,115.4000004 +"POLYGON ((7.301699125455782 53.19668492590749, 7.30285410224965 53.19668492590749, 7.30285410224965 53.19648311780558, 7.301699125455782 53.19648311780558, 7.301699125455782 53.19668492590749))",37881_6_13,6,13,114.36918066666668 +"POLYGON ((7.301699125455782 53.19648311780558, 7.30285410224965 53.19648311780558, 7.30285410224965 53.19628130875365, 7.301699125455782 53.19628130875365, 7.301699125455782 53.19648311780558))",37881_6_14,6,14,171.0 +"POLYGON ((7.301699125455782 53.19607949875166, 7.30285410224965 53.19607949875166, 7.30285410224965 53.19587768779962, 7.301699125455782 53.19587768779962, 7.301699125455782 53.19607949875166))",37881_6_16,6,16,110.33333333333333 +"POLYGON ((7.301699125455782 53.19587768779962, 7.30285410224965 53.19587768779962, 7.30285410224965 53.19567587589753, 7.301699125455782 53.19567587589753, 7.301699125455782 53.19587768779962))",37881_6_17,6,17,120.404244 +"POLYGON ((7.294769264692574 53.19170671541551, 7.295924241486442 53.19170671541551, 7.295924241486442 53.19150488387861, 7.294769264692574 53.19150488387861, 7.294769264692574 53.19170671541551))",37882_0_11,0,11,166.33333333333334 +"POLYGON ((7.294769264692574 53.18968835729203, 7.295924241486442 53.18968835729203, 7.295924241486442 53.18948651625411, 7.294769264692574 53.18948651625411, 7.294769264692574 53.18968835729203))",37882_0_21,0,21,122.2500015 +"POLYGON ((7.297079218280309 53.19110121795452, 7.298234195074178 53.19110121795452, 7.298234195074178 53.19089938356732, 7.297079218280309 53.19089938356732, 7.297079218280309 53.19110121795452))",37882_2_14,2,14,166.0 +"POLYGON ((7.298234195074178 53.19251403206225, 7.299389171868046 53.19251403206225, 7.299389171868046 53.19231220432569, 7.298234195074178 53.19231220432569, 7.298234195074178 53.19251403206225))",37882_3_7,3,7,175.5 +"POLYGON ((7.298234195074178 53.19130305139161, 7.299389171868046 53.19130305139161, 7.299389171868046 53.19110121795452, 7.298234195074178 53.19110121795452, 7.298234195074178 53.19130305139161))",37882_3_13,3,13,127.33333333333333 +"POLYGON ((7.299389171868046 53.19311950957142, 7.300544148661913 53.19311950957142, 7.300544148661913 53.19291768468511, 7.299389171868046 53.19291768468511, 7.299389171868046 53.19311950957142))",37882_4_4,4,4,207.5 +"POLYGON ((7.299389171868046 53.19211037563906, 7.300544148661913 53.19211037563906, 7.300544148661913 53.19190854600233, 7.299389171868046 53.19190854600233, 7.299389171868046 53.19211037563906))",37882_4_9,4,9,137.83988866666667 +"POLYGON ((7.299389171868046 53.19049571194265, 7.300544148661913 53.19049571194265, 7.300544148661913 53.19029387470515, 7.299389171868046 53.19029387470515, 7.299389171868046 53.19049571194265))",37882_4_17,4,17,132.875831 +"POLYGON ((7.300544148661913 53.19291768468511, 7.301699125455782 53.19291768468511, 7.301699125455782 53.19271585884871, 7.300544148661913 53.19271585884871, 7.300544148661913 53.19291768468511))",37882_5_5,5,5,121.66666666666667 +"POLYGON ((7.300544148661913 53.19271585884871, 7.301699125455782 53.19271585884871, 7.301699125455782 53.19251403206225, 7.300544148661913 53.19251403206225, 7.300544148661913 53.19271585884871))",37882_5_6,5,6,123.33333333333333 +"POLYGON ((7.300544148661913 53.19190854600233, 7.301699125455782 53.19190854600233, 7.301699125455782 53.19170671541551, 7.300544148661913 53.19170671541551, 7.300544148661913 53.19190854600233))",37882_5_10,5,10,131.0 +"POLYGON ((7.300544148661913 53.19150488387861, 7.301699125455782 53.19150488387861, 7.301699125455782 53.19130305139161, 7.300544148661913 53.19130305139161, 7.300544148661913 53.19150488387861))",37882_5_12,5,12,121.99999971428572 +"POLYGON ((7.300544148661913 53.19110121795452, 7.301699125455782 53.19110121795452, 7.301699125455782 53.19089938356732, 7.300544148661913 53.19089938356732, 7.300544148661913 53.19110121795452))",37882_5_14,5,14,148.66666633333332 +"POLYGON ((7.300544148661913 53.19089938356732, 7.301699125455782 53.19089938356732, 7.301699125455782 53.19069754823003, 7.300544148661913 53.19069754823003, 7.300544148661913 53.19089938356732))",37882_5_15,5,15,165.5 +"POLYGON ((7.300544148661913 53.19029387470515, 7.301699125455782 53.19029387470515, 7.301699125455782 53.19009203651756, 7.300544148661913 53.19009203651756, 7.300544148661913 53.19029387470515))",37882_5_18,5,18,124.66666833333333 +"POLYGON ((7.300544148661913 53.18948651625411, 7.301699125455782 53.18948651625411, 7.301699125455782 53.18928467426607, 7.300544148661913 53.18928467426607, 7.300544148661913 53.18948651625411))",37882_5_22,5,22,112.9999985 +"POLYGON ((7.301699125455782 53.19170671541551, 7.30285410224965 53.19170671541551, 7.30285410224965 53.19150488387861, 7.301699125455782 53.19150488387861, 7.301699125455782 53.19170671541551))",37882_6_11,6,11,122.66666666666667 +"POLYGON ((7.301699125455782 53.19150488387861, 7.30285410224965 53.19150488387861, 7.30285410224965 53.19130305139161, 7.301699125455782 53.19130305139161, 7.301699125455782 53.19150488387861))",37882_6_12,6,12,112.582564375 +"POLYGON ((7.301699125455782 53.19130305139161, 7.30285410224965 53.19130305139161, 7.30285410224965 53.19110121795452, 7.301699125455782 53.19110121795452, 7.301699125455782 53.19130305139161))",37882_6_13,6,13,113.222556 +"POLYGON ((7.301699125455782 53.19110121795452, 7.30285410224965 53.19110121795452, 7.30285410224965 53.19089938356732, 7.301699125455782 53.19089938356732, 7.301699125455782 53.19110121795452))",37882_6_14,6,14,164.5 +"POLYGON ((7.301699125455782 53.19069754823003, 7.30285410224965 53.19069754823003, 7.30285410224965 53.19049571194265, 7.301699125455782 53.19049571194265, 7.301699125455782 53.19069754823003))",37882_6_16,6,16,103.5 +"POLYGON ((7.301699125455782 53.19049571194265, 7.30285410224965 53.19049571194265, 7.30285410224965 53.19029387470515, 7.301699125455782 53.19029387470515, 7.301699125455782 53.19049571194265))",37882_6_17,6,17,121.47537899999999 +"POLYGON ((7.294769264692574 53.18632421594955, 7.295924241486442 53.18632421594955, 7.295924241486442 53.18612235907614, 7.294769264692574 53.18612235907614, 7.294769264692574 53.18632421594955))",37883_0_11,0,11,141.5 +"POLYGON ((7.294769264692574 53.18430560445883, 7.295924241486442 53.18430560445883, 7.295924241486442 53.18410373808388, 7.294769264692574 53.18410373808388, 7.294769264692574 53.18430560445883))",37883_0_21,0,21,123.215694 +"POLYGON ((7.297079218280309 53.18571864247892, 7.298234195074178 53.18571864247892, 7.298234195074178 53.18551678275508, 7.297079218280309 53.18551678275508, 7.297079218280309 53.18571864247892))",37883_2_14,2,14,140.0 +"POLYGON ((7.298234195074178 53.1871316339417, 7.299389171868046 53.1871316339417, 7.299389171868046 53.18692978086887, 7.298234195074178 53.18692978086887, 7.298234195074178 53.1871316339417))",37883_3_7,3,7,185.5 +"POLYGON ((7.298234195074178 53.1859205012526, 7.299389171868046 53.1859205012526, 7.299389171868046 53.18571864247892, 7.298234195074178 53.18571864247892, 7.298234195074178 53.1859205012526))",37883_3_13,3,13,127.0 +"POLYGON ((7.299389171868046 53.18773718745939, 7.300544148661913 53.18773718745939, 7.300544148661913 53.18753533723695, 7.299389171868046 53.18753533723695, 7.299389171868046 53.18773718745939))",37883_4_4,4,4,204.0 +"POLYGON ((7.299389171868046 53.1867279268459, 7.300544148661913 53.1867279268459, 7.300544148661913 53.18652607187279, 7.299389171868046 53.18652607187279, 7.299389171868046 53.1867279268459))",37883_4_9,4,9,140.66666666666666 +"POLYGON ((7.299389171868046 53.18511306045696, 7.300544148661913 53.18511306045696, 7.300544148661913 53.18491119788266, 7.299389171868046 53.18491119788266, 7.299389171868046 53.18511306045696))",37883_4_17,4,17,133.53012033333334 +"POLYGON ((7.300544148661913 53.18753533723695, 7.301699125455782 53.18753533723695, 7.301699125455782 53.1873334860644, 7.300544148661913 53.1873334860644, 7.300544148661913 53.18753533723695))",37883_5_5,5,5,119.25 +"POLYGON ((7.300544148661913 53.1873334860644, 7.301699125455782 53.1873334860644, 7.301699125455782 53.1871316339417, 7.300544148661913 53.1871316339417, 7.300544148661913 53.1873334860644))",37883_5_6,5,6,136.0 +"POLYGON ((7.300544148661913 53.18652607187279, 7.301699125455782 53.18652607187279, 7.301699125455782 53.18632421594955, 7.300544148661913 53.18632421594955, 7.300544148661913 53.18652607187279))",37883_5_10,5,10,132.6818453333333 +"POLYGON ((7.300544148661913 53.18612235907614, 7.301699125455782 53.18612235907614, 7.301699125455782 53.1859205012526, 7.300544148661913 53.1859205012526, 7.300544148661913 53.18612235907614))",37883_5_12,5,12,122.41075228571428 +"POLYGON ((7.300544148661913 53.18571864247892, 7.301699125455782 53.18571864247892, 7.301699125455782 53.18551678275508, 7.300544148661913 53.18551678275508, 7.300544148661913 53.18571864247892))",37883_5_14,5,14,139.0 +"POLYGON ((7.300544148661913 53.18551678275508, 7.301699125455782 53.18551678275508, 7.301699125455782 53.1853149220811, 7.300544148661913 53.1853149220811, 7.300544148661913 53.18551678275508))",37883_5_15,5,15,152.33333333333334 +"POLYGON ((7.300544148661913 53.18491119788266, 7.301699125455782 53.18491119788266, 7.301699125455782 53.18470933435822, 7.300544148661913 53.18470933435822, 7.300544148661913 53.18491119788266))",37883_5_18,5,18,121.415385 +"POLYGON ((7.300544148661913 53.18410373808388, 7.301699125455782 53.18410373808388, 7.301699125455782 53.18390187075878, 7.300544148661913 53.18390187075878, 7.300544148661913 53.18410373808388))",37883_5_22,5,22,110.838397 +"POLYGON ((7.301699125455782 53.18632421594955, 7.30285410224965 53.18632421594955, 7.30285410224965 53.18612235907614, 7.301699125455782 53.18612235907614, 7.301699125455782 53.18632421594955))",37883_6_11,6,11,118.89971800000001 +"POLYGON ((7.301699125455782 53.18612235907614, 7.30285410224965 53.18612235907614, 7.30285410224965 53.1859205012526, 7.301699125455782 53.1859205012526, 7.301699125455782 53.18612235907614))",37883_6_12,6,12,113.13005175 +"POLYGON ((7.301699125455782 53.1859205012526, 7.30285410224965 53.1859205012526, 7.30285410224965 53.18571864247892, 7.301699125455782 53.18571864247892, 7.301699125455782 53.1859205012526))",37883_6_13,6,13,108.852725 +"POLYGON ((7.301699125455782 53.18571864247892, 7.30285410224965 53.18571864247892, 7.30285410224965 53.18551678275508, 7.301699125455782 53.18551678275508, 7.301699125455782 53.18571864247892))",37883_6_14,6,14,134.0 +"POLYGON ((7.301699125455782 53.1853149220811, 7.30285410224965 53.1853149220811, 7.30285410224965 53.18511306045696, 7.301699125455782 53.18511306045696, 7.301699125455782 53.1853149220811))",37883_6_16,6,16,109.5 +"POLYGON ((7.301699125455782 53.18511306045696, 7.30285410224965 53.18511306045696, 7.30285410224965 53.18491119788266, 7.301699125455782 53.18491119788266, 7.301699125455782 53.18511306045696))",37883_6_17,6,17,107.76334119999999 +"POLYGON ((7.294769264692574 53.18094104082594, 7.295924241486442 53.18094104082594, 7.295924241486442 53.18073915861466, 7.294769264692574 53.18073915861466, 7.294769264692574 53.18094104082594))",37884_0_11,0,11,113.5 +"POLYGON ((7.294769264692574 53.178922175954, 7.295924241486442 53.178922175954, 7.295924241486442 53.17872028424065, 7.294769264692574 53.17872028424065, 7.294769264692574 53.178922175954))",37884_0_21,0,21,124.910762 +"POLYGON ((7.297079218280309 53.18033539134151, 7.298234195074178 53.18033539134151, 7.298234195074178 53.18013350627962, 7.297079218280309 53.18013350627962, 7.297079218280309 53.18033539134151))",37884_2_14,2,14,142.0 +"POLYGON ((7.298234195074178 53.18174856016912, 7.299389171868046 53.18174856016912, 7.299389171868046 53.18154668175862, 7.298234195074178 53.18154668175862, 7.298234195074178 53.18174856016912))",37884_3_7,3,7,162.5 +"POLYGON ((7.298234195074178 53.18053727545319, 7.299389171868046 53.18053727545319, 7.299389171868046 53.18033539134151, 7.298234195074178 53.18033539134151, 7.298234195074178 53.18053727545319))",37884_3_13,3,13,121.66666666666667 +"POLYGON ((7.299389171868046 53.18235418969952, 7.300544148661913 53.18235418969952, 7.300544148661913 53.18215231413956, 7.299389171868046 53.18215231413956, 7.299389171868046 53.18235418969952))",37884_4_4,4,4,192.0 +"POLYGON ((7.299389171868046 53.18134480239792, 7.300544148661913 53.18134480239792, 7.300544148661913 53.18114292208703, 7.299389171868046 53.18114292208703, 7.299389171868046 53.18134480239792))",37884_4_9,4,9,141.56069150000002 +"POLYGON ((7.299389171868046 53.17972973330525, 7.300544148661913 53.17972973330525, 7.300544148661913 53.17952784539276, 7.299389171868046 53.17952784539276, 7.299389171868046 53.17972973330525))",37884_4_17,4,17,131.5503875 +"POLYGON ((7.300544148661913 53.18215231413956, 7.301699125455782 53.18215231413956, 7.301699125455782 53.18195043762945, 7.300544148661913 53.18195043762945, 7.300544148661913 53.18215231413956))",37884_5_5,5,5,117.0 +"POLYGON ((7.300544148661913 53.18195043762945, 7.301699125455782 53.18195043762945, 7.301699125455782 53.18174856016912, 7.300544148661913 53.18174856016912, 7.300544148661913 53.18195043762945))",37884_5_6,5,6,141.0 +"POLYGON ((7.300544148661913 53.18114292208703, 7.301699125455782 53.18114292208703, 7.301699125455782 53.18094104082594, 7.300544148661913 53.18094104082594, 7.300544148661913 53.18114292208703))",37884_5_10,5,10,128.55517799999998 +"POLYGON ((7.300544148661913 53.18073915861466, 7.301699125455782 53.18073915861466, 7.301699125455782 53.18053727545319, 7.300544148661913 53.18053727545319, 7.300544148661913 53.18073915861466))",37884_5_12,5,12,115.8544412 +"POLYGON ((7.300544148661913 53.18033539134151, 7.301699125455782 53.18033539134151, 7.301699125455782 53.18013350627962, 7.300544148661913 53.18013350627962, 7.300544148661913 53.18033539134151))",37884_5_14,5,14,122.333334 +"POLYGON ((7.300544148661913 53.18013350627962, 7.301699125455782 53.18013350627962, 7.301699125455782 53.17993162026755, 7.300544148661913 53.17993162026755, 7.300544148661913 53.18013350627962))",37884_5_15,5,15,126.0 +"POLYGON ((7.300544148661913 53.17952784539276, 7.301699125455782 53.17952784539276, 7.301699125455782 53.17932595653004, 7.300544148661913 53.17932595653004, 7.300544148661913 53.17952784539276))",37884_5_18,5,18,115.4999985 +"POLYGON ((7.300544148661913 53.17872028424065, 7.301699125455782 53.17872028424065, 7.301699125455782 53.17851839157709, 7.300544148661913 53.17851839157709, 7.300544148661913 53.17872028424065))",37884_5_22,5,22,103.86544159999998 +"POLYGON ((7.301699125455782 53.18094104082594, 7.30285410224965 53.18094104082594, 7.30285410224965 53.18073915861466, 7.301699125455782 53.18073915861466, 7.301699125455782 53.18094104082594))",37884_6_11,6,11,109.67391055555555 +"POLYGON ((7.301699125455782 53.18073915861466, 7.30285410224965 53.18073915861466, 7.30285410224965 53.18053727545319, 7.301699125455782 53.18053727545319, 7.301699125455782 53.18073915861466))",37884_6_12,6,12,104.09078799999999 +"POLYGON ((7.301699125455782 53.18053727545319, 7.30285410224965 53.18053727545319, 7.30285410224965 53.18033539134151, 7.301699125455782 53.18033539134151, 7.301699125455782 53.18053727545319))",37884_6_13,6,13,99.23150366666668 +"POLYGON ((7.301699125455782 53.18033539134151, 7.30285410224965 53.18033539134151, 7.30285410224965 53.18013350627962, 7.301699125455782 53.18013350627962, 7.301699125455782 53.18033539134151))",37884_6_14,6,14,124.0 +"POLYGON ((7.301699125455782 53.17993162026755, 7.30285410224965 53.17993162026755, 7.30285410224965 53.17972973330525, 7.301699125455782 53.17972973330525, 7.301699125455782 53.17993162026755))",37884_6_16,6,16,103.33333333333333 +"POLYGON ((7.301699125455782 53.17972973330525, 7.30285410224965 53.17972973330525, 7.30285410224965 53.17952784539276, 7.301699125455782 53.17952784539276, 7.301699125455782 53.17972973330525))",37884_6_17,6,17,98.06149900000001 +"POLYGON ((7.299389171868046 52.33897454992264, 7.300544148661913 52.33897454992264, 7.300544148661913 52.33876872676704, 7.299389171868046 52.33876872676704, 7.299389171868046 52.33897454992264))",38039_4_8,4,8,132.93553025 +"POLYGON ((7.299389171868046 52.33712210703465, 7.300544148661913 52.33712210703465, 7.300544148661913 52.33691627525712, 7.299389171868046 52.33691627525712, 7.299389171868046 52.33712210703465))",38039_4_17,4,17,119.33333333333333 +"POLYGON ((7.300544148661913 52.33794542456479, 7.301699125455782 52.33794542456479, 7.301699125455782 52.33773959661924, 7.300544148661913 52.33773959661924, 7.300544148661913 52.33794542456479))",38039_5_13,5,13,120.76190475 +"POLYGON ((7.300544148661913 52.33732793785418, 7.301699125455782 52.33732793785418, 7.301699125455782 52.33712210703465, 7.300544148661913 52.33712210703465, 7.300544148661913 52.33732793785418))",38039_5_16,5,16,177.0 +"POLYGON ((7.301699125455782 52.33753376771572, 7.30285410224965 52.33753376771572, 7.30285410224965 52.33732793785418, 7.301699125455782 52.33732793785418, 7.301699125455782 52.33753376771572))",38039_6_15,6,15,115.0 +"POLYGON ((7.301699125455782 52.33712210703465, 7.30285410224965 52.33712210703465, 7.30285410224965 52.33691627525712, 7.301699125455782 52.33691627525712, 7.301699125455782 52.33712210703465))",38039_6_17,6,17,143.0 +"POLYGON ((7.294769264692574 52.16767383412338, 7.295924241486442 52.16767383412338, 7.295924241486442 52.16746721458408, 7.294769264692574 52.16746721458408, 7.294769264692574 52.16767383412338))",38070_0_12,0,12,114.5 +"POLYGON ((7.294769264692574 52.16560759555408, 7.295924241486442 52.16560759555408, 7.295924241486442 52.16540096642, 7.294769264692574 52.16540096642, 7.294769264692574 52.16560759555408))",38070_0_22,0,22,100.25174899999999 +"POLYGON ((7.295924241486442 52.16829368698448, 7.297079218280309 52.16829368698448, 7.297079218280309 52.16808707032359, 7.295924241486442 52.16808707032359, 7.295924241486442 52.16829368698448))",38070_1_9,1,9,112.0 +"POLYGON ((7.297079218280309 52.16746721458408, 7.298234195074178 52.16746721458408, 7.298234195074178 52.16726059408532, 7.297079218280309 52.16726059408532, 7.297079218280309 52.16746721458408))",38070_2_13,2,13,77.5 +"POLYGON ((7.298234195074178 52.16891353121045, 7.299389171868046 52.16891353121045, 7.299389171868046 52.16870691742793, 7.298234195074178 52.16870691742793, 7.298234195074178 52.16891353121045))",38070_3_6,3,6,115.0 +"POLYGON ((7.298234195074178 52.16767383412338, 7.299389171868046 52.16767383412338, 7.299389171868046 52.16746721458408, 7.298234195074178 52.16746721458408, 7.298234195074178 52.16767383412338))",38070_3_12,3,12,97.4 +"POLYGON ((7.298234195074178 52.16684735020936, 7.299389171868046 52.16684735020936, 7.299389171868046 52.16664072683218, 7.298234195074178 52.16664072683218, 7.298234195074178 52.16684735020936))",38070_3_16,3,16,84.0 +"POLYGON ((7.299389171868046 52.16932675589713, 7.300544148661913 52.16932675589713, 7.300544148661913 52.16912014403351, 7.299389171868046 52.16912014403351, 7.299389171868046 52.16932675589713))",38070_4_4,4,4,110.25 +"POLYGON ((7.299389171868046 52.16912014403351, 7.300544148661913 52.16912014403351, 7.300544148661913 52.16891353121045, 7.299389171868046 52.16891353121045, 7.299389171868046 52.16912014403351))",38070_4_5,4,5,132.33333333333334 +"POLYGON ((7.300544148661913 52.16932675589713, 7.301699125455782 52.16932675589713, 7.301699125455782 52.16912014403351, 7.300544148661913 52.16912014403351, 7.300544148661913 52.16932675589713))",38070_5_4,5,4,109.5 +"POLYGON ((7.300544148661913 52.16912014403351, 7.301699125455782 52.16912014403351, 7.301699125455782 52.16891353121045, 7.300544148661913 52.16891353121045, 7.300544148661913 52.16912014403351))",38070_5_5,5,5,118.0 +"POLYGON ((7.300544148661913 52.16829368698448, 7.301699125455782 52.16829368698448, 7.301699125455782 52.16808707032359, 7.300544148661913 52.16808707032359, 7.300544148661913 52.16829368698448))",38070_5_9,5,9,104.5999998 +"POLYGON ((7.300544148661913 52.16808707032359, 7.301699125455782 52.16808707032359, 7.301699125455782 52.16788045270322, 7.300544148661913 52.16788045270322, 7.300544148661913 52.16808707032359))",38070_5_10,5,10,91.16873866666667 +"POLYGON ((7.300544148661913 52.16602085094375, 7.301699125455782 52.16602085094375, 7.301699125455782 52.16581422372865, 7.300544148661913 52.16581422372865, 7.300544148661913 52.16602085094375))",38070_5_20,5,20,104.50000025 +"POLYGON ((7.300544148661913 52.16540096642, 7.301699125455782 52.16540096642, 7.301699125455782 52.16519433632646, 7.300544148661913 52.16519433632646, 7.300544148661913 52.16540096642))",38070_5_23,5,23,98.16419016666667 +"POLYGON ((7.301699125455782 52.16829368698448, 7.30285410224965 52.16829368698448, 7.30285410224965 52.16808707032359, 7.301699125455782 52.16808707032359, 7.301699125455782 52.16829368698448))",38070_6_9,6,9,117.3202555 +"POLYGON ((7.301699125455782 52.16767383412338, 7.30285410224965 52.16767383412338, 7.30285410224965 52.16746721458408, 7.301699125455782 52.16746721458408, 7.301699125455782 52.16767383412338))",38070_6_12,6,12,105.0 +"POLYGON ((7.301699125455782 52.16746721458408, 7.30285410224965 52.16746721458408, 7.30285410224965 52.16726059408532, 7.301699125455782 52.16726059408532, 7.301699125455782 52.16746721458408))",38070_6_13,6,13,92.1093547 +"POLYGON ((7.301699125455782 52.16726059408532, 7.30285410224965 52.16726059408532, 7.30285410224965 52.16705397262707, 7.301699125455782 52.16705397262707, 7.301699125455782 52.16726059408532))",38070_6_14,6,14,99.90249572727272 +"POLYGON ((7.299389171868046 50.67212453335184, 7.300544148661913 50.67212453335184, 7.300544148661913 50.6719110401704, 7.299389171868046 50.6719110401704, 7.299389171868046 50.67212453335184))",38337_4_12,4,12,113.5 +"POLYGON ((7.303752417533768 53.49759393318755, 7.304907394327637 53.49759393318755, 7.304907394327637 53.4973935444423, 7.303752417533768 53.4973935444423, 7.303752417533768 53.49759393318755))",38500_0_10,0,10,82.0 +"POLYGON ((7.306062371121504 53.49679237252415, 7.307217347915373 53.49679237252415, 7.307217347915373 53.49659197999064, 7.306062371121504 53.49659197999064, 7.306062371121504 53.49679237252415))",38500_2_14,2,14,99.0 +"POLYGON ((7.30837232470924 53.49859586270811, 7.30952730150311 53.49859586270811, 7.30952730150311 53.49839547869809, 7.30837232470924 53.49839547869809, 7.30837232470924 53.49859586270811))",38500_4_5,4,5,95.0 +"POLYGON ((7.30952730150311 53.49859586270811, 7.310682278296976 53.49859586270811, 7.310682278296976 53.49839547869809, 7.30952730150311 53.49839547869809, 7.30952730150311 53.49859586270811))",38500_5_5,5,5,77.0 +"POLYGON ((7.310682278296976 53.49719315474997, 7.311837255090844 53.49719315474997, 7.311837255090844 53.49699276411059, 7.310682278296976 53.49699276411059, 7.310682278296976 53.49719315474997))",38500_6_12,6,12,98.999999 +"POLYGON ((7.310682278296976 53.49699276411059, 7.311837255090844 53.49699276411059, 7.311837255090844 53.49679237252415, 7.310682278296976 53.49679237252415, 7.310682278296976 53.49699276411059))",38500_6_13,6,13,88.0 +"POLYGON ((7.303752417533768 53.49224990920434, 7.304907394327637 53.49224990920434, 7.304907394327637 53.49204949520355, 7.303752417533768 53.49204949520355, 7.303752417533768 53.49224990920434))",38501_0_10,0,10,85.0 +"POLYGON ((7.306062371121504 53.49144824751848, 7.307217347915373 53.49144824751848, 7.307217347915373 53.49124782972923, 7.306062371121504 53.49124782972923, 7.306062371121504 53.49144824751848))",38501_2_14,2,14,96.4 +"POLYGON ((7.30837232470924 53.49325196500174, 7.30952730150311 53.49325196500174, 7.30952730150311 53.49305155573647, 7.30837232470924 53.49305155573647, 7.30837232470924 53.49325196500174))",38501_4_5,4,5,91.4 +"POLYGON ((7.30952730150311 53.49325196500174, 7.310682278296976 53.49325196500174, 7.310682278296976 53.49305155573647, 7.30952730150311 53.49305155573647, 7.30952730150311 53.49325196500174))",38501_5_5,5,5,79.5 +"POLYGON ((7.310682278296976 53.49184908025564, 7.311837255090844 53.49184908025564, 7.311837255090844 53.49164866436062, 7.310682278296976 53.49164866436062, 7.310682278296976 53.49184908025564))",38501_6_12,6,12,98.80000179999999 +"POLYGON ((7.310682278296976 53.49164866436062, 7.311837255090844 53.49164866436062, 7.311837255090844 53.49144824751848, 7.310682278296976 53.49144824751848, 7.310682278296976 53.49164866436062))",38501_6_13,6,13,83.8 +"POLYGON ((7.303752417533768 53.4869052117218, 7.304907394327637 53.4869052117218, 7.304907394327637 53.48670477246403, 7.303752417533768 53.48670477246403, 7.303752417533768 53.4869052117218))",38502_0_10,0,10,72.5 +"POLYGON ((7.306062371121504 53.48610344900773, 7.307217347915373 53.48610344900773, 7.307217347915373 53.4859030059613, 7.306062371121504 53.4859030059613, 7.306062371121504 53.48610344900773))",38502_2_14,2,14,70.0 +"POLYGON ((7.30837232470924 53.48790739380325, 7.30952730150311 53.48790739380325, 7.30952730150311 53.48770695928127, 7.30837232470924 53.48770695928127, 7.30837232470924 53.48790739380325))",38502_4_5,4,5,75.5 +"POLYGON ((7.30952730150311 53.48790739380325, 7.310682278296976 53.48790739380325, 7.310682278296976 53.48770695928127, 7.30952730150311 53.48770695928127, 7.30952730150311 53.48790739380325))",38502_5_5,5,5,73.0 +"POLYGON ((7.310682278296976 53.48650433225909, 7.311837255090844 53.48650433225909, 7.311837255090844 53.48630389110701, 7.310682278296976 53.48630389110701, 7.310682278296976 53.48650433225909))",38502_6_12,6,12,81.66666533333334 +"POLYGON ((7.310682278296976 53.48630389110701, 7.311837255090844 53.48630389110701, 7.311837255090844 53.48610344900773, 7.310682278296976 53.48610344900773, 7.310682278296976 53.48630389110701))",38502_6_13,6,13,68.0 +"POLYGON ((7.303752417533768 53.47086707789463, 7.304907394327637 53.47086707789463, 7.304907394327637 53.47066656285732, 7.303752417533768 53.47066656285732, 7.303752417533768 53.47086707789463))",38505_0_10,0,10,89.0 +"POLYGON ((7.306062371121504 53.47006501206143, 7.307217347915373 53.47006501206143, 7.307217347915373 53.46986449323479, 7.306062371121504 53.46986449323479, 7.306062371121504 53.47006501206143))",38505_2_14,2,14,73.66666666666667 +"POLYGON ((7.30837232470924 53.47186963887136, 7.30952730150311 53.47186963887136, 7.30952730150311 53.47166912857066, 7.30837232470924 53.47166912857066, 7.30837232470924 53.47186963887136))",38505_4_5,4,5,85.0 +"POLYGON ((7.30952730150311 53.47186963887136, 7.310682278296976 53.47186963887136, 7.310682278296976 53.47166912857066, 7.30952730150311 53.47166912857066, 7.30952730150311 53.47186963887136))",38505_5_5,5,5,66.66666666666667 +"POLYGON ((7.310682278296976 53.47046604687269, 7.311837255090844 53.47046604687269, 7.311837255090844 53.47026552994071, 7.310682278296976 53.47026552994071, 7.310682278296976 53.47046604687269))",38505_6_12,6,12,78.66273866666667 +"POLYGON ((7.310682278296976 53.47026552994071, 7.311837255090844 53.47026552994071, 7.311837255090844 53.47006501206143, 7.310682278296976 53.47006501206143, 7.310682278296976 53.47026552994071))",38505_6_13,6,13,74.66666666666667 +"POLYGON ((7.303752417533768 53.46551968603129, 7.304907394327637 53.46551968603129, 7.304907394327637 53.46531914573126, 7.303752417533768 53.46531914573126, 7.303752417533768 53.46551968603129))",38506_0_10,0,10,95.0 +"POLYGON ((7.306062371121504 53.46471751914689, 7.307217347915373 53.46471751914689, 7.307217347915373 53.46451697505731, 7.306062371121504 53.46451697505731, 7.306062371121504 53.46471751914689))",38506_2_14,2,14,90.5 +"POLYGON ((7.30837232470924 53.46652237332081, 7.30952730150311 53.46652237332081, 7.30952730150311 53.46632183775766, 7.30837232470924 53.46632183775766, 7.30837232470924 53.46652237332081))",38506_4_5,4,5,88.66666666666667 +"POLYGON ((7.30952730150311 53.46652237332081, 7.310682278296976 53.46652237332081, 7.310682278296976 53.46632183775766, 7.30952730150311 53.46632183775766, 7.30952730150311 53.46652237332081))",38506_5_5,5,5,76.0 +"POLYGON ((7.310682278296976 53.46511860448386, 7.311837255090844 53.46511860448386, 7.311837255090844 53.46491806228907, 7.310682278296976 53.46491806228907, 7.310682278296976 53.46511860448386))",38506_6_12,6,12,89.333333 +"POLYGON ((7.310682278296976 53.46491806228907, 7.311837255090844 53.46491806228907, 7.311837255090844 53.46471751914689, 7.310682278296976 53.46471751914689, 7.310682278296976 53.46491806228907))",38506_6_13,6,13,83.66666666666667 +"POLYGON ((7.303752417533768 53.36895039904608, 7.304907394327637 53.36895039904608, 7.304907394327637 53.36874940282392, 7.303752417533768 53.36874940282392, 7.303752417533768 53.36895039904608))",38524_0_11,0,11,132.33333333333334 +"POLYGON ((7.306062371121504 53.36834740753458, 7.307217347915373 53.36834740753458, 7.307217347915373 53.36814640846737, 7.306062371121504 53.36814640846737, 7.306062371121504 53.36834740753458))",38524_2_14,2,14,131.33333333333334 +"POLYGON ((7.307217347915373 53.36975437445126, 7.30837232470924 53.36975437445126, 7.30837232470924 53.36955338202248, 7.307217347915373 53.36955338202248, 7.307217347915373 53.36975437445126))",38524_3_7,3,7,132.33333333333334 +"POLYGON ((7.30837232470924 53.37015635646383, 7.30952730150311 53.37015635646383, 7.30952730150311 53.36995536593172, 7.30837232470924 53.36995536593172, 7.30837232470924 53.37015635646383))",38524_4_5,4,5,138.0 +"POLYGON ((7.30837232470924 53.36935238864535, 7.30952730150311 53.36935238864535, 7.30952730150311 53.36915139431988, 7.30837232470924 53.36915139431988, 7.30837232470924 53.36935238864535))",38524_4_9,4,9,120.47514425 +"POLYGON ((7.30952730150311 53.37015635646383, 7.310682278296976 53.37015635646383, 7.310682278296976 53.36995536593172, 7.30952730150311 53.36995536593172, 7.30952730150311 53.37015635646383))",38524_5_5,5,5,128.66666666666666 +"POLYGON ((7.30952730150311 53.36975437445126, 7.310682278296976 53.36975437445126, 7.310682278296976 53.36955338202248, 7.30952730150311 53.36955338202248, 7.30952730150311 53.36975437445126))",38524_5_7,5,7,135.66666666666666 +"POLYGON ((7.30952730150311 53.36895039904608, 7.310682278296976 53.36895039904608, 7.310682278296976 53.36874940282392, 7.30952730150311 53.36874940282392, 7.30952730150311 53.36895039904608))",38524_5_11,5,11,110.68476799999999 +"POLYGON ((7.30952730150311 53.36874940282392, 7.310682278296976 53.36874940282392, 7.310682278296976 53.36854840565343, 7.30952730150311 53.36854840565343, 7.30952730150311 53.36874940282392))",38524_5_12,5,12,98.3513286 +"POLYGON ((7.310682278296976 53.36874940282392, 7.311837255090844 53.36874940282392, 7.311837255090844 53.36854840565343, 7.310682278296976 53.36854840565343, 7.310682278296976 53.36874940282392))",38524_6_12,6,12,108.8 +"POLYGON ((7.310682278296976 53.36834740753458, 7.311837255090844 53.36834740753458, 7.311837255090844 53.36814640846737, 7.310682278296976 53.36814640846737, 7.310682278296976 53.36834740753458))",38524_6_14,6,14,129.0 +"POLYGON ((7.310682278296976 53.36814640846737, 7.311837255090844 53.36814640846737, 7.311837255090844 53.36794540845182, 7.310682278296976 53.36794540845182, 7.310682278296976 53.36814640846737))",38524_6_15,6,15,120.66666666666667 +"POLYGON ((7.303752417533768 53.20785016024085, 7.304907394327637 53.20785016024085, 7.304907394327637 53.207648404705, 7.303752417533768 53.207648404705, 7.303752417533768 53.20785016024085))",38554_0_11,0,11,162.5 +"POLYGON ((7.303752417533768 53.2058325621351, 7.304907394327637 53.2058325621351, 7.304907394327637 53.20563079709981, 7.303752417533768 53.20563079709981, 7.303752417533768 53.2058325621351))",38554_0_21,0,21,113.00000166666666 +"POLYGON ((7.306062371121504 53.20724489078351, 7.307217347915373 53.20724489078351, 7.307217347915373 53.20704313239786, 7.306062371121504 53.20704313239786, 7.306062371121504 53.20724489078351))",38554_2_14,2,14,136.5 +"POLYGON ((7.307217347915373 53.2086571728849, 7.30837232470924 53.2086571728849, 7.30837232470924 53.20845542114878, 7.307217347915373 53.20845542114878, 7.307217347915373 53.2086571728849))",38554_3_7,3,7,192.0 +"POLYGON ((7.307217347915373 53.20744664821923, 7.30837232470924 53.20744664821923, 7.30837232470924 53.20724489078351, 7.307217347915373 53.20724489078351, 7.307217347915373 53.20744664821923))",38554_3_13,3,13,126.0 +"POLYGON ((7.30837232470924 53.20926242239371, 7.30952730150311 53.20926242239371, 7.30952730150311 53.20906067350735, 7.30837232470924 53.20906067350735, 7.30837232470924 53.20926242239371))",38554_4_4,4,4,184.5 +"POLYGON ((7.30837232470924 53.20825366846274, 7.30952730150311 53.20825366846274, 7.30952730150311 53.20805191482675, 7.30837232470924 53.20805191482675, 7.30837232470924 53.20825366846274))",38554_4_9,4,9,143.5 +"POLYGON ((7.30837232470924 53.20663961277673, 7.30952730150311 53.20663961277673, 7.30952730150311 53.20643785154125, 7.30837232470924 53.20643785154125, 7.30837232470924 53.20663961277673))",38554_4_17,4,17,126.999998 +"POLYGON ((7.30952730150311 53.20906067350735, 7.310682278296976 53.20906067350735, 7.310682278296976 53.20885892367109, 7.30952730150311 53.20885892367109, 7.30952730150311 53.20906067350735))",38554_5_5,5,5,124.0 +"POLYGON ((7.30952730150311 53.20885892367109, 7.310682278296976 53.20885892367109, 7.310682278296976 53.2086571728849, 7.30952730150311 53.2086571728849, 7.30952730150311 53.20885892367109))",38554_5_6,5,6,130.66666666666666 +"POLYGON ((7.30952730150311 53.20805191482675, 7.310682278296976 53.20805191482675, 7.310682278296976 53.20785016024085, 7.30952730150311 53.20785016024085, 7.30952730150311 53.20805191482675))",38554_5_10,5,10,128.591997 +"POLYGON ((7.30952730150311 53.207648404705, 7.310682278296976 53.207648404705, 7.310682278296976 53.20744664821923, 7.30952730150311 53.20744664821923, 7.30952730150311 53.207648404705))",38554_5_12,5,12,114.14272799999999 +"POLYGON ((7.30952730150311 53.20724489078351, 7.310682278296976 53.20724489078351, 7.310682278296976 53.20704313239786, 7.30952730150311 53.20704313239786, 7.30952730150311 53.20724489078351))",38554_5_14,5,14,145.5000015 +"POLYGON ((7.30952730150311 53.20704313239786, 7.310682278296976 53.20704313239786, 7.310682278296976 53.20684137306227, 7.30952730150311 53.20684137306227, 7.30952730150311 53.20704313239786))",38554_5_15,5,15,154.0 +"POLYGON ((7.30952730150311 53.20643785154125, 7.310682278296976 53.20643785154125, 7.310682278296976 53.20623608935581, 7.30952730150311 53.20623608935581, 7.30952730150311 53.20643785154125))",38554_5_18,5,18,119.83448033333333 +"POLYGON ((7.30952730150311 53.20563079709981, 7.310682278296976 53.20563079709981, 7.310682278296976 53.20542903111458, 7.30952730150311 53.20542903111458, 7.30952730150311 53.20563079709981))",38554_5_22,5,22,112.59423666666667 +"POLYGON ((7.310682278296976 53.20785016024085, 7.311837255090844 53.20785016024085, 7.311837255090844 53.207648404705, 7.310682278296976 53.207648404705, 7.310682278296976 53.20785016024085))",38554_6_11,6,11,115.57142857142857 +"POLYGON ((7.310682278296976 53.207648404705, 7.311837255090844 53.207648404705, 7.311837255090844 53.20744664821923, 7.310682278296976 53.20744664821923, 7.310682278296976 53.207648404705))",38554_6_12,6,12,113.523288 +"POLYGON ((7.310682278296976 53.20744664821923, 7.311837255090844 53.20744664821923, 7.311837255090844 53.20724489078351, 7.310682278296976 53.20724489078351, 7.310682278296976 53.20744664821923))",38554_6_13,6,13,99.86172775 +"POLYGON ((7.310682278296976 53.20724489078351, 7.311837255090844 53.20724489078351, 7.311837255090844 53.20704313239786, 7.310682278296976 53.20704313239786, 7.310682278296976 53.20724489078351))",38554_6_14,6,14,165.5 +"POLYGON ((7.310682278296976 53.20684137306227, 7.311837255090844 53.20684137306227, 7.311837255090844 53.20663961277673, 7.310682278296976 53.20663961277673, 7.310682278296976 53.20684137306227))",38554_6_16,6,16,96.25 +"POLYGON ((7.310682278296976 53.20663961277673, 7.311837255090844 53.20663961277673, 7.311837255090844 53.20643785154125, 7.310682278296976 53.20643785154125, 7.310682278296976 53.20663961277673))",38554_6_17,6,17,114.60672900000002 +"POLYGON ((7.303752417533768 53.20246968752383, 7.304907394327637 53.20246968752383, 7.304907394327637 53.2022679066557, 7.303752417533768 53.2022679066557, 7.303752417533768 53.20246968752383))",38555_0_11,0,11,167.0 +"POLYGON ((7.303752417533768 53.20045183609284, 7.304907394327637 53.20045183609284, 7.304907394327637 53.20025004572475, 7.303752417533768 53.20025004572475, 7.303752417533768 53.20045183609284))",38555_0_21,0,21,111.99999875 +"POLYGON ((7.306062371121504 53.20186434206947, 7.307217347915373 53.20186434206947, 7.307217347915373 53.20166255835138, 7.306062371121504 53.20166255835138, 7.306062371121504 53.20186434206947))",38555_2_14,2,14,178.0 +"POLYGON ((7.307217347915373 53.20327680149651, 7.30837232470924 53.20327680149651, 7.30837232470924 53.20307502442831, 7.307217347915373 53.20307502442831, 7.307217347915373 53.20327680149651))",38555_3_7,3,7,201.0 +"POLYGON ((7.307217347915373 53.20206612483759, 7.30837232470924 53.20206612483759, 7.30837232470924 53.20186434206947, 7.307217347915373 53.20186434206947, 7.307217347915373 53.20206612483759))",38555_3_13,3,13,124.25 +"POLYGON ((7.30837232470924 53.20388212700123, 7.30952730150311 53.20388212700123, 7.30952730150311 53.20368035278297, 7.30837232470924 53.20368035278297, 7.30837232470924 53.20388212700123))",38555_4_4,4,4,165.0 +"POLYGON ((7.30837232470924 53.20287324641014, 7.30952730150311 53.20287324641014, 7.30952730150311 53.20267146744197, 7.30837232470924 53.20267146744197, 7.30837232470924 53.20287324641014))",38555_4_9,4,9,140.33333333333334 +"POLYGON ((7.30837232470924 53.2012589880652, 7.30952730150311 53.2012589880652, 7.30952730150311 53.20105720149711, 7.30837232470924 53.20105720149711, 7.30837232470924 53.2012589880652))",38555_4_17,4,17,133.7500015 +"POLYGON ((7.30952730150311 53.20368035278297, 7.310682278296976 53.20368035278297, 7.310682278296976 53.20347857761472, 7.30952730150311 53.20347857761472, 7.30952730150311 53.20368035278297))",38555_5_5,5,5,126.66666666666667 +"POLYGON ((7.30952730150311 53.20347857761472, 7.310682278296976 53.20347857761472, 7.310682278296976 53.20327680149651, 7.30952730150311 53.20327680149651, 7.30952730150311 53.20347857761472))",38555_5_6,5,6,132.0 +"POLYGON ((7.30952730150311 53.20267146744197, 7.310682278296976 53.20267146744197, 7.310682278296976 53.20246968752383, 7.30952730150311 53.20246968752383, 7.30952730150311 53.20267146744197))",38555_5_10,5,10,130.35386975 +"POLYGON ((7.30952730150311 53.2022679066557, 7.310682278296976 53.2022679066557, 7.310682278296976 53.20206612483759, 7.30952730150311 53.20206612483759, 7.30952730150311 53.2022679066557))",38555_5_12,5,12,114.40636457142857 +"POLYGON ((7.30952730150311 53.20186434206947, 7.310682278296976 53.20186434206947, 7.310682278296976 53.20166255835138, 7.30952730150311 53.20166255835138, 7.30952730150311 53.20186434206947))",38555_5_14,5,14,141.7500005 +"POLYGON ((7.30952730150311 53.20166255835138, 7.310682278296976 53.20166255835138, 7.310682278296976 53.20146077368329, 7.30952730150311 53.20146077368329, 7.30952730150311 53.20166255835138))",38555_5_15,5,15,164.33333333333334 +"POLYGON ((7.30952730150311 53.20105720149711, 7.310682278296976 53.20105720149711, 7.310682278296976 53.20085541397902, 7.30952730150311 53.20085541397902, 7.30952730150311 53.20105720149711))",38555_5_18,5,18,117.8381165 +"POLYGON ((7.30952730150311 53.20025004572475, 7.310682278296976 53.20025004572475, 7.310682278296976 53.20004825440664, 7.30952730150311 53.20004825440664, 7.30952730150311 53.20025004572475))",38555_5_22,5,22,111.3957225 +"POLYGON ((7.310682278296976 53.20246968752383, 7.311837255090844 53.20246968752383, 7.311837255090844 53.2022679066557, 7.310682278296976 53.2022679066557, 7.310682278296976 53.20246968752383))",38555_6_11,6,11,120.14145023076922 +"POLYGON ((7.310682278296976 53.2022679066557, 7.311837255090844 53.2022679066557, 7.311837255090844 53.20206612483759, 7.310682278296976 53.20206612483759, 7.310682278296976 53.2022679066557))",38555_6_12,6,12,116.07912822222222 +"POLYGON ((7.310682278296976 53.20206612483759, 7.311837255090844 53.20206612483759, 7.311837255090844 53.20186434206947, 7.310682278296976 53.20186434206947, 7.310682278296976 53.20206612483759))",38555_6_13,6,13,104.906129 +"POLYGON ((7.310682278296976 53.20186434206947, 7.311837255090844 53.20186434206947, 7.311837255090844 53.20166255835138, 7.310682278296976 53.20166255835138, 7.310682278296976 53.20186434206947))",38555_6_14,6,14,172.0 +"POLYGON ((7.310682278296976 53.20146077368329, 7.311837255090844 53.20146077368329, 7.311837255090844 53.2012589880652, 7.310682278296976 53.2012589880652, 7.310682278296976 53.20146077368329))",38555_6_16,6,16,107.75 +"POLYGON ((7.310682278296976 53.2012589880652, 7.311837255090844 53.2012589880652, 7.311837255090844 53.20105720149711, 7.310682278296976 53.20105720149711, 7.310682278296976 53.2012589880652))",38555_6_17,6,17,129.98584475 +"POLYGON ((7.303752417533768 53.19708853926117, 7.304907394327637 53.19708853926117, 7.304907394327637 53.19688673305935, 7.303752417533768 53.19688673305935, 7.303752417533768 53.19708853926117))",38556_0_11,0,11,171.0 +"POLYGON ((7.303752417533768 53.19507043449094, 7.304907394327637 53.19507043449094, 7.304907394327637 53.19486861878863, 7.303752417533768 53.19486861878863, 7.303752417533768 53.19507043449094))",38556_0_21,0,21,115.464548 +"POLYGON ((7.306062371121504 53.19648311780558, 7.307217347915373 53.19648311780558, 7.307217347915373 53.19628130875365, 7.306062371121504 53.19628130875365, 7.306062371121504 53.19648311780558))",38556_2_14,2,14,179.0 +"POLYGON ((7.307217347915373 53.19789575456808, 7.30837232470924 53.19789575456808, 7.30837232470924 53.1976939521664, 7.307217347915373 53.1976939521664, 7.307217347915373 53.19789575456808))",38556_3_7,3,7,197.0 +"POLYGON ((7.307217347915373 53.19668492590749, 7.30837232470924 53.19668492590749, 7.30837232470924 53.19648311780558, 7.307217347915373 53.19648311780558, 7.307217347915373 53.19668492590749))",38556_3_13,3,13,127.0 +"POLYGON ((7.30837232470924 53.19850115607291, 7.30952730150311 53.19850115607291, 7.30952730150311 53.19829935652132, 7.30837232470924 53.19829935652132, 7.30837232470924 53.19850115607291))",38556_4_4,4,4,185.0 +"POLYGON ((7.30837232470924 53.19749214881469, 7.30952730150311 53.19749214881469, 7.30952730150311 53.19729034451295, 7.30837232470924 53.19729034451295, 7.30837232470924 53.19749214881469))",38556_4_9,4,9,137.4999985 +"POLYGON ((7.30837232470924 53.19587768779962, 7.30952730150311 53.19587768779962, 7.30952730150311 53.19567587589753, 7.30837232470924 53.19567587589753, 7.30837232470924 53.19587768779962))",38556_4_17,4,17,135.0 +"POLYGON ((7.30952730150311 53.19829935652132, 7.310682278296976 53.19829935652132, 7.310682278296976 53.19809755601972, 7.30952730150311 53.19809755601972, 7.30952730150311 53.19829935652132))",38556_5_5,5,5,125.0 +"POLYGON ((7.30952730150311 53.19809755601972, 7.310682278296976 53.19809755601972, 7.310682278296976 53.19789575456808, 7.30952730150311 53.19789575456808, 7.30952730150311 53.19809755601972))",38556_5_6,5,6,123.0 +"POLYGON ((7.30952730150311 53.19729034451295, 7.310682278296976 53.19729034451295, 7.310682278296976 53.19708853926117, 7.30952730150311 53.19708853926117, 7.30952730150311 53.19729034451295))",38556_5_10,5,10,136.873582 +"POLYGON ((7.30952730150311 53.19688673305935, 7.310682278296976 53.19688673305935, 7.310682278296976 53.19668492590749, 7.30952730150311 53.19668492590749, 7.30952730150311 53.19688673305935))",38556_5_12,5,12,120.999998 +"POLYGON ((7.30952730150311 53.19648311780558, 7.310682278296976 53.19648311780558, 7.310682278296976 53.19628130875365, 7.30952730150311 53.19628130875365, 7.30952730150311 53.19648311780558))",38556_5_14,5,14,149.999997 +"POLYGON ((7.30952730150311 53.19567587589753, 7.310682278296976 53.19567587589753, 7.310682278296976 53.19547406304538, 7.30952730150311 53.19547406304538, 7.30952730150311 53.19567587589753))",38556_5_18,5,18,120.000004 +"POLYGON ((7.30952730150311 53.19486861878863, 7.310682278296976 53.19486861878863, 7.310682278296976 53.19466680213625, 7.30952730150311 53.19466680213625, 7.30952730150311 53.19486861878863))",38556_5_22,5,22,113.000003 +"POLYGON ((7.310682278296976 53.19708853926117, 7.311837255090844 53.19708853926117, 7.311837255090844 53.19688673305935, 7.310682278296976 53.19688673305935, 7.310682278296976 53.19708853926117))",38556_6_11,6,11,121.427325 +"POLYGON ((7.310682278296976 53.19688673305935, 7.311837255090844 53.19688673305935, 7.311837255090844 53.19668492590749, 7.310682278296976 53.19668492590749, 7.310682278296976 53.19688673305935))",38556_6_12,6,12,115.5000015 +"POLYGON ((7.310682278296976 53.19668492590749, 7.311837255090844 53.19668492590749, 7.311837255090844 53.19648311780558, 7.310682278296976 53.19648311780558, 7.310682278296976 53.19668492590749))",38556_6_13,6,13,114.0 +"POLYGON ((7.310682278296976 53.19648311780558, 7.311837255090844 53.19648311780558, 7.311837255090844 53.19628130875365, 7.310682278296976 53.19628130875365, 7.310682278296976 53.19648311780558))",38556_6_14,6,14,174.0 +"POLYGON ((7.310682278296976 53.19587768779962, 7.311837255090844 53.19587768779962, 7.311837255090844 53.19567587589753, 7.310682278296976 53.19567587589753, 7.310682278296976 53.19587768779962))",38556_6_17,6,17,128.0 +"POLYGON ((7.30837232470924 52.33897454992264, 7.30952730150311 52.33897454992264, 7.30952730150311 52.33876872676704, 7.30837232470924 52.33876872676704, 7.30837232470924 52.33897454992264))",38714_4_8,4,8,135.53316233333334 +"POLYGON ((7.30837232470924 52.33712210703465, 7.30952730150311 52.33712210703465, 7.30952730150311 52.33691627525712, 7.30837232470924 52.33691627525712, 7.30837232470924 52.33712210703465))",38714_4_17,4,17,109.25 +"POLYGON ((7.30952730150311 52.33794542456479, 7.310682278296976 52.33794542456479, 7.310682278296976 52.33773959661924, 7.30952730150311 52.33773959661924, 7.30952730150311 52.33794542456479))",38714_5_13,5,13,132.66666933333332 +"POLYGON ((7.30952730150311 52.33732793785418, 7.310682278296976 52.33732793785418, 7.310682278296976 52.33712210703465, 7.30952730150311 52.33712210703465, 7.30952730150311 52.33732793785418))",38714_5_16,5,16,170.0 +"POLYGON ((7.310682278296976 52.33753376771572, 7.311837255090844 52.33753376771572, 7.311837255090844 52.33732793785418, 7.310682278296976 52.33732793785418, 7.310682278296976 52.33753376771572))",38714_6_15,6,15,161.66666666666666 +"POLYGON ((7.310682278296976 52.33712210703465, 7.311837255090844 52.33712210703465, 7.311837255090844 52.33691627525712, 7.310682278296976 52.33691627525712, 7.310682278296976 52.33712210703465))",38714_6_17,6,17,158.33333333333334 +"POLYGON ((7.303752417533768 52.16767383412338, 7.304907394327637 52.16767383412338, 7.304907394327637 52.16746721458408, 7.303752417533768 52.16746721458408, 7.303752417533768 52.16767383412338))",38745_0_12,0,12,92.0 +"POLYGON ((7.303752417533768 52.16560759555408, 7.304907394327637 52.16560759555408, 7.304907394327637 52.16540096642, 7.303752417533768 52.16540096642, 7.303752417533768 52.16560759555408))",38745_0_22,0,22,100.9999985 +"POLYGON ((7.304907394327637 52.16829368698448, 7.306062371121504 52.16829368698448, 7.306062371121504 52.16808707032359, 7.304907394327637 52.16808707032359, 7.304907394327637 52.16829368698448))",38745_1_9,1,9,113.0 +"POLYGON ((7.306062371121504 52.16746721458408, 7.307217347915373 52.16746721458408, 7.307217347915373 52.16726059408532, 7.306062371121504 52.16726059408532, 7.306062371121504 52.16746721458408))",38745_2_13,2,13,105.5 +"POLYGON ((7.307217347915373 52.16891353121045, 7.30837232470924 52.16891353121045, 7.30837232470924 52.16870691742793, 7.307217347915373 52.16870691742793, 7.307217347915373 52.16891353121045))",38745_3_6,3,6,118.0 +"POLYGON ((7.307217347915373 52.16767383412338, 7.30837232470924 52.16767383412338, 7.30837232470924 52.16746721458408, 7.307217347915373 52.16746721458408, 7.307217347915373 52.16767383412338))",38745_3_12,3,12,97.0 +"POLYGON ((7.307217347915373 52.16684735020936, 7.30837232470924 52.16684735020936, 7.30837232470924 52.16664072683218, 7.307217347915373 52.16664072683218, 7.307217347915373 52.16684735020936))",38745_3_16,3,16,85.0 +"POLYGON ((7.30837232470924 52.16932675589713, 7.30952730150311 52.16932675589713, 7.30952730150311 52.16912014403351, 7.30837232470924 52.16912014403351, 7.30837232470924 52.16932675589713))",38745_4_4,4,4,110.5 +"POLYGON ((7.30837232470924 52.16912014403351, 7.30952730150311 52.16912014403351, 7.30952730150311 52.16891353121045, 7.30837232470924 52.16891353121045, 7.30837232470924 52.16912014403351))",38745_4_5,4,5,133.0 +"POLYGON ((7.30952730150311 52.16932675589713, 7.310682278296976 52.16932675589713, 7.310682278296976 52.16912014403351, 7.30952730150311 52.16912014403351, 7.30952730150311 52.16932675589713))",38745_5_4,5,4,107.5 +"POLYGON ((7.30952730150311 52.16912014403351, 7.310682278296976 52.16912014403351, 7.310682278296976 52.16891353121045, 7.30952730150311 52.16891353121045, 7.30952730150311 52.16912014403351))",38745_5_5,5,5,118.0 +"POLYGON ((7.30952730150311 52.16829368698448, 7.310682278296976 52.16829368698448, 7.310682278296976 52.16808707032359, 7.30952730150311 52.16808707032359, 7.30952730150311 52.16829368698448))",38745_5_9,5,9,98.195964 +"POLYGON ((7.30952730150311 52.16808707032359, 7.310682278296976 52.16808707032359, 7.310682278296976 52.16788045270322, 7.30952730150311 52.16788045270322, 7.30952730150311 52.16808707032359))",38745_5_10,5,10,89.75428266666665 +"POLYGON ((7.30952730150311 52.16602085094375, 7.310682278296976 52.16602085094375, 7.310682278296976 52.16581422372865, 7.30952730150311 52.16581422372865, 7.30952730150311 52.16602085094375))",38745_5_20,5,20,102.4999985 +"POLYGON ((7.30952730150311 52.16540096642, 7.310682278296976 52.16540096642, 7.310682278296976 52.16519433632646, 7.30952730150311 52.16519433632646, 7.30952730150311 52.16540096642))",38745_5_23,5,23,99.6993335 +"POLYGON ((7.310682278296976 52.16829368698448, 7.311837255090844 52.16829368698448, 7.311837255090844 52.16808707032359, 7.310682278296976 52.16808707032359, 7.310682278296976 52.16829368698448))",38745_6_9,6,9,115.9999985 +"POLYGON ((7.310682278296976 52.16767383412338, 7.311837255090844 52.16767383412338, 7.311837255090844 52.16746721458408, 7.310682278296976 52.16746721458408, 7.310682278296976 52.16767383412338))",38745_6_12,6,12,103.0 +"POLYGON ((7.310682278296976 52.16746721458408, 7.311837255090844 52.16746721458408, 7.311837255090844 52.16726059408532, 7.310682278296976 52.16726059408532, 7.310682278296976 52.16746721458408))",38745_6_13,6,13,102.75 +"POLYGON ((7.310682278296976 52.16726059408532, 7.311837255090844 52.16726059408532, 7.311837255090844 52.16705397262707, 7.310682278296976 52.16705397262707, 7.310682278296976 52.16726059408532))",38745_6_14,6,14,98.499999 +"POLYGON ((7.303752417533768 52.16216365138559, 7.304907394327637 52.16216365138559, 7.304907394327637 52.16195700625985, 7.303752417533768 52.16195700625985, 7.303752417533768 52.16216365138559))",38746_0_12,0,12,71.0 +"POLYGON ((7.303752417533768 52.16009715694983, 7.304907394327637 52.16009715694983, 7.304907394327637 52.15989050222887, 7.303752417533768 52.15989050222887, 7.303752417533768 52.16009715694983))",38746_0_22,0,22,102.05564066666666 +"POLYGON ((7.304907394327637 52.16278358100572, 7.306062371121504 52.16278358100572, 7.306062371121504 52.16257693875852, 7.304907394327637 52.16257693875852, 7.304907394327637 52.16278358100572))",38746_1_9,1,9,114.5 +"POLYGON ((7.306062371121504 52.16195700625985, 7.307217347915373 52.16195700625985, 7.307217347915373 52.16175036017461, 7.306062371121504 52.16175036017461, 7.306062371121504 52.16195700625985))",38746_2_13,2,13,103.0 +"POLYGON ((7.307217347915373 52.16340350199026, 7.30837232470924 52.16340350199026, 7.30837232470924 52.16319686262158, 7.307217347915373 52.16319686262158, 7.307217347915373 52.16340350199026))",38746_3_6,3,6,118.5 +"POLYGON ((7.307217347915373 52.16216365138559, 7.30837232470924 52.16216365138559, 7.30837232470924 52.16195700625985, 7.307217347915373 52.16195700625985, 7.307217347915373 52.16216365138559))",38746_3_12,3,12,95.5 +"POLYGON ((7.307217347915373 52.16133706512556, 7.30837232470924 52.16133706512556, 7.30837232470924 52.16113041616175, 7.307217347915373 52.16113041616175, 7.307217347915373 52.16133706512556))",38746_3_16,3,16,94.33333333333333 +"POLYGON ((7.30837232470924 52.16381677784911, 7.30952730150311 52.16381677784911, 7.30952730150311 52.16361014039943, 7.30837232470924 52.16361014039943, 7.30837232470924 52.16381677784911))",38746_4_4,4,4,110.0 +"POLYGON ((7.30837232470924 52.16361014039943, 7.30952730150311 52.16361014039943, 7.30952730150311 52.16340350199026, 7.30837232470924 52.16340350199026, 7.30837232470924 52.16361014039943))",38746_4_5,4,5,127.0 +"POLYGON ((7.30952730150311 52.16381677784911, 7.310682278296976 52.16381677784911, 7.310682278296976 52.16361014039943, 7.30952730150311 52.16361014039943, 7.30952730150311 52.16381677784911))",38746_5_4,5,4,106.5 +"POLYGON ((7.30952730150311 52.16361014039943, 7.310682278296976 52.16361014039943, 7.310682278296976 52.16340350199026, 7.30952730150311 52.16340350199026, 7.30952730150311 52.16361014039943))",38746_5_5,5,5,115.5 +"POLYGON ((7.30952730150311 52.16278358100572, 7.310682278296976 52.16278358100572, 7.310682278296976 52.16257693875852, 7.30952730150311 52.16257693875852, 7.30952730150311 52.16278358100572))",38746_5_9,5,9,94.66666766666667 +"POLYGON ((7.30952730150311 52.16257693875852, 7.310682278296976 52.16257693875852, 7.310682278296976 52.1623702955518, 7.30952730150311 52.1623702955518, 7.30952730150311 52.16257693875852))",38746_5_10,5,10,88.09434766666668 +"POLYGON ((7.30952730150311 52.16051046351318, 7.310682278296976 52.16051046351318, 7.310682278296976 52.16030381071128, 7.30952730150311 52.16030381071128, 7.30952730150311 52.16051046351318))",38746_5_20,5,20,107.33333566666666 +"POLYGON ((7.30952730150311 52.15989050222887, 7.310682278296976 52.15989050222887, 7.310682278296976 52.15968384654837, 7.30952730150311 52.15968384654837, 7.30952730150311 52.15989050222887))",38746_5_23,5,23,104.74948333333333 +"POLYGON ((7.310682278296976 52.16278358100572, 7.311837255090844 52.16278358100572, 7.311837255090844 52.16257693875852, 7.310682278296976 52.16257693875852, 7.310682278296976 52.16278358100572))",38746_6_9,6,9,115.17905466666667 +"POLYGON ((7.310682278296976 52.16216365138559, 7.311837255090844 52.16216365138559, 7.311837255090844 52.16195700625985, 7.310682278296976 52.16195700625985, 7.310682278296976 52.16216365138559))",38746_6_12,6,12,97.66666666666667 +"POLYGON ((7.310682278296976 52.16195700625985, 7.311837255090844 52.16195700625985, 7.311837255090844 52.16175036017461, 7.310682278296976 52.16175036017461, 7.310682278296976 52.16195700625985))",38746_6_13,6,13,103.707282 +"POLYGON ((7.310682278296976 52.16175036017461, 7.311837255090844 52.16175036017461, 7.311837255090844 52.16154371312984, 7.310682278296976 52.16154371312984, 7.310682278296976 52.16175036017461))",38746_6_14,6,14,94.97841966666665 +"POLYGON ((7.30837232470924 50.67212453335184, 7.30952730150311 50.67212453335184, 7.30952730150311 50.6719110401704, 7.30837232470924 50.6719110401704, 7.30837232470924 50.67212453335184))",39012_4_12,4,12,118.0 +"POLYGON ((7.30837232470924 50.66643104956047, 7.30952730150311 50.66643104956047, 7.30952730150311 50.66621753048639, 7.30837232470924 50.66621753048639, 7.30837232470924 50.66643104956047))",39013_4_12,4,12,129.66666666666666 +"POLYGON ((7.312735570374964 53.4869052117218, 7.313890547168832 53.4869052117218, 7.313890547168832 53.48670477246403, 7.312735570374964 53.48670477246403, 7.312735570374964 53.4869052117218))",39177_0_10,0,10,72.66666666666667 +"POLYGON ((7.315045523962699 53.48610344900773, 7.316200500756568 53.48610344900773, 7.316200500756568 53.4859030059613, 7.315045523962699 53.4859030059613, 7.315045523962699 53.48610344900773))",39177_2_14,2,14,70.25 +"POLYGON ((7.317355477550436 53.48790739380325, 7.318510454344303 53.48790739380325, 7.318510454344303 53.48770695928127, 7.317355477550436 53.48770695928127, 7.317355477550436 53.48790739380325))",39177_4_5,4,5,77.0 +"POLYGON ((7.318510454344303 53.48790739380325, 7.319665431138172 53.48790739380325, 7.319665431138172 53.48770695928127, 7.318510454344303 53.48770695928127, 7.318510454344303 53.48790739380325))",39177_5_5,5,5,87.33333333333333 +"POLYGON ((7.319665431138172 53.48650433225909, 7.32082040793204 53.48650433225909, 7.32082040793204 53.48630389110701, 7.319665431138172 53.48630389110701, 7.319665431138172 53.48650433225909))",39177_6_12,6,12,79.33333266666666 +"POLYGON ((7.319665431138172 53.48630389110701, 7.32082040793204 53.48630389110701, 7.32082040793204 53.48610344900773, 7.319665431138172 53.48610344900773, 7.319665431138172 53.48630389110701))",39177_6_13,6,13,75.5 +"POLYGON ((7.312735570374964 53.48155984070156, 7.313890547168832 53.48155984070156, 7.313890547168832 53.48135937618538, 7.312735570374964 53.48135937618538, 7.312735570374964 53.48155984070156))",39178_0_10,0,10,75.0 +"POLYGON ((7.315045523962699 53.48075797695353, 7.316200500756568 53.48075797695353, 7.316200500756568 53.48055750864847, 7.315045523962699 53.48055750864847, 7.315045523962699 53.48075797695353))",39178_2_14,2,14,89.0 +"POLYGON ((7.317355477550436 53.48256214907425, 7.318510454344303 53.48256214907425, 7.318510454344303 53.48236168929413, 7.317355477550436 53.48236168929413, 7.317355477550436 53.48256214907425))",39178_4_5,4,5,85.8 +"POLYGON ((7.318510454344303 53.48256214907425, 7.319665431138172 53.48256214907425, 7.319665431138172 53.48236168929413, 7.318510454344303 53.48236168929413, 7.318510454344303 53.48256214907425))",39178_5_5,5,5,85.8 +"POLYGON ((7.319665431138172 53.48115891072199, 7.32082040793204 53.48115891072199, 7.32082040793204 53.48095844431138, 7.319665431138172 53.48095844431138, 7.319665431138172 53.48115891072199))",39178_6_12,6,12,83.000001 +"POLYGON ((7.319665431138172 53.48095844431138, 7.32082040793204 53.48095844431138, 7.32082040793204 53.48075797695353, 7.319665431138172 53.48075797695353, 7.319665431138172 53.48095844431138))",39178_6_13,6,13,75.16666666666667 +"POLYGON ((7.312735570374964 53.47621379610528, 7.313890547168832 53.47621379610528, 7.313890547168832 53.47601330632925, 7.312735570374964 53.47601330632925, 7.312735570374964 53.47621379610528))",39179_0_10,0,10,52.0 +"POLYGON ((7.315045523962699 53.47541183131754, 7.316200500756568 53.47541183131754, 7.316200500756568 53.47521133775241, 7.315045523962699 53.47521133775241, 7.315045523962699 53.47541183131754))",39179_2_14,2,14,56.0 +"POLYGON ((7.317355477550436 53.4772162307764, 7.318510454344303 53.4772162307764, 7.318510454344303 53.4770157457367, 7.317355477550436 53.4770157457367, 7.317355477550436 53.4772162307764))",39179_4_5,4,5,61.0 +"POLYGON ((7.318510454344303 53.4772162307764, 7.319665431138172 53.4772162307764, 7.319665431138172 53.4770157457367, 7.318510454344303 53.4770157457367, 7.318510454344303 53.4772162307764))",39179_5_5,5,5,58.0 +"POLYGON ((7.319665431138172 53.47581281560596, 7.32082040793204 53.47581281560596, 7.32082040793204 53.47561232393538, 7.319665431138172 53.47561232393538, 7.319665431138172 53.47581281560596))",39179_6_12,6,12,70.7388725 +"POLYGON ((7.319665431138172 53.47561232393538, 7.32082040793204 53.47561232393538, 7.32082040793204 53.47541183131754, 7.319665431138172 53.47541183131754, 7.319665431138172 53.47561232393538))",39179_6_13,6,13,66.0 +"POLYGON ((7.312735570374964 53.47086707789463, 7.313890547168832 53.47086707789463, 7.313890547168832 53.47066656285732, 7.312735570374964 53.47066656285732, 7.312735570374964 53.47086707789463))",39180_0_10,0,10,56.285714285714285 +"POLYGON ((7.315045523962699 53.47006501206143, 7.316200500756568 53.47006501206143, 7.316200500756568 53.46986449323479, 7.315045523962699 53.46986449323479, 7.315045523962699 53.47006501206143))",39180_2_14,2,14,52.42857142857143 +"POLYGON ((7.317355477550436 53.47186963887136, 7.318510454344303 53.47186963887136, 7.318510454344303 53.47166912857066, 7.317355477550436 53.47166912857066, 7.317355477550436 53.47186963887136))",39180_4_5,4,5,54.25 +"POLYGON ((7.318510454344303 53.47186963887136, 7.319665431138172 53.47186963887136, 7.319665431138172 53.47166912857066, 7.318510454344303 53.47166912857066, 7.318510454344303 53.47186963887136))",39180_5_5,5,5,52.285714285714285 +"POLYGON ((7.319665431138172 53.47046604687269, 7.32082040793204 53.47046604687269, 7.32082040793204 53.47026552994071, 7.319665431138172 53.47026552994071, 7.319665431138172 53.47046604687269))",39180_6_12,6,12,66.77350971428572 +"POLYGON ((7.319665431138172 53.47026552994071, 7.32082040793204 53.47026552994071, 7.32082040793204 53.47006501206143, 7.319665431138172 53.47006501206143, 7.319665431138172 53.47026552994071))",39180_6_13,6,13,56.142857142857146 +"POLYGON ((7.312735570374964 53.36895039904608, 7.313890547168832 53.36895039904608, 7.313890547168832 53.36874940282392, 7.312735570374964 53.36874940282392, 7.312735570374964 53.36895039904608))",39199_0_11,0,11,128.33333333333334 +"POLYGON ((7.315045523962699 53.36834740753458, 7.316200500756568 53.36834740753458, 7.316200500756568 53.36814640846737, 7.315045523962699 53.36814640846737, 7.315045523962699 53.36834740753458))",39199_2_14,2,14,129.66666666666666 +"POLYGON ((7.316200500756568 53.36975437445126, 7.317355477550436 53.36975437445126, 7.317355477550436 53.36955338202248, 7.316200500756568 53.36955338202248, 7.316200500756568 53.36975437445126))",39199_3_7,3,7,135.0 +"POLYGON ((7.317355477550436 53.37015635646383, 7.318510454344303 53.37015635646383, 7.318510454344303 53.36995536593172, 7.317355477550436 53.36995536593172, 7.317355477550436 53.37015635646383))",39199_4_5,4,5,126.66666666666667 +"POLYGON ((7.317355477550436 53.36935238864535, 7.318510454344303 53.36935238864535, 7.318510454344303 53.36915139431988, 7.317355477550436 53.36915139431988, 7.317355477550436 53.36935238864535))",39199_4_9,4,9,126.00000166666666 +"POLYGON ((7.318510454344303 53.37015635646383, 7.319665431138172 53.37015635646383, 7.319665431138172 53.36995536593172, 7.318510454344303 53.36995536593172, 7.318510454344303 53.37015635646383))",39199_5_5,5,5,128.66666666666666 +"POLYGON ((7.318510454344303 53.36975437445126, 7.319665431138172 53.36975437445126, 7.319665431138172 53.36955338202248, 7.318510454344303 53.36955338202248, 7.318510454344303 53.36975437445126))",39199_5_7,5,7,138.66666666666666 +"POLYGON ((7.318510454344303 53.36895039904608, 7.319665431138172 53.36895039904608, 7.319665431138172 53.36874940282392, 7.318510454344303 53.36874940282392, 7.318510454344303 53.36895039904608))",39199_5_11,5,11,113.6191255 +"POLYGON ((7.318510454344303 53.36874940282392, 7.319665431138172 53.36874940282392, 7.319665431138172 53.36854840565343, 7.318510454344303 53.36854840565343, 7.318510454344303 53.36874940282392))",39199_5_12,5,12,96.9027775 +"POLYGON ((7.319665431138172 53.36874940282392, 7.32082040793204 53.36874940282392, 7.32082040793204 53.36854840565343, 7.319665431138172 53.36854840565343, 7.319665431138172 53.36874940282392))",39199_6_12,6,12,107.0452575 +"POLYGON ((7.319665431138172 53.36834740753458, 7.32082040793204 53.36834740753458, 7.32082040793204 53.36814640846737, 7.319665431138172 53.36814640846737, 7.319665431138172 53.36834740753458))",39199_6_14,6,14,128.0 +"POLYGON ((7.319665431138172 53.36814640846737, 7.32082040793204 53.36814640846737, 7.32082040793204 53.36794540845182, 7.319665431138172 53.36794540845182, 7.319665431138172 53.36814640846737))",39199_6_15,6,15,121.0 +"POLYGON ((7.312735570374964 53.21322995744958, 7.313890547168832 53.21322995744958, 7.313890547168832 53.21302822724463, 7.312735570374964 53.21302822724463, 7.312735570374964 53.21322995744958))",39228_0_11,0,11,160.0 +"POLYGON ((7.312735570374964 53.21121261265507, 7.313890547168832 53.21121261265507, 7.313890547168832 53.21101087295119, 7.312735570374964 53.21101087295119, 7.312735570374964 53.21121261265507))",39228_0_21,0,21,120.999999 +"POLYGON ((7.315045523962699 53.21262476398507, 7.316200500756568 53.21262476398507, 7.316200500756568 53.21242303093045, 7.315045523962699 53.21242303093045, 7.315045523962699 53.21262476398507))",39228_2_14,2,14,85.5 +"POLYGON ((7.316200500756568 53.21403686877061, 7.317355477550436 53.21403686877061, 7.317355477550436 53.21383514236518, 7.316200500756568 53.21383514236518, 7.316200500756568 53.21403686877061))",39228_3_7,3,7,170.0 +"POLYGON ((7.316200500756568 53.2128264960898, 7.317355477550436 53.2128264960898, 7.317355477550436 53.21262476398507, 7.316200500756568 53.21262476398507, 7.316200500756568 53.2128264960898))",39228_3_13,3,13,123.0 +"POLYGON ((7.317355477550436 53.21464204228772, 7.318510454344303 53.21464204228772, 7.318510454344303 53.21444031873189, 7.317355477550436 53.21444031873189, 7.317355477550436 53.21464204228772))",39228_4_4,4,4,200.0 +"POLYGON ((7.317355477550436 53.21363341500985, 7.318510454344303 53.21363341500985, 7.318510454344303 53.21343168670466, 7.317355477550436 53.21343168670466, 7.317355477550436 53.21363341500985))",39228_4_9,4,9,139.0000005 +"POLYGON ((7.317355477550436 53.21201956197156, 7.318510454344303 53.21201956197156, 7.318510454344303 53.21181782606729, 7.317355477550436 53.21181782606729, 7.317355477550436 53.21201956197156))",39228_4_17,4,17,138.0 +"POLYGON ((7.318510454344303 53.21444031873189, 7.319665431138172 53.21444031873189, 7.319665431138172 53.21423859422619, 7.318510454344303 53.21423859422619, 7.318510454344303 53.21444031873189))",39228_5_5,5,5,113.0 +"POLYGON ((7.318510454344303 53.21423859422619, 7.319665431138172 53.21423859422619, 7.319665431138172 53.21403686877061, 7.318510454344303 53.21403686877061, 7.318510454344303 53.21423859422619))",39228_5_6,5,6,132.0 +"POLYGON ((7.318510454344303 53.21343168670466, 7.319665431138172 53.21343168670466, 7.319665431138172 53.21322995744958, 7.318510454344303 53.21322995744958, 7.318510454344303 53.21343168670466))",39228_5_10,5,10,139.000004 +"POLYGON ((7.318510454344303 53.21302822724463, 7.319665431138172 53.21302822724463, 7.319665431138172 53.2128264960898, 7.318510454344303 53.2128264960898, 7.318510454344303 53.21302822724463))",39228_5_12,5,12,122.75000025 +"POLYGON ((7.318510454344303 53.21262476398507, 7.319665431138172 53.21262476398507, 7.319665431138172 53.21242303093045, 7.318510454344303 53.21242303093045, 7.318510454344303 53.21262476398507))",39228_5_14,5,14,158.17365 +"POLYGON ((7.318510454344303 53.21242303093045, 7.319665431138172 53.21242303093045, 7.319665431138172 53.21222129692596, 7.318510454344303 53.21222129692596, 7.318510454344303 53.21242303093045))",39228_5_15,5,15,157.0 +"POLYGON ((7.318510454344303 53.21181782606729, 7.319665431138172 53.21181782606729, 7.319665431138172 53.21161608921311, 7.318510454344303 53.21161608921311, 7.318510454344303 53.21181782606729))",39228_5_18,5,18,114.999999 +"POLYGON ((7.318510454344303 53.21101087295119, 7.319665431138172 53.21101087295119, 7.319665431138172 53.21080913229741, 7.318510454344303 53.21080913229741, 7.318510454344303 53.21101087295119))",39228_5_22,5,22,112.999999 +"POLYGON ((7.319665431138172 53.21322995744958, 7.32082040793204 53.21322995744958, 7.32082040793204 53.21302822724463, 7.319665431138172 53.21302822724463, 7.319665431138172 53.21322995744958))",39228_6_11,6,11,119.17392271428571 +"POLYGON ((7.319665431138172 53.21302822724463, 7.32082040793204 53.21302822724463, 7.32082040793204 53.2128264960898, 7.319665431138172 53.2128264960898, 7.319665431138172 53.21302822724463))",39228_6_12,6,12,111.5869055 +"POLYGON ((7.319665431138172 53.2128264960898, 7.32082040793204 53.2128264960898, 7.32082040793204 53.21262476398507, 7.319665431138172 53.21262476398507, 7.319665431138172 53.2128264960898))",39228_6_13,6,13,112.33333333333333 +"POLYGON ((7.319665431138172 53.21262476398507, 7.32082040793204 53.21262476398507, 7.32082040793204 53.21242303093045, 7.319665431138172 53.21242303093045, 7.319665431138172 53.21262476398507))",39228_6_14,6,14,169.0 +"POLYGON ((7.319665431138172 53.21222129692596, 7.32082040793204 53.21222129692596, 7.32082040793204 53.21201956197156, 7.319665431138172 53.21201956197156, 7.319665431138172 53.21222129692596))",39228_6_16,6,16,86.5 +"POLYGON ((7.319665431138172 53.21201956197156, 7.32082040793204 53.21201956197156, 7.32082040793204 53.21181782606729, 7.319665431138172 53.21181782606729, 7.319665431138172 53.21201956197156))",39228_6_17,6,17,119.500002 +"POLYGON ((7.312735570374964 53.20785016024085, 7.313890547168832 53.20785016024085, 7.313890547168832 53.207648404705, 7.312735570374964 53.207648404705, 7.312735570374964 53.20785016024085))",39229_0_11,0,11,162.0 +"POLYGON ((7.312735570374964 53.2058325621351, 7.313890547168832 53.2058325621351, 7.313890547168832 53.20563079709981, 7.312735570374964 53.20563079709981, 7.312735570374964 53.2058325621351))",39229_0_21,0,21,117.00000233333333 +"POLYGON ((7.315045523962699 53.20724489078351, 7.316200500756568 53.20724489078351, 7.316200500756568 53.20704313239786, 7.315045523962699 53.20704313239786, 7.315045523962699 53.20724489078351))",39229_2_14,2,14,96.0 +"POLYGON ((7.316200500756568 53.2086571728849, 7.317355477550436 53.2086571728849, 7.317355477550436 53.20845542114878, 7.316200500756568 53.20845542114878, 7.316200500756568 53.2086571728849))",39229_3_7,3,7,182.0 +"POLYGON ((7.316200500756568 53.20744664821923, 7.317355477550436 53.20744664821923, 7.317355477550436 53.20724489078351, 7.316200500756568 53.20724489078351, 7.316200500756568 53.20744664821923))",39229_3_13,3,13,126.0 +"POLYGON ((7.317355477550436 53.20926242239371, 7.318510454344303 53.20926242239371, 7.318510454344303 53.20906067350735, 7.317355477550436 53.20906067350735, 7.317355477550436 53.20926242239371))",39229_4_4,4,4,199.0 +"POLYGON ((7.317355477550436 53.20825366846274, 7.318510454344303 53.20825366846274, 7.318510454344303 53.20805191482675, 7.317355477550436 53.20805191482675, 7.317355477550436 53.20825366846274))",39229_4_9,4,9,142.999998 +"POLYGON ((7.317355477550436 53.20663961277673, 7.318510454344303 53.20663961277673, 7.318510454344303 53.20643785154125, 7.317355477550436 53.20643785154125, 7.317355477550436 53.20663961277673))",39229_4_17,4,17,128.66666766666665 +"POLYGON ((7.318510454344303 53.20906067350735, 7.319665431138172 53.20906067350735, 7.319665431138172 53.20885892367109, 7.318510454344303 53.20885892367109, 7.318510454344303 53.20906067350735))",39229_5_5,5,5,117.5 +"POLYGON ((7.318510454344303 53.20885892367109, 7.319665431138172 53.20885892367109, 7.319665431138172 53.2086571728849, 7.318510454344303 53.2086571728849, 7.318510454344303 53.20885892367109))",39229_5_6,5,6,129.5 +"POLYGON ((7.318510454344303 53.20805191482675, 7.319665431138172 53.20805191482675, 7.319665431138172 53.20785016024085, 7.318510454344303 53.20785016024085, 7.318510454344303 53.20805191482675))",39229_5_10,5,10,136.60171333333332 +"POLYGON ((7.318510454344303 53.207648404705, 7.319665431138172 53.207648404705, 7.319665431138172 53.20744664821923, 7.318510454344303 53.20744664821923, 7.318510454344303 53.207648404705))",39229_5_12,5,12,120.75 +"POLYGON ((7.318510454344303 53.20724489078351, 7.319665431138172 53.20724489078351, 7.319665431138172 53.20704313239786, 7.318510454344303 53.20704313239786, 7.318510454344303 53.20724489078351))",39229_5_14,5,14,159.5000005 +"POLYGON ((7.318510454344303 53.20704313239786, 7.319665431138172 53.20704313239786, 7.319665431138172 53.20684137306227, 7.318510454344303 53.20684137306227, 7.318510454344303 53.20704313239786))",39229_5_15,5,15,157.5 +"POLYGON ((7.318510454344303 53.20643785154125, 7.319665431138172 53.20643785154125, 7.319665431138172 53.20623608935581, 7.318510454344303 53.20623608935581, 7.318510454344303 53.20643785154125))",39229_5_18,5,18,115.000003 +"POLYGON ((7.318510454344303 53.20563079709981, 7.319665431138172 53.20563079709981, 7.319665431138172 53.20542903111458, 7.318510454344303 53.20542903111458, 7.318510454344303 53.20563079709981))",39229_5_22,5,22,111.66666633333334 +"POLYGON ((7.319665431138172 53.20785016024085, 7.32082040793204 53.20785016024085, 7.32082040793204 53.207648404705, 7.319665431138172 53.207648404705, 7.319665431138172 53.20785016024085))",39229_6_11,6,11,115.66666666666667 +"POLYGON ((7.319665431138172 53.207648404705, 7.32082040793204 53.207648404705, 7.32082040793204 53.20744664821923, 7.319665431138172 53.20744664821923, 7.319665431138172 53.207648404705))",39229_6_12,6,12,112.3780575 +"POLYGON ((7.319665431138172 53.20744664821923, 7.32082040793204 53.20744664821923, 7.32082040793204 53.20724489078351, 7.319665431138172 53.20724489078351, 7.319665431138172 53.20744664821923))",39229_6_13,6,13,108.978812 +"POLYGON ((7.319665431138172 53.20724489078351, 7.32082040793204 53.20724489078351, 7.32082040793204 53.20704313239786, 7.319665431138172 53.20704313239786, 7.319665431138172 53.20724489078351))",39229_6_14,6,14,165.0 +"POLYGON ((7.319665431138172 53.20684137306227, 7.32082040793204 53.20684137306227, 7.32082040793204 53.20663961277673, 7.319665431138172 53.20663961277673, 7.319665431138172 53.20684137306227))",39229_6_16,6,16,88.66666666666667 +"POLYGON ((7.319665431138172 53.20663961277673, 7.32082040793204 53.20663961277673, 7.32082040793204 53.20643785154125, 7.319665431138172 53.20643785154125, 7.319665431138172 53.20663961277673))",39229_6_17,6,17,116.35419300000001 +"POLYGON ((7.317355477550436 52.33897454992264, 7.318510454344303 52.33897454992264, 7.318510454344303 52.33876872676704, 7.317355477550436 52.33876872676704, 7.317355477550436 52.33897454992264))",39389_4_8,4,8,133.05737966666666 +"POLYGON ((7.317355477550436 52.33712210703465, 7.318510454344303 52.33712210703465, 7.318510454344303 52.33691627525712, 7.317355477550436 52.33691627525712, 7.317355477550436 52.33712210703465))",39389_4_17,4,17,116.33333333333333 +"POLYGON ((7.318510454344303 52.33794542456479, 7.319665431138172 52.33794542456479, 7.319665431138172 52.33773959661924, 7.318510454344303 52.33773959661924, 7.318510454344303 52.33794542456479))",39389_5_13,5,13,104.25433519999999 +"POLYGON ((7.318510454344303 52.33732793785418, 7.319665431138172 52.33732793785418, 7.319665431138172 52.33712210703465, 7.318510454344303 52.33712210703465, 7.318510454344303 52.33732793785418))",39389_5_16,5,16,181.5 +"POLYGON ((7.319665431138172 52.33753376771572, 7.32082040793204 52.33753376771572, 7.32082040793204 52.33732793785418, 7.319665431138172 52.33732793785418, 7.319665431138172 52.33753376771572))",39389_6_15,6,15,149.0 +"POLYGON ((7.319665431138172 52.33712210703465, 7.32082040793204 52.33712210703465, 7.32082040793204 52.33691627525712, 7.319665431138172 52.33691627525712, 7.319665431138172 52.33712210703465))",39389_6_17,6,17,173.0 +"POLYGON ((7.312735570374964 52.16216365138559, 7.313890547168832 52.16216365138559, 7.313890547168832 52.16195700625985, 7.312735570374964 52.16195700625985, 7.312735570374964 52.16216365138559))",39421_0_12,0,12,67.14285714285714 +"POLYGON ((7.312735570374964 52.16009715694983, 7.313890547168832 52.16009715694983, 7.313890547168832 52.15989050222887, 7.312735570374964 52.15989050222887, 7.312735570374964 52.16009715694983))",39421_0_22,0,22,94.63425416666666 +"POLYGON ((7.313890547168832 52.16278358100572, 7.315045523962699 52.16278358100572, 7.315045523962699 52.16257693875852, 7.313890547168832 52.16257693875852, 7.313890547168832 52.16278358100572))",39421_1_9,1,9,113.75 +"POLYGON ((7.315045523962699 52.16216365138559, 7.316200500756568 52.16216365138559, 7.316200500756568 52.16195700625985, 7.315045523962699 52.16195700625985, 7.315045523962699 52.16216365138559))",39421_2_12,2,12,41.0 +"POLYGON ((7.315045523962699 52.16195700625985, 7.316200500756568 52.16195700625985, 7.316200500756568 52.16175036017461, 7.315045523962699 52.16175036017461, 7.315045523962699 52.16195700625985))",39421_2_13,2,13,68.42857142857143 +"POLYGON ((7.316200500756568 52.16340350199026, 7.317355477550436 52.16340350199026, 7.317355477550436 52.16319686262158, 7.316200500756568 52.16319686262158, 7.316200500756568 52.16340350199026))",39421_3_6,3,6,103.4 +"POLYGON ((7.316200500756568 52.16216365138559, 7.317355477550436 52.16216365138559, 7.317355477550436 52.16195700625985, 7.316200500756568 52.16195700625985, 7.316200500756568 52.16216365138559))",39421_3_12,3,12,92.4 +"POLYGON ((7.316200500756568 52.16133706512556, 7.317355477550436 52.16133706512556, 7.317355477550436 52.16113041616175, 7.316200500756568 52.16113041616175, 7.316200500756568 52.16133706512556))",39421_3_16,3,16,94.4 +"POLYGON ((7.317355477550436 52.16381677784911, 7.318510454344303 52.16381677784911, 7.318510454344303 52.16361014039943, 7.317355477550436 52.16361014039943, 7.317355477550436 52.16381677784911))",39421_4_4,4,4,108.75 +"POLYGON ((7.317355477550436 52.16361014039943, 7.318510454344303 52.16361014039943, 7.318510454344303 52.16340350199026, 7.317355477550436 52.16340350199026, 7.317355477550436 52.16361014039943))",39421_4_5,4,5,120.33333333333333 +"POLYGON ((7.318510454344303 52.16381677784911, 7.319665431138172 52.16381677784911, 7.319665431138172 52.16361014039943, 7.318510454344303 52.16361014039943, 7.318510454344303 52.16381677784911))",39421_5_4,5,4,104.75 +"POLYGON ((7.318510454344303 52.16361014039943, 7.319665431138172 52.16361014039943, 7.319665431138172 52.16340350199026, 7.318510454344303 52.16340350199026, 7.318510454344303 52.16361014039943))",39421_5_5,5,5,108.2 +"POLYGON ((7.318510454344303 52.16278358100572, 7.319665431138172 52.16278358100572, 7.319665431138172 52.16257693875852, 7.318510454344303 52.16257693875852, 7.318510454344303 52.16278358100572))",39421_5_9,5,9,90.56149850000001 +"POLYGON ((7.318510454344303 52.16257693875852, 7.319665431138172 52.16257693875852, 7.319665431138172 52.1623702955518, 7.318510454344303 52.1623702955518, 7.318510454344303 52.16257693875852))",39421_5_10,5,10,84.20540600000001 +"POLYGON ((7.318510454344303 52.16051046351318, 7.319665431138172 52.16051046351318, 7.319665431138172 52.16030381071128, 7.318510454344303 52.16030381071128, 7.318510454344303 52.16051046351318))",39421_5_20,5,20,105.2739732 +"POLYGON ((7.318510454344303 52.15989050222887, 7.319665431138172 52.15989050222887, 7.319665431138172 52.15968384654837, 7.318510454344303 52.15968384654837, 7.318510454344303 52.15989050222887))",39421_5_23,5,23,98.5346092 +"POLYGON ((7.319665431138172 52.16278358100572, 7.32082040793204 52.16278358100572, 7.32082040793204 52.16257693875852, 7.319665431138172 52.16257693875852, 7.319665431138172 52.16278358100572))",39421_6_9,6,9,108.1541928 +"POLYGON ((7.319665431138172 52.16216365138559, 7.32082040793204 52.16216365138559, 7.32082040793204 52.16195700625985, 7.319665431138172 52.16195700625985, 7.319665431138172 52.16216365138559))",39421_6_12,6,12,92.25 +"POLYGON ((7.319665431138172 52.16195700625985, 7.32082040793204 52.16195700625985, 7.32082040793204 52.16175036017461, 7.319665431138172 52.16175036017461, 7.319665431138172 52.16195700625985))",39421_6_13,6,13,101.11111088888889 +"POLYGON ((7.319665431138172 52.16175036017461, 7.32082040793204 52.16175036017461, 7.32082040793204 52.16154371312984, 7.319665431138172 52.16154371312984, 7.319665431138172 52.16175036017461))",39421_6_14,6,14,90.63636372727272 +"POLYGON ((7.315045523962699 52.15665278632681, 7.316200500756568 52.15665278632681, 7.316200500756568 52.15644611561338, 7.315045523962699 52.15644611561338, 7.315045523962699 52.15665278632681))",39422_2_12,2,12,25.0 +"POLYGON ((7.317355477550436 50.66643104956047, 7.318510454344303 50.66643104956047, 7.318510454344303 50.66621753048639, 7.317355477550436 50.66621753048639, 7.317355477550436 50.66643104956047))",39688_4_12,4,12,133.0 +"POLYGON ((7.317355477550436 50.66073687528531, 7.318510454344303 50.66073687528531, 7.318510454344303 50.66052333031757, 7.317355477550436 50.66052333031757, 7.317355477550436 50.66073687528531))",39689_4_12,4,12,126.0 +"POLYGON ((7.32171872321616 53.47621379610528, 7.322873700010027 53.47621379610528, 7.322873700010027 53.47601330632925, 7.32171872321616 53.47601330632925, 7.32171872321616 53.47621379610528))",39854_0_10,0,10,48.375 +"POLYGON ((7.324028676803896 53.47541183131754, 7.325183653597763 53.47541183131754, 7.325183653597763 53.47521133775241, 7.324028676803896 53.47521133775241, 7.324028676803896 53.47541183131754))",39854_2_14,2,14,57.857142857142854 +"POLYGON ((7.326338630391631 53.4772162307764, 7.3274936071855 53.4772162307764, 7.3274936071855 53.4770157457367, 7.326338630391631 53.4770157457367, 7.326338630391631 53.4772162307764))",39854_4_5,4,5,25.5 +"POLYGON ((7.3274936071855 53.4772162307764, 7.328648583979366 53.4772162307764, 7.328648583979366 53.4770157457367, 7.3274936071855 53.4770157457367, 7.3274936071855 53.4772162307764))",39854_5_5,5,5,39.27272727272727 +"POLYGON ((7.328648583979366 53.47581281560596, 7.329803560773235 53.47581281560596, 7.329803560773235 53.47561232393538, 7.328648583979366 53.47561232393538, 7.328648583979366 53.47581281560596))",39854_6_12,6,12,34.237597230769225 +"POLYGON ((7.328648583979366 53.47561232393538, 7.329803560773235 53.47561232393538, 7.329803560773235 53.47541183131754, 7.328648583979366 53.47541183131754, 7.328648583979366 53.47561232393538))",39854_6_13,6,13,42.5 +"POLYGON ((7.32171872321616 53.36895039904608, 7.322873700010027 53.36895039904608, 7.322873700010027 53.36874940282392, 7.32171872321616 53.36874940282392, 7.32171872321616 53.36895039904608))",39874_0_11,0,11,127.66666666666667 +"POLYGON ((7.324028676803896 53.36834740753458, 7.325183653597763 53.36834740753458, 7.325183653597763 53.36814640846737, 7.324028676803896 53.36814640846737, 7.324028676803896 53.36834740753458))",39874_2_14,2,14,128.33333333333334 +"POLYGON ((7.325183653597763 53.36975437445126, 7.326338630391631 53.36975437445126, 7.326338630391631 53.36955338202248, 7.325183653597763 53.36955338202248, 7.325183653597763 53.36975437445126))",39874_3_7,3,7,141.66666666666666 +"POLYGON ((7.326338630391631 53.37015635646383, 7.3274936071855 53.37015635646383, 7.3274936071855 53.36995536593172, 7.326338630391631 53.36995536593172, 7.326338630391631 53.37015635646383))",39874_4_5,4,5,134.0 +"POLYGON ((7.326338630391631 53.36935238864535, 7.3274936071855 53.36935238864535, 7.3274936071855 53.36915139431988, 7.326338630391631 53.36915139431988, 7.326338630391631 53.36935238864535))",39874_4_9,4,9,122.78785625 +"POLYGON ((7.3274936071855 53.37015635646383, 7.328648583979366 53.37015635646383, 7.328648583979366 53.36995536593172, 7.3274936071855 53.36995536593172, 7.3274936071855 53.37015635646383))",39874_5_5,5,5,128.66666666666666 +"POLYGON ((7.3274936071855 53.36975437445126, 7.328648583979366 53.36975437445126, 7.328648583979366 53.36955338202248, 7.3274936071855 53.36955338202248, 7.3274936071855 53.36975437445126))",39874_5_7,5,7,139.0 +"POLYGON ((7.3274936071855 53.36895039904608, 7.328648583979366 53.36895039904608, 7.328648583979366 53.36874940282392, 7.3274936071855 53.36874940282392, 7.3274936071855 53.36895039904608))",39874_5_11,5,11,113.442259 +"POLYGON ((7.3274936071855 53.36874940282392, 7.328648583979366 53.36874940282392, 7.328648583979366 53.36854840565343, 7.3274936071855 53.36854840565343, 7.3274936071855 53.36874940282392))",39874_5_12,5,12,97.2393806 +"POLYGON ((7.328648583979366 53.36874940282392, 7.329803560773235 53.36874940282392, 7.329803560773235 53.36854840565343, 7.328648583979366 53.36854840565343, 7.328648583979366 53.36874940282392))",39874_6_12,6,12,75.9247228 +"POLYGON ((7.328648583979366 53.36834740753458, 7.329803560773235 53.36834740753458, 7.329803560773235 53.36814640846737, 7.328648583979366 53.36814640846737, 7.328648583979366 53.36834740753458))",39874_6_14,6,14,125.0 +"POLYGON ((7.328648583979366 53.36814640846737, 7.329803560773235 53.36814640846737, 7.329803560773235 53.36794540845182, 7.328648583979366 53.36794540845182, 7.328648583979366 53.36814640846737))",39874_6_15,6,15,123.66666666666667 +"POLYGON ((7.32171872321616 53.21322995744958, 7.322873700010027 53.21322995744958, 7.322873700010027 53.21302822724463, 7.32171872321616 53.21302822724463, 7.32171872321616 53.21322995744958))",39903_0_11,0,11,166.5 +"POLYGON ((7.32171872321616 53.21121261265507, 7.322873700010027 53.21121261265507, 7.322873700010027 53.21101087295119, 7.32171872321616 53.21101087295119, 7.32171872321616 53.21121261265507))",39903_0_21,0,21,120.962824 +"POLYGON ((7.324028676803896 53.21262476398507, 7.325183653597763 53.21262476398507, 7.325183653597763 53.21242303093045, 7.324028676803896 53.21242303093045, 7.324028676803896 53.21262476398507))",39903_2_14,2,14,98.5 +"POLYGON ((7.325183653597763 53.21403686877061, 7.326338630391631 53.21403686877061, 7.326338630391631 53.21383514236518, 7.325183653597763 53.21383514236518, 7.325183653597763 53.21403686877061))",39903_3_7,3,7,187.0 +"POLYGON ((7.325183653597763 53.2128264960898, 7.326338630391631 53.2128264960898, 7.326338630391631 53.21262476398507, 7.325183653597763 53.21262476398507, 7.325183653597763 53.2128264960898))",39903_3_13,3,13,122.66666666666667 +"POLYGON ((7.326338630391631 53.21464204228772, 7.3274936071855 53.21464204228772, 7.3274936071855 53.21444031873189, 7.326338630391631 53.21444031873189, 7.326338630391631 53.21464204228772))",39903_4_4,4,4,200.0 +"POLYGON ((7.326338630391631 53.21363341500985, 7.3274936071855 53.21363341500985, 7.3274936071855 53.21343168670466, 7.326338630391631 53.21343168670466, 7.326338630391631 53.21363341500985))",39903_4_9,4,9,134.99999733333334 +"POLYGON ((7.326338630391631 53.21201956197156, 7.3274936071855 53.21201956197156, 7.3274936071855 53.21181782606729, 7.326338630391631 53.21181782606729, 7.326338630391631 53.21201956197156))",39903_4_17,4,17,134.992481 +"POLYGON ((7.3274936071855 53.21444031873189, 7.328648583979366 53.21444031873189, 7.328648583979366 53.21423859422619, 7.3274936071855 53.21423859422619, 7.3274936071855 53.21444031873189))",39903_5_5,5,5,113.33333333333333 +"POLYGON ((7.3274936071855 53.21423859422619, 7.328648583979366 53.21423859422619, 7.328648583979366 53.21403686877061, 7.3274936071855 53.21403686877061, 7.3274936071855 53.21423859422619))",39903_5_6,5,6,128.75 +"POLYGON ((7.3274936071855 53.21343168670466, 7.328648583979366 53.21343168670466, 7.328648583979366 53.21322995744958, 7.3274936071855 53.21322995744958, 7.3274936071855 53.21343168670466))",39903_5_10,5,10,140.666664 +"POLYGON ((7.3274936071855 53.21302822724463, 7.328648583979366 53.21302822724463, 7.328648583979366 53.2128264960898, 7.3274936071855 53.2128264960898, 7.3274936071855 53.21302822724463))",39903_5_12,5,12,117.43120114285715 +"POLYGON ((7.3274936071855 53.21262476398507, 7.328648583979366 53.21262476398507, 7.328648583979366 53.21242303093045, 7.3274936071855 53.21242303093045, 7.3274936071855 53.21262476398507))",39903_5_14,5,14,138.99999775 +"POLYGON ((7.3274936071855 53.21242303093045, 7.328648583979366 53.21242303093045, 7.328648583979366 53.21222129692596, 7.3274936071855 53.21222129692596, 7.3274936071855 53.21242303093045))",39903_5_15,5,15,155.33333333333334 +"POLYGON ((7.3274936071855 53.21181782606729, 7.328648583979366 53.21181782606729, 7.328648583979366 53.21161608921311, 7.3274936071855 53.21161608921311, 7.3274936071855 53.21181782606729))",39903_5_18,5,18,112.24999925 +"POLYGON ((7.3274936071855 53.21101087295119, 7.328648583979366 53.21101087295119, 7.328648583979366 53.21080913229741, 7.3274936071855 53.21080913229741, 7.3274936071855 53.21101087295119))",39903_5_22,5,22,108.09971575 +"POLYGON ((7.328648583979366 53.21322995744958, 7.329803560773235 53.21322995744958, 7.329803560773235 53.21302822724463, 7.328648583979366 53.21302822724463, 7.328648583979366 53.21322995744958))",39903_6_11,6,11,117.07142878571429 +"POLYGON ((7.328648583979366 53.21302822724463, 7.329803560773235 53.21302822724463, 7.329803560773235 53.2128264960898, 7.328648583979366 53.2128264960898, 7.328648583979366 53.21302822724463))",39903_6_12,6,12,106.03225929999999 +"POLYGON ((7.328648583979366 53.2128264960898, 7.329803560773235 53.2128264960898, 7.329803560773235 53.21262476398507, 7.328648583979366 53.21262476398507, 7.328648583979366 53.2128264960898))",39903_6_13,6,13,111.41893525 +"POLYGON ((7.328648583979366 53.21262476398507, 7.329803560773235 53.21262476398507, 7.329803560773235 53.21242303093045, 7.328648583979366 53.21242303093045, 7.328648583979366 53.21262476398507))",39903_6_14,6,14,180.33333333333334 +"POLYGON ((7.328648583979366 53.21222129692596, 7.329803560773235 53.21222129692596, 7.329803560773235 53.21201956197156, 7.328648583979366 53.21201956197156, 7.328648583979366 53.21222129692596))",39903_6_16,6,16,79.66666666666667 +"POLYGON ((7.328648583979366 53.21201956197156, 7.329803560773235 53.21201956197156, 7.329803560773235 53.21181782606729, 7.328648583979366 53.21181782606729, 7.328648583979366 53.21201956197156))",39903_6_17,6,17,114.33475725000001 +"POLYGON ((7.326338630391631 52.33897454992264, 7.3274936071855 52.33897454992264, 7.3274936071855 52.33876872676704, 7.326338630391631 52.33876872676704, 7.326338630391631 52.33897454992264))",40064_4_8,4,8,112.24999875 +"POLYGON ((7.326338630391631 52.33712210703465, 7.3274936071855 52.33712210703465, 7.3274936071855 52.33691627525712, 7.326338630391631 52.33691627525712, 7.326338630391631 52.33712210703465))",40064_4_17,4,17,134.66666666666666 +"POLYGON ((7.3274936071855 52.33794542456479, 7.328648583979366 52.33794542456479, 7.328648583979366 52.33773959661924, 7.3274936071855 52.33773959661924, 7.3274936071855 52.33794542456479))",40064_5_13,5,13,93.1392584 +"POLYGON ((7.3274936071855 52.33732793785418, 7.328648583979366 52.33732793785418, 7.328648583979366 52.33712210703465, 7.3274936071855 52.33712210703465, 7.3274936071855 52.33732793785418))",40064_5_16,5,16,182.0 +"POLYGON ((7.328648583979366 52.33753376771572, 7.329803560773235 52.33753376771572, 7.329803560773235 52.33732793785418, 7.328648583979366 52.33732793785418, 7.328648583979366 52.33753376771572))",40064_6_15,6,15,161.33333333333334 +"POLYGON ((7.328648583979366 52.33712210703465, 7.329803560773235 52.33712210703465, 7.329803560773235 52.33691627525712, 7.328648583979366 52.33691627525712, 7.328648583979366 52.33712210703465))",40064_6_17,6,17,176.0 +"POLYGON ((7.32171872321616 52.16216365138559, 7.322873700010027 52.16216365138559, 7.322873700010027 52.16195700625985, 7.32171872321616 52.16195700625985, 7.32171872321616 52.16216365138559))",40096_0_12,0,12,67.5 +"POLYGON ((7.32171872321616 52.16009715694983, 7.322873700010027 52.16009715694983, 7.322873700010027 52.15989050222887, 7.32171872321616 52.15989050222887, 7.32171872321616 52.16009715694983))",40096_0_22,0,22,97.78443399999999 +"POLYGON ((7.322873700010027 52.16278358100572, 7.324028676803896 52.16278358100572, 7.324028676803896 52.16257693875852, 7.322873700010027 52.16257693875852, 7.322873700010027 52.16278358100572))",40096_1_9,1,9,100.25 +"POLYGON ((7.324028676803896 52.16216365138559, 7.325183653597763 52.16216365138559, 7.325183653597763 52.16195700625985, 7.324028676803896 52.16195700625985, 7.324028676803896 52.16216365138559))",40096_2_12,2,12,59.2 +"POLYGON ((7.324028676803896 52.16195700625985, 7.325183653597763 52.16195700625985, 7.325183653597763 52.16175036017461, 7.324028676803896 52.16175036017461, 7.324028676803896 52.16195700625985))",40096_2_13,2,13,42.0 +"POLYGON ((7.325183653597763 52.16340350199026, 7.326338630391631 52.16340350199026, 7.326338630391631 52.16319686262158, 7.325183653597763 52.16319686262158, 7.325183653597763 52.16340350199026))",40096_3_6,3,6,83.0 +"POLYGON ((7.325183653597763 52.16216365138559, 7.326338630391631 52.16216365138559, 7.326338630391631 52.16195700625985, 7.325183653597763 52.16195700625985, 7.325183653597763 52.16216365138559))",40096_3_12,3,12,90.5 +"POLYGON ((7.325183653597763 52.16133706512556, 7.326338630391631 52.16133706512556, 7.326338630391631 52.16113041616175, 7.325183653597763 52.16113041616175, 7.325183653597763 52.16133706512556))",40096_3_16,3,16,86.8 +"POLYGON ((7.326338630391631 52.16381677784911, 7.3274936071855 52.16381677784911, 7.3274936071855 52.16361014039943, 7.326338630391631 52.16361014039943, 7.326338630391631 52.16381677784911))",40096_4_4,4,4,104.25 +"POLYGON ((7.326338630391631 52.16361014039943, 7.3274936071855 52.16361014039943, 7.3274936071855 52.16340350199026, 7.326338630391631 52.16340350199026, 7.326338630391631 52.16361014039943))",40096_4_5,4,5,118.5 +"POLYGON ((7.3274936071855 52.16381677784911, 7.328648583979366 52.16381677784911, 7.328648583979366 52.16361014039943, 7.3274936071855 52.16361014039943, 7.3274936071855 52.16381677784911))",40096_5_4,5,4,103.66666666666667 +"POLYGON ((7.3274936071855 52.16361014039943, 7.328648583979366 52.16361014039943, 7.328648583979366 52.16340350199026, 7.3274936071855 52.16340350199026, 7.3274936071855 52.16361014039943))",40096_5_5,5,5,76.6 +"POLYGON ((7.3274936071855 52.16278358100572, 7.328648583979366 52.16278358100572, 7.328648583979366 52.16257693875852, 7.3274936071855 52.16257693875852, 7.3274936071855 52.16278358100572))",40096_5_9,5,9,88.311618 +"POLYGON ((7.3274936071855 52.16257693875852, 7.328648583979366 52.16257693875852, 7.328648583979366 52.1623702955518, 7.3274936071855 52.1623702955518, 7.3274936071855 52.16257693875852))",40096_5_10,5,10,79.14191339999999 +"POLYGON ((7.3274936071855 52.16051046351318, 7.328648583979366 52.16051046351318, 7.328648583979366 52.16030381071128, 7.3274936071855 52.16030381071128, 7.3274936071855 52.16051046351318))",40096_5_20,5,20,96.66666633333334 +"POLYGON ((7.3274936071855 52.15989050222887, 7.328648583979366 52.15989050222887, 7.328648583979366 52.15968384654837, 7.3274936071855 52.15968384654837, 7.3274936071855 52.15989050222887))",40096_5_23,5,23,93.91869460000001 +"POLYGON ((7.328648583979366 52.16278358100572, 7.329803560773235 52.16278358100572, 7.329803560773235 52.16257693875852, 7.328648583979366 52.16257693875852, 7.328648583979366 52.16278358100572))",40096_6_9,6,9,104.27463733333333 +"POLYGON ((7.328648583979366 52.16216365138559, 7.329803560773235 52.16216365138559, 7.329803560773235 52.16195700625985, 7.328648583979366 52.16195700625985, 7.328648583979366 52.16216365138559))",40096_6_12,6,12,90.33333333333333 +"POLYGON ((7.328648583979366 52.16195700625985, 7.329803560773235 52.16195700625985, 7.329803560773235 52.16175036017461, 7.328648583979366 52.16175036017461, 7.328648583979366 52.16195700625985))",40096_6_13,6,13,97.83333266666666 +"POLYGON ((7.328648583979366 52.16175036017461, 7.329803560773235 52.16175036017461, 7.329803560773235 52.16154371312984, 7.328648583979366 52.16154371312984, 7.328648583979366 52.16175036017461))",40096_6_14,6,14,92.470708625 +"POLYGON ((7.32171872321616 52.15665278632681, 7.322873700010027 52.15665278632681, 7.322873700010027 52.15644611561338, 7.32171872321616 52.15644611561338, 7.32171872321616 52.15665278632681))",40097_0_12,0,12,67.66666666666667 +"POLYGON ((7.32171872321616 52.15458603601205, 7.322873700010027 52.15458603601205, 7.322873700010027 52.15437935570291, 7.32171872321616 52.15437935570291, 7.32171872321616 52.15458603601205))",40097_0_22,0,22,96.999997 +"POLYGON ((7.324028676803896 52.15665278632681, 7.325183653597763 52.15665278632681, 7.325183653597763 52.15644611561338, 7.324028676803896 52.15644611561338, 7.324028676803896 52.15665278632681))",40097_2_12,2,12,44.333333333333336 +"POLYGON ((7.324028676803896 52.15644611561338, 7.325183653597763 52.15644611561338, 7.325183653597763 52.15623944394041, 7.324028676803896 52.15623944394041, 7.324028676803896 52.15644611561338))",40097_2_13,2,13,37.8 +"POLYGON ((7.325183653597763 52.15789279045663, 7.326338630391631 52.15789279045663, 7.326338630391631 52.15768612550055, 7.325183653597763 52.15768612550055, 7.325183653597763 52.15789279045663))",40097_3_6,3,6,83.0 +"POLYGON ((7.325183653597763 52.15665278632681, 7.326338630391631 52.15665278632681, 7.326338630391631 52.15644611561338, 7.325183653597763 52.15644611561338, 7.325183653597763 52.15665278632681))",40097_3_12,3,12,88.0 +"POLYGON ((7.3274936071855 52.15830611749015, 7.328648583979366 52.15830611749015, 7.328648583979366 52.15809945445316, 7.3274936071855 52.15809945445316, 7.3274936071855 52.15830611749015))",40097_5_4,5,4,102.0 +"POLYGON ((7.3274936071855 52.15727279270972, 7.328648583979366 52.15727279270972, 7.328648583979366 52.15706612487497, 7.3274936071855 52.15706612487497, 7.3274936071855 52.15727279270972))",40097_5_9,5,9,87.0 +"POLYGON ((7.3274936071855 52.15706612487497, 7.328648583979366 52.15706612487497, 7.328648583979366 52.15685945608067, 7.3274936071855 52.15685945608067, 7.3274936071855 52.15706612487497))",40097_5_10,5,10,79.825801 +"POLYGON ((7.3274936071855 52.15499939375157, 7.328648583979366 52.15499939375157, 7.328648583979366 52.15479271536159, 7.3274936071855 52.15479271536159, 7.3274936071855 52.15499939375157))",40097_5_20,5,20,97.0000015 +"POLYGON ((7.328648583979366 52.15727279270972, 7.329803560773235 52.15727279270972, 7.329803560773235 52.15706612487497, 7.328648583979366 52.15706612487497, 7.328648583979366 52.15727279270972))",40097_6_9,6,9,100.999998 +"POLYGON ((7.328648583979366 52.15665278632681, 7.329803560773235 52.15665278632681, 7.329803560773235 52.15644611561338, 7.328648583979366 52.15644611561338, 7.328648583979366 52.15665278632681))",40097_6_12,6,12,94.0 +"POLYGON ((7.328648583979366 52.15644611561338, 7.329803560773235 52.15644611561338, 7.329803560773235 52.15623944394041, 7.328648583979366 52.15623944394041, 7.328648583979366 52.15644611561338))",40097_6_13,6,13,100.66666566666667 +"POLYGON ((7.328648583979366 52.15623944394041, 7.329803560773235 52.15623944394041, 7.329803560773235 52.15603277130785, 7.328648583979366 52.15603277130785, 7.328648583979366 52.15623944394041))",40097_6_14,6,14,84.5 +"POLYGON ((7.326338630391631 50.66073687528531, 7.3274936071855 50.66073687528531, 7.3274936071855 50.66052333031757, 7.326338630391631 50.66052333031757, 7.326338630391631 50.66073687528531))",40364_4_12,4,12,117.5 +"POLYGON ((7.326338630391631 50.6550420104989, 7.3274936071855 50.6550420104989, 7.3274936071855 50.65482843963643, 7.326338630391631 50.65482843963643, 7.326338630391631 50.6550420104989))",40365_4_12,4,12,115.5 +"POLYGON ((7.326338630391631 50.64934645517372, 7.3274936071855 50.64934645517372, 7.3274936071855 50.64913285841553, 7.326338630391631 50.64913285841553, 7.326338630391631 50.64934645517372))",40366_4_12,4,12,114.0 +"POLYGON ((7.330701876057354 53.36895039904608, 7.331856852851224 53.36895039904608, 7.331856852851224 53.36874940282392, 7.330701876057354 53.36874940282392, 7.330701876057354 53.36895039904608))",40549_0_11,0,11,129.66666666666666 +"POLYGON ((7.333011829645089 53.36834740753458, 7.334166806438959 53.36834740753458, 7.334166806438959 53.36814640846737, 7.333011829645089 53.36814640846737, 7.333011829645089 53.36834740753458))",40549_2_14,2,14,128.0 +"POLYGON ((7.334166806438959 53.36975437445126, 7.335321783232826 53.36975437445126, 7.335321783232826 53.36955338202248, 7.334166806438959 53.36955338202248, 7.334166806438959 53.36975437445126))",40549_3_7,3,7,145.0 +"POLYGON ((7.335321783232826 53.37015635646383, 7.336476760026693 53.37015635646383, 7.336476760026693 53.36995536593172, 7.335321783232826 53.36995536593172, 7.335321783232826 53.37015635646383))",40549_4_5,4,5,133.66666666666666 +"POLYGON ((7.335321783232826 53.36935238864535, 7.336476760026693 53.36935238864535, 7.336476760026693 53.36915139431988, 7.335321783232826 53.36915139431988, 7.335321783232826 53.36935238864535))",40549_4_9,4,9,101.75378674999999 +"POLYGON ((7.336476760026693 53.37015635646383, 7.337631736820562 53.37015635646383, 7.337631736820562 53.36995536593172, 7.336476760026693 53.36995536593172, 7.336476760026693 53.37015635646383))",40549_5_5,5,5,128.66666666666666 +"POLYGON ((7.336476760026693 53.36975437445126, 7.337631736820562 53.36975437445126, 7.337631736820562 53.36955338202248, 7.336476760026693 53.36955338202248, 7.336476760026693 53.36975437445126))",40549_5_7,5,7,138.66666666666666 +"POLYGON ((7.336476760026693 53.36895039904608, 7.337631736820562 53.36895039904608, 7.337631736820562 53.36874940282392, 7.336476760026693 53.36874940282392, 7.336476760026693 53.36895039904608))",40549_5_11,5,11,117.11960025 +"POLYGON ((7.336476760026693 53.36874940282392, 7.337631736820562 53.36874940282392, 7.337631736820562 53.36854840565343, 7.336476760026693 53.36854840565343, 7.336476760026693 53.36874940282392))",40549_5_12,5,12,97.25000075 +"POLYGON ((7.337631736820562 53.36874940282392, 7.33878671361443 53.36874940282392, 7.33878671361443 53.36854840565343, 7.337631736820562 53.36854840565343, 7.337631736820562 53.36874940282392))",40549_6_12,6,12,59.0 +"POLYGON ((7.337631736820562 53.36834740753458, 7.33878671361443 53.36834740753458, 7.33878671361443 53.36814640846737, 7.337631736820562 53.36814640846737, 7.337631736820562 53.36834740753458))",40549_6_14,6,14,124.66666666666667 +"POLYGON ((7.337631736820562 53.36814640846737, 7.33878671361443 53.36814640846737, 7.33878671361443 53.36794540845182, 7.337631736820562 53.36794540845182, 7.337631736820562 53.36814640846737))",40549_6_15,6,15,115.5 +"POLYGON ((7.330701876057354 53.21322995744958, 7.331856852851224 53.21322995744958, 7.331856852851224 53.21302822724463, 7.330701876057354 53.21302822724463, 7.330701876057354 53.21322995744958))",40578_0_11,0,11,167.0 +"POLYGON ((7.330701876057354 53.21121261265507, 7.331856852851224 53.21121261265507, 7.331856852851224 53.21101087295119, 7.330701876057354 53.21101087295119, 7.330701876057354 53.21121261265507))",40578_0_21,0,21,121.66796733333332 +"POLYGON ((7.333011829645089 53.21262476398507, 7.334166806438959 53.21262476398507, 7.334166806438959 53.21242303093045, 7.333011829645089 53.21242303093045, 7.333011829645089 53.21262476398507))",40578_2_14,2,14,115.0 +"POLYGON ((7.334166806438959 53.21403686877061, 7.335321783232826 53.21403686877061, 7.335321783232826 53.21383514236518, 7.334166806438959 53.21383514236518, 7.334166806438959 53.21403686877061))",40578_3_7,3,7,206.0 +"POLYGON ((7.334166806438959 53.2128264960898, 7.335321783232826 53.2128264960898, 7.335321783232826 53.21262476398507, 7.334166806438959 53.21262476398507, 7.334166806438959 53.2128264960898))",40578_3_13,3,13,122.0 +"POLYGON ((7.335321783232826 53.21464204228772, 7.336476760026693 53.21464204228772, 7.336476760026693 53.21444031873189, 7.335321783232826 53.21444031873189, 7.335321783232826 53.21464204228772))",40578_4_4,4,4,202.0 +"POLYGON ((7.335321783232826 53.21363341500985, 7.336476760026693 53.21363341500985, 7.336476760026693 53.21343168670466, 7.335321783232826 53.21343168670466, 7.335321783232826 53.21363341500985))",40578_4_9,4,9,131.714899 +"POLYGON ((7.335321783232826 53.21201956197156, 7.336476760026693 53.21201956197156, 7.336476760026693 53.21181782606729, 7.335321783232826 53.21181782606729, 7.335321783232826 53.21201956197156))",40578_4_17,4,17,139.66666566666666 +"POLYGON ((7.336476760026693 53.21444031873189, 7.337631736820562 53.21444031873189, 7.337631736820562 53.21423859422619, 7.336476760026693 53.21423859422619, 7.336476760026693 53.21444031873189))",40578_5_5,5,5,113.5 +"POLYGON ((7.336476760026693 53.21423859422619, 7.337631736820562 53.21423859422619, 7.337631736820562 53.21403686877061, 7.336476760026693 53.21403686877061, 7.336476760026693 53.21423859422619))",40578_5_6,5,6,130.0 +"POLYGON ((7.336476760026693 53.21343168670466, 7.337631736820562 53.21343168670466, 7.337631736820562 53.21322995744958, 7.336476760026693 53.21322995744958, 7.336476760026693 53.21343168670466))",40578_5_10,5,10,137.500001 +"POLYGON ((7.336476760026693 53.21302822724463, 7.337631736820562 53.21302822724463, 7.337631736820562 53.2128264960898, 7.336476760026693 53.2128264960898, 7.336476760026693 53.21302822724463))",40578_5_12,5,12,115.72650422222222 +"POLYGON ((7.336476760026693 53.21262476398507, 7.337631736820562 53.21262476398507, 7.337631736820562 53.21242303093045, 7.336476760026693 53.21242303093045, 7.336476760026693 53.21262476398507))",40578_5_14,5,14,123.10888700000001 +"POLYGON ((7.336476760026693 53.21242303093045, 7.337631736820562 53.21242303093045, 7.337631736820562 53.21222129692596, 7.336476760026693 53.21222129692596, 7.336476760026693 53.21242303093045))",40578_5_15,5,15,153.5 +"POLYGON ((7.336476760026693 53.21181782606729, 7.337631736820562 53.21181782606729, 7.337631736820562 53.21161608921311, 7.336476760026693 53.21161608921311, 7.336476760026693 53.21181782606729))",40578_5_18,5,18,114.4999985 +"POLYGON ((7.336476760026693 53.21101087295119, 7.337631736820562 53.21101087295119, 7.337631736820562 53.21080913229741, 7.336476760026693 53.21080913229741, 7.336476760026693 53.21101087295119))",40578_5_22,5,22,107.40022199999999 +"POLYGON ((7.337631736820562 53.21322995744958, 7.33878671361443 53.21322995744958, 7.33878671361443 53.21302822724463, 7.337631736820562 53.21302822724463, 7.337631736820562 53.21322995744958))",40578_6_11,6,11,113.24283766666667 +"POLYGON ((7.337631736820562 53.21302822724463, 7.33878671361443 53.21302822724463, 7.33878671361443 53.2128264960898, 7.337631736820562 53.2128264960898, 7.337631736820562 53.21302822724463))",40578_6_12,6,12,119.37562025 +"POLYGON ((7.337631736820562 53.2128264960898, 7.33878671361443 53.2128264960898, 7.33878671361443 53.21262476398507, 7.337631736820562 53.21262476398507, 7.337631736820562 53.2128264960898))",40578_6_13,6,13,114.750001 +"POLYGON ((7.337631736820562 53.21262476398507, 7.33878671361443 53.21262476398507, 7.33878671361443 53.21242303093045, 7.337631736820562 53.21242303093045, 7.337631736820562 53.21262476398507))",40578_6_14,6,14,183.0 +"POLYGON ((7.337631736820562 53.21222129692596, 7.33878671361443 53.21222129692596, 7.33878671361443 53.21201956197156, 7.337631736820562 53.21201956197156, 7.337631736820562 53.21222129692596))",40578_6_16,6,16,80.6 +"POLYGON ((7.337631736820562 53.21201956197156, 7.33878671361443 53.21201956197156, 7.33878671361443 53.21181782606729, 7.337631736820562 53.21181782606729, 7.337631736820562 53.21201956197156))",40578_6_17,6,17,116.9246235 +"POLYGON ((7.335321783232826 52.34446281402145, 7.336476760026693 52.34446281402145, 7.336476760026693 52.34425701641146, 7.335321783232826 52.34425701641146, 7.335321783232826 52.34446281402145))",40738_4_8,4,8,115.7655825 +"POLYGON ((7.335321783232826 52.34261060104566, 7.336476760026693 52.34261060104566, 7.336476760026693 52.34240479481418, 7.335321783232826 52.34240479481418, 7.335321783232826 52.34261060104566))",40738_4_17,4,17,130.0 +"POLYGON ((7.336476760026693 52.34343381639212, 7.337631736820562 52.34343381639212, 7.337631736820562 52.34322801399243, 7.336476760026693 52.34322801399243, 7.336476760026693 52.34343381639212))",40738_5_13,5,13,101.965986 +"POLYGON ((7.336476760026693 52.3428164063192, 7.337631736820562 52.3428164063192, 7.337631736820562 52.34261060104566, 7.336476760026693 52.34261060104566, 7.336476760026693 52.3428164063192))",40738_5_16,5,16,184.0 +"POLYGON ((7.337631736820562 52.34302221063479, 7.33878671361443 52.34302221063479, 7.33878671361443 52.3428164063192, 7.337631736820562 52.3428164063192, 7.337631736820562 52.34302221063479))",40738_6_15,6,15,174.0 +"POLYGON ((7.337631736820562 52.34261060104566, 7.33878671361443 52.34261060104566, 7.33878671361443 52.34240479481418, 7.337631736820562 52.34240479481418, 7.337631736820562 52.34261060104566))",40738_6_17,6,17,172.0 +"POLYGON ((7.335321783232826 52.33897454992264, 7.336476760026693 52.33897454992264, 7.336476760026693 52.33876872676704, 7.335321783232826 52.33876872676704, 7.335321783232826 52.33897454992264))",40739_4_8,4,8,105.2556405 +"POLYGON ((7.335321783232826 52.33712210703465, 7.336476760026693 52.33712210703465, 7.336476760026693 52.33691627525712, 7.335321783232826 52.33691627525712, 7.335321783232826 52.33712210703465))",40739_4_17,4,17,131.0 +"POLYGON ((7.336476760026693 52.33794542456479, 7.337631736820562 52.33794542456479, 7.337631736820562 52.33773959661924, 7.336476760026693 52.33773959661924, 7.336476760026693 52.33794542456479))",40739_5_13,5,13,93.0 +"POLYGON ((7.336476760026693 52.33732793785418, 7.337631736820562 52.33732793785418, 7.337631736820562 52.33712210703465, 7.336476760026693 52.33712210703465, 7.336476760026693 52.33732793785418))",40739_5_16,5,16,183.0 +"POLYGON ((7.337631736820562 52.33753376771572, 7.33878671361443 52.33753376771572, 7.33878671361443 52.33732793785418, 7.337631736820562 52.33732793785418, 7.337631736820562 52.33753376771572))",40739_6_15,6,15,178.0 +"POLYGON ((7.337631736820562 52.33712210703465, 7.33878671361443 52.33712210703465, 7.33878671361443 52.33691627525712, 7.337631736820562 52.33691627525712, 7.337631736820562 52.33712210703465))",40739_6_17,6,17,176.0 +"POLYGON ((7.330701876057354 52.16216365138559, 7.331856852851224 52.16216365138559, 7.331856852851224 52.16195700625985, 7.330701876057354 52.16195700625985, 7.330701876057354 52.16216365138559))",40771_0_12,0,12,76.5 +"POLYGON ((7.330701876057354 52.16009715694983, 7.331856852851224 52.16009715694983, 7.331856852851224 52.15989050222887, 7.330701876057354 52.15989050222887, 7.330701876057354 52.16009715694983))",40771_0_22,0,22,101.52493960000001 +"POLYGON ((7.331856852851224 52.16278358100572, 7.333011829645089 52.16278358100572, 7.333011829645089 52.16257693875852, 7.331856852851224 52.16257693875852, 7.331856852851224 52.16278358100572))",40771_1_9,1,9,92.5 +"POLYGON ((7.333011829645089 52.16216365138559, 7.334166806438959 52.16216365138559, 7.334166806438959 52.16195700625985, 7.333011829645089 52.16195700625985, 7.333011829645089 52.16216365138559))",40771_2_12,2,12,85.0 +"POLYGON ((7.334166806438959 52.16340350199026, 7.335321783232826 52.16340350199026, 7.335321783232826 52.16319686262158, 7.334166806438959 52.16319686262158, 7.334166806438959 52.16340350199026))",40771_3_6,3,6,94.25 +"POLYGON ((7.334166806438959 52.16216365138559, 7.335321783232826 52.16216365138559, 7.335321783232826 52.16195700625985, 7.334166806438959 52.16195700625985, 7.334166806438959 52.16216365138559))",40771_3_12,3,12,92.0 +"POLYGON ((7.334166806438959 52.16133706512556, 7.335321783232826 52.16133706512556, 7.335321783232826 52.16113041616175, 7.334166806438959 52.16113041616175, 7.334166806438959 52.16133706512556))",40771_3_16,3,16,99.66666666666667 +"POLYGON ((7.335321783232826 52.16381677784911, 7.336476760026693 52.16381677784911, 7.336476760026693 52.16361014039943, 7.335321783232826 52.16361014039943, 7.335321783232826 52.16381677784911))",40771_4_4,4,4,109.5 +"POLYGON ((7.335321783232826 52.16361014039943, 7.336476760026693 52.16361014039943, 7.336476760026693 52.16340350199026, 7.335321783232826 52.16340350199026, 7.335321783232826 52.16361014039943))",40771_4_5,4,5,119.0 +"POLYGON ((7.336476760026693 52.16381677784911, 7.337631736820562 52.16381677784911, 7.337631736820562 52.16361014039943, 7.336476760026693 52.16361014039943, 7.336476760026693 52.16381677784911))",40771_5_4,5,4,105.0 +"POLYGON ((7.336476760026693 52.16361014039943, 7.337631736820562 52.16361014039943, 7.337631736820562 52.16340350199026, 7.336476760026693 52.16340350199026, 7.336476760026693 52.16361014039943))",40771_5_5,5,5,89.75 +"POLYGON ((7.336476760026693 52.16278358100572, 7.337631736820562 52.16278358100572, 7.337631736820562 52.16257693875852, 7.336476760026693 52.16257693875852, 7.336476760026693 52.16278358100572))",40771_5_9,5,9,92.2591736 +"POLYGON ((7.336476760026693 52.16257693875852, 7.337631736820562 52.16257693875852, 7.337631736820562 52.1623702955518, 7.336476760026693 52.1623702955518, 7.336476760026693 52.16257693875852))",40771_5_10,5,10,91.9349115 +"POLYGON ((7.336476760026693 52.16051046351318, 7.337631736820562 52.16051046351318, 7.337631736820562 52.16030381071128, 7.336476760026693 52.16030381071128, 7.336476760026693 52.16051046351318))",40771_5_20,5,20,102.29934875000001 +"POLYGON ((7.336476760026693 52.15989050222887, 7.337631736820562 52.15989050222887, 7.337631736820562 52.15968384654837, 7.336476760026693 52.15968384654837, 7.336476760026693 52.15989050222887))",40771_5_23,5,23,97.00000125 +"POLYGON ((7.337631736820562 52.16278358100572, 7.33878671361443 52.16278358100572, 7.33878671361443 52.16257693875852, 7.337631736820562 52.16257693875852, 7.337631736820562 52.16278358100572))",40771_6_9,6,9,108.50587675 +"POLYGON ((7.337631736820562 52.16216365138559, 7.33878671361443 52.16216365138559, 7.33878671361443 52.16195700625985, 7.337631736820562 52.16195700625985, 7.337631736820562 52.16216365138559))",40771_6_12,6,12,95.33333333333333 +"POLYGON ((7.337631736820562 52.16195700625985, 7.33878671361443 52.16195700625985, 7.33878671361443 52.16175036017461, 7.337631736820562 52.16175036017461, 7.337631736820562 52.16195700625985))",40771_6_13,6,13,96.3750005 +"POLYGON ((7.337631736820562 52.16175036017461, 7.33878671361443 52.16175036017461, 7.33878671361443 52.16154371312984, 7.337631736820562 52.16154371312984, 7.337631736820562 52.16175036017461))",40771_6_14,6,14,91.27171577777777 +"POLYGON ((7.330701876057354 52.15665278632681, 7.331856852851224 52.15665278632681, 7.331856852851224 52.15644611561338, 7.330701876057354 52.15644611561338, 7.330701876057354 52.15665278632681))",40772_0_12,0,12,78.0 +"POLYGON ((7.331856852851224 52.15727279270972, 7.333011829645089 52.15727279270972, 7.333011829645089 52.15706612487497, 7.331856852851224 52.15706612487497, 7.331856852851224 52.15727279270972))",40772_1_9,1,9,109.0 +"POLYGON ((7.333011829645089 52.15665278632681, 7.334166806438959 52.15665278632681, 7.334166806438959 52.15644611561338, 7.333011829645089 52.15644611561338, 7.333011829645089 52.15665278632681))",40772_2_12,2,12,67.0 +"POLYGON ((7.333011829645089 52.15644611561338, 7.334166806438959 52.15644611561338, 7.334166806438959 52.15623944394041, 7.333011829645089 52.15623944394041, 7.333011829645089 52.15644611561338))",40772_2_13,2,13,48.0 +"POLYGON ((7.334166806438959 52.15665278632681, 7.335321783232826 52.15665278632681, 7.335321783232826 52.15644611561338, 7.334166806438959 52.15644611561338, 7.334166806438959 52.15665278632681))",40772_3_12,3,12,92.0 +"POLYGON ((7.334166806438959 52.15582609771574, 7.335321783232826 52.15582609771574, 7.335321783232826 52.15561942316405, 7.334166806438959 52.15561942316405, 7.334166806438959 52.15582609771574))",40772_3_16,3,16,103.0 +"POLYGON ((7.336476760026693 52.15809945445316, 7.337631736820562 52.15809945445316, 7.337631736820562 52.15789279045663, 7.336476760026693 52.15789279045663, 7.336476760026693 52.15809945445316))",40772_5_5,5,5,101.0 +"POLYGON ((7.336476760026693 52.15706612487497, 7.337631736820562 52.15706612487497, 7.337631736820562 52.15685945608067, 7.336476760026693 52.15685945608067, 7.336476760026693 52.15706612487497))",40772_5_10,5,10,95.0 +"POLYGON ((7.336476760026693 52.15437935570291, 7.337631736820562 52.15437935570291, 7.337631736820562 52.15417267443421, 7.336476760026693 52.15417267443421, 7.336476760026693 52.15437935570291))",40772_5_23,5,23,97.000003 +"POLYGON ((7.337631736820562 52.15665278632681, 7.33878671361443 52.15665278632681, 7.33878671361443 52.15644611561338, 7.337631736820562 52.15644611561338, 7.337631736820562 52.15665278632681))",40772_6_12,6,12,97.0 +"POLYGON ((7.337631736820562 52.15644611561338, 7.33878671361443 52.15644611561338, 7.33878671361443 52.15623944394041, 7.337631736820562 52.15623944394041, 7.337631736820562 52.15644611561338))",40772_6_13,6,13,92.0 +"POLYGON ((7.337631736820562 52.15623944394041, 7.33878671361443 52.15623944394041, 7.33878671361443 52.15603277130785, 7.337631736820562 52.15603277130785, 7.337631736820562 52.15623944394041))",40772_6_14,6,14,98.000003 +"POLYGON ((7.333011829645089 52.15114123891353, 7.334166806438959 52.15114123891353, 7.334166806438959 52.15093454261117, 7.333011829645089 52.15093454261117, 7.333011829645089 52.15114123891353))",40773_2_12,2,12,25.323529411764707 +"POLYGON ((7.333011829645089 52.15093454261117, 7.334166806438959 52.15093454261117, 7.334166806438959 52.15072784534918, 7.333011829645089 52.15072784534918, 7.333011829645089 52.15093454261117))",40773_2_13,2,13,19.38095238095238 +"POLYGON ((7.333011829645089 52.14562900911228, 7.334166806438959 52.14562900911228, 7.334166806438959 52.14542228721972, 7.333011829645089 52.14542228721972, 7.333011829645089 52.14562900911228))",40774_2_12,2,12,12.043478260869565 +"POLYGON ((7.335321783232826 50.64934645517372, 7.336476760026693 50.64934645517372, 7.336476760026693 50.64913285841553, 7.335321783232826 50.64913285841553, 7.335321783232826 50.64934645517372))",41041_4_12,4,12,121.0 +"POLYGON ((7.335321783232826 50.64365020928237, 7.336476760026693 50.64365020928237, 7.336476760026693 50.64343658662741, 7.335321783232826 50.64343658662741, 7.335321783232826 50.64365020928237))",41042_4_12,4,12,131.0 +"POLYGON ((7.34545991286789 53.3949379183066, 7.346614889661757 53.3949379183066, 7.346614889661757 53.3947370447204, 7.34545991286789 53.3947370447204, 7.34545991286789 53.3949379183066))",41219_5_15,5,15,46.5 +"POLYGON ((7.34545991286789 53.38958096487921, 7.346614889661757 53.38958096487921, 7.346614889661757 53.38938006600999, 7.34545991286789 53.38938006600999, 7.34545991286789 53.38958096487921))",41220_5_15,5,15,52.5 +"POLYGON ((7.34545991286789 53.38422333721959, 7.346614889661757 53.38422333721959, 7.346614889661757 53.38402241306593, 7.34545991286789 53.38402241306593, 7.34545991286789 53.38422333721959))",41221_5_15,5,15,67.0 +"POLYGON ((7.33968502889855 53.36895039904608, 7.340840005692417 53.36895039904608, 7.340840005692417 53.36874940282392, 7.33968502889855 53.36874940282392, 7.33968502889855 53.36895039904608))",41224_0_11,0,11,109.0 +"POLYGON ((7.341994982486286 53.36834740753458, 7.343149959280153 53.36834740753458, 7.343149959280153 53.36814640846737, 7.341994982486286 53.36814640846737, 7.341994982486286 53.36834740753458))",41224_2_14,2,14,128.0 +"POLYGON ((7.343149959280153 53.36975437445126, 7.344304936074021 53.36975437445126, 7.344304936074021 53.36955338202248, 7.343149959280153 53.36955338202248, 7.343149959280153 53.36975437445126))",41224_3_7,3,7,139.33333333333334 +"POLYGON ((7.344304936074021 53.37015635646383, 7.34545991286789 53.37015635646383, 7.34545991286789 53.36995536593172, 7.344304936074021 53.36995536593172, 7.344304936074021 53.37015635646383))",41224_4_5,4,5,124.66666666666667 +"POLYGON ((7.344304936074021 53.36935238864535, 7.34545991286789 53.36935238864535, 7.34545991286789 53.36915139431988, 7.344304936074021 53.36915139431988, 7.344304936074021 53.36935238864535))",41224_4_9,4,9,66.666666 +"POLYGON ((7.34545991286789 53.37015635646383, 7.346614889661757 53.37015635646383, 7.346614889661757 53.36995536593172, 7.34545991286789 53.36995536593172, 7.34545991286789 53.37015635646383))",41224_5_5,5,5,116.0 +"POLYGON ((7.34545991286789 53.36975437445126, 7.346614889661757 53.36975437445126, 7.346614889661757 53.36955338202248, 7.34545991286789 53.36955338202248, 7.34545991286789 53.36975437445126))",41224_5_7,5,7,132.0 +"POLYGON ((7.34545991286789 53.36895039904608, 7.346614889661757 53.36895039904608, 7.346614889661757 53.36874940282392, 7.34545991286789 53.36874940282392, 7.34545991286789 53.36895039904608))",41224_5_11,5,11,98.31053979999999 +"POLYGON ((7.34545991286789 53.36874940282392, 7.346614889661757 53.36874940282392, 7.346614889661757 53.36854840565343, 7.34545991286789 53.36854840565343, 7.34545991286789 53.36874940282392))",41224_5_12,5,12,93.23043340000001 +"POLYGON ((7.34545991286789 53.36814640846737, 7.346614889661757 53.36814640846737, 7.346614889661757 53.36794540845182, 7.34545991286789 53.36794540845182, 7.34545991286789 53.36814640846737))",41224_5_15,5,15,51.857142857142854 +"POLYGON ((7.346614889661757 53.36874940282392, 7.347769866455625 53.36874940282392, 7.347769866455625 53.36854840565343, 7.346614889661757 53.36854840565343, 7.346614889661757 53.36874940282392))",41224_6_12,6,12,59.142857 +"POLYGON ((7.346614889661757 53.36834740753458, 7.347769866455625 53.36834740753458, 7.347769866455625 53.36814640846737, 7.346614889661757 53.36814640846737, 7.346614889661757 53.36834740753458))",41224_6_14,6,14,124.0 +"POLYGON ((7.346614889661757 53.36814640846737, 7.347769866455625 53.36814640846737, 7.347769866455625 53.36794540845182, 7.346614889661757 53.36794540845182, 7.346614889661757 53.36814640846737))",41224_6_15,6,15,103.5 +"POLYGON ((7.33968502889855 53.21860907918743, 7.340840005692417 53.21860907918743, 7.340840005692417 53.21840737431195, 7.33968502889855 53.21840737431195, 7.33968502889855 53.21860907918743))",41252_0_11,0,11,168.0 +"POLYGON ((7.33968502889855 53.21659198769011, 7.340840005692417 53.21659198769011, 7.340840005692417 53.21639027331624, 7.33968502889855 53.21639027331624, 7.33968502889855 53.21659198769011))",41252_0_21,0,21,121.60280924999999 +"POLYGON ((7.341994982486286 53.21800396171152, 7.343149959280153 53.21800396171152, 7.343149959280153 53.21780225398655, 7.341994982486286 53.21780225398655, 7.341994982486286 53.21800396171152))",41252_2_14,2,14,148.5 +"POLYGON ((7.343149959280153 53.21941588919105, 7.344304936074021 53.21941588919105, 7.344304936074021 53.21921418811488, 7.343149959280153 53.21921418811488, 7.343149959280153 53.21941588919105))",41252_3_7,3,7,207.0 +"POLYGON ((7.343149959280153 53.21820566848665, 7.344304936074021 53.21820566848665, 7.344304936074021 53.21800396171152, 7.343149959280153 53.21800396171152, 7.343149959280153 53.21820566848665))",41252_3_13,3,13,128.0 +"POLYGON ((7.344304936074021 53.22002098672065, 7.34545991286789 53.22002098672065, 7.34545991286789 53.21981928849393, 7.344304936074021 53.21981928849393, 7.344304936074021 53.22002098672065))",41252_4_4,4,4,201.0 +"POLYGON ((7.344304936074021 53.21901248608889, 7.34545991286789 53.21901248608889, 7.34545991286789 53.21881078311307, 7.344304936074021 53.21881078311307, 7.344304936074021 53.21901248608889))",41252_4_9,4,9,136.99999966666667 +"POLYGON ((7.344304936074021 53.2173988356871, 7.34545991286789 53.2173988356871, 7.34545991286789 53.21719712511262, 7.344304936074021 53.21719712511262, 7.344304936074021 53.2173988356871))",41252_4_17,4,17,140.66666666666666 +"POLYGON ((7.34545991286789 53.21981928849393, 7.346614889661757 53.21981928849393, 7.346614889661757 53.2196175893174, 7.34545991286789 53.2196175893174, 7.34545991286789 53.21981928849393))",41252_5_5,5,5,115.33333333333333 +"POLYGON ((7.34545991286789 53.2196175893174, 7.346614889661757 53.2196175893174, 7.346614889661757 53.21941588919105, 7.34545991286789 53.21941588919105, 7.34545991286789 53.2196175893174))",41252_5_6,5,6,132.0 +"POLYGON ((7.34545991286789 53.21881078311307, 7.346614889661757 53.21881078311307, 7.346614889661757 53.21860907918743, 7.34545991286789 53.21860907918743, 7.34545991286789 53.21881078311307))",41252_5_10,5,10,138.235868 +"POLYGON ((7.34545991286789 53.21840737431195, 7.346614889661757 53.21840737431195, 7.346614889661757 53.21820566848665, 7.34545991286789 53.21820566848665, 7.34545991286789 53.21840737431195))",41252_5_12,5,12,116.21952014285715 +"POLYGON ((7.34545991286789 53.21800396171152, 7.346614889661757 53.21800396171152, 7.346614889661757 53.21780225398655, 7.34545991286789 53.21780225398655, 7.34545991286789 53.21800396171152))",41252_5_14,5,14,128.90268833333334 +"POLYGON ((7.34545991286789 53.21780225398655, 7.346614889661757 53.21780225398655, 7.346614889661757 53.21760054531175, 7.34545991286789 53.21760054531175, 7.34545991286789 53.21780225398655))",41252_5_15,5,15,150.33333333333334 +"POLYGON ((7.34545991286789 53.21719712511262, 7.346614889661757 53.21719712511262, 7.346614889661757 53.21699541358829, 7.34545991286789 53.21699541358829, 7.34545991286789 53.21719712511262))",41252_5_18,5,18,115.440082 +"POLYGON ((7.34545991286789 53.21639027331624, 7.346614889661757 53.21639027331624, 7.346614889661757 53.21618855799252, 7.34545991286789 53.21618855799252, 7.34545991286789 53.21639027331624))",41252_5_22,5,22,110.24999875 +"POLYGON ((7.346614889661757 53.21860907918743, 7.347769866455625 53.21860907918743, 7.347769866455625 53.21840737431195, 7.346614889661757 53.21840737431195, 7.346614889661757 53.21860907918743))",41252_6_11,6,11,116.76923107692308 +"POLYGON ((7.346614889661757 53.21840737431195, 7.347769866455625 53.21840737431195, 7.347769866455625 53.21820566848665, 7.346614889661757 53.21820566848665, 7.346614889661757 53.21840737431195))",41252_6_12,6,12,121.25787228571428 +"POLYGON ((7.346614889661757 53.21820566848665, 7.347769866455625 53.21820566848665, 7.347769866455625 53.21800396171152, 7.346614889661757 53.21800396171152, 7.346614889661757 53.21820566848665))",41252_6_13,6,13,114.74999925 +"POLYGON ((7.346614889661757 53.21800396171152, 7.347769866455625 53.21800396171152, 7.347769866455625 53.21780225398655, 7.346614889661757 53.21780225398655, 7.346614889661757 53.21800396171152))",41252_6_14,6,14,180.0 +"POLYGON ((7.346614889661757 53.21760054531175, 7.347769866455625 53.21760054531175, 7.347769866455625 53.2173988356871, 7.346614889661757 53.2173988356871, 7.346614889661757 53.21760054531175))",41252_6_16,6,16,100.75 +"POLYGON ((7.346614889661757 53.2173988356871, 7.347769866455625 53.2173988356871, 7.347769866455625 53.21719712511262, 7.346614889661757 53.21719712511262, 7.346614889661757 53.2173988356871))",41252_6_17,6,17,114.74999975 +"POLYGON ((7.341994982486286 53.21262476398507, 7.343149959280153 53.21262476398507, 7.343149959280153 53.21242303093045, 7.341994982486286 53.21242303093045, 7.341994982486286 53.21262476398507))",41253_2_14,2,14,136.0 +"POLYGON ((7.344304936074021 53.21363341500985, 7.34545991286789 53.21363341500985, 7.34545991286789 53.21343168670466, 7.344304936074021 53.21343168670466, 7.344304936074021 53.21363341500985))",41253_4_9,4,9,137.0 +"POLYGON ((7.346614889661757 53.21322995744958, 7.347769866455625 53.21322995744958, 7.347769866455625 53.21302822724463, 7.346614889661757 53.21302822724463, 7.346614889661757 53.21322995744958))",41253_6_11,6,11,123.0 +"POLYGON ((7.344304936074021 52.34446281402145, 7.34545991286789 52.34446281402145, 7.34545991286789 52.34425701641146, 7.344304936074021 52.34425701641146, 7.344304936074021 52.34446281402145))",41413_4_8,4,8,134.0000025 +"POLYGON ((7.344304936074021 52.34261060104566, 7.34545991286789 52.34261060104566, 7.34545991286789 52.34240479481418, 7.344304936074021 52.34240479481418, 7.344304936074021 52.34261060104566))",41413_4_17,4,17,130.66666666666666 +"POLYGON ((7.34545991286789 52.34343381639212, 7.346614889661757 52.34343381639212, 7.346614889661757 52.34322801399243, 7.34545991286789 52.34322801399243, 7.34545991286789 52.34343381639212))",41413_5_13,5,13,112.49999925 +"POLYGON ((7.34545991286789 52.3428164063192, 7.346614889661757 52.3428164063192, 7.346614889661757 52.34261060104566, 7.34545991286789 52.34261060104566, 7.34545991286789 52.3428164063192))",41413_5_16,5,16,182.0 +"POLYGON ((7.346614889661757 52.34302221063479, 7.347769866455625 52.34302221063479, 7.347769866455625 52.3428164063192, 7.346614889661757 52.3428164063192, 7.346614889661757 52.34302221063479))",41413_6_15,6,15,169.5 +"POLYGON ((7.346614889661757 52.34261060104566, 7.347769866455625 52.34261060104566, 7.347769866455625 52.34240479481418, 7.346614889661757 52.34240479481418, 7.346614889661757 52.34261060104566))",41413_6_17,6,17,165.33333333333334 +"POLYGON ((7.344304936074021 52.16684735020936, 7.34545991286789 52.16684735020936, 7.34545991286789 52.16664072683218, 7.344304936074021 52.16664072683218, 7.344304936074021 52.16684735020936))",41445_4_16,4,16,54.57142857142857 +"POLYGON ((7.344304936074021 52.16133706512556, 7.34545991286789 52.16133706512556, 7.34545991286789 52.16113041616175, 7.344304936074021 52.16113041616175, 7.344304936074021 52.16133706512556))",41446_4_16,4,16,63.833333333333336 +"POLYGON ((7.33968502889855 52.15665278632681, 7.340840005692417 52.15665278632681, 7.340840005692417 52.15644611561338, 7.33968502889855 52.15644611561338, 7.33968502889855 52.15665278632681))",41447_0_12,0,12,92.2 +"POLYGON ((7.33968502889855 52.15458603601205, 7.340840005692417 52.15458603601205, 7.340840005692417 52.15437935570291, 7.33968502889855 52.15437935570291, 7.33968502889855 52.15458603601205))",41447_0_22,0,22,97.40000119999999 +"POLYGON ((7.340840005692417 52.15727279270972, 7.341994982486286 52.15727279270972, 7.341994982486286 52.15706612487497, 7.340840005692417 52.15706612487497, 7.340840005692417 52.15727279270972))",41447_1_9,1,9,108.25 +"POLYGON ((7.341994982486286 52.15665278632681, 7.343149959280153 52.15665278632681, 7.343149959280153 52.15644611561338, 7.341994982486286 52.15644611561338, 7.341994982486286 52.15665278632681))",41447_2_12,2,12,97.5 +"POLYGON ((7.343149959280153 52.15789279045663, 7.344304936074021 52.15789279045663, 7.344304936074021 52.15768612550055, 7.343149959280153 52.15768612550055, 7.343149959280153 52.15789279045663))",41447_3_6,3,6,108.25 +"POLYGON ((7.343149959280153 52.15665278632681, 7.344304936074021 52.15665278632681, 7.344304936074021 52.15644611561338, 7.343149959280153 52.15644611561338, 7.343149959280153 52.15665278632681))",41447_3_12,3,12,97.2 +"POLYGON ((7.343149959280153 52.15582609771574, 7.344304936074021 52.15582609771574, 7.344304936074021 52.15561942316405, 7.343149959280153 52.15561942316405, 7.343149959280153 52.15582609771574))",41447_3_16,3,16,106.25 +"POLYGON ((7.344304936074021 52.15830611749015, 7.34545991286789 52.15830611749015, 7.34545991286789 52.15809945445316, 7.344304936074021 52.15809945445316, 7.344304936074021 52.15830611749015))",41447_4_4,4,4,106.5 +"POLYGON ((7.344304936074021 52.15809945445316, 7.34545991286789 52.15809945445316, 7.34545991286789 52.15789279045663, 7.344304936074021 52.15789279045663, 7.344304936074021 52.15809945445316))",41447_4_5,4,5,122.5 +"POLYGON ((7.344304936074021 52.15582609771574, 7.34545991286789 52.15582609771574, 7.34545991286789 52.15561942316405, 7.344304936074021 52.15561942316405, 7.344304936074021 52.15582609771574))",41447_4_16,4,16,44.333333333333336 +"POLYGON ((7.34545991286789 52.15830611749015, 7.346614889661757 52.15830611749015, 7.346614889661757 52.15809945445316, 7.34545991286789 52.15809945445316, 7.34545991286789 52.15830611749015))",41447_5_4,5,4,108.5 +"POLYGON ((7.34545991286789 52.15809945445316, 7.346614889661757 52.15809945445316, 7.346614889661757 52.15789279045663, 7.34545991286789 52.15789279045663, 7.34545991286789 52.15809945445316))",41447_5_5,5,5,102.6 +"POLYGON ((7.34545991286789 52.15727279270972, 7.346614889661757 52.15727279270972, 7.346614889661757 52.15706612487497, 7.34545991286789 52.15706612487497, 7.34545991286789 52.15727279270972))",41447_5_9,5,9,98.5764282 +"POLYGON ((7.34545991286789 52.15706612487497, 7.346614889661757 52.15706612487497, 7.346614889661757 52.15685945608067, 7.34545991286789 52.15685945608067, 7.34545991286789 52.15706612487497))",41447_5_10,5,10,102.1601708 +"POLYGON ((7.34545991286789 52.15499939375157, 7.346614889661757 52.15499939375157, 7.346614889661757 52.15479271536159, 7.34545991286789 52.15479271536159, 7.34545991286789 52.15499939375157))",41447_5_20,5,20,101.99999940000001 +"POLYGON ((7.34545991286789 52.15437935570291, 7.346614889661757 52.15437935570291, 7.346614889661757 52.15417267443421, 7.34545991286789 52.15417267443421, 7.34545991286789 52.15437935570291))",41447_5_23,5,23,96.2937912 +"POLYGON ((7.346614889661757 52.15727279270972, 7.347769866455625 52.15727279270972, 7.347769866455625 52.15706612487497, 7.346614889661757 52.15706612487497, 7.346614889661757 52.15727279270972))",41447_6_9,6,9,111.0150596 +"POLYGON ((7.346614889661757 52.15665278632681, 7.347769866455625 52.15665278632681, 7.347769866455625 52.15644611561338, 7.346614889661757 52.15644611561338, 7.346614889661757 52.15665278632681))",41447_6_12,6,12,97.75 +"POLYGON ((7.346614889661757 52.15644611561338, 7.347769866455625 52.15644611561338, 7.347769866455625 52.15623944394041, 7.346614889661757 52.15623944394041, 7.346614889661757 52.15644611561338))",41447_6_13,6,13,97.77777722222223 +"POLYGON ((7.346614889661757 52.15623944394041, 7.347769866455625 52.15623944394041, 7.347769866455625 52.15603277130785, 7.346614889661757 52.15603277130785, 7.346614889661757 52.15623944394041))",41447_6_14,6,14,95.69966836363636 +"POLYGON ((7.341994982486286 52.15114123891353, 7.343149959280153 52.15114123891353, 7.343149959280153 52.15093454261117, 7.341994982486286 52.15093454261117, 7.341994982486286 52.15114123891353))",41448_2_12,2,12,19.692307692307693 +"POLYGON ((7.341994982486286 52.14562900911228, 7.343149959280153 52.14562900911228, 7.343149959280153 52.14542228721972, 7.341994982486286 52.14542228721972, 7.341994982486286 52.14562900911228))",41449_2_12,2,12,22.5 +"POLYGON ((7.344304936074021 50.64365020928237, 7.34545991286789 50.64365020928237, 7.34545991286789 50.64343658662741, 7.344304936074021 50.64343658662741, 7.344304936074021 50.64365020928237))",41717_4_12,4,12,139.0 +"POLYGON ((7.344304936074021 50.63795327279741, 7.34545991286789 50.63795327279741, 7.34545991286789 50.63773962424466, 7.344304936074021 50.63773962424466, 7.344304936074021 50.63795327279741))",41718_4_12,4,12,138.0 +"POLYGON ((7.354443065709085 53.40029419753978, 7.355598042502952 53.40029419753978, 7.355598042502952 53.40009334923518, 7.354443065709085 53.40009334923518, 7.354443065709085 53.40029419753978))",41893_5_15,5,15,53.0 +"POLYGON ((7.354443065709085 53.3949379183066, 7.355598042502952 53.3949379183066, 7.355598042502952 53.3947370447204, 7.354443065709085 53.3947370447204, 7.354443065709085 53.3949379183066))",41894_5_15,5,15,49.75 +"POLYGON ((7.354443065709085 53.38422333721959, 7.355598042502952 53.38422333721959, 7.355598042502952 53.38402241306593, 7.354443065709085 53.38402241306593, 7.354443065709085 53.38422333721959))",41896_5_15,5,15,71.8 +"POLYGON ((7.354443065709085 53.37886503528974, 7.355598042502952 53.37886503528974, 7.355598042502952 53.3786640858502, 7.354443065709085 53.3786640858502, 7.354443065709085 53.37886503528974))",41897_5_15,5,15,82.75 +"POLYGON ((7.354443065709085 53.37350605905165, 7.355598042502952 53.37350605905165, 7.355598042502952 53.37330508432482, 7.354443065709085 53.37330508432482, 7.354443065709085 53.37350605905165))",41898_5_15,5,15,85.75 +"POLYGON ((7.348668181739745 53.36895039904608, 7.349823158533614 53.36895039904608, 7.349823158533614 53.36874940282392, 7.348668181739745 53.36874940282392, 7.348668181739745 53.36895039904608))",41899_0_11,0,11,107.75 +"POLYGON ((7.350978135327481 53.36834740753458, 7.352133112121349 53.36834740753458, 7.352133112121349 53.36814640846737, 7.350978135327481 53.36814640846737, 7.350978135327481 53.36834740753458))",41899_2_14,2,14,119.0 +"POLYGON ((7.352133112121349 53.36975437445126, 7.353288088915216 53.36975437445126, 7.353288088915216 53.36955338202248, 7.352133112121349 53.36955338202248, 7.352133112121349 53.36975437445126))",41899_3_7,3,7,129.33333333333334 +"POLYGON ((7.353288088915216 53.37015635646383, 7.354443065709085 53.37015635646383, 7.354443065709085 53.36995536593172, 7.353288088915216 53.36995536593172, 7.353288088915216 53.37015635646383))",41899_4_5,4,5,111.75 +"POLYGON ((7.353288088915216 53.36935238864535, 7.354443065709085 53.36935238864535, 7.354443065709085 53.36915139431988, 7.353288088915216 53.36915139431988, 7.353288088915216 53.36935238864535))",41899_4_9,4,9,61.344352 +"POLYGON ((7.354443065709085 53.37015635646383, 7.355598042502952 53.37015635646383, 7.355598042502952 53.36995536593172, 7.354443065709085 53.36995536593172, 7.354443065709085 53.37015635646383))",41899_5_5,5,5,112.75 +"POLYGON ((7.354443065709085 53.36975437445126, 7.355598042502952 53.36975437445126, 7.355598042502952 53.36955338202248, 7.354443065709085 53.36955338202248, 7.354443065709085 53.36975437445126))",41899_5_7,5,7,122.75 +"POLYGON ((7.354443065709085 53.36895039904608, 7.355598042502952 53.36895039904608, 7.355598042502952 53.36874940282392, 7.354443065709085 53.36874940282392, 7.354443065709085 53.36895039904608))",41899_5_11,5,11,88.2325012 +"POLYGON ((7.354443065709085 53.36874940282392, 7.355598042502952 53.36874940282392, 7.355598042502952 53.36854840565343, 7.354443065709085 53.36854840565343, 7.354443065709085 53.36874940282392))",41899_5_12,5,12,86.4497016 +"POLYGON ((7.354443065709085 53.36814640846737, 7.355598042502952 53.36814640846737, 7.355598042502952 53.36794540845182, 7.354443065709085 53.36794540845182, 7.354443065709085 53.36814640846737))",41899_5_15,5,15,99.66666666666667 +"POLYGON ((7.355598042502952 53.36874940282392, 7.356753019296821 53.36874940282392, 7.356753019296821 53.36854840565343, 7.355598042502952 53.36854840565343, 7.355598042502952 53.36874940282392))",41899_6_12,6,12,70.90593483333333 +"POLYGON ((7.355598042502952 53.36834740753458, 7.356753019296821 53.36834740753458, 7.356753019296821 53.36814640846737, 7.355598042502952 53.36814640846737, 7.355598042502952 53.36834740753458))",41899_6_14,6,14,123.66666666666667 +"POLYGON ((7.355598042502952 53.36814640846737, 7.356753019296821 53.36814640846737, 7.356753019296821 53.36794540845182, 7.355598042502952 53.36794540845182, 7.355598042502952 53.36814640846737))",41899_6_15,6,15,105.25 +"POLYGON ((7.348668181739745 53.21860907918743, 7.349823158533614 53.21860907918743, 7.349823158533614 53.21840737431195, 7.348668181739745 53.21840737431195, 7.348668181739745 53.21860907918743))",41927_0_11,0,11,164.0 +"POLYGON ((7.348668181739745 53.21659198769011, 7.349823158533614 53.21659198769011, 7.349823158533614 53.21639027331624, 7.348668181739745 53.21639027331624, 7.348668181739745 53.21659198769011))",41927_0_21,0,21,124.36103425 +"POLYGON ((7.350978135327481 53.21800396171152, 7.352133112121349 53.21800396171152, 7.352133112121349 53.21780225398655, 7.350978135327481 53.21780225398655, 7.350978135327481 53.21800396171152))",41927_2_14,2,14,162.0 +"POLYGON ((7.352133112121349 53.21941588919105, 7.353288088915216 53.21941588919105, 7.353288088915216 53.21921418811488, 7.352133112121349 53.21921418811488, 7.352133112121349 53.21941588919105))",41927_3_7,3,7,178.0 +"POLYGON ((7.352133112121349 53.21820566848665, 7.353288088915216 53.21820566848665, 7.353288088915216 53.21800396171152, 7.352133112121349 53.21800396171152, 7.352133112121349 53.21820566848665))",41927_3_13,3,13,126.75 +"POLYGON ((7.353288088915216 53.22002098672065, 7.354443065709085 53.22002098672065, 7.354443065709085 53.21981928849393, 7.353288088915216 53.21981928849393, 7.353288088915216 53.22002098672065))",41927_4_4,4,4,207.0 +"POLYGON ((7.353288088915216 53.21901248608889, 7.354443065709085 53.21901248608889, 7.354443065709085 53.21881078311307, 7.353288088915216 53.21881078311307, 7.353288088915216 53.21901248608889))",41927_4_9,4,9,134.99999966666667 +"POLYGON ((7.353288088915216 53.2173988356871, 7.354443065709085 53.2173988356871, 7.354443065709085 53.21719712511262, 7.353288088915216 53.21719712511262, 7.353288088915216 53.2173988356871))",41927_4_17,4,17,142.33333233333335 +"POLYGON ((7.354443065709085 53.21981928849393, 7.355598042502952 53.21981928849393, 7.355598042502952 53.2196175893174, 7.354443065709085 53.2196175893174, 7.354443065709085 53.21981928849393))",41927_5_5,5,5,112.5 +"POLYGON ((7.354443065709085 53.2196175893174, 7.355598042502952 53.2196175893174, 7.355598042502952 53.21941588919105, 7.354443065709085 53.21941588919105, 7.354443065709085 53.2196175893174))",41927_5_6,5,6,126.66666666666667 +"POLYGON ((7.354443065709085 53.21881078311307, 7.355598042502952 53.21881078311307, 7.355598042502952 53.21860907918743, 7.354443065709085 53.21860907918743, 7.354443065709085 53.21881078311307))",41927_5_10,5,10,138.674243 +"POLYGON ((7.354443065709085 53.21840737431195, 7.355598042502952 53.21840737431195, 7.355598042502952 53.21820566848665, 7.354443065709085 53.21820566848665, 7.354443065709085 53.21840737431195))",41927_5_12,5,12,126.02856625 +"POLYGON ((7.354443065709085 53.21800396171152, 7.355598042502952 53.21800396171152, 7.355598042502952 53.21780225398655, 7.354443065709085 53.21780225398655, 7.354443065709085 53.21800396171152))",41927_5_14,5,14,120.41297625 +"POLYGON ((7.354443065709085 53.21780225398655, 7.355598042502952 53.21780225398655, 7.355598042502952 53.21760054531175, 7.354443065709085 53.21760054531175, 7.354443065709085 53.21780225398655))",41927_5_15,5,15,143.0 +"POLYGON ((7.354443065709085 53.21719712511262, 7.355598042502952 53.21719712511262, 7.355598042502952 53.21699541358829, 7.354443065709085 53.21699541358829, 7.354443065709085 53.21719712511262))",41927_5_18,5,18,117.4999995 +"POLYGON ((7.354443065709085 53.21639027331624, 7.355598042502952 53.21639027331624, 7.355598042502952 53.21618855799252, 7.354443065709085 53.21618855799252, 7.354443065709085 53.21639027331624))",41927_5_22,5,22,109.25000125 +"POLYGON ((7.355598042502952 53.21860907918743, 7.356753019296821 53.21860907918743, 7.356753019296821 53.21840737431195, 7.355598042502952 53.21840737431195, 7.355598042502952 53.21860907918743))",41927_6_11,6,11,115.6 +"POLYGON ((7.355598042502952 53.21840737431195, 7.356753019296821 53.21840737431195, 7.356753019296821 53.21820566848665, 7.355598042502952 53.21820566848665, 7.355598042502952 53.21840737431195))",41927_6_12,6,12,121.44904871428572 +"POLYGON ((7.355598042502952 53.21820566848665, 7.356753019296821 53.21820566848665, 7.356753019296821 53.21800396171152, 7.355598042502952 53.21800396171152, 7.355598042502952 53.21820566848665))",41927_6_13,6,13,114.2500005 +"POLYGON ((7.355598042502952 53.21800396171152, 7.356753019296821 53.21800396171152, 7.356753019296821 53.21780225398655, 7.355598042502952 53.21780225398655, 7.355598042502952 53.21800396171152))",41927_6_14,6,14,175.5 +"POLYGON ((7.355598042502952 53.21760054531175, 7.356753019296821 53.21760054531175, 7.356753019296821 53.2173988356871, 7.355598042502952 53.2173988356871, 7.355598042502952 53.21760054531175))",41927_6_16,6,16,106.75 +"POLYGON ((7.355598042502952 53.2173988356871, 7.356753019296821 53.2173988356871, 7.356753019296821 53.21719712511262, 7.355598042502952 53.21719712511262, 7.355598042502952 53.2173988356871))",41927_6_17,6,17,116.25000225 +"POLYGON ((7.353288088915216 52.34446281402145, 7.354443065709085 52.34446281402145, 7.354443065709085 52.34425701641146, 7.353288088915216 52.34425701641146, 7.353288088915216 52.34446281402145))",42088_4_8,4,8,136.333334 +"POLYGON ((7.353288088915216 52.34261060104566, 7.354443065709085 52.34261060104566, 7.354443065709085 52.34240479481418, 7.353288088915216 52.34240479481418, 7.353288088915216 52.34261060104566))",42088_4_17,4,17,132.0 +"POLYGON ((7.354443065709085 52.34343381639212, 7.355598042502952 52.34343381639212, 7.355598042502952 52.34322801399243, 7.354443065709085 52.34322801399243, 7.354443065709085 52.34343381639212))",42088_5_13,5,13,107.5000005 +"POLYGON ((7.354443065709085 52.3428164063192, 7.355598042502952 52.3428164063192, 7.355598042502952 52.34261060104566, 7.354443065709085 52.34261060104566, 7.354443065709085 52.3428164063192))",42088_5_16,5,16,181.5 +"POLYGON ((7.355598042502952 52.34302221063479, 7.356753019296821 52.34302221063479, 7.356753019296821 52.3428164063192, 7.355598042502952 52.3428164063192, 7.355598042502952 52.34302221063479))",42088_6_15,6,15,172.33333333333334 +"POLYGON ((7.355598042502952 52.34261060104566, 7.356753019296821 52.34261060104566, 7.356753019296821 52.34240479481418, 7.355598042502952 52.34240479481418, 7.355598042502952 52.34261060104566))",42088_6_17,6,17,171.0 +"POLYGON ((7.353288088915216 52.17786587353301, 7.354443065709085 52.17786587353301, 7.354443065709085 52.1776593013253, 7.353288088915216 52.1776593013253, 7.353288088915216 52.17786587353301))",42118_4_16,4,16,95.75 +"POLYGON ((7.353288088915216 52.17235695300067, 7.354443065709085 52.17235695300067, 7.354443065709085 52.17215035520885, 7.353288088915216 52.17215035520885, 7.353288088915216 52.17235695300067))",42119_4_16,4,16,80.6 +"POLYGON ((7.353288088915216 52.16684735020936, 7.354443065709085 52.16684735020936, 7.354443065709085 52.16664072683218, 7.353288088915216 52.16664072683218, 7.353288088915216 52.16684735020936))",42120_4_16,4,16,57.0 +"POLYGON ((7.348668181739745 52.15665278632681, 7.349823158533614 52.15665278632681, 7.349823158533614 52.15644611561338, 7.348668181739745 52.15644611561338, 7.348668181739745 52.15665278632681))",42122_0_12,0,12,109.5 +"POLYGON ((7.348668181739745 52.15458603601205, 7.349823158533614 52.15458603601205, 7.349823158533614 52.15437935570291, 7.348668181739745 52.15437935570291, 7.348668181739745 52.15458603601205))",42122_0_22,0,22,98.68872933333334 +"POLYGON ((7.349823158533614 52.15727279270972, 7.350978135327481 52.15727279270972, 7.350978135327481 52.15706612487497, 7.349823158533614 52.15706612487497, 7.349823158533614 52.15727279270972))",42122_1_9,1,9,102.66666666666667 +"POLYGON ((7.350978135327481 52.15665278632681, 7.352133112121349 52.15665278632681, 7.352133112121349 52.15644611561338, 7.350978135327481 52.15644611561338, 7.350978135327481 52.15665278632681))",42122_2_12,2,12,90.66666666666667 +"POLYGON ((7.352133112121349 52.15789279045663, 7.353288088915216 52.15789279045663, 7.353288088915216 52.15768612550055, 7.352133112121349 52.15768612550055, 7.352133112121349 52.15789279045663))",42122_3_6,3,6,109.33333333333333 +"POLYGON ((7.352133112121349 52.15665278632681, 7.353288088915216 52.15665278632681, 7.353288088915216 52.15644611561338, 7.352133112121349 52.15644611561338, 7.352133112121349 52.15665278632681))",42122_3_12,3,12,94.33333333333333 +"POLYGON ((7.352133112121349 52.15582609771574, 7.353288088915216 52.15582609771574, 7.353288088915216 52.15561942316405, 7.352133112121349 52.15561942316405, 7.352133112121349 52.15582609771574))",42122_3_16,3,16,105.0 +"POLYGON ((7.353288088915216 52.15830611749015, 7.354443065709085 52.15830611749015, 7.354443065709085 52.15809945445316, 7.353288088915216 52.15809945445316, 7.353288088915216 52.15830611749015))",42122_4_4,4,4,87.66666666666667 +"POLYGON ((7.353288088915216 52.15809945445316, 7.354443065709085 52.15809945445316, 7.354443065709085 52.15789279045663, 7.353288088915216 52.15789279045663, 7.353288088915216 52.15809945445316))",42122_4_5,4,5,127.0 +"POLYGON ((7.353288088915216 52.15582609771574, 7.354443065709085 52.15582609771574, 7.354443065709085 52.15561942316405, 7.353288088915216 52.15561942316405, 7.353288088915216 52.15582609771574))",42122_4_16,4,16,98.0 +"POLYGON ((7.354443065709085 52.15830611749015, 7.355598042502952 52.15830611749015, 7.355598042502952 52.15809945445316, 7.354443065709085 52.15809945445316, 7.354443065709085 52.15830611749015))",42122_5_4,5,4,110.0 +"POLYGON ((7.354443065709085 52.15809945445316, 7.355598042502952 52.15809945445316, 7.355598042502952 52.15789279045663, 7.354443065709085 52.15789279045663, 7.354443065709085 52.15809945445316))",42122_5_5,5,5,106.66666666666667 +"POLYGON ((7.354443065709085 52.15727279270972, 7.355598042502952 52.15727279270972, 7.355598042502952 52.15706612487497, 7.354443065709085 52.15706612487497, 7.354443065709085 52.15727279270972))",42122_5_9,5,9,95.9999995 +"POLYGON ((7.354443065709085 52.15706612487497, 7.355598042502952 52.15706612487497, 7.355598042502952 52.15685945608067, 7.354443065709085 52.15685945608067, 7.354443065709085 52.15706612487497))",42122_5_10,5,10,106.33333233333333 +"POLYGON ((7.354443065709085 52.15499939375157, 7.355598042502952 52.15499939375157, 7.355598042502952 52.15479271536159, 7.354443065709085 52.15479271536159, 7.354443065709085 52.15499939375157))",42122_5_20,5,20,93.31854899999999 +"POLYGON ((7.354443065709085 52.15437935570291, 7.355598042502952 52.15437935570291, 7.355598042502952 52.15417267443421, 7.354443065709085 52.15417267443421, 7.354443065709085 52.15437935570291))",42122_5_23,5,23,92.22409866666665 +"POLYGON ((7.355598042502952 52.15727279270972, 7.356753019296821 52.15727279270972, 7.356753019296821 52.15706612487497, 7.355598042502952 52.15706612487497, 7.355598042502952 52.15727279270972))",42122_6_9,6,9,112.999998 +"POLYGON ((7.355598042502952 52.15665278632681, 7.356753019296821 52.15665278632681, 7.356753019296821 52.15644611561338, 7.355598042502952 52.15644611561338, 7.355598042502952 52.15665278632681))",42122_6_12,6,12,91.66666666666667 +"POLYGON ((7.355598042502952 52.15644611561338, 7.356753019296821 52.15644611561338, 7.356753019296821 52.15623944394041, 7.355598042502952 52.15623944394041, 7.355598042502952 52.15644611561338))",42122_6_13,6,13,94.79697616666665 +"POLYGON ((7.355598042502952 52.15623944394041, 7.356753019296821 52.15623944394041, 7.356753019296821 52.15603277130785, 7.355598042502952 52.15603277130785, 7.355598042502952 52.15623944394041))",42122_6_14,6,14,93.91031214285714 +"POLYGON ((7.348668181739745 52.15114123891353, 7.349823158533614 52.15114123891353, 7.349823158533614 52.15093454261117, 7.348668181739745 52.15093454261117, 7.348668181739745 52.15114123891353))",42123_0_12,0,12,72.66666666666667 +"POLYGON ((7.348668181739745 52.14907423270719, 7.349823158533614 52.14907423270719, 7.349823158533614 52.14886752680866, 7.348668181739745 52.14886752680866, 7.348668181739745 52.14907423270719))",42123_0_22,0,22,100.09615575000001 +"POLYGON ((7.349823158533614 52.151761322063, 7.350978135327481 52.151761322063, 7.350978135327481 52.15155462863945, 7.349823158533614 52.15155462863945, 7.349823158533614 52.151761322063))",42123_1_9,1,9,97.0 +"POLYGON ((7.350978135327481 52.15114123891353, 7.352133112121349 52.15114123891353, 7.352133112121349 52.15093454261117, 7.350978135327481 52.15093454261117, 7.350978135327481 52.15114123891353))",42123_2_12,2,12,85.33333333333333 +"POLYGON ((7.352133112121349 52.15238139657603, 7.353288088915216 52.15238139657603, 7.353288088915216 52.15217470603129, 7.352133112121349 52.15217470603129, 7.352133112121349 52.15238139657603))",42123_3_6,3,6,113.0 +"POLYGON ((7.352133112121349 52.15114123891353, 7.353288088915216 52.15114123891353, 7.353288088915216 52.15093454261117, 7.352133112121349 52.15093454261117, 7.352133112121349 52.15114123891353))",42123_3_12,3,12,90.66666666666667 +"POLYGON ((7.352133112121349 52.1503144479464, 7.353288088915216 52.1503144479464, 7.353288088915216 52.15010774780558, 7.352133112121349 52.15010774780558, 7.352133112121349 52.1503144479464))",42123_3_16,3,16,105.0 +"POLYGON ((7.353288088915216 52.15279477478673, 7.354443065709085 52.15279477478673, 7.354443065709085 52.15258808616117, 7.353288088915216 52.15258808616117, 7.353288088915216 52.15279477478673))",42123_4_4,4,4,84.0 +"POLYGON ((7.353288088915216 52.15258808616117, 7.354443065709085 52.15258808616117, 7.354443065709085 52.15238139657603, 7.353288088915216 52.15238139657603, 7.353288088915216 52.15258808616117))",42123_4_5,4,5,122.5 +"POLYGON ((7.353288088915216 52.1503144479464, 7.354443065709085 52.1503144479464, 7.354443065709085 52.15010774780558, 7.353288088915216 52.15010774780558, 7.353288088915216 52.1503144479464))",42123_4_16,4,16,94.66666666666667 +"POLYGON ((7.354443065709085 52.15279477478673, 7.355598042502952 52.15279477478673, 7.355598042502952 52.15258808616117, 7.354443065709085 52.15258808616117, 7.354443065709085 52.15279477478673))",42123_5_4,5,4,109.33333333333333 +"POLYGON ((7.354443065709085 52.15258808616117, 7.355598042502952 52.15258808616117, 7.355598042502952 52.15238139657603, 7.354443065709085 52.15238139657603, 7.354443065709085 52.15258808616117))",42123_5_5,5,5,114.0 +"POLYGON ((7.354443065709085 52.151761322063, 7.355598042502952 52.151761322063, 7.355598042502952 52.15155462863945, 7.354443065709085 52.15155462863945, 7.354443065709085 52.151761322063))",42123_5_9,5,9,92.18466000000001 +"POLYGON ((7.354443065709085 52.15155462863945, 7.355598042502952 52.15155462863945, 7.355598042502952 52.15134793425629, 7.354443065709085 52.15134793425629, 7.354443065709085 52.15155462863945))",42123_5_10,5,10,105.49940866666667 +"POLYGON ((7.354443065709085 52.14948764162541, 7.355598042502952 52.14948764162541, 7.355598042502952 52.14928093764613, 7.354443065709085 52.14928093764613, 7.354443065709085 52.14948764162541))",42123_5_20,5,20,94.33333366666666 +"POLYGON ((7.354443065709085 52.14886752680866, 7.355598042502952 52.14886752680866, 7.355598042502952 52.14866081995049, 7.354443065709085 52.14866081995049, 7.354443065709085 52.14886752680866))",42123_5_23,5,23,91.68740425000001 +"POLYGON ((7.355598042502952 52.151761322063, 7.356753019296821 52.151761322063, 7.356753019296821 52.15155462863945, 7.355598042502952 52.15155462863945, 7.355598042502952 52.151761322063))",42123_6_9,6,9,111.14953166666668 +"POLYGON ((7.355598042502952 52.15114123891353, 7.356753019296821 52.15114123891353, 7.356753019296821 52.15093454261117, 7.355598042502952 52.15093454261117, 7.355598042502952 52.15114123891353))",42123_6_12,6,12,69.0 +"POLYGON ((7.355598042502952 52.15093454261117, 7.356753019296821 52.15093454261117, 7.356753019296821 52.15072784534918, 7.355598042502952 52.15072784534918, 7.355598042502952 52.15093454261117))",42123_6_13,6,13,93.08873257142857 +"POLYGON ((7.355598042502952 52.15072784534918, 7.356753019296821 52.15072784534918, 7.356753019296821 52.1505211471276, 7.355598042502952 52.1505211471276, 7.355598042502952 52.15072784534918))",42123_6_14,6,14,96.7499985 +"POLYGON ((7.353288088915216 50.63795327279741, 7.354443065709085 50.63795327279741, 7.354443065709085 50.63773962424466, 7.353288088915216 50.63773962424466, 7.353288088915216 50.63795327279741))",42393_4_12,4,12,142.66666666666666 +"POLYGON ((7.36342621855028 53.4056498026168, 7.364581195344147 53.4056498026168, 7.364581195344147 53.40544897959238, 7.36342621855028 53.40544897959238, 7.36342621855028 53.4056498026168))",42567_5_15,5,15,54.0 +"POLYGON ((7.36342621855028 53.40029419753978, 7.364581195344147 53.40029419753978, 7.364581195344147 53.40009334923518, 7.36342621855028 53.40009334923518, 7.36342621855028 53.40029419753978))",42568_5_15,5,15,54.875 +"POLYGON ((7.35765133458094 53.36895039904608, 7.358806311374809 53.36895039904608, 7.358806311374809 53.36874940282392, 7.35765133458094 53.36874940282392, 7.35765133458094 53.36895039904608))",42574_0_11,0,11,115.0 +"POLYGON ((7.359961288168676 53.36834740753458, 7.361116264962543 53.36834740753458, 7.361116264962543 53.36814640846737, 7.359961288168676 53.36814640846737, 7.359961288168676 53.36834740753458))",42574_2_14,2,14,116.66666666666667 +"POLYGON ((7.361116264962543 53.36975437445126, 7.362271241756411 53.36975437445126, 7.362271241756411 53.36955338202248, 7.361116264962543 53.36955338202248, 7.361116264962543 53.36975437445126))",42574_3_7,3,7,119.66666666666667 +"POLYGON ((7.362271241756411 53.37015635646383, 7.36342621855028 53.37015635646383, 7.36342621855028 53.36995536593172, 7.362271241756411 53.36995536593172, 7.362271241756411 53.37015635646383))",42574_4_5,4,5,108.5 +"POLYGON ((7.362271241756411 53.36935238864535, 7.36342621855028 53.36935238864535, 7.36342621855028 53.36915139431988, 7.362271241756411 53.36915139431988, 7.362271241756411 53.36935238864535))",42574_4_9,4,9,65.61711749999999 +"POLYGON ((7.36342621855028 53.37015635646383, 7.364581195344147 53.37015635646383, 7.364581195344147 53.36995536593172, 7.36342621855028 53.36995536593172, 7.36342621855028 53.37015635646383))",42574_5_5,5,5,111.0 +"POLYGON ((7.36342621855028 53.36975437445126, 7.364581195344147 53.36975437445126, 7.364581195344147 53.36955338202248, 7.36342621855028 53.36955338202248, 7.36342621855028 53.36975437445126))",42574_5_7,5,7,122.66666666666667 +"POLYGON ((7.36342621855028 53.36895039904608, 7.364581195344147 53.36895039904608, 7.364581195344147 53.36874940282392, 7.36342621855028 53.36874940282392, 7.36342621855028 53.36895039904608))",42574_5_11,5,11,83.19999920000001 +"POLYGON ((7.36342621855028 53.36874940282392, 7.364581195344147 53.36874940282392, 7.364581195344147 53.36854840565343, 7.36342621855028 53.36854840565343, 7.36342621855028 53.36874940282392))",42574_5_12,5,12,86.4645774 +"POLYGON ((7.36342621855028 53.36814640846737, 7.364581195344147 53.36814640846737, 7.364581195344147 53.36794540845182, 7.36342621855028 53.36794540845182, 7.36342621855028 53.36814640846737))",42574_5_15,5,15,112.0 +"POLYGON ((7.364581195344147 53.36874940282392, 7.365736172138015 53.36874940282392, 7.365736172138015 53.36854840565343, 7.364581195344147 53.36854840565343, 7.364581195344147 53.36874940282392))",42574_6_12,6,12,85.37606819999999 +"POLYGON ((7.364581195344147 53.36834740753458, 7.365736172138015 53.36834740753458, 7.365736172138015 53.36814640846737, 7.364581195344147 53.36814640846737, 7.364581195344147 53.36834740753458))",42574_6_14,6,14,113.33333333333333 +"POLYGON ((7.364581195344147 53.36814640846737, 7.365736172138015 53.36814640846737, 7.365736172138015 53.36794540845182, 7.364581195344147 53.36794540845182, 7.364581195344147 53.36814640846737))",42574_6_15,6,15,105.0 +"POLYGON ((7.35765133458094 53.22197068727763, 7.358806311374809 53.22197068727763, 7.358806311374809 53.22176899823238, 7.35765133458094 53.22176899823238, 7.35765133458094 53.22197068727763))",42601_0_21,0,21,125.000004 +"POLYGON ((7.359961288168676 53.22338248400027, 7.361116264962543 53.22338248400027, 7.361116264962543 53.22318080160354, 7.359961288168676 53.22318080160354, 7.359961288168676 53.22338248400027))",42601_2_14,2,14,166.0 +"POLYGON ((7.362271241756411 53.22277743396072, 7.36342621855028 53.22277743396072, 7.36342621855028 53.22257574871463, 7.362271241756411 53.22257574871463, 7.362271241756411 53.22277743396072))",42601_4_17,4,17,143.0 +"POLYGON ((7.36342621855028 53.22378584594439, 7.364581195344147 53.22378584594439, 7.364581195344147 53.22358416544721, 7.36342621855028 53.22358416544721, 7.36342621855028 53.22378584594439))",42601_5_12,5,12,116.0 +"POLYGON ((7.36342621855028 53.22257574871463, 7.364581195344147 53.22257574871463, 7.364581195344147 53.22237406251877, 7.36342621855028 53.22237406251877, 7.36342621855028 53.22257574871463))",42601_5_18,5,18,117.0 +"POLYGON ((7.364581195344147 53.22398752549178, 7.365736172138015 53.22398752549178, 7.365736172138015 53.22378584594439, 7.364581195344147 53.22378584594439, 7.364581195344147 53.22398752549178))",42601_6_11,6,11,112.66666666666667 +"POLYGON ((7.364581195344147 53.22378584594439, 7.365736172138015 53.22378584594439, 7.365736172138015 53.22358416544721, 7.364581195344147 53.22358416544721, 7.364581195344147 53.22378584594439))",42601_6_12,6,12,124.499998 +"POLYGON ((7.364581195344147 53.22358416544721, 7.365736172138015 53.22358416544721, 7.365736172138015 53.22338248400027, 7.364581195344147 53.22338248400027, 7.364581195344147 53.22358416544721))",42601_6_13,6,13,79.839998 +"POLYGON ((7.364581195344147 53.22338248400027, 7.365736172138015 53.22338248400027, 7.365736172138015 53.22318080160354, 7.364581195344147 53.22318080160354, 7.364581195344147 53.22338248400027))",42601_6_14,6,14,159.0 +"POLYGON ((7.364581195344147 53.22297911825703, 7.365736172138015 53.22297911825703, 7.365736172138015 53.22277743396072, 7.364581195344147 53.22277743396072, 7.364581195344147 53.22297911825703))",42601_6_16,6,16,102.0 +"POLYGON ((7.35765133458094 53.21860907918743, 7.358806311374809 53.21860907918743, 7.358806311374809 53.21840737431195, 7.35765133458094 53.21840737431195, 7.35765133458094 53.21860907918743))",42602_0_11,0,11,163.5 +"POLYGON ((7.35765133458094 53.21659198769011, 7.358806311374809 53.21659198769011, 7.358806311374809 53.21639027331624, 7.35765133458094 53.21639027331624, 7.35765133458094 53.21659198769011))",42602_0_21,0,21,125.00000066666666 +"POLYGON ((7.359961288168676 53.21800396171152, 7.361116264962543 53.21800396171152, 7.361116264962543 53.21780225398655, 7.359961288168676 53.21780225398655, 7.359961288168676 53.21800396171152))",42602_2_14,2,14,163.0 +"POLYGON ((7.361116264962543 53.21941588919105, 7.362271241756411 53.21941588919105, 7.362271241756411 53.21921418811488, 7.361116264962543 53.21921418811488, 7.361116264962543 53.21941588919105))",42602_3_7,3,7,161.0 +"POLYGON ((7.361116264962543 53.21820566848665, 7.362271241756411 53.21820566848665, 7.362271241756411 53.21800396171152, 7.361116264962543 53.21800396171152, 7.361116264962543 53.21820566848665))",42602_3_13,3,13,123.0 +"POLYGON ((7.362271241756411 53.22002098672065, 7.36342621855028 53.22002098672065, 7.36342621855028 53.21981928849393, 7.362271241756411 53.21981928849393, 7.362271241756411 53.22002098672065))",42602_4_4,4,4,208.5 +"POLYGON ((7.362271241756411 53.21901248608889, 7.36342621855028 53.21901248608889, 7.36342621855028 53.21881078311307, 7.362271241756411 53.21881078311307, 7.362271241756411 53.21901248608889))",42602_4_9,4,9,132.99999866666667 +"POLYGON ((7.362271241756411 53.2173988356871, 7.36342621855028 53.2173988356871, 7.36342621855028 53.21719712511262, 7.362271241756411 53.21719712511262, 7.362271241756411 53.2173988356871))",42602_4_17,4,17,142.666668 +"POLYGON ((7.36342621855028 53.21981928849393, 7.364581195344147 53.21981928849393, 7.364581195344147 53.2196175893174, 7.36342621855028 53.2196175893174, 7.36342621855028 53.21981928849393))",42602_5_5,5,5,114.66666666666667 +"POLYGON ((7.36342621855028 53.2196175893174, 7.364581195344147 53.2196175893174, 7.364581195344147 53.21941588919105, 7.36342621855028 53.21941588919105, 7.36342621855028 53.2196175893174))",42602_5_6,5,6,127.33333333333333 +"POLYGON ((7.36342621855028 53.21881078311307, 7.364581195344147 53.21881078311307, 7.364581195344147 53.21860907918743, 7.36342621855028 53.21860907918743, 7.36342621855028 53.21881078311307))",42602_5_10,5,10,136.688918 +"POLYGON ((7.36342621855028 53.21840737431195, 7.364581195344147 53.21840737431195, 7.364581195344147 53.21820566848665, 7.36342621855028 53.21820566848665, 7.36342621855028 53.21840737431195))",42602_5_12,5,12,126.96131116666668 +"POLYGON ((7.36342621855028 53.21800396171152, 7.364581195344147 53.21800396171152, 7.364581195344147 53.21780225398655, 7.36342621855028 53.21780225398655, 7.36342621855028 53.21800396171152))",42602_5_14,5,14,145.33333333333334 +"POLYGON ((7.36342621855028 53.21780225398655, 7.364581195344147 53.21780225398655, 7.364581195344147 53.21760054531175, 7.36342621855028 53.21760054531175, 7.36342621855028 53.21780225398655))",42602_5_15,5,15,141.33333333333334 +"POLYGON ((7.36342621855028 53.21719712511262, 7.364581195344147 53.21719712511262, 7.364581195344147 53.21699541358829, 7.36342621855028 53.21699541358829, 7.36342621855028 53.21719712511262))",42602_5_18,5,18,115.66666833333333 +"POLYGON ((7.36342621855028 53.21639027331624, 7.364581195344147 53.21639027331624, 7.364581195344147 53.21618855799252, 7.36342621855028 53.21618855799252, 7.36342621855028 53.21639027331624))",42602_5_22,5,22,107.2499995 +"POLYGON ((7.364581195344147 53.21860907918743, 7.365736172138015 53.21860907918743, 7.365736172138015 53.21840737431195, 7.364581195344147 53.21840737431195, 7.364581195344147 53.21860907918743))",42602_6_11,6,11,116.99743046153846 +"POLYGON ((7.364581195344147 53.21840737431195, 7.365736172138015 53.21840737431195, 7.365736172138015 53.21820566848665, 7.364581195344147 53.21820566848665, 7.364581195344147 53.21840737431195))",42602_6_12,6,12,124.7700595 +"POLYGON ((7.364581195344147 53.21820566848665, 7.365736172138015 53.21820566848665, 7.365736172138015 53.21800396171152, 7.364581195344147 53.21800396171152, 7.364581195344147 53.21820566848665))",42602_6_13,6,13,103.3584555 +"POLYGON ((7.364581195344147 53.21800396171152, 7.365736172138015 53.21800396171152, 7.365736172138015 53.21780225398655, 7.364581195344147 53.21780225398655, 7.364581195344147 53.21800396171152))",42602_6_14,6,14,171.0 +"POLYGON ((7.364581195344147 53.21760054531175, 7.365736172138015 53.21760054531175, 7.365736172138015 53.2173988356871, 7.364581195344147 53.2173988356871, 7.364581195344147 53.21760054531175))",42602_6_16,6,16,99.66666666666667 +"POLYGON ((7.364581195344147 53.2173988356871, 7.365736172138015 53.2173988356871, 7.365736172138015 53.21719712511262, 7.364581195344147 53.21719712511262, 7.364581195344147 53.2173988356871))",42602_6_17,6,17,116.68844625 +"POLYGON ((7.362271241756411 52.34446281402145, 7.36342621855028 52.34446281402145, 7.36342621855028 52.34425701641146, 7.362271241756411 52.34425701641146, 7.362271241756411 52.34446281402145))",42763_4_8,4,8,128.55971533333334 +"POLYGON ((7.362271241756411 52.34261060104566, 7.36342621855028 52.34261060104566, 7.36342621855028 52.34240479481418, 7.362271241756411 52.34240479481418, 7.362271241756411 52.34261060104566))",42763_4_17,4,17,134.0 +"POLYGON ((7.36342621855028 52.34343381639212, 7.364581195344147 52.34343381639212, 7.364581195344147 52.34322801399243, 7.36342621855028 52.34322801399243, 7.36342621855028 52.34343381639212))",42763_5_13,5,13,106.0000008 +"POLYGON ((7.36342621855028 52.3428164063192, 7.364581195344147 52.3428164063192, 7.364581195344147 52.34261060104566, 7.36342621855028 52.34261060104566, 7.36342621855028 52.3428164063192))",42763_5_16,5,16,186.0 +"POLYGON ((7.364581195344147 52.34302221063479, 7.365736172138015 52.34302221063479, 7.365736172138015 52.3428164063192, 7.364581195344147 52.3428164063192, 7.364581195344147 52.34302221063479))",42763_6_15,6,15,179.0 +"POLYGON ((7.364581195344147 52.34261060104566, 7.365736172138015 52.34261060104566, 7.365736172138015 52.34240479481418, 7.364581195344147 52.34240479481418, 7.364581195344147 52.34261060104566))",42763_6_17,6,17,179.5 +"POLYGON ((7.362271241756411 52.19438854191208, 7.36342621855028 52.19438854191208, 7.36342621855028 52.19418204644913, 7.362271241756411 52.19418204644913, 7.362271241756411 52.19438854191208))",42790_4_16,4,16,102.0 +"POLYGON ((7.362271241756411 52.18888166795513, 7.36342621855028 52.18888166795513, 7.36342621855028 52.18867514691184, 7.362271241756411 52.18867514691184, 7.362271241756411 52.18888166795513))",42791_4_16,4,16,102.5 +"POLYGON ((7.362271241756411 52.18337411183998, 7.36342621855028 52.18337411183998, 7.36342621855028 52.1831675652151, 7.362271241756411 52.1831675652151, 7.362271241756411 52.18337411183998))",42792_4_16,4,16,98.75 +"POLYGON ((7.35765133458094 52.15114123891353, 7.358806311374809 52.15114123891353, 7.358806311374809 52.15093454261117, 7.35765133458094 52.15093454261117, 7.35765133458094 52.15114123891353))",42798_0_12,0,12,70.0 +"POLYGON ((7.35765133458094 52.14907423270719, 7.358806311374809 52.14907423270719, 7.358806311374809 52.14886752680866, 7.35765133458094 52.14886752680866, 7.35765133458094 52.14907423270719))",42798_0_22,0,22,97.767082 +"POLYGON ((7.358806311374809 52.151761322063, 7.359961288168676 52.151761322063, 7.359961288168676 52.15155462863945, 7.358806311374809 52.15155462863945, 7.358806311374809 52.151761322063))",42798_1_9,1,9,99.5 +"POLYGON ((7.359961288168676 52.15114123891353, 7.361116264962543 52.15114123891353, 7.361116264962543 52.15093454261117, 7.359961288168676 52.15093454261117, 7.359961288168676 52.15114123891353))",42798_2_12,2,12,95.5 +"POLYGON ((7.361116264962543 52.15238139657603, 7.362271241756411 52.15238139657603, 7.362271241756411 52.15217470603129, 7.361116264962543 52.15217470603129, 7.361116264962543 52.15238139657603))",42798_3_6,3,6,116.5 +"POLYGON ((7.361116264962543 52.15114123891353, 7.362271241756411 52.15114123891353, 7.362271241756411 52.15093454261117, 7.361116264962543 52.15093454261117, 7.361116264962543 52.15114123891353))",42798_3_12,3,12,88.5 +"POLYGON ((7.361116264962543 52.1503144479464, 7.362271241756411 52.1503144479464, 7.362271241756411 52.15010774780558, 7.361116264962543 52.15010774780558, 7.361116264962543 52.1503144479464))",42798_3_16,3,16,105.5 +"POLYGON ((7.362271241756411 52.15300146245269, 7.36342621855028 52.15300146245269, 7.36342621855028 52.15279477478673, 7.362271241756411 52.15279477478673, 7.362271241756411 52.15300146245269))",42798_4_3,4,3,84.33333333333333 +"POLYGON ((7.362271241756411 52.15258808616117, 7.36342621855028 52.15258808616117, 7.36342621855028 52.15238139657603, 7.362271241756411 52.15238139657603, 7.362271241756411 52.15258808616117))",42798_4_5,4,5,120.0 +"POLYGON ((7.362271241756411 52.1503144479464, 7.36342621855028 52.1503144479464, 7.36342621855028 52.15010774780558, 7.362271241756411 52.15010774780558, 7.362271241756411 52.1503144479464))",42798_4_16,4,16,98.0 +"POLYGON ((7.36342621855028 52.15300146245269, 7.364581195344147 52.15300146245269, 7.364581195344147 52.15279477478673, 7.36342621855028 52.15279477478673, 7.36342621855028 52.15300146245269))",42798_5_3,5,3,112.5 +"POLYGON ((7.36342621855028 52.15258808616117, 7.364581195344147 52.15258808616117, 7.364581195344147 52.15238139657603, 7.36342621855028 52.15238139657603, 7.36342621855028 52.15258808616117))",42798_5_5,5,5,128.0 +"POLYGON ((7.36342621855028 52.151761322063, 7.364581195344147 52.151761322063, 7.364581195344147 52.15155462863945, 7.36342621855028 52.15155462863945, 7.36342621855028 52.151761322063))",42798_5_9,5,9,95.8519015 +"POLYGON ((7.36342621855028 52.15155462863945, 7.364581195344147 52.15155462863945, 7.364581195344147 52.15134793425629, 7.36342621855028 52.15134793425629, 7.36342621855028 52.15155462863945))",42798_5_10,5,10,103.33333233333333 +"POLYGON ((7.36342621855028 52.14948764162541, 7.364581195344147 52.14948764162541, 7.364581195344147 52.14928093764613, 7.36342621855028 52.14928093764613, 7.36342621855028 52.14948764162541))",42798_5_20,5,20,95.99999866666667 +"POLYGON ((7.36342621855028 52.14886752680866, 7.364581195344147 52.14886752680866, 7.364581195344147 52.14866081995049, 7.36342621855028 52.14866081995049, 7.36342621855028 52.14886752680866))",42798_5_23,5,23,92.84330566666667 +"POLYGON ((7.364581195344147 52.151761322063, 7.365736172138015 52.151761322063, 7.365736172138015 52.15155462863945, 7.364581195344147 52.15155462863945, 7.364581195344147 52.151761322063))",42798_6_9,6,9,109.499999 +"POLYGON ((7.364581195344147 52.15114123891353, 7.365736172138015 52.15114123891353, 7.365736172138015 52.15093454261117, 7.364581195344147 52.15093454261117, 7.364581195344147 52.15114123891353))",42798_6_12,6,12,71.33333333333333 +"POLYGON ((7.364581195344147 52.15093454261117, 7.365736172138015 52.15093454261117, 7.365736172138015 52.15072784534918, 7.364581195344147 52.15072784534918, 7.364581195344147 52.15093454261117))",42798_6_13,6,13,92.3999996 +"POLYGON ((7.364581195344147 52.15072784534918, 7.365736172138015 52.15072784534918, 7.365736172138015 52.1505211471276, 7.364581195344147 52.1505211471276, 7.364581195344147 52.15072784534918))",42798_6_14,6,14,97.711416 +"POLYGON ((7.35765133458094 52.14562900911228, 7.358806311374809 52.14562900911228, 7.358806311374809 52.14542228721972, 7.35765133458094 52.14542228721972, 7.35765133458094 52.14562900911228))",42799_0_12,0,12,68.4 +"POLYGON ((7.35765133458094 52.14356174700183, 7.358806311374809 52.14356174700183, 7.358806311374809 52.14335501551262, 7.35765133458094 52.14335501551262, 7.35765133458094 52.14356174700183))",42799_0_22,0,22,98.8963588 +"POLYGON ((7.358806311374809 52.14624916903206, 7.359961288168676 52.14624916903206, 7.359961288168676 52.14604245001846, 7.358806311374809 52.14604245001846, 7.358806311374809 52.14624916903206))",42799_1_9,1,9,83.8 +"POLYGON ((7.359961288168676 52.14562900911228, 7.361116264962543 52.14562900911228, 7.361116264962543 52.14542228721972, 7.359961288168676 52.14542228721972, 7.359961288168676 52.14562900911228))",42799_2_12,2,12,114.5 +"POLYGON ((7.361116264962543 52.14686932031499, 7.362271241756411 52.14686932031499, 7.362271241756411 52.14666260418033, 7.361116264962543 52.14666260418033, 7.361116264962543 52.14686932031499))",42799_3_6,3,6,113.66666666666667 +"POLYGON ((7.361116264962543 52.14562900911228, 7.362271241756411 52.14562900911228, 7.362271241756411 52.14542228721972, 7.361116264962543 52.14542228721972, 7.361116264962543 52.14562900911228))",42799_3_12,3,12,90.0 +"POLYGON ((7.361116264962543 52.14480211578406, 7.362271241756411 52.14480211578406, 7.362271241756411 52.14459539005286, 7.361116264962543 52.14459539005286, 7.361116264962543 52.14480211578406))",42799_3_16,3,16,108.6 +"POLYGON ((7.362271241756411 52.14748946296112, 7.36342621855028 52.14748946296112, 7.36342621855028 52.14728274970538, 7.362271241756411 52.14728274970538, 7.362271241756411 52.14748946296112))",42799_4_3,4,3,102.0 +"POLYGON ((7.362271241756411 52.14707603549001, 7.36342621855028 52.14707603549001, 7.36342621855028 52.14686932031499, 7.362271241756411 52.14686932031499, 7.362271241756411 52.14707603549001))",42799_4_5,4,5,117.5 +"POLYGON ((7.362271241756411 52.14480211578406, 7.36342621855028 52.14480211578406, 7.36342621855028 52.14459539005286, 7.362271241756411 52.14459539005286, 7.362271241756411 52.14480211578406))",42799_4_16,4,16,99.75 +"POLYGON ((7.36342621855028 52.14748946296112, 7.364581195344147 52.14748946296112, 7.364581195344147 52.14728274970538, 7.36342621855028 52.14728274970538, 7.36342621855028 52.14748946296112))",42799_5_3,5,3,115.0 +"POLYGON ((7.36342621855028 52.14707603549001, 7.364581195344147 52.14707603549001, 7.364581195344147 52.14686932031499, 7.36342621855028 52.14686932031499, 7.36342621855028 52.14707603549001))",42799_5_5,5,5,137.66666666666666 +"POLYGON ((7.36342621855028 52.14624916903206, 7.364581195344147 52.14624916903206, 7.364581195344147 52.14604245001846, 7.36342621855028 52.14604245001846, 7.36342621855028 52.14624916903206))",42799_5_9,5,9,99.47406240000001 +"POLYGON ((7.36342621855028 52.14604245001846, 7.364581195344147 52.14604245001846, 7.364581195344147 52.1458357300452, 7.36342621855028 52.1458357300452, 7.36342621855028 52.14604245001846))",42799_5_10,5,10,102.20266975 +"POLYGON ((7.36342621855028 52.14397520710125, 7.364581195344147 52.14397520710125, 7.364581195344147 52.14376847753137, 7.36342621855028 52.14376847753137, 7.36342621855028 52.14397520710125))",42799_5_20,5,20,99.9999986 +"POLYGON ((7.36342621855028 52.14335501551262, 7.364581195344147 52.14335501551262, 7.364581195344147 52.14314828306372, 7.36342621855028 52.14314828306372, 7.36342621855028 52.14335501551262))",42799_5_23,5,23,96.1172164 +"POLYGON ((7.364581195344147 52.14624916903206, 7.365736172138015 52.14624916903206, 7.365736172138015 52.14604245001846, 7.364581195344147 52.14604245001846, 7.364581195344147 52.14624916903206))",42799_6_9,6,9,110.1035932 +"POLYGON ((7.364581195344147 52.14562900911228, 7.365736172138015 52.14562900911228, 7.365736172138015 52.14542228721972, 7.364581195344147 52.14542228721972, 7.364581195344147 52.14562900911228))",42799_6_12,6,12,82.6 +"POLYGON ((7.364581195344147 52.14542228721972, 7.365736172138015 52.14542228721972, 7.365736172138015 52.14521556436749, 7.364581195344147 52.14521556436749, 7.364581195344147 52.14542228721972))",42799_6_13,6,13,82.1666665 +"POLYGON ((7.364581195344147 52.14521556436749, 7.365736172138015 52.14521556436749, 7.365736172138015 52.14500884055561, 7.364581195344147 52.14500884055561, 7.364581195344147 52.14521556436749))",42799_6_14,6,14,100.421718375 +"POLYGON ((7.35765133458094 52.14011609688959, 7.358806311374809 52.14011609688959, 7.358806311374809 52.13990934940557, 7.35765133458094 52.13990934940557, 7.35765133458094 52.14011609688959))",42800_0_12,0,12,68.66666666666667 +"POLYGON ((7.35765133458094 52.13804857886248, 7.358806311374809 52.13804857886248, 7.358806311374809 52.13784182178134, 7.35765133458094 52.13784182178134, 7.35765133458094 52.13804857886248))",42800_0_22,0,22,100.0043422 +"POLYGON ((7.358806311374809 52.14073633358345, 7.359961288168676 52.14073633358345, 7.359961288168676 52.14052958897853, 7.358806311374809 52.14052958897853, 7.358806311374809 52.14073633358345))",42800_1_9,1,9,81.0 +"POLYGON ((7.359961288168676 52.14011609688959, 7.361116264962543 52.14011609688959, 7.361116264962543 52.13990934940557, 7.359961288168676 52.13990934940557, 7.359961288168676 52.14011609688959))",42800_2_12,2,12,98.0 +"POLYGON ((7.361116264962543 52.14135656164004, 7.362271241756411 52.14135656164004, 7.362271241756411 52.1411498199142, 7.361116264962543 52.1411498199142, 7.361116264962543 52.14135656164004))",42800_3_6,3,6,78.8 +"POLYGON ((7.361116264962543 52.14011609688959, 7.362271241756411 52.14011609688959, 7.362271241756411 52.13990934940557, 7.361116264962543 52.13990934940557, 7.361116264962543 52.14011609688959))",42800_3_12,3,12,94.4 +"POLYGON ((7.361116264962543 52.13928910119527, 7.362271241756411 52.13928910119527, 7.362271241756411 52.13908234987242, 7.361116264962543 52.13908234987242, 7.361116264962543 52.13928910119527))",42800_3_16,3,16,105.66666666666667 +"POLYGON ((7.362271241756411 52.14197678105941, 7.36342621855028 52.14197678105941, 7.36342621855028 52.14177004221263, 7.362271241756411 52.14177004221263, 7.362271241756411 52.14197678105941))",42800_4_3,4,3,84.6 +"POLYGON ((7.362271241756411 52.14156330240618, 7.36342621855028 52.14156330240618, 7.36342621855028 52.14135656164004, 7.362271241756411 52.14135656164004, 7.362271241756411 52.14156330240618))",42800_4_5,4,5,118.75 +"POLYGON ((7.362271241756411 52.13928910119527, 7.36342621855028 52.13928910119527, 7.36342621855028 52.13908234987242, 7.362271241756411 52.13908234987242, 7.362271241756411 52.13928910119527))",42800_4_16,4,16,89.33333333333333 +"POLYGON ((7.36342621855028 52.14197678105941, 7.364581195344147 52.14197678105941, 7.364581195344147 52.14177004221263, 7.36342621855028 52.14177004221263, 7.36342621855028 52.14197678105941))",42800_5_3,5,3,117.25 +"POLYGON ((7.36342621855028 52.14156330240618, 7.364581195344147 52.14156330240618, 7.364581195344147 52.14135656164004, 7.36342621855028 52.14135656164004, 7.36342621855028 52.14156330240618))",42800_5_5,5,5,134.66666666666666 +"POLYGON ((7.36342621855028 52.14073633358345, 7.364581195344147 52.14073633358345, 7.364581195344147 52.14052958897853, 7.36342621855028 52.14052958897853, 7.36342621855028 52.14073633358345))",42800_5_9,5,9,94.777756 +"POLYGON ((7.36342621855028 52.14052958897853, 7.364581195344147 52.14052958897853, 7.364581195344147 52.14032284341391, 7.36342621855028 52.14032284341391, 7.36342621855028 52.14052958897853))",42800_5_10,5,10,101.76608780000001 +"POLYGON ((7.36342621855028 52.1384620901456, 7.364581195344147 52.1384620901456, 7.364581195344147 52.1382553349839, 7.36342621855028 52.1382553349839, 7.36342621855028 52.1384620901456))",42800_5_20,5,20,104.99999925 +"POLYGON ((7.36342621855028 52.13784182178134, 7.364581195344147 52.13784182178134, 7.364581195344147 52.13763506374048, 7.36342621855028 52.13763506374048, 7.36342621855028 52.13784182178134))",42800_5_23,5,23,103.0951455 +"POLYGON ((7.364581195344147 52.14073633358345, 7.365736172138015 52.14073633358345, 7.365736172138015 52.14052958897853, 7.364581195344147 52.14052958897853, 7.364581195344147 52.14073633358345))",42800_6_9,6,9,113.99999933333334 +"POLYGON ((7.364581195344147 52.14011609688959, 7.365736172138015 52.14011609688959, 7.365736172138015 52.13990934940557, 7.364581195344147 52.13990934940557, 7.364581195344147 52.14011609688959))",42800_6_12,6,12,97.0 +"POLYGON ((7.364581195344147 52.13990934940557, 7.365736172138015 52.13990934940557, 7.365736172138015 52.13970260096184, 7.364581195344147 52.13970260096184, 7.364581195344147 52.13990934940557))",42800_6_13,6,13,96.4 +"POLYGON ((7.364581195344147 52.13970260096184, 7.365736172138015 52.13970260096184, 7.365736172138015 52.13949585155841, 7.364581195344147 52.13949585155841, 7.364581195344147 52.13970260096184))",42800_6_14,6,14,105.22928725 +"POLYGON ((7.362271241756411 50.63795327279741, 7.36342621855028 50.63795327279741, 7.36342621855028 50.63773962424466, 7.362271241756411 50.63773962424466, 7.362271241756411 50.63795327279741))",43068_4_12,4,12,142.66666666666666 +"POLYGON ((7.372409371391475 53.41100473357573, 7.373564348185343 53.41100473357573, 7.373564348185343 53.41080393583004, 7.372409371391475 53.41080393583004, 7.372409371391475 53.41100473357573))",43241_5_15,5,15,53.166666666666664 +"POLYGON ((7.372409371391475 53.4056498026168, 7.373564348185343 53.4056498026168, 7.373564348185343 53.40544897959238, 7.372409371391475 53.40544897959238, 7.372409371391475 53.4056498026168))",43242_5_15,5,15,51.42857142857143 +"POLYGON ((7.368944441009871 53.36834740753458, 7.370099417803739 53.36834740753458, 7.370099417803739 53.36814640846737, 7.368944441009871 53.36814640846737, 7.368944441009871 53.36834740753458))",43249_2_14,2,14,120.0 +"POLYGON ((7.371254394597607 53.36935238864535, 7.372409371391475 53.36935238864535, 7.372409371391475 53.36915139431988, 7.371254394597607 53.36915139431988, 7.371254394597607 53.36935238864535))",43249_4_9,4,9,65.0 +"POLYGON ((7.372409371391475 53.36874940282392, 7.373564348185343 53.36874940282392, 7.373564348185343 53.36854840565343, 7.372409371391475 53.36854840565343, 7.372409371391475 53.36874940282392))",43249_5_12,5,12,83.0 +"POLYGON ((7.366634487422135 53.36359017523769, 7.367789464216004 53.36359017523769, 7.367789464216004 53.3633891537256, 7.366634487422135 53.3633891537256, 7.366634487422135 53.36359017523769))",43250_0_11,0,11,117.33333333333333 +"POLYGON ((7.368944441009871 53.36298710785623, 7.370099417803739 53.36298710785623, 7.370099417803739 53.36278608349895, 7.368944441009871 53.36278608349895, 7.368944441009871 53.36298710785623))",43250_2_14,2,14,122.66666666666667 +"POLYGON ((7.370099417803739 53.36439425180206, 7.371254394597607 53.36439425180206, 7.371254394597607 53.36419323408356, 7.370099417803739 53.36419323408356, 7.370099417803739 53.36439425180206))",43250_3_7,3,7,125.0 +"POLYGON ((7.371254394597607 53.36479628439391, 7.372409371391475 53.36479628439391, 7.372409371391475 53.36459526857218, 7.371254394597607 53.36459526857218, 7.371254394597607 53.36479628439391))",43250_4_5,4,5,118.33333333333333 +"POLYGON ((7.371254394597607 53.36399221541667, 7.372409371391475 53.36399221541667, 7.372409371391475 53.36379119580138, 7.371254394597607 53.36379119580138, 7.371254394597607 53.36399221541667))",43250_4_9,4,9,62.481846999999995 +"POLYGON ((7.372409371391475 53.36479628439391, 7.373564348185343 53.36479628439391, 7.373564348185343 53.36459526857218, 7.372409371391475 53.36459526857218, 7.372409371391475 53.36479628439391))",43250_5_5,5,5,110.66666666666667 +"POLYGON ((7.372409371391475 53.36439425180206, 7.373564348185343 53.36439425180206, 7.373564348185343 53.36419323408356, 7.372409371391475 53.36419323408356, 7.372409371391475 53.36439425180206))",43250_5_7,5,7,122.33333333333333 +"POLYGON ((7.372409371391475 53.36359017523769, 7.373564348185343 53.36359017523769, 7.373564348185343 53.3633891537256, 7.372409371391475 53.3633891537256, 7.372409371391475 53.36359017523769))",43250_5_11,5,11,92.6215298 +"POLYGON ((7.372409371391475 53.3633891537256, 7.373564348185343 53.3633891537256, 7.373564348185343 53.36318813126513, 7.372409371391475 53.36318813126513, 7.372409371391475 53.3633891537256))",43250_5_12,5,12,89.0505122 +"POLYGON ((7.372409371391475 53.36278608349895, 7.373564348185343 53.36278608349895, 7.373564348185343 53.36258505819325, 7.372409371391475 53.36258505819325, 7.372409371391475 53.36278608349895))",43250_5_15,5,15,113.66666666666667 +"POLYGON ((7.373564348185343 53.3633891537256, 7.374719324979211 53.3633891537256, 7.374719324979211 53.36318813126513, 7.373564348185343 53.36318813126513, 7.373564348185343 53.3633891537256))",43250_6_12,6,12,81.74447219999999 +"POLYGON ((7.373564348185343 53.36298710785623, 7.374719324979211 53.36298710785623, 7.374719324979211 53.36278608349895, 7.373564348185343 53.36278608349895, 7.373564348185343 53.36298710785623))",43250_6_14,6,14,108.75 +"POLYGON ((7.373564348185343 53.36278608349895, 7.374719324979211 53.36278608349895, 7.374719324979211 53.36258505819325, 7.373564348185343 53.36258505819325, 7.373564348185343 53.36278608349895))",43250_6_15,6,15,106.25 +"POLYGON ((7.366634487422135 53.22398752549178, 7.367789464216004 53.22398752549178, 7.367789464216004 53.22378584594439, 7.366634487422135 53.22378584594439, 7.366634487422135 53.22398752549178))",43276_0_11,0,11,158.66666666666666 +"POLYGON ((7.366634487422135 53.22197068727763, 7.367789464216004 53.22197068727763, 7.367789464216004 53.22176899823238, 7.366634487422135 53.22176899823238, 7.366634487422135 53.22197068727763))",43276_0_21,0,21,125.00000033333333 +"POLYGON ((7.368944441009871 53.22338248400027, 7.370099417803739 53.22338248400027, 7.370099417803739 53.22318080160354, 7.368944441009871 53.22318080160354, 7.368944441009871 53.22338248400027))",43276_2_14,2,14,165.5 +"POLYGON ((7.370099417803739 53.22479423418361, 7.371254394597607 53.22479423418361, 7.371254394597607 53.2245925584353, 7.370099417803739 53.2245925584353, 7.370099417803739 53.22479423418361))",43276_3_7,3,7,150.66666666666666 +"POLYGON ((7.370099417803739 53.22358416544721, 7.371254394597607 53.22358416544721, 7.371254394597607 53.22338248400027, 7.370099417803739 53.22338248400027, 7.370099417803739 53.22358416544721))",43276_3_13,3,13,122.25 +"POLYGON ((7.371254394597607 53.2253992557299, 7.372409371391475 53.2253992557299, 7.372409371391475 53.2251975828309, 7.371254394597607 53.2251975828309, 7.371254394597607 53.2253992557299))",43276_4_4,4,4,207.0 +"POLYGON ((7.371254394597607 53.22439088173724, 7.372409371391475 53.22439088173724, 7.372409371391475 53.2241892040894, 7.371254394597607 53.2241892040894, 7.371254394597607 53.22439088173724))",43276_4_9,4,9,136.9999995 +"POLYGON ((7.371254394597607 53.22277743396072, 7.372409371391475 53.22277743396072, 7.372409371391475 53.22257574871463, 7.371254394597607 53.22257574871463, 7.371254394597607 53.22277743396072))",43276_4_17,4,17,137.00000166666666 +"POLYGON ((7.372409371391475 53.2251975828309, 7.373564348185343 53.2251975828309, 7.373564348185343 53.22499590898213, 7.372409371391475 53.22499590898213, 7.372409371391475 53.2251975828309))",43276_5_5,5,5,107.5 +"POLYGON ((7.372409371391475 53.22499590898213, 7.373564348185343 53.22499590898213, 7.373564348185343 53.22479423418361, 7.372409371391475 53.22479423418361, 7.372409371391475 53.22499590898213))",43276_5_6,5,6,117.25 +"POLYGON ((7.372409371391475 53.2241892040894, 7.373564348185343 53.2241892040894, 7.373564348185343 53.22398752549178, 7.372409371391475 53.22398752549178, 7.372409371391475 53.2241892040894))",43276_5_10,5,10,130.83060375 +"POLYGON ((7.372409371391475 53.22378584594439, 7.373564348185343 53.22378584594439, 7.373564348185343 53.22358416544721, 7.372409371391475 53.22358416544721, 7.372409371391475 53.22378584594439))",43276_5_12,5,12,130.50000133333333 +"POLYGON ((7.372409371391475 53.22338248400027, 7.373564348185343 53.22338248400027, 7.373564348185343 53.22318080160354, 7.372409371391475 53.22318080160354, 7.372409371391475 53.22338248400027))",43276_5_14,5,14,149.33333233333335 +"POLYGON ((7.372409371391475 53.22318080160354, 7.373564348185343 53.22318080160354, 7.373564348185343 53.22297911825703, 7.372409371391475 53.22297911825703, 7.372409371391475 53.22318080160354))",43276_5_15,5,15,93.2 +"POLYGON ((7.372409371391475 53.22257574871463, 7.373564348185343 53.22257574871463, 7.373564348185343 53.22237406251877, 7.372409371391475 53.22237406251877, 7.372409371391475 53.22257574871463))",43276_5_18,5,18,117.66666666666667 +"POLYGON ((7.372409371391475 53.22176899823238, 7.373564348185343 53.22176899823238, 7.373564348185343 53.22156730823733, 7.372409371391475 53.22156730823733, 7.372409371391475 53.22176899823238))",43276_5_22,5,22,105.6929938 +"POLYGON ((7.373564348185343 53.22398752549178, 7.374719324979211 53.22398752549178, 7.374719324979211 53.22378584594439, 7.373564348185343 53.22378584594439, 7.373564348185343 53.22398752549178))",43276_6_11,6,11,112.86146671428571 +"POLYGON ((7.373564348185343 53.22378584594439, 7.374719324979211 53.22378584594439, 7.374719324979211 53.22358416544721, 7.373564348185343 53.22358416544721, 7.373564348185343 53.22378584594439))",43276_6_12,6,12,121.81353857142857 +"POLYGON ((7.373564348185343 53.22358416544721, 7.374719324979211 53.22358416544721, 7.374719324979211 53.22338248400027, 7.373564348185343 53.22338248400027, 7.373564348185343 53.22358416544721))",43276_6_13,6,13,20.450442142857145 +"POLYGON ((7.373564348185343 53.22338248400027, 7.374719324979211 53.22338248400027, 7.374719324979211 53.22318080160354, 7.373564348185343 53.22318080160354, 7.373564348185343 53.22338248400027))",43276_6_14,6,14,144.33333333333334 +"POLYGON ((7.373564348185343 53.22297911825703, 7.374719324979211 53.22297911825703, 7.374719324979211 53.22277743396072, 7.373564348185343 53.22277743396072, 7.373564348185343 53.22297911825703))",43276_6_16,6,16,97.0 +"POLYGON ((7.373564348185343 53.22277743396072, 7.374719324979211 53.22277743396072, 7.374719324979211 53.22257574871463, 7.373564348185343 53.22257574871463, 7.373564348185343 53.22277743396072))",43276_6_17,6,17,113.34661475 +"POLYGON ((7.371254394597607 52.34446281402145, 7.372409371391475 52.34446281402145, 7.372409371391475 52.34425701641146, 7.371254394597607 52.34425701641146, 7.371254394597607 52.34446281402145))",43438_4_8,4,8,124.24999725 +"POLYGON ((7.371254394597607 52.34261060104566, 7.372409371391475 52.34261060104566, 7.372409371391475 52.34240479481418, 7.371254394597607 52.34240479481418, 7.371254394597607 52.34261060104566))",43438_4_17,4,17,136.0 +"POLYGON ((7.372409371391475 52.34343381639212, 7.373564348185343 52.34343381639212, 7.373564348185343 52.34322801399243, 7.372409371391475 52.34322801399243, 7.372409371391475 52.34343381639212))",43438_5_13,5,13,96.42361199999999 +"POLYGON ((7.372409371391475 52.3428164063192, 7.373564348185343 52.3428164063192, 7.373564348185343 52.34261060104566, 7.372409371391475 52.34261060104566, 7.372409371391475 52.3428164063192))",43438_5_16,5,16,188.0 +"POLYGON ((7.373564348185343 52.34302221063479, 7.374719324979211 52.34302221063479, 7.374719324979211 52.3428164063192, 7.373564348185343 52.3428164063192, 7.373564348185343 52.34302221063479))",43438_6_15,6,15,183.5 +"POLYGON ((7.373564348185343 52.34261060104566, 7.374719324979211 52.34261060104566, 7.374719324979211 52.34240479481418, 7.373564348185343 52.34240479481418, 7.373564348185343 52.34261060104566))",43438_6_17,6,17,174.66666666666666 +"POLYGON ((7.371254394597607 52.20540024348591, 7.372409371391475 52.20540024348591, 7.372409371391475 52.20519379917982, 7.371254394597607 52.20519379917982, 7.371254394597607 52.20540024348591))",43463_4_16,4,16,94.5 +"POLYGON ((7.371254394597607 52.19989473374445, 7.372409371391475 52.19989473374445, 7.372409371391475 52.19968826386057, 7.371254394597607 52.19968826386057, 7.371254394597607 52.19989473374445))",43464_4_16,4,16,73.2 +"POLYGON ((7.371254394597607 52.19438854191208, 7.372409371391475 52.19438854191208, 7.372409371391475 52.19418204644913, 7.371254394597607 52.19418204644913, 7.371254394597607 52.19438854191208))",43465_4_16,4,16,61.666666666666664 +"POLYGON ((7.367789464216004 52.14073633358345, 7.368944441009871 52.14073633358345, 7.368944441009871 52.14052958897853, 7.367789464216004 52.14052958897853, 7.367789464216004 52.14073633358345))",43475_1_9,1,9,80.0 +"POLYGON ((7.371254394597607 52.13928910119527, 7.372409371391475 52.13928910119527, 7.372409371391475 52.13908234987242, 7.371254394597607 52.13908234987242, 7.371254394597607 52.13928910119527))",43475_4_16,4,16,89.0 +"POLYGON ((7.373564348185343 52.14073633358345, 7.374719324979211 52.14073633358345, 7.374719324979211 52.14052958897853, 7.373564348185343 52.14052958897853, 7.373564348185343 52.14073633358345))",43475_6_9,6,9,112.000002 +"POLYGON ((7.366634487422135 52.13460250221203, 7.367789464216004 52.13460250221203, 7.367789464216004 52.13439572913529, 7.366634487422135 52.13439572913529, 7.366634487422135 52.13460250221203))",43476_0_12,0,12,94.75 +"POLYGON ((7.366634487422135 52.13253472825572, 7.367789464216004 52.13253472825572, 7.367789464216004 52.13232794558139, 7.366634487422135 52.13232794558139, 7.366634487422135 52.13253472825572))",43476_0_22,0,22,96.5297042 +"POLYGON ((7.367789464216004 52.13522281568373, 7.368944441009871 52.13522281568373, 7.368944441009871 52.13501604548625, 7.367789464216004 52.13501604548625, 7.367789464216004 52.13522281568373))",43476_1_9,1,9,100.5 +"POLYGON ((7.368944441009871 52.13460250221203, 7.370099417803739 52.13460250221203, 7.370099417803739 52.13439572913529, 7.368944441009871 52.13439572913529, 7.368944441009871 52.13460250221203))",43476_2_12,2,12,85.75 +"POLYGON ((7.370099417803739 52.13584312051773, 7.371254394597607 52.13584312051773, 7.371254394597607 52.13563635319947, 7.370099417803739 52.13563635319947, 7.370099417803739 52.13584312051773))",43476_3_6,3,6,71.8 +"POLYGON ((7.370099417803739 52.13460250221203, 7.371254394597607 52.13460250221203, 7.371254394597607 52.13439572913529, 7.370099417803739 52.13439572913529, 7.370099417803739 52.13460250221203))",43476_3_12,3,12,91.75 +"POLYGON ((7.370099417803739 52.13377540414659, 7.371254394597607 52.13377540414659, 7.371254394597607 52.13356862723085, 7.370099417803739 52.13356862723085, 7.370099417803739 52.13377540414659))",43476_3_16,3,16,102.25 +"POLYGON ((7.371254394597607 52.13646341671409, 7.372409371391475 52.13646341671409, 7.372409371391475 52.13625665227504, 7.371254394597607 52.13625665227504, 7.371254394597607 52.13646341671409))",43476_4_3,4,3,74.16666666666667 +"POLYGON ((7.371254394597607 52.13604988687626, 7.372409371391475 52.13604988687626, 7.372409371391475 52.13584312051773, 7.371254394597607 52.13584312051773, 7.371254394597607 52.13604988687626))",43476_4_5,4,5,117.0 +"POLYGON ((7.371254394597607 52.13377540414659, 7.372409371391475 52.13377540414659, 7.372409371391475 52.13356862723085, 7.371254394597607 52.13356862723085, 7.371254394597607 52.13377540414659))",43476_4_16,4,16,88.25 +"POLYGON ((7.372409371391475 52.13646341671409, 7.373564348185343 52.13646341671409, 7.373564348185343 52.13625665227504, 7.372409371391475 52.13625665227504, 7.372409371391475 52.13646341671409))",43476_5_3,5,3,117.0 +"POLYGON ((7.372409371391475 52.13604988687626, 7.373564348185343 52.13604988687626, 7.373564348185343 52.13584312051773, 7.372409371391475 52.13584312051773, 7.372409371391475 52.13604988687626))",43476_5_5,5,5,128.0 +"POLYGON ((7.372409371391475 52.13522281568373, 7.373564348185343 52.13522281568373, 7.373564348185343 52.13501604548625, 7.372409371391475 52.13501604548625, 7.372409371391475 52.13522281568373))",43476_5_9,5,9,82.52517016666667 +"POLYGON ((7.372409371391475 52.13501604548625, 7.373564348185343 52.13501604548625, 7.373564348185343 52.134809274329, 7.372409371391475 52.134809274329, 7.372409371391475 52.13501604548625))",43476_5_10,5,10,99.1486892 +"POLYGON ((7.372409371391475 52.13294829072505, 7.373564348185343 52.13294829072505, 7.373564348185343 52.13274150997027, 7.372409371391475 52.13274150997027, 7.372409371391475 52.13294829072505))",43476_5_20,5,20,107.26891 +"POLYGON ((7.372409371391475 52.13232794558139, 7.373564348185343 52.13232794558139, 7.373564348185343 52.13212116194732, 7.372409371391475 52.13212116194732, 7.372409371391475 52.13232794558139))",43476_5_23,5,23,98.7999984 +"POLYGON ((7.373564348185343 52.13522281568373, 7.374719324979211 52.13522281568373, 7.374719324979211 52.13501604548625, 7.373564348185343 52.13501604548625, 7.373564348185343 52.13522281568373))",43476_6_9,6,9,109.7500005 +"POLYGON ((7.373564348185343 52.13460250221203, 7.374719324979211 52.13460250221203, 7.374719324979211 52.13439572913529, 7.373564348185343 52.13439572913529, 7.373564348185343 52.13460250221203))",43476_6_12,6,12,97.75 +"POLYGON ((7.373564348185343 52.13439572913529, 7.374719324979211 52.13439572913529, 7.374719324979211 52.13418895509882, 7.373564348185343 52.13418895509882, 7.373564348185343 52.13439572913529))",43476_6_13,6,13,101.29019011111112 +"POLYGON ((7.373564348185343 52.13418895509882, 7.374719324979211 52.13418895509882, 7.374719324979211 52.13398218010258, 7.373564348185343 52.13398218010258, 7.373564348185343 52.13418895509882))",43476_6_14,6,14,101.92264866666666 +"POLYGON ((7.366634487422135 52.12908822504616, 7.367789464216004 52.12908822504616, 7.367789464216004 52.12888142637547, 7.366634487422135 52.12888142637547, 7.366634487422135 52.12908822504616))",43477_0_12,0,12,112.33333333333333 +"POLYGON ((7.366634487422135 52.12702019514813, 7.367789464216004 52.12702019514813, 7.367789464216004 52.12681338687938, 7.366634487422135 52.12681338687938, 7.366634487422135 52.12702019514813))",43477_0_22,0,22,95.97950175 +"POLYGON ((7.367789464216004 52.12970861529947, 7.368944441009871 52.12970861529947, 7.368944441009871 52.12950181950816, 7.367789464216004 52.12950181950816, 7.367789464216004 52.12970861529947))",43477_1_9,1,9,111.33333333333333 +"POLYGON ((7.368944441009871 52.12908822504616, 7.370099417803739 52.12908822504616, 7.370099417803739 52.12888142637547, 7.368944441009871 52.12888142637547, 7.368944441009871 52.12908822504616))",43477_2_12,2,12,91.75 +"POLYGON ((7.370099417803739 52.13032899691465, 7.371254394597607 52.13032899691465, 7.371254394597607 52.13012220400271, 7.370099417803739 52.13012220400271, 7.370099417803739 52.13032899691465))",43477_3_6,3,6,85.0 +"POLYGON ((7.370099417803739 52.12908822504616, 7.371254394597607 52.12908822504616, 7.371254394597607 52.12888142637547, 7.370099417803739 52.12888142637547, 7.370099417803739 52.12908822504616))",43477_3_12,3,12,92.33333333333333 +"POLYGON ((7.370099417803739 52.1282610246046, 7.371254394597607 52.1282610246046, 7.371254394597607 52.12805422209471, 7.370099417803739 52.12805422209471, 7.370099417803739 52.1282610246046))",43477_3_16,3,16,97.5 +"POLYGON ((7.371254394597607 52.13094936989177, 7.372409371391475 52.13094936989177, 7.372409371391475 52.13074257985918, 7.371254394597607 52.13074257985918, 7.371254394597607 52.13094936989177))",43477_4_3,4,3,88.6 +"POLYGON ((7.371254394597607 52.13053578886681, 7.372409371391475 52.13053578886681, 7.372409371391475 52.13032899691465, 7.371254394597607 52.13032899691465, 7.371254394597607 52.13053578886681))",43477_4_5,4,5,114.0 +"POLYGON ((7.371254394597607 52.1282610246046, 7.372409371391475 52.1282610246046, 7.372409371391475 52.12805422209471, 7.371254394597607 52.12805422209471, 7.371254394597607 52.1282610246046))",43477_4_16,4,16,90.75 +"POLYGON ((7.372409371391475 52.13094936989177, 7.373564348185343 52.13094936989177, 7.373564348185343 52.13074257985918, 7.372409371391475 52.13074257985918, 7.372409371391475 52.13094936989177))",43477_5_3,5,3,111.33333333333333 +"POLYGON ((7.372409371391475 52.13053578886681, 7.373564348185343 52.13053578886681, 7.373564348185343 52.13032899691465, 7.372409371391475 52.13032899691465, 7.372409371391475 52.13053578886681))",43477_5_5,5,5,127.66666666666667 +"POLYGON ((7.372409371391475 52.12970861529947, 7.373564348185343 52.12970861529947, 7.373564348185343 52.12950181950816, 7.372409371391475 52.12950181950816, 7.372409371391475 52.12970861529947))",43477_5_9,5,9,77.10894033333334 +"POLYGON ((7.372409371391475 52.12950181950816, 7.373564348185343 52.12950181950816, 7.373564348185343 52.12929502275706, 7.372409371391475 52.12929502275706, 7.372409371391475 52.12950181950816))",43477_5_10,5,10,100.28508775 +"POLYGON ((7.372409371391475 52.1274338088062, 7.373564348185343 52.1274338088062, 7.373564348185343 52.12722700245707, 7.372409371391475 52.12722700245707, 7.372409371391475 52.1274338088062))",43477_5_20,5,20,99.999999 +"POLYGON ((7.372409371391475 52.12681338687938, 7.373564348185343 52.12681338687938, 7.373564348185343 52.12660657765082, 7.372409371391475 52.12660657765082, 7.372409371391475 52.12681338687938))",43477_5_23,5,23,92.79749280000001 +"POLYGON ((7.373564348185343 52.12970861529947, 7.374719324979211 52.12970861529947, 7.374719324979211 52.12950181950816, 7.373564348185343 52.12950181950816, 7.373564348185343 52.12970861529947))",43477_6_9,6,9,109.69115699999999 +"POLYGON ((7.373564348185343 52.12908822504616, 7.374719324979211 52.12908822504616, 7.374719324979211 52.12888142637547, 7.373564348185343 52.12888142637547, 7.373564348185343 52.12908822504616))",43477_6_12,6,12,97.0 +"POLYGON ((7.373564348185343 52.12888142637547, 7.374719324979211 52.12888142637547, 7.374719324979211 52.12867462674499, 7.373564348185343 52.12867462674499, 7.373564348185343 52.12888142637547))",43477_6_13,6,13,100.42021650000001 +"POLYGON ((7.373564348185343 52.12867462674499, 7.374719324979211 52.12867462674499, 7.374719324979211 52.12846782615469, 7.373564348185343 52.12846782615469, 7.373564348185343 52.12867462674499))",43477_6_14,6,14,103.7500005 +"POLYGON ((7.366634487422135 52.12357326535861, 7.367789464216004 52.12357326535861, 7.367789464216004 52.1233664410927, 7.366634487422135 52.1233664410927, 7.366634487422135 52.12357326535861))",43478_0_12,0,12,84.0 +"POLYGON ((7.366634487422135 52.12150497950633, 7.367789464216004 52.12150497950633, 7.367789464216004 52.12129814564191, 7.366634487422135 52.12129814564191, 7.366634487422135 52.12150497950633))",43478_0_22,0,22,97.1943826 +"POLYGON ((7.367789464216004 52.12419373239727, 7.368944441009871 52.12419373239727, 7.368944441009871 52.12398691101088, 7.367789464216004 52.12398691101088, 7.367789464216004 52.12419373239727))",43478_1_9,1,9,93.4 +"POLYGON ((7.368944441009871 52.12357326535861, 7.370099417803739 52.12357326535861, 7.370099417803739 52.1233664410927, 7.368944441009871 52.1233664410927, 7.368944441009871 52.12357326535861))",43478_2_12,2,12,100.5 +"POLYGON ((7.370099417803739 52.12481419079739, 7.371254394597607 52.12481419079739, 7.371254394597607 52.12460737229051, 7.370099417803739 52.12460737229051, 7.370099417803739 52.12481419079739))",43478_3_6,3,6,112.0 +"POLYGON ((7.370099417803739 52.12357326535861, 7.371254394597607 52.12357326535861, 7.371254394597607 52.1233664410927, 7.370099417803739 52.1233664410927, 7.370099417803739 52.12357326535861))",43478_3_12,3,12,90.4 +"POLYGON ((7.370099417803739 52.12274596253592, 7.371254394597607 52.12274596253592, 7.371254394597607 52.12253913443062, 7.370099417803739 52.12253913443062, 7.370099417803739 52.12274596253592))",43478_3_16,3,16,103.75 +"POLYGON ((7.371254394597607 52.12543464055901, 7.372409371391475 52.12543464055901, 7.372409371391475 52.12522782493164, 7.371254394597607 52.12522782493164, 7.371254394597607 52.12543464055901))",43478_4_3,4,3,107.33333333333333 +"POLYGON ((7.371254394597607 52.12502100834443, 7.372409371391475 52.12502100834443, 7.372409371391475 52.12481419079739, 7.371254394597607 52.12481419079739, 7.371254394597607 52.12502100834443))",43478_4_5,4,5,111.5 +"POLYGON ((7.371254394597607 52.12274596253592, 7.372409371391475 52.12274596253592, 7.372409371391475 52.12253913443062, 7.371254394597607 52.12253913443062, 7.371254394597607 52.12274596253592))",43478_4_16,4,16,77.8 +"POLYGON ((7.372409371391475 52.12543464055901, 7.373564348185343 52.12543464055901, 7.373564348185343 52.12522782493164, 7.372409371391475 52.12522782493164, 7.372409371391475 52.12543464055901))",43478_5_3,5,3,107.0 +"POLYGON ((7.372409371391475 52.12502100834443, 7.373564348185343 52.12502100834443, 7.373564348185343 52.12481419079739, 7.372409371391475 52.12481419079739, 7.372409371391475 52.12502100834443))",43478_5_5,5,5,129.33333333333334 +"POLYGON ((7.372409371391475 52.12419373239727, 7.373564348185343 52.12419373239727, 7.373564348185343 52.12398691101088, 7.372409371391475 52.12398691101088, 7.372409371391475 52.12419373239727))",43478_5_9,5,9,77.70794740000001 +"POLYGON ((7.372409371391475 52.12398691101088, 7.373564348185343 52.12398691101088, 7.373564348185343 52.12378008866467, 7.372409371391475 52.12378008866467, 7.372409371391475 52.12398691101088))",43478_5_10,5,10,100.9999995 +"POLYGON ((7.372409371391475 52.12191864435562, 7.373564348185343 52.12191864435562, 7.373564348185343 52.12171181241091, 7.372409371391475 52.12171181241091, 7.372409371391475 52.12191864435562))",43478_5_20,5,20,95.00000175 +"POLYGON ((7.372409371391475 52.12129814564191, 7.373564348185343 52.12129814564191, 7.373564348185343 52.12109131081761, 7.372409371391475 52.12109131081761, 7.372409371391475 52.12129814564191))",43478_5_23,5,23,85.426494 +"POLYGON ((7.373564348185343 52.12419373239727, 7.374719324979211 52.12419373239727, 7.374719324979211 52.12398691101088, 7.373564348185343 52.12398691101088, 7.373564348185343 52.12419373239727))",43478_6_9,6,9,110.02731425 +"POLYGON ((7.373564348185343 52.12357326535861, 7.374719324979211 52.12357326535861, 7.374719324979211 52.1233664410927, 7.373564348185343 52.1233664410927, 7.373564348185343 52.12357326535861))",43478_6_12,6,12,90.75 +"POLYGON ((7.373564348185343 52.1233664410927, 7.374719324979211 52.1233664410927, 7.374719324979211 52.12315961586695, 7.373564348185343 52.12315961586695, 7.373564348185343 52.1233664410927))",43478_6_13,6,13,101.65862775 +"POLYGON ((7.373564348185343 52.12315961586695, 7.374719324979211 52.12315961586695, 7.374719324979211 52.12295278968136, 7.373564348185343 52.12295278968136, 7.373564348185343 52.12315961586695))",43478_6_14,6,14,101.59999880000001 +"POLYGON ((7.366634487422135 52.11805762311597, 7.367789464216004 52.11805762311597, 7.367789464216004 52.11785077325361, 7.366634487422135 52.11785077325361, 7.366634487422135 52.11805762311597))",43479_0_12,0,12,73.4 +"POLYGON ((7.366634487422135 52.11598908129696, 7.367789464216004 52.11598908129696, 7.367789464216004 52.11578222183559, 7.366634487422135 52.11578222183559, 7.366634487422135 52.11598908129696))",43479_0_22,0,22,95.3810534 +"POLYGON ((7.367789464216004 52.11867816694375, 7.368944441009871 52.11867816694375, 7.368944441009871 52.11847131996105, 7.367789464216004 52.11847131996105, 7.367789464216004 52.11867816694375))",43479_1_9,1,9,88.2 +"POLYGON ((7.368944441009871 52.11805762311597, 7.370099417803739 52.11805762311597, 7.370099417803739 52.11785077325361, 7.368944441009871 52.11785077325361, 7.368944441009871 52.11805762311597))",43479_2_12,2,12,107.66666666666667 +"POLYGON ((7.370099417803739 52.11929870213256, 7.371254394597607 52.11929870213256, 7.371254394597607 52.11909185802951, 7.370099417803739 52.11909185802951, 7.370099417803739 52.11929870213256))",43479_3_6,3,6,106.0 +"POLYGON ((7.370099417803739 52.11805762311597, 7.371254394597607 52.11805762311597, 7.371254394597607 52.11785077325361, 7.370099417803739 52.11785077325361, 7.370099417803739 52.11805762311597))",43479_3_12,3,12,92.2 +"POLYGON ((7.370099417803739 52.11723021790715, 7.371254394597607 52.11723021790715, 7.371254394597607 52.1170233642052, 7.370099417803739 52.1170233642052, 7.370099417803739 52.11723021790715))",43479_3_16,3,16,110.0 +"POLYGON ((7.371254394597607 52.11991922868246, 7.372409371391475 52.11991922868246, 7.372409371391475 52.11971238745903, 7.371254394597607 52.11971238745903, 7.371254394597607 52.11991922868246))",43479_4_3,4,3,107.0 +"POLYGON ((7.371254394597607 52.11950554527574, 7.372409371391475 52.11950554527574, 7.372409371391475 52.11929870213256, 7.371254394597607 52.11929870213256, 7.371254394597607 52.11950554527574))",43479_4_5,4,5,116.0 +"POLYGON ((7.371254394597607 52.11723021790715, 7.372409371391475 52.11723021790715, 7.372409371391475 52.1170233642052, 7.371254394597607 52.1170233642052, 7.371254394597607 52.11723021790715))",43479_4_16,4,16,91.2 +"POLYGON ((7.372409371391475 52.11991922868246, 7.373564348185343 52.11991922868246, 7.373564348185343 52.11971238745903, 7.372409371391475 52.11971238745903, 7.372409371391475 52.11991922868246))",43479_5_3,5,3,107.0 +"POLYGON ((7.372409371391475 52.11950554527574, 7.373564348185343 52.11950554527574, 7.373564348185343 52.11929870213256, 7.372409371391475 52.11929870213256, 7.372409371391475 52.11950554527574))",43479_5_5,5,5,130.0 +"POLYGON ((7.372409371391475 52.11867816694375, 7.373564348185343 52.11867816694375, 7.373564348185343 52.11847131996105, 7.372409371391475 52.11847131996105, 7.372409371391475 52.11867816694375))",43479_5_9,5,9,79.53356983333333 +"POLYGON ((7.372409371391475 52.11640279733997, 7.373564348185343 52.11640279733997, 7.373564348185343 52.11619593979842, 7.372409371391475 52.11619593979842, 7.372409371391475 52.11640279733997))",43479_5_20,5,20,98.2000018 +"POLYGON ((7.372409371391475 52.11578222183559, 7.373564348185343 52.11578222183559, 7.373564348185343 52.11557536141432, 7.372409371391475 52.11557536141432, 7.372409371391475 52.11578222183559))",43479_5_23,5,23,88.2446968 +"POLYGON ((7.373564348185343 52.11867816694375, 7.374719324979211 52.11867816694375, 7.374719324979211 52.11847131996105, 7.373564348185343 52.11847131996105, 7.373564348185343 52.11867816694375))",43479_6_9,6,9,109.94743225 +"POLYGON ((7.373564348185343 52.11805762311597, 7.374719324979211 52.11805762311597, 7.374719324979211 52.11785077325361, 7.373564348185343 52.11785077325361, 7.373564348185343 52.11805762311597))",43479_6_12,6,12,90.75 +"POLYGON ((7.373564348185343 52.11785077325361, 7.374719324979211 52.11785077325361, 7.374719324979211 52.11764392243135, 7.373564348185343 52.11764392243135, 7.373564348185343 52.11785077325361))",43479_6_13,6,13,101.8631506 +"POLYGON ((7.373564348185343 52.11764392243135, 7.374719324979211 52.11764392243135, 7.374719324979211 52.11743707064919, 7.373564348185343 52.11743707064919, 7.373564348185343 52.11764392243135))",43479_6_14,6,14,101.50000125 +"POLYGON ((7.366634487422135 52.11254129828492, 7.367789464216004 52.11254129828492, 7.367789464216004 52.11233442282485, 7.366634487422135 52.11233442282485, 7.366634487422135 52.11254129828492))",43480_0_12,0,12,74.0 +"POLYGON ((7.366634487422135 52.11047250048664, 7.367789464216004 52.11047250048664, 7.367789464216004 52.1102656154271, 7.366634487422135 52.1102656154271, 7.366634487422135 52.11047250048664))",43480_0_22,0,22,93.249998 +"POLYGON ((7.367789464216004 52.11316191890556, 7.368944441009871 52.11316191890556, 7.368944441009871 52.11295504632529, 7.367789464216004 52.11295504632529, 7.367789464216004 52.11316191890556))",43480_1_9,1,9,91.0 +"POLYGON ((7.368944441009871 52.11254129828492, 7.370099417803739 52.11254129828492, 7.370099417803739 52.11233442282485, 7.368944441009871 52.11233442282485, 7.368944441009871 52.11254129828492))",43480_2_12,2,12,80.75 +"POLYGON ((7.370099417803739 52.11378253088682, 7.371254394597607 52.11378253088682, 7.371254394597607 52.11357566118632, 7.370099417803739 52.11357566118632, 7.370099417803739 52.11378253088682))",43480_3_6,3,6,61.5 +"POLYGON ((7.370099417803739 52.11254129828492, 7.371254394597607 52.11254129828492, 7.371254394597607 52.11233442282485, 7.370099417803739 52.11233442282485, 7.370099417803739 52.11254129828492))",43480_3_12,3,12,94.66666666666667 +"POLYGON ((7.370099417803739 52.11171379068496, 7.371254394597607 52.11171379068496, 7.371254394597607 52.11150691138511, 7.370099417803739 52.11150691138511, 7.370099417803739 52.11171379068496))",43480_3_16,3,16,91.33333333333333 +"POLYGON ((7.371254394597607 52.11440313422873, 7.372409371391475 52.11440313422873, 7.372409371391475 52.11419626740801, 7.371254394597607 52.11419626740801, 7.371254394597607 52.11440313422873))",43480_4_3,4,3,75.4 +"POLYGON ((7.371254394597607 52.11398939962739, 7.372409371391475 52.11398939962739, 7.372409371391475 52.11378253088682, 7.371254394597607 52.11378253088682, 7.371254394597607 52.11398939962739))",43480_4_5,4,5,109.0 +"POLYGON ((7.371254394597607 52.11171379068496, 7.372409371391475 52.11171379068496, 7.372409371391475 52.11150691138511, 7.371254394597607 52.11150691138511, 7.371254394597607 52.11171379068496))",43480_4_16,4,16,99.33333333333333 +"POLYGON ((7.372409371391475 52.11440313422873, 7.373564348185343 52.11440313422873, 7.373564348185343 52.11419626740801, 7.372409371391475 52.11419626740801, 7.372409371391475 52.11440313422873))",43480_5_3,5,3,103.66666666666667 +"POLYGON ((7.372409371391475 52.11398939962739, 7.373564348185343 52.11398939962739, 7.373564348185343 52.11378253088682, 7.372409371391475 52.11378253088682, 7.372409371391475 52.11398939962739))",43480_5_5,5,5,112.33333333333333 +"POLYGON ((7.372409371391475 52.11316191890556, 7.373564348185343 52.11316191890556, 7.373564348185343 52.11295504632529, 7.372409371391475 52.11295504632529, 7.372409371391475 52.11316191890556))",43480_5_9,5,9,86.67482199999999 +"POLYGON ((7.372409371391475 52.11088626772589, 7.373564348185343 52.11088626772589, 7.373564348185343 52.11067938458624, 7.372409371391475 52.11067938458624, 7.372409371391475 52.11088626772589))",43480_5_20,5,20,96.21527775 +"POLYGON ((7.372409371391475 52.1102656154271, 7.373564348185343 52.1102656154271, 7.373564348185343 52.1100587294076, 7.372409371391475 52.1100587294076, 7.372409371391475 52.1102656154271))",43480_5_23,5,23,88.80737780000001 +"POLYGON ((7.373564348185343 52.11316191890556, 7.374719324979211 52.11316191890556, 7.374719324979211 52.11295504632529, 7.373564348185343 52.11295504632529, 7.373564348185343 52.11316191890556))",43480_6_9,6,9,104.50039575 +"POLYGON ((7.373564348185343 52.11254129828492, 7.374719324979211 52.11254129828492, 7.374719324979211 52.11233442282485, 7.373564348185343 52.11233442282485, 7.373564348185343 52.11254129828492))",43480_6_12,6,12,97.66666666666667 +"POLYGON ((7.373564348185343 52.11233442282485, 7.374719324979211 52.11233442282485, 7.374719324979211 52.11212754640482, 7.373564348185343 52.11212754640482, 7.373564348185343 52.11233442282485))",43480_6_13,6,13,98.73894942857143 +"POLYGON ((7.373564348185343 52.11212754640482, 7.374719324979211 52.11212754640482, 7.374719324979211 52.11192066902487, 7.373564348185343 52.11192066902487, 7.373564348185343 52.11212754640482))",43480_6_14,6,14,96.7999982 +"POLYGON ((7.371254394597607 50.63225564569145, 7.372409371391475 50.63225564569145, 7.372409371391475 50.63204197123989, 7.371254394597607 50.63204197123989, 7.371254394597607 50.63225564569145))",43744_4_12,4,12,120.0 +"POLYGON ((7.381392524232671 53.41635899045465, 7.382547501026537 53.41635899045465, 7.382547501026537 53.41615821798627, 7.381392524232671 53.41615821798627, 7.381392524232671 53.41635899045465))",43915_5_15,5,15,67.66666666666667 +"POLYGON ((7.381392524232671 53.41100473357573, 7.382547501026537 53.41100473357573, 7.382547501026537 53.41080393583004, 7.381392524232671 53.41080393583004, 7.381392524232671 53.41100473357573))",43916_5_15,5,15,51.333333333333336 +"POLYGON ((7.375617640263331 53.36359017523769, 7.376772617057199 53.36359017523769, 7.376772617057199 53.3633891537256, 7.375617640263331 53.3633891537256, 7.375617640263331 53.36359017523769))",43925_0_11,0,11,120.33333333333333 +"POLYGON ((7.377927593851067 53.36298710785623, 7.379082570644935 53.36298710785623, 7.379082570644935 53.36278608349895, 7.377927593851067 53.36278608349895, 7.377927593851067 53.36298710785623))",43925_2_14,2,14,122.33333333333333 +"POLYGON ((7.379082570644935 53.36439425180206, 7.380237547438801 53.36439425180206, 7.380237547438801 53.36419323408356, 7.379082570644935 53.36419323408356, 7.379082570644935 53.36439425180206))",43925_3_7,3,7,133.0 +"POLYGON ((7.380237547438801 53.36479628439391, 7.381392524232671 53.36479628439391, 7.381392524232671 53.36459526857218, 7.380237547438801 53.36459526857218, 7.380237547438801 53.36479628439391))",43925_4_5,4,5,129.0 +"POLYGON ((7.380237547438801 53.36399221541667, 7.381392524232671 53.36399221541667, 7.381392524232671 53.36379119580138, 7.380237547438801 53.36379119580138, 7.380237547438801 53.36399221541667))",43925_4_9,4,9,62.52435500000001 +"POLYGON ((7.381392524232671 53.36479628439391, 7.382547501026537 53.36479628439391, 7.382547501026537 53.36459526857218, 7.381392524232671 53.36459526857218, 7.381392524232671 53.36479628439391))",43925_5_5,5,5,113.75 +"POLYGON ((7.381392524232671 53.36439425180206, 7.382547501026537 53.36439425180206, 7.382547501026537 53.36419323408356, 7.381392524232671 53.36419323408356, 7.381392524232671 53.36439425180206))",43925_5_7,5,7,122.5 +"POLYGON ((7.381392524232671 53.36359017523769, 7.382547501026537 53.36359017523769, 7.382547501026537 53.3633891537256, 7.381392524232671 53.3633891537256, 7.381392524232671 53.36359017523769))",43925_5_11,5,11,114.24493100000001 +"POLYGON ((7.381392524232671 53.3633891537256, 7.382547501026537 53.3633891537256, 7.382547501026537 53.36318813126513, 7.381392524232671 53.36318813126513, 7.381392524232671 53.3633891537256))",43925_5_12,5,12,95.5297265 +"POLYGON ((7.381392524232671 53.36278608349895, 7.382547501026537 53.36278608349895, 7.382547501026537 53.36258505819325, 7.381392524232671 53.36258505819325, 7.381392524232671 53.36278608349895))",43925_5_15,5,15,114.0 +"POLYGON ((7.382547501026537 53.3633891537256, 7.383702477820407 53.3633891537256, 7.383702477820407 53.36318813126513, 7.382547501026537 53.36318813126513, 7.382547501026537 53.3633891537256))",43925_6_12,6,12,82.6000002 +"POLYGON ((7.382547501026537 53.36298710785623, 7.383702477820407 53.36298710785623, 7.383702477820407 53.36278608349895, 7.382547501026537 53.36278608349895, 7.382547501026537 53.36298710785623))",43925_6_14,6,14,107.75 +"POLYGON ((7.382547501026537 53.36278608349895, 7.383702477820407 53.36278608349895, 7.383702477820407 53.36258505819325, 7.382547501026537 53.36258505819325, 7.382547501026537 53.36278608349895))",43925_6_15,6,15,109.25 +"POLYGON ((7.375617640263331 53.22398752549178, 7.376772617057199 53.22398752549178, 7.376772617057199 53.22378584594439, 7.375617640263331 53.22378584594439, 7.375617640263331 53.22398752549178))",43951_0_11,0,11,151.5 +"POLYGON ((7.375617640263331 53.22197068727763, 7.376772617057199 53.22197068727763, 7.376772617057199 53.22176899823238, 7.375617640263331 53.22176899823238, 7.375617640263331 53.22197068727763))",43951_0_21,0,21,121.20309975 +"POLYGON ((7.377927593851067 53.22338248400027, 7.379082570644935 53.22338248400027, 7.379082570644935 53.22318080160354, 7.377927593851067 53.22318080160354, 7.377927593851067 53.22338248400027))",43951_2_14,2,14,148.33333333333334 +"POLYGON ((7.379082570644935 53.22479423418361, 7.380237547438801 53.22479423418361, 7.380237547438801 53.2245925584353, 7.379082570644935 53.2245925584353, 7.379082570644935 53.22479423418361))",43951_3_7,3,7,142.5 +"POLYGON ((7.379082570644935 53.22358416544721, 7.380237547438801 53.22358416544721, 7.380237547438801 53.22338248400027, 7.379082570644935 53.22338248400027, 7.379082570644935 53.22358416544721))",43951_3_13,3,13,120.0 +"POLYGON ((7.380237547438801 53.2253992557299, 7.381392524232671 53.2253992557299, 7.381392524232671 53.2251975828309, 7.380237547438801 53.2251975828309, 7.380237547438801 53.2253992557299))",43951_4_4,4,4,172.0 +"POLYGON ((7.380237547438801 53.22439088173724, 7.381392524232671 53.22439088173724, 7.381392524232671 53.2241892040894, 7.380237547438801 53.2241892040894, 7.380237547438801 53.22439088173724))",43951_4_9,4,9,125.65829766666667 +"POLYGON ((7.380237547438801 53.22277743396072, 7.381392524232671 53.22277743396072, 7.381392524232671 53.22257574871463, 7.380237547438801 53.22257574871463, 7.380237547438801 53.22277743396072))",43951_4_17,4,17,123.749999 +"POLYGON ((7.381392524232671 53.2251975828309, 7.382547501026537 53.2251975828309, 7.382547501026537 53.22499590898213, 7.381392524232671 53.22499590898213, 7.381392524232671 53.2251975828309))",43951_5_5,5,5,86.25 +"POLYGON ((7.381392524232671 53.22499590898213, 7.382547501026537 53.22499590898213, 7.382547501026537 53.22479423418361, 7.381392524232671 53.22479423418361, 7.381392524232671 53.22499590898213))",43951_5_6,5,6,93.5 +"POLYGON ((7.381392524232671 53.2241892040894, 7.382547501026537 53.2241892040894, 7.382547501026537 53.22398752549178, 7.381392524232671 53.22398752549178, 7.381392524232671 53.2241892040894))",43951_5_10,5,10,121.87578233333333 +"POLYGON ((7.381392524232671 53.22378584594439, 7.382547501026537 53.22378584594439, 7.382547501026537 53.22358416544721, 7.381392524232671 53.22358416544721, 7.381392524232671 53.22378584594439))",43951_5_12,5,12,119.78022349999999 +"POLYGON ((7.381392524232671 53.22338248400027, 7.382547501026537 53.22338248400027, 7.382547501026537 53.22318080160354, 7.381392524232671 53.22318080160354, 7.381392524232671 53.22338248400027))",43951_5_14,5,14,153.0 +"POLYGON ((7.381392524232671 53.22318080160354, 7.382547501026537 53.22318080160354, 7.382547501026537 53.22297911825703, 7.381392524232671 53.22297911825703, 7.381392524232671 53.22318080160354))",43951_5_15,5,15,86.0 +"POLYGON ((7.381392524232671 53.22257574871463, 7.382547501026537 53.22257574871463, 7.382547501026537 53.22237406251877, 7.381392524232671 53.22237406251877, 7.381392524232671 53.22257574871463))",43951_5_18,5,18,111.1999996 +"POLYGON ((7.381392524232671 53.22176899823238, 7.382547501026537 53.22176899823238, 7.382547501026537 53.22156730823733, 7.381392524232671 53.22156730823733, 7.381392524232671 53.22176899823238))",43951_5_22,5,22,106.93539325 +"POLYGON ((7.382547501026537 53.22398752549178, 7.383702477820407 53.22398752549178, 7.383702477820407 53.22378584594439, 7.382547501026537 53.22378584594439, 7.382547501026537 53.22398752549178))",43951_6_11,6,11,106.5380746 +"POLYGON ((7.382547501026537 53.22378584594439, 7.383702477820407 53.22378584594439, 7.383702477820407 53.22358416544721, 7.382547501026537 53.22358416544721, 7.382547501026537 53.22378584594439))",43951_6_12,6,12,119.6308935 +"POLYGON ((7.382547501026537 53.22358416544721, 7.383702477820407 53.22358416544721, 7.383702477820407 53.22338248400027, 7.382547501026537 53.22338248400027, 7.382547501026537 53.22358416544721))",43951_6_13,6,13,106.77096275 +"POLYGON ((7.382547501026537 53.22338248400027, 7.383702477820407 53.22338248400027, 7.383702477820407 53.22318080160354, 7.382547501026537 53.22318080160354, 7.382547501026537 53.22338248400027))",43951_6_14,6,14,142.5 +"POLYGON ((7.382547501026537 53.22297911825703, 7.383702477820407 53.22297911825703, 7.383702477820407 53.22277743396072, 7.382547501026537 53.22277743396072, 7.382547501026537 53.22297911825703))",43951_6_16,6,16,83.2 +"POLYGON ((7.382547501026537 53.22277743396072, 7.383702477820407 53.22277743396072, 7.383702477820407 53.22257574871463, 7.382547501026537 53.22257574871463, 7.382547501026537 53.22277743396072))",43951_6_17,6,17,113.7391045 +"POLYGON ((7.380237547438801 52.34446281402145, 7.381392524232671 52.34446281402145, 7.381392524232671 52.34425701641146, 7.380237547438801 52.34425701641146, 7.380237547438801 52.34446281402145))",44113_4_8,4,8,122.000001 +"POLYGON ((7.380237547438801 52.34261060104566, 7.381392524232671 52.34261060104566, 7.381392524232671 52.34240479481418, 7.380237547438801 52.34240479481418, 7.380237547438801 52.34261060104566))",44113_4_17,4,17,135.0 +"POLYGON ((7.381392524232671 52.34343381639212, 7.382547501026537 52.34343381639212, 7.382547501026537 52.34322801399243, 7.381392524232671 52.34322801399243, 7.381392524232671 52.34343381639212))",44113_5_13,5,13,83.52708366666667 +"POLYGON ((7.381392524232671 52.3428164063192, 7.382547501026537 52.3428164063192, 7.382547501026537 52.34261060104566, 7.381392524232671 52.34261060104566, 7.381392524232671 52.3428164063192))",44113_5_16,5,16,180.5 +"POLYGON ((7.382547501026537 52.34302221063479, 7.383702477820407 52.34302221063479, 7.383702477820407 52.3428164063192, 7.382547501026537 52.3428164063192, 7.382547501026537 52.34302221063479))",44113_6_15,6,15,185.0 +"POLYGON ((7.382547501026537 52.34261060104566, 7.383702477820407 52.34261060104566, 7.383702477820407 52.34240479481418, 7.382547501026537 52.34240479481418, 7.382547501026537 52.34261060104566))",44113_6_17,6,17,165.0 +"POLYGON ((7.380237547438801 52.22741546221611, 7.381392524232671 52.22741546221611, 7.381392524232671 52.22720912020861, 7.380237547438801 52.22720912020861, 7.380237547438801 52.22741546221611))",44134_4_16,4,16,75.5 +"POLYGON ((7.380237547438801 52.22191268050148, 7.381392524232671 52.22191268050148, 7.381392524232671 52.22170631292122, 7.380237547438801 52.22170631292122, 7.380237547438801 52.22191268050148))",44135_4_16,4,16,51.333333333333336 +"POLYGON ((7.380237547438801 52.21640921683073, 7.381392524232671 52.21640921683073, 7.381392524232671 52.21620282367644, 7.380237547438801 52.21620282367644, 7.380237547438801 52.21640921683073))",44136_4_16,4,16,90.5 +"POLYGON ((7.380237547438801 52.2109050711701, 7.381392524232671 52.2109050711701, 7.381392524232671 52.21069865244054, 7.380237547438801 52.21069865244054, 7.380237547438801 52.2109050711701))",44137_4_16,4,16,88.25 +"POLYGON ((7.380237547438801 52.20540024348591, 7.381392524232671 52.20540024348591, 7.381392524232671 52.20519379917982, 7.380237547438801 52.20519379917982, 7.380237547438801 52.20540024348591))",44138_4_16,4,16,87.66666666666667 +"POLYGON ((7.375617640263331 52.11254129828492, 7.376772617057199 52.11254129828492, 7.376772617057199 52.11233442282485, 7.375617640263331 52.11233442282485, 7.375617640263331 52.11254129828492))",44155_0_12,0,12,103.0 +"POLYGON ((7.375617640263331 52.11047250048664, 7.376772617057199 52.11047250048664, 7.376772617057199 52.1102656154271, 7.375617640263331 52.1102656154271, 7.375617640263331 52.11047250048664))",44155_0_22,0,22,90.999997 +"POLYGON ((7.376772617057199 52.11316191890556, 7.377927593851067 52.11316191890556, 7.377927593851067 52.11295504632529, 7.376772617057199 52.11295504632529, 7.376772617057199 52.11316191890556))",44155_1_9,1,9,95.0 +"POLYGON ((7.377927593851067 52.11254129828492, 7.379082570644935 52.11254129828492, 7.379082570644935 52.11233442282485, 7.377927593851067 52.11233442282485, 7.377927593851067 52.11254129828492))",44155_2_12,2,12,74.5 +"POLYGON ((7.379082570644935 52.11378253088682, 7.380237547438801 52.11378253088682, 7.380237547438801 52.11357566118632, 7.379082570644935 52.11357566118632, 7.379082570644935 52.11378253088682))",44155_3_6,3,6,64.0 +"POLYGON ((7.379082570644935 52.11254129828492, 7.380237547438801 52.11254129828492, 7.380237547438801 52.11233442282485, 7.379082570644935 52.11233442282485, 7.379082570644935 52.11254129828492))",44155_3_12,3,12,97.5 +"POLYGON ((7.379082570644935 52.11171379068496, 7.380237547438801 52.11171379068496, 7.380237547438801 52.11150691138511, 7.379082570644935 52.11150691138511, 7.379082570644935 52.11171379068496))",44155_3_16,3,16,90.0 +"POLYGON ((7.380237547438801 52.11440313422873, 7.381392524232671 52.11440313422873, 7.381392524232671 52.11419626740801, 7.380237547438801 52.11419626740801, 7.380237547438801 52.11440313422873))",44155_4_3,4,3,89.0 +"POLYGON ((7.380237547438801 52.11398939962739, 7.381392524232671 52.11398939962739, 7.381392524232671 52.11378253088682, 7.380237547438801 52.11378253088682, 7.380237547438801 52.11398939962739))",44155_4_5,4,5,111.5 +"POLYGON ((7.380237547438801 52.11171379068496, 7.381392524232671 52.11171379068496, 7.381392524232671 52.11150691138511, 7.380237547438801 52.11150691138511, 7.380237547438801 52.11171379068496))",44155_4_16,4,16,98.0 +"POLYGON ((7.381392524232671 52.11440313422873, 7.382547501026537 52.11440313422873, 7.382547501026537 52.11419626740801, 7.381392524232671 52.11419626740801, 7.381392524232671 52.11440313422873))",44155_5_3,5,3,102.0 +"POLYGON ((7.381392524232671 52.11398939962739, 7.382547501026537 52.11398939962739, 7.382547501026537 52.11378253088682, 7.381392524232671 52.11378253088682, 7.381392524232671 52.11398939962739))",44155_5_5,5,5,112.0 +"POLYGON ((7.381392524232671 52.11316191890556, 7.382547501026537 52.11316191890556, 7.382547501026537 52.11295504632529, 7.381392524232671 52.11295504632529, 7.381392524232671 52.11316191890556))",44155_5_9,5,9,86.0 +"POLYGON ((7.381392524232671 52.11088626772589, 7.382547501026537 52.11088626772589, 7.382547501026537 52.11067938458624, 7.381392524232671 52.11067938458624, 7.381392524232671 52.11088626772589))",44155_5_20,5,20,93.999998 +"POLYGON ((7.381392524232671 52.1102656154271, 7.382547501026537 52.1102656154271, 7.382547501026537 52.1100587294076, 7.381392524232671 52.1100587294076, 7.381392524232671 52.1102656154271))",44155_5_23,5,23,88.000003 +"POLYGON ((7.382547501026537 52.11316191890556, 7.383702477820407 52.11316191890556, 7.383702477820407 52.11295504632529, 7.382547501026537 52.11295504632529, 7.382547501026537 52.11316191890556))",44155_6_9,6,9,77.647288 +"POLYGON ((7.382547501026537 52.11254129828492, 7.383702477820407 52.11254129828492, 7.383702477820407 52.11233442282485, 7.382547501026537 52.11233442282485, 7.382547501026537 52.11254129828492))",44155_6_12,6,12,101.0 +"POLYGON ((7.382547501026537 52.11233442282485, 7.383702477820407 52.11233442282485, 7.383702477820407 52.11212754640482, 7.382547501026537 52.11212754640482, 7.382547501026537 52.11233442282485))",44155_6_13,6,13,100.000001 +"POLYGON ((7.382547501026537 52.11212754640482, 7.383702477820407 52.11212754640482, 7.383702477820407 52.11192066902487, 7.382547501026537 52.11192066902487, 7.382547501026537 52.11212754640482))",44155_6_14,6,14,96.68137 +"POLYGON ((7.375617640263331 52.10702429083212, 7.376772617057199 52.10702429083212, 7.376772617057199 52.10681738977307, 7.375617640263331 52.10681738977307, 7.375617640263331 52.10702429083212))",44156_0_12,0,12,116.75 +"POLYGON ((7.375617640263331 52.10495523704209, 7.376772617057199 52.10495523704209, 7.376772617057199 52.10474832638312, 7.375617640263331 52.10474832638312, 7.375617640263331 52.10495523704209))",44156_0_22,0,22,91.859307 +"POLYGON ((7.376772617057199 52.10764498824936, 7.377927593851067 52.10764498824936, 7.377927593851067 52.10743809007026, 7.376772617057199 52.10743809007026, 7.376772617057199 52.10764498824936))",44156_1_9,1,9,116.8 +"POLYGON ((7.377927593851067 52.10702429083212, 7.379082570644935 52.10702429083212, 7.379082570644935 52.10681738977307, 7.377927593851067 52.10681738977307, 7.377927593851067 52.10702429083212))",44156_2_12,2,12,79.16666666666667 +"POLYGON ((7.379082570644935 52.1082656770268, 7.380237547438801 52.1082656770268, 7.380237547438801 52.10805878172764, 7.379082570644935 52.10805878172764, 7.379082570644935 52.1082656770268))",44156_3_6,3,6,60.875 +"POLYGON ((7.379082570644935 52.10702429083212, 7.380237547438801 52.10702429083212, 7.380237547438801 52.10681738977307, 7.379082570644935 52.10681738977307, 7.379082570644935 52.10702429083212))",44156_3_12,3,12,94.6 +"POLYGON ((7.379082570644935 52.10619668083601, 7.380237547438801 52.10619668083601, 7.380237547438801 52.10598977593701, 7.379082570644935 52.10598977593701, 7.379082570644935 52.10619668083601))",44156_3_16,3,16,96.4 +"POLYGON ((7.380237547438801 52.10888635716449, 7.381392524232671 52.10888635716449, 7.381392524232671 52.10867946474523, 7.380237547438801 52.10867946474523, 7.380237547438801 52.10888635716449))",44156_4_3,4,3,108.0 +"POLYGON ((7.380237547438801 52.10847257136601, 7.381392524232671 52.10847257136601, 7.381392524232671 52.1082656770268, 7.380237547438801 52.1082656770268, 7.380237547438801 52.10847257136601))",44156_4_5,4,5,113.0 +"POLYGON ((7.380237547438801 52.10619668083601, 7.381392524232671 52.10619668083601, 7.381392524232671 52.10598977593701, 7.380237547438801 52.10598977593701, 7.380237547438801 52.10619668083601))",44156_4_16,4,16,94.4 +"POLYGON ((7.381392524232671 52.10888635716449, 7.382547501026537 52.10888635716449, 7.382547501026537 52.10867946474523, 7.381392524232671 52.10867946474523, 7.381392524232671 52.10888635716449))",44156_5_3,5,3,102.75 +"POLYGON ((7.381392524232671 52.10847257136601, 7.382547501026537 52.10847257136601, 7.382547501026537 52.1082656770268, 7.381392524232671 52.1082656770268, 7.381392524232671 52.10847257136601))",44156_5_5,5,5,111.0 +"POLYGON ((7.381392524232671 52.10764498824936, 7.382547501026537 52.10764498824936, 7.382547501026537 52.10743809007026, 7.381392524232671 52.10743809007026, 7.381392524232671 52.10764498824936))",44156_5_9,5,9,79.622922 +"POLYGON ((7.381392524232671 52.10536905548005, 7.382547501026537 52.10536905548005, 7.382547501026537 52.10516214674107, 7.381392524232671 52.10516214674107, 7.381392524232671 52.10536905548005))",44156_5_20,5,20,94.66666633333334 +"POLYGON ((7.381392524232671 52.10474832638312, 7.382547501026537 52.10474832638312, 7.382547501026537 52.10454141476412, 7.381392524232671 52.10454141476412, 7.381392524232671 52.10474832638312))",44156_5_23,5,23,92.15304316666668 +"POLYGON ((7.382547501026537 52.10764498824936, 7.383702477820407 52.10764498824936, 7.383702477820407 52.10743809007026, 7.382547501026537 52.10743809007026, 7.382547501026537 52.10764498824936))",44156_6_9,6,9,93.46756183333332 +"POLYGON ((7.382547501026537 52.10702429083212, 7.383702477820407 52.10702429083212, 7.383702477820407 52.10681738977307, 7.382547501026537 52.10681738977307, 7.382547501026537 52.10702429083212))",44156_6_12,6,12,100.5 +"POLYGON ((7.382547501026537 52.10681738977307, 7.383702477820407 52.10681738977307, 7.383702477820407 52.10661048775403, 7.382547501026537 52.10661048775403, 7.382547501026537 52.10681738977307))",44156_6_13,6,13,101.6240744 +"POLYGON ((7.382547501026537 52.10661048775403, 7.383702477820407 52.10661048775403, 7.383702477820407 52.10640358477502, 7.382547501026537 52.10640358477502, 7.382547501026537 52.10661048775403))",44156_6_14,6,14,99.9298506 +"POLYGON ((7.380237547438801 50.63225564569145, 7.381392524232671 50.63225564569145, 7.381392524232671 50.63204197123989, 7.380237547438801 50.63204197123989, 7.380237547438801 50.63225564569145))",44419_4_12,4,12,128.75 +"POLYGON ((7.390375677073865 53.43796994835827, 7.391530653867733 53.43796994835827, 7.391530653867733 53.43776927793251, 7.390375677073865 53.43776927793251, 7.390375677073865 53.43796994835827))",44586_5_14,5,14,69.75 +"POLYGON ((7.390375677073865 53.43261841268973, 7.391530653867733 53.43261841268973, 7.391530653867733 53.43241771699243, 7.390375677073865 53.43241771699243, 7.390375677073865 53.43261841268973))",44587_5_14,5,14,79.5 +"POLYGON ((7.390375677073865 53.42726620309514, 7.391530653867733 53.42726620309514, 7.391530653867733 53.42706548212487, 7.390375677073865 53.42706548212487, 7.390375677073865 53.42726620309514))",44588_5_14,5,14,68.0 +"POLYGON ((7.390375677073865 53.42191331953632, 7.391530653867733 53.42191331953632, 7.391530653867733 53.42171257329165, 7.390375677073865 53.42171257329165, 7.390375677073865 53.42191331953632))",44589_5_14,5,14,66.33333333333333 +"POLYGON ((7.390375677073865 53.42171257329165, 7.391530653867733 53.42171257329165, 7.391530653867733 53.42151182609916, 7.390375677073865 53.42151182609916, 7.390375677073865 53.42171257329165))",44589_5_15,5,15,75.33333333333333 +"POLYGON ((7.390375677073865 53.41635899045465, 7.391530653867733 53.41635899045465, 7.391530653867733 53.41615821798627, 7.390375677073865 53.41615821798627, 7.390375677073865 53.41635899045465))",44590_5_15,5,15,76.0 +"POLYGON ((7.384600793104525 53.36359017523769, 7.385755769898394 53.36359017523769, 7.385755769898394 53.3633891537256, 7.384600793104525 53.3633891537256, 7.384600793104525 53.36359017523769))",44600_0_11,0,11,120.33333333333333 +"POLYGON ((7.386910746692261 53.36298710785623, 7.388065723486129 53.36298710785623, 7.388065723486129 53.36278608349895, 7.386910746692261 53.36278608349895, 7.386910746692261 53.36298710785623))",44600_2_14,2,14,121.33333333333333 +"POLYGON ((7.388065723486129 53.36439425180206, 7.389220700279997 53.36439425180206, 7.389220700279997 53.36419323408356, 7.388065723486129 53.36419323408356, 7.388065723486129 53.36439425180206))",44600_3_7,3,7,128.33333333333334 +"POLYGON ((7.389220700279997 53.36479628439391, 7.390375677073865 53.36479628439391, 7.390375677073865 53.36459526857218, 7.389220700279997 53.36459526857218, 7.389220700279997 53.36479628439391))",44600_4_5,4,5,129.0 +"POLYGON ((7.389220700279997 53.36399221541667, 7.390375677073865 53.36399221541667, 7.390375677073865 53.36379119580138, 7.389220700279997 53.36379119580138, 7.389220700279997 53.36399221541667))",44600_4_9,4,9,63.113827625 +"POLYGON ((7.390375677073865 53.36479628439391, 7.391530653867733 53.36479628439391, 7.391530653867733 53.36459526857218, 7.390375677073865 53.36459526857218, 7.390375677073865 53.36479628439391))",44600_5_5,5,5,113.66666666666667 +"POLYGON ((7.390375677073865 53.36439425180206, 7.391530653867733 53.36439425180206, 7.391530653867733 53.36419323408356, 7.390375677073865 53.36419323408356, 7.390375677073865 53.36439425180206))",44600_5_7,5,7,123.0 +"POLYGON ((7.390375677073865 53.36359017523769, 7.391530653867733 53.36359017523769, 7.391530653867733 53.3633891537256, 7.390375677073865 53.3633891537256, 7.390375677073865 53.36359017523769))",44600_5_11,5,11,112.3176815 +"POLYGON ((7.390375677073865 53.3633891537256, 7.391530653867733 53.3633891537256, 7.391530653867733 53.36318813126513, 7.390375677073865 53.36318813126513, 7.390375677073865 53.3633891537256))",44600_5_12,5,12,98.8347424 +"POLYGON ((7.390375677073865 53.36278608349895, 7.391530653867733 53.36278608349895, 7.391530653867733 53.36258505819325, 7.390375677073865 53.36258505819325, 7.390375677073865 53.36278608349895))",44600_5_15,5,15,117.0 +"POLYGON ((7.391530653867733 53.3633891537256, 7.392685630661601 53.3633891537256, 7.392685630661601 53.36318813126513, 7.391530653867733 53.36318813126513, 7.391530653867733 53.3633891537256))",44600_6_12,6,12,83.86521266666666 +"POLYGON ((7.391530653867733 53.36298710785623, 7.392685630661601 53.36298710785623, 7.392685630661601 53.36278608349895, 7.391530653867733 53.36278608349895, 7.391530653867733 53.36298710785623))",44600_6_14,6,14,108.25 +"POLYGON ((7.391530653867733 53.36278608349895, 7.392685630661601 53.36278608349895, 7.392685630661601 53.36258505819325, 7.391530653867733 53.36258505819325, 7.391530653867733 53.36278608349895))",44600_6_15,6,15,109.25 +"POLYGON ((7.384600793104525 53.22936529640005, 7.385755769898394 53.22936529640005, 7.385755769898394 53.22916364217935, 7.384600793104525 53.22916364217935, 7.384600793104525 53.22936529640005))",44625_0_11,0,11,109.0 +"POLYGON ((7.384600793104525 53.22734871145505, 7.385755769898394 53.22734871145505, 7.385755769898394 53.22714704773701, 7.384600793104525 53.22714704773701, 7.384600793104525 53.22734871145505))",44625_0_21,0,21,109.12415050000001 +"POLYGON ((7.386910746692261 53.22876033088874, 7.388065723486129 53.22876033088874, 7.388065723486129 53.22855867381885, 7.386910746692261 53.22855867381885, 7.386910746692261 53.22876033088874))",44625_2_14,2,14,97.0 +"POLYGON ((7.388065723486129 53.2301719037857, 7.389220700279997 53.2301719037857, 7.389220700279997 53.22997025336387, 7.388065723486129 53.22997025336387, 7.388065723486129 53.2301719037857))",44625_3_7,3,7,74.5 +"POLYGON ((7.388065723486129 53.22896198700891, 7.389220700279997 53.22896198700891, 7.389220700279997 53.22876033088874, 7.388065723486129 53.22876033088874, 7.388065723486129 53.22896198700891))",44625_3_13,3,13,68.0 +"POLYGON ((7.389220700279997 53.23057520178023, 7.390375677073865 53.23057520178023, 7.390375677073865 53.23037355325782, 7.389220700279997 53.23037355325782, 7.389220700279997 53.23057520178023))",44625_4_5,4,5,90.0 +"POLYGON ((7.389220700279997 53.22976860199232, 7.390375677073865 53.22976860199232, 7.390375677073865 53.22956694967105, 7.389220700279997 53.22956694967105, 7.389220700279997 53.22976860199232))",44625_4_9,4,9,98.20043799999999 +"POLYGON ((7.389220700279997 53.22815535682986, 7.390375677073865 53.22815535682986, 7.390375677073865 53.22795369691077, 7.389220700279997 53.22795369691077, 7.389220700279997 53.22815535682986))",44625_4_17,4,17,77.999999 +"POLYGON ((7.390375677073865 53.23057520178023, 7.391530653867733 53.23057520178023, 7.391530653867733 53.23037355325782, 7.390375677073865 53.23037355325782, 7.390375677073865 53.23057520178023))",44625_5_5,5,5,77.0 +"POLYGON ((7.390375677073865 53.23037355325782, 7.391530653867733 53.23037355325782, 7.391530653867733 53.2301719037857, 7.390375677073865 53.2301719037857, 7.390375677073865 53.23037355325782))",44625_5_6,5,6,38.666666666666664 +"POLYGON ((7.390375677073865 53.22956694967105, 7.391530653867733 53.22956694967105, 7.391530653867733 53.22936529640005, 7.390375677073865 53.22936529640005, 7.390375677073865 53.22956694967105))",44625_5_10,5,10,68.2715795 +"POLYGON ((7.390375677073865 53.22916364217935, 7.391530653867733 53.22916364217935, 7.391530653867733 53.22896198700891, 7.390375677073865 53.22896198700891, 7.390375677073865 53.22916364217935))",44625_5_12,5,12,81.282357 +"POLYGON ((7.390375677073865 53.22855867381885, 7.391530653867733 53.22855867381885, 7.391530653867733 53.22835701579922, 7.390375677073865 53.22835701579922, 7.390375677073865 53.22855867381885))",44625_5_15,5,15,77.5 +"POLYGON ((7.390375677073865 53.22795369691077, 7.391530653867733 53.22795369691077, 7.391530653867733 53.22775203604193, 7.390375677073865 53.22775203604193, 7.390375677073865 53.22795369691077))",44625_5_18,5,18,98.999998 +"POLYGON ((7.390375677073865 53.22714704773701, 7.391530653867733 53.22714704773701, 7.391530653867733 53.2269453830692, 7.390375677073865 53.2269453830692, 7.390375677073865 53.22714704773701))",44625_5_22,5,22,107.54422650000001 +"POLYGON ((7.391530653867733 53.22936529640005, 7.392685630661601 53.22936529640005, 7.392685630661601 53.22916364217935, 7.391530653867733 53.22916364217935, 7.391530653867733 53.22936529640005))",44625_6_11,6,11,88.50000025 +"POLYGON ((7.391530653867733 53.22916364217935, 7.392685630661601 53.22916364217935, 7.392685630661601 53.22896198700891, 7.391530653867733 53.22896198700891, 7.391530653867733 53.22916364217935))",44625_6_12,6,12,105.67614066666665 +"POLYGON ((7.391530653867733 53.22896198700891, 7.392685630661601 53.22896198700891, 7.392685630661601 53.22876033088874, 7.391530653867733 53.22876033088874, 7.391530653867733 53.22896198700891))",44625_6_13,6,13,101.999998 +"POLYGON ((7.391530653867733 53.22876033088874, 7.392685630661601 53.22876033088874, 7.392685630661601 53.22855867381885, 7.391530653867733 53.22855867381885, 7.391530653867733 53.22876033088874))",44625_6_14,6,14,129.0 +"POLYGON ((7.391530653867733 53.22835701579922, 7.392685630661601 53.22835701579922, 7.392685630661601 53.22815535682986, 7.391530653867733 53.22815535682986, 7.391530653867733 53.22835701579922))",44625_6_16,6,16,69.5 +"POLYGON ((7.391530653867733 53.22815535682986, 7.392685630661601 53.22815535682986, 7.392685630661601 53.22795369691077, 7.391530653867733 53.22795369691077, 7.391530653867733 53.22815535682986))",44625_6_17,6,17,78.71214300000001 +"POLYGON ((7.384600793104525 53.22398752549178, 7.385755769898394 53.22398752549178, 7.385755769898394 53.22378584594439, 7.384600793104525 53.22378584594439, 7.384600793104525 53.22398752549178))",44626_0_11,0,11,136.0 +"POLYGON ((7.384600793104525 53.22197068727763, 7.385755769898394 53.22197068727763, 7.385755769898394 53.22176899823238, 7.384600793104525 53.22176899823238, 7.384600793104525 53.22197068727763))",44626_0_21,0,21,114.28936866666668 +"POLYGON ((7.386910746692261 53.22338248400027, 7.388065723486129 53.22338248400027, 7.388065723486129 53.22318080160354, 7.386910746692261 53.22318080160354, 7.386910746692261 53.22338248400027))",44626_2_14,2,14,111.5 +"POLYGON ((7.388065723486129 53.22479423418361, 7.389220700279997 53.22479423418361, 7.389220700279997 53.2245925584353, 7.388065723486129 53.2245925584353, 7.388065723486129 53.22479423418361))",44626_3_7,3,7,105.66666666666667 +"POLYGON ((7.388065723486129 53.22358416544721, 7.389220700279997 53.22358416544721, 7.389220700279997 53.22338248400027, 7.388065723486129 53.22338248400027, 7.388065723486129 53.22358416544721))",44626_3_13,3,13,90.0 +"POLYGON ((7.389220700279997 53.2253992557299, 7.390375677073865 53.2253992557299, 7.390375677073865 53.2251975828309, 7.389220700279997 53.2251975828309, 7.389220700279997 53.2253992557299))",44626_4_4,4,4,126.0 +"POLYGON ((7.389220700279997 53.2251975828309, 7.390375677073865 53.2251975828309, 7.390375677073865 53.22499590898213, 7.389220700279997 53.22499590898213, 7.389220700279997 53.2251975828309))",44626_4_5,4,5,87.5 +"POLYGON ((7.389220700279997 53.22439088173724, 7.390375677073865 53.22439088173724, 7.390375677073865 53.2241892040894, 7.389220700279997 53.2241892040894, 7.389220700279997 53.22439088173724))",44626_4_9,4,9,103.999998 +"POLYGON ((7.389220700279997 53.22277743396072, 7.390375677073865 53.22277743396072, 7.390375677073865 53.22257574871463, 7.389220700279997 53.22257574871463, 7.389220700279997 53.22277743396072))",44626_4_17,4,17,88.33333233333333 +"POLYGON ((7.390375677073865 53.2251975828309, 7.391530653867733 53.2251975828309, 7.391530653867733 53.22499590898213, 7.390375677073865 53.22499590898213, 7.390375677073865 53.2251975828309))",44626_5_5,5,5,84.75 +"POLYGON ((7.390375677073865 53.22499590898213, 7.391530653867733 53.22499590898213, 7.391530653867733 53.22479423418361, 7.390375677073865 53.22479423418361, 7.390375677073865 53.22499590898213))",44626_5_6,5,6,131.25 +"POLYGON ((7.390375677073865 53.2241892040894, 7.391530653867733 53.2241892040894, 7.391530653867733 53.22398752549178, 7.390375677073865 53.22398752549178, 7.390375677073865 53.2241892040894))",44626_5_10,5,10,83.0087346 +"POLYGON ((7.390375677073865 53.22378584594439, 7.391530653867733 53.22378584594439, 7.391530653867733 53.22358416544721, 7.390375677073865 53.22358416544721, 7.390375677073865 53.22378584594439))",44626_5_12,5,12,99.64156083333334 +"POLYGON ((7.390375677073865 53.22318080160354, 7.391530653867733 53.22318080160354, 7.391530653867733 53.22297911825703, 7.390375677073865 53.22297911825703, 7.390375677073865 53.22318080160354))",44626_5_15,5,15,78.66666666666667 +"POLYGON ((7.390375677073865 53.22257574871463, 7.391530653867733 53.22257574871463, 7.391530653867733 53.22237406251877, 7.390375677073865 53.22237406251877, 7.390375677073865 53.22257574871463))",44626_5_18,5,18,105.161175 +"POLYGON ((7.390375677073865 53.22176899823238, 7.391530653867733 53.22176899823238, 7.391530653867733 53.22156730823733, 7.390375677073865 53.22156730823733, 7.390375677073865 53.22176899823238))",44626_5_22,5,22,111.33333333333333 +"POLYGON ((7.391530653867733 53.22398752549178, 7.392685630661601 53.22398752549178, 7.392685630661601 53.22378584594439, 7.391530653867733 53.22378584594439, 7.391530653867733 53.22398752549178))",44626_6_11,6,11,95.57812907692308 +"POLYGON ((7.391530653867733 53.22378584594439, 7.392685630661601 53.22378584594439, 7.392685630661601 53.22358416544721, 7.391530653867733 53.22358416544721, 7.391530653867733 53.22378584594439))",44626_6_12,6,12,113.34504599999998 +"POLYGON ((7.391530653867733 53.22358416544721, 7.392685630661601 53.22358416544721, 7.392685630661601 53.22338248400027, 7.391530653867733 53.22338248400027, 7.391530653867733 53.22358416544721))",44626_6_13,6,13,109.0 +"POLYGON ((7.391530653867733 53.22338248400027, 7.392685630661601 53.22338248400027, 7.392685630661601 53.22318080160354, 7.391530653867733 53.22318080160354, 7.391530653867733 53.22338248400027))",44626_6_14,6,14,144.0 +"POLYGON ((7.391530653867733 53.22297911825703, 7.392685630661601 53.22297911825703, 7.392685630661601 53.22277743396072, 7.391530653867733 53.22277743396072, 7.391530653867733 53.22297911825703))",44626_6_16,6,16,76.0 +"POLYGON ((7.391530653867733 53.22277743396072, 7.392685630661601 53.22277743396072, 7.392685630661601 53.22257574871463, 7.391530653867733 53.22257574871463, 7.391530653867733 53.22277743396072))",44626_6_17,6,17,105.05322899999999 +"POLYGON ((7.389220700279997 52.34446281402145, 7.390375677073865 52.34446281402145, 7.390375677073865 52.34425701641146, 7.389220700279997 52.34425701641146, 7.389220700279997 52.34446281402145))",44788_4_8,4,8,122.00171800000001 +"POLYGON ((7.389220700279997 52.34261060104566, 7.390375677073865 52.34261060104566, 7.390375677073865 52.34240479481418, 7.389220700279997 52.34240479481418, 7.389220700279997 52.34261060104566))",44788_4_17,4,17,132.33333333333334 +"POLYGON ((7.390375677073865 52.34343381639212, 7.391530653867733 52.34343381639212, 7.391530653867733 52.34322801399243, 7.390375677073865 52.34322801399243, 7.390375677073865 52.34343381639212))",44788_5_13,5,13,59.57142857142857 +"POLYGON ((7.390375677073865 52.3428164063192, 7.391530653867733 52.3428164063192, 7.391530653867733 52.34261060104566, 7.390375677073865 52.34261060104566, 7.390375677073865 52.3428164063192))",44788_5_16,5,16,177.5 +"POLYGON ((7.391530653867733 52.34302221063479, 7.392685630661601 52.34302221063479, 7.392685630661601 52.3428164063192, 7.391530653867733 52.3428164063192, 7.391530653867733 52.34302221063479))",44788_6_15,6,15,180.66666666666666 +"POLYGON ((7.391530653867733 52.34261060104566, 7.392685630661601 52.34261060104566, 7.392685630661601 52.34240479481418, 7.391530653867733 52.34240479481418, 7.391530653867733 52.34261060104566))",44788_6_17,6,17,154.33333333333334 +"POLYGON ((7.389220700279997 52.23291756200838, 7.390375677073865 52.23291756200838, 7.390375677073865 52.23271124557235, 7.389220700279997 52.23271124557235, 7.389220700279997 52.23291756200838))",44808_4_16,4,16,85.0 +"POLYGON ((7.389220700279997 52.22741546221611, 7.390375677073865 52.22741546221611, 7.390375677073865 52.22720912020861, 7.389220700279997 52.22720912020861, 7.389220700279997 52.22741546221611))",44809_4_16,4,16,85.0 +"POLYGON ((7.384600793104525 52.10702429083212, 7.385755769898394 52.10702429083212, 7.385755769898394 52.10681738977307, 7.384600793104525 52.10681738977307, 7.384600793104525 52.10702429083212))",44831_0_12,0,12,122.0 +"POLYGON ((7.384600793104525 52.10495523704209, 7.385755769898394 52.10495523704209, 7.385755769898394 52.10474832638312, 7.384600793104525 52.10474832638312, 7.384600793104525 52.10495523704209))",44831_0_22,0,22,97.0 +"POLYGON ((7.388065723486129 52.1082656770268, 7.389220700279997 52.1082656770268, 7.389220700279997 52.10805878172764, 7.388065723486129 52.10805878172764, 7.388065723486129 52.1082656770268))",44831_3_6,3,6,59.0 +"POLYGON ((7.388065723486129 52.10702429083212, 7.389220700279997 52.10702429083212, 7.389220700279997 52.10681738977307, 7.388065723486129 52.10681738977307, 7.388065723486129 52.10702429083212))",44831_3_12,3,12,95.0 +"POLYGON ((7.389220700279997 52.10847257136601, 7.390375677073865 52.10847257136601, 7.390375677073865 52.1082656770268, 7.389220700279997 52.1082656770268, 7.389220700279997 52.10847257136601))",44831_4_5,4,5,115.0 +"POLYGON ((7.389220700279997 52.10619668083601, 7.390375677073865 52.10619668083601, 7.390375677073865 52.10598977593701, 7.389220700279997 52.10598977593701, 7.389220700279997 52.10619668083601))",44831_4_16,4,16,97.0 +"POLYGON ((7.390375677073865 52.10888635716449, 7.391530653867733 52.10888635716449, 7.391530653867733 52.10867946474523, 7.390375677073865 52.10867946474523, 7.390375677073865 52.10888635716449))",44831_5_3,5,3,103.0 +"POLYGON ((7.390375677073865 52.10847257136601, 7.391530653867733 52.10847257136601, 7.391530653867733 52.1082656770268, 7.390375677073865 52.1082656770268, 7.390375677073865 52.10847257136601))",44831_5_5,5,5,111.0 +"POLYGON ((7.390375677073865 52.10764498824936, 7.391530653867733 52.10764498824936, 7.391530653867733 52.10743809007026, 7.390375677073865 52.10743809007026, 7.390375677073865 52.10764498824936))",44831_5_9,5,9,65.731675 +"POLYGON ((7.390375677073865 52.10536905548005, 7.391530653867733 52.10536905548005, 7.391530653867733 52.10516214674107, 7.390375677073865 52.10516214674107, 7.390375677073865 52.10536905548005))",44831_5_20,5,20,97.999997 +"POLYGON ((7.390375677073865 52.10474832638312, 7.391530653867733 52.10474832638312, 7.391530653867733 52.10454141476412, 7.390375677073865 52.10454141476412, 7.390375677073865 52.10474832638312))",44831_5_23,5,23,92.999997 +"POLYGON ((7.391530653867733 52.10764498824936, 7.392685630661601 52.10764498824936, 7.392685630661601 52.10743809007026, 7.391530653867733 52.10743809007026, 7.391530653867733 52.10764498824936))",44831_6_9,6,9,110.642956 +"POLYGON ((7.391530653867733 52.10702429083212, 7.392685630661601 52.10702429083212, 7.392685630661601 52.10681738977307, 7.391530653867733 52.10681738977307, 7.391530653867733 52.10702429083212))",44831_6_12,6,12,98.0 +"POLYGON ((7.391530653867733 52.10681738977307, 7.392685630661601 52.10681738977307, 7.392685630661601 52.10661048775403, 7.391530653867733 52.10661048775403, 7.391530653867733 52.10681738977307))",44831_6_13,6,13,102.250572 +"POLYGON ((7.391530653867733 52.10661048775403, 7.392685630661601 52.10661048775403, 7.392685630661601 52.10640358477502, 7.391530653867733 52.10640358477502, 7.391530653867733 52.10661048775403))",44831_6_14,6,14,100.999998 +"POLYGON ((7.384600793104525 52.10150660072424, 7.385755769898394 52.10150660072424, 7.385755769898394 52.10129967406498, 7.384600793104525 52.10129967406498, 7.384600793104525 52.10150660072424))",44832_0_12,0,12,119.66666666666667 +"POLYGON ((7.384600793104525 52.09943729092997, 7.385755769898394 52.09943729092997, 7.385755769898394 52.09923035467031, 7.384600793104525 52.09923035467031, 7.384600793104525 52.09943729092997))",44832_0_22,0,22,96.7999996 +"POLYGON ((7.385755769898394 52.10212737494184, 7.386910746692261 52.10212737494184, 7.386910746692261 52.10192045116266, 7.385755769898394 52.10192045116266, 7.385755769898394 52.10212737494184))",44832_1_9,1,9,115.0 +"POLYGON ((7.385755769898394 52.10192045116266, 7.386910746692261 52.10192045116266, 7.386910746692261 52.10171352642346, 7.385755769898394 52.10171352642346, 7.385755769898394 52.10192045116266))",44832_1_10,1,10,105.0 +"POLYGON ((7.386910746692261 52.10150660072424, 7.388065723486129 52.10150660072424, 7.388065723486129 52.10129967406498, 7.386910746692261 52.10129967406498, 7.386910746692261 52.10150660072424))",44832_2_12,2,12,72.2 +"POLYGON ((7.388065723486129 52.10274814051921, 7.389220700279997 52.10274814051921, 7.389220700279997 52.10254121962011, 7.388065723486129 52.10254121962011, 7.388065723486129 52.10274814051921))",44832_3_6,3,6,58.0 +"POLYGON ((7.388065723486129 52.10150660072424, 7.389220700279997 52.10150660072424, 7.389220700279997 52.10129967406498, 7.388065723486129 52.10129967406498, 7.388065723486129 52.10150660072424))",44832_3_12,3,12,94.25 +"POLYGON ((7.388065723486129 52.100678888327, 7.389220700279997 52.100678888327, 7.389220700279997 52.1004719578276, 7.388065723486129 52.1004719578276, 7.388065723486129 52.100678888327))",44832_3_16,3,16,92.4 +"POLYGON ((7.389220700279997 52.10336889745641, 7.390375677073865 52.10336889745641, 7.390375677073865 52.10316197943737, 7.389220700279997 52.10316197943737, 7.389220700279997 52.10336889745641))",44832_4_3,4,3,112.25 +"POLYGON ((7.389220700279997 52.1029550604583, 7.390375677073865 52.1029550604583, 7.390375677073865 52.10274814051921, 7.389220700279997 52.10274814051921, 7.389220700279997 52.1029550604583))",44832_4_5,4,5,113.66666666666667 +"POLYGON ((7.389220700279997 52.100678888327, 7.390375677073865 52.100678888327, 7.390375677073865 52.1004719578276, 7.389220700279997 52.1004719578276, 7.389220700279997 52.100678888327))",44832_4_16,4,16,103.0 +"POLYGON ((7.390375677073865 52.10336889745641, 7.391530653867733 52.10336889745641, 7.391530653867733 52.10316197943737, 7.390375677073865 52.10316197943737, 7.390375677073865 52.10336889745641))",44832_5_3,5,3,105.0 +"POLYGON ((7.390375677073865 52.1029550604583, 7.391530653867733 52.1029550604583, 7.391530653867733 52.10274814051921, 7.390375677073865 52.10274814051921, 7.390375677073865 52.1029550604583))",44832_5_5,5,5,109.66666666666667 +"POLYGON ((7.390375677073865 52.10212737494184, 7.391530653867733 52.10212737494184, 7.391530653867733 52.10192045116266, 7.390375677073865 52.10192045116266, 7.390375677073865 52.10212737494184))",44832_5_9,5,9,66.18118442857143 +"POLYGON ((7.390375677073865 52.09985116056916, 7.391530653867733 52.09985116056916, 7.391530653867733 52.09964422622959, 7.390375677073865 52.09964422622959, 7.390375677073865 52.09985116056916))",44832_5_20,5,20,94.69178099999999 +"POLYGON ((7.390375677073865 52.09923035467031, 7.391530653867733 52.09923035467031, 7.391530653867733 52.0990234174506, 7.390375677073865 52.0990234174506, 7.390375677073865 52.09923035467031))",44832_5_23,5,23,90.00548219999999 +"POLYGON ((7.391530653867733 52.10212737494184, 7.392685630661601 52.10212737494184, 7.392685630661601 52.10192045116266, 7.391530653867733 52.10192045116266, 7.391530653867733 52.10212737494184))",44832_6_9,6,9,111.57980149999999 +"POLYGON ((7.391530653867733 52.10150660072424, 7.392685630661601 52.10150660072424, 7.392685630661601 52.10129967406498, 7.391530653867733 52.10129967406498, 7.391530653867733 52.10150660072424))",44832_6_12,6,12,96.0 +"POLYGON ((7.391530653867733 52.10129967406498, 7.392685630661601 52.10129967406498, 7.392685630661601 52.10109274644569, 7.391530653867733 52.10109274644569, 7.391530653867733 52.10129967406498))",44832_6_13,6,13,103.869495625 +"POLYGON ((7.391530653867733 52.10109274644569, 7.392685630661601 52.10109274644569, 7.392685630661601 52.10088581786636, 7.391530653867733 52.10088581786636, 7.391530653867733 52.10109274644569))",44832_6_14,6,14,98.7999998 +"POLYGON ((7.389220700279997 50.62655732793711, 7.390375677073865 50.62655732793711, 7.390375677073865 50.6263436275857, 7.389220700279997 50.6263436275857, 7.389220700279997 50.62655732793711))",45095_4_12,4,12,110.75 +"POLYGON ((7.389220700279997 50.62085831950706, 7.390375677073865 50.62085831950706, 7.390375677073865 50.62064459325477, 7.389220700279997 50.62064459325477, 7.389220700279997 50.62085831950706))",45096_4_12,4,12,124.0 +"POLYGON ((7.399358829915061 53.44332081013892, 7.400513806708929 53.44332081013892, 7.400513806708929 53.44312016498326, 7.399358829915061 53.44312016498326, 7.399358829915061 53.44332081013892))",45260_5_14,5,14,75.0 +"POLYGON ((7.399358829915061 53.43796994835827, 7.400513806708929 53.43796994835827, 7.400513806708929 53.43776927793251, 7.399358829915061 53.43776927793251, 7.399358829915061 53.43796994835827))",45261_5_14,5,14,84.0 +"POLYGON ((7.398203853121193 53.36479628439391, 7.399358829915061 53.36479628439391, 7.399358829915061 53.36459526857218, 7.398203853121193 53.36459526857218, 7.398203853121193 53.36479628439391))",45275_4_5,4,5,128.0 +"POLYGON ((7.399358829915061 53.36439425180206, 7.400513806708929 53.36439425180206, 7.400513806708929 53.36419323408356, 7.399358829915061 53.36419323408356, 7.399358829915061 53.36439425180206))",45275_5_7,5,7,122.0 +"POLYGON ((7.399358829915061 53.3633891537256, 7.400513806708929 53.3633891537256, 7.400513806708929 53.36318813126513, 7.399358829915061 53.36318813126513, 7.399358829915061 53.3633891537256))",45275_5_12,5,12,97.000003 +"POLYGON ((7.393583945945721 53.3582292770129, 7.394738922739589 53.3582292770129, 7.394738922739589 53.35802823020947, 7.393583945945721 53.35802823020947, 7.393583945945721 53.3582292770129))",45276_0_11,0,11,119.25 +"POLYGON ((7.395893899533457 53.35762613375723, 7.397048876327325 53.35762613375723, 7.397048876327325 53.35742508410843, 7.395893899533457 53.35742508410843, 7.395893899533457 53.35762613375723))",45276_2_14,2,14,118.0 +"POLYGON ((7.397048876327325 53.35903345474217, 7.398203853121193 53.35903345474217, 7.398203853121193 53.35883241173252, 7.397048876327325 53.35883241173252, 7.397048876327325 53.35903345474217))",45276_3_7,3,7,121.0 +"POLYGON ((7.398203853121193 53.35943553791612, 7.399358829915061 53.35943553791612, 7.399358829915061 53.35923449680336, 7.398203853121193 53.35923449680336, 7.398203853121193 53.35943553791612))",45276_4_5,4,5,129.0 +"POLYGON ((7.398203853121193 53.35863136777443, 7.399358829915061 53.35863136777443, 7.399358829915061 53.3584303228679, 7.398203853121193 53.3584303228679, 7.398203853121193 53.35863136777443))",45276_4_9,4,9,61.014392625 +"POLYGON ((7.399358829915061 53.35943553791612, 7.400513806708929 53.35943553791612, 7.400513806708929 53.35923449680336, 7.399358829915061 53.35923449680336, 7.399358829915061 53.35943553791612))",45276_5_5,5,5,111.75 +"POLYGON ((7.399358829915061 53.35903345474217, 7.400513806708929 53.35903345474217, 7.400513806708929 53.35883241173252, 7.399358829915061 53.35883241173252, 7.399358829915061 53.35903345474217))",45276_5_7,5,7,122.66666666666667 +"POLYGON ((7.399358829915061 53.3582292770129, 7.400513806708929 53.3582292770129, 7.400513806708929 53.35802823020947, 7.399358829915061 53.35802823020947, 7.399358829915061 53.3582292770129))",45276_5_11,5,11,112.5472186 +"POLYGON ((7.399358829915061 53.35802823020947, 7.400513806708929 53.35802823020947, 7.400513806708929 53.35782718245758, 7.399358829915061 53.35782718245758, 7.399358829915061 53.35802823020947))",45276_5_12,5,12,97.49999875 +"POLYGON ((7.399358829915061 53.35742508410843, 7.400513806708929 53.35742508410843, 7.400513806708929 53.35722403351117, 7.399358829915061 53.35722403351117, 7.399358829915061 53.35742508410843))",45276_5_15,5,15,118.66666666666667 +"POLYGON ((7.400513806708929 53.35802823020947, 7.401668783502797 53.35802823020947, 7.401668783502797 53.35782718245758, 7.400513806708929 53.35782718245758, 7.400513806708929 53.35802823020947))",45276_6_12,6,12,80.77283783333333 +"POLYGON ((7.400513806708929 53.35762613375723, 7.401668783502797 53.35762613375723, 7.401668783502797 53.35742508410843, 7.400513806708929 53.35742508410843, 7.400513806708929 53.35762613375723))",45276_6_14,6,14,108.5 +"POLYGON ((7.400513806708929 53.35742508410843, 7.401668783502797 53.35742508410843, 7.401668783502797 53.35722403351117, 7.400513806708929 53.35722403351117, 7.400513806708929 53.35742508410843))",45276_6_15,6,15,109.5 +"POLYGON ((7.393583945945721 53.22936529640005, 7.394738922739589 53.22936529640005, 7.394738922739589 53.22916364217935, 7.393583945945721 53.22916364217935, 7.393583945945721 53.22936529640005))",45300_0_11,0,11,80.33333333333333 +"POLYGON ((7.393583945945721 53.22734871145505, 7.394738922739589 53.22734871145505, 7.394738922739589 53.22714704773701, 7.393583945945721 53.22714704773701, 7.393583945945721 53.22734871145505))",45300_0_21,0,21,96.02049333333333 +"POLYGON ((7.395893899533457 53.22876033088874, 7.397048876327325 53.22876033088874, 7.397048876327325 53.22855867381885, 7.395893899533457 53.22855867381885, 7.395893899533457 53.22876033088874))",45300_2_14,2,14,94.2 +"POLYGON ((7.397048876327325 53.2301719037857, 7.398203853121193 53.2301719037857, 7.398203853121193 53.22997025336387, 7.397048876327325 53.22997025336387, 7.397048876327325 53.2301719037857))",45300_3_7,3,7,61.4375 +"POLYGON ((7.397048876327325 53.22896198700891, 7.398203853121193 53.22896198700891, 7.398203853121193 53.22876033088874, 7.397048876327325 53.22876033088874, 7.397048876327325 53.22896198700891))",45300_3_13,3,13,64.33333333333333 +"POLYGON ((7.398203853121193 53.23057520178023, 7.399358829915061 53.23057520178023, 7.399358829915061 53.23037355325782, 7.398203853121193 53.23037355325782, 7.398203853121193 53.23057520178023))",45300_4_5,4,5,90.5 +"POLYGON ((7.398203853121193 53.22976860199232, 7.399358829915061 53.22976860199232, 7.399358829915061 53.22956694967105, 7.398203853121193 53.22956694967105, 7.398203853121193 53.22976860199232))",45300_4_9,4,9,94.11813175 +"POLYGON ((7.398203853121193 53.22815535682986, 7.399358829915061 53.22815535682986, 7.399358829915061 53.22795369691077, 7.398203853121193 53.22795369691077, 7.398203853121193 53.22815535682986))",45300_4_17,4,17,78.33482933333333 +"POLYGON ((7.399358829915061 53.23057520178023, 7.400513806708929 53.23057520178023, 7.400513806708929 53.23037355325782, 7.399358829915061 53.23037355325782, 7.399358829915061 53.23057520178023))",45300_5_5,5,5,62.6 +"POLYGON ((7.399358829915061 53.23037355325782, 7.400513806708929 53.23037355325782, 7.400513806708929 53.2301719037857, 7.399358829915061 53.2301719037857, 7.399358829915061 53.23037355325782))",45300_5_6,5,6,41.666666666666664 +"POLYGON ((7.399358829915061 53.22956694967105, 7.400513806708929 53.22956694967105, 7.400513806708929 53.22936529640005, 7.399358829915061 53.22936529640005, 7.399358829915061 53.22956694967105))",45300_5_10,5,10,62.80069271428572 +"POLYGON ((7.399358829915061 53.22916364217935, 7.400513806708929 53.22916364217935, 7.400513806708929 53.22896198700891, 7.399358829915061 53.22896198700891, 7.399358829915061 53.22916364217935))",45300_5_12,5,12,81.659005125 +"POLYGON ((7.399358829915061 53.22855867381885, 7.400513806708929 53.22855867381885, 7.400513806708929 53.22835701579922, 7.399358829915061 53.22835701579922, 7.399358829915061 53.22855867381885))",45300_5_15,5,15,68.33333333333333 +"POLYGON ((7.399358829915061 53.22795369691077, 7.400513806708929 53.22795369691077, 7.400513806708929 53.22775203604193, 7.399358829915061 53.22775203604193, 7.399358829915061 53.22795369691077))",45300_5_18,5,18,85.333333 +"POLYGON ((7.399358829915061 53.22714704773701, 7.400513806708929 53.22714704773701, 7.400513806708929 53.2269453830692, 7.399358829915061 53.2269453830692, 7.399358829915061 53.22714704773701))",45300_5_22,5,22,99.58410166666665 +"POLYGON ((7.400513806708929 53.22936529640005, 7.401668783502797 53.22936529640005, 7.401668783502797 53.22916364217935, 7.400513806708929 53.22916364217935, 7.400513806708929 53.22936529640005))",45300_6_11,6,11,82.35719773333334 +"POLYGON ((7.400513806708929 53.22916364217935, 7.401668783502797 53.22916364217935, 7.401668783502797 53.22896198700891, 7.400513806708929 53.22896198700891, 7.400513806708929 53.22916364217935))",45300_6_12,6,12,87.98336328571428 +"POLYGON ((7.400513806708929 53.22896198700891, 7.401668783502797 53.22896198700891, 7.401668783502797 53.22876033088874, 7.400513806708929 53.22876033088874, 7.400513806708929 53.22896198700891))",45300_6_13,6,13,90.71612266666666 +"POLYGON ((7.400513806708929 53.22876033088874, 7.401668783502797 53.22876033088874, 7.401668783502797 53.22855867381885, 7.400513806708929 53.22855867381885, 7.400513806708929 53.22876033088874))",45300_6_14,6,14,101.0 +"POLYGON ((7.400513806708929 53.22835701579922, 7.401668783502797 53.22835701579922, 7.401668783502797 53.22815535682986, 7.400513806708929 53.22815535682986, 7.400513806708929 53.22835701579922))",45300_6_16,6,16,77.66666666666667 +"POLYGON ((7.400513806708929 53.22815535682986, 7.401668783502797 53.22815535682986, 7.401668783502797 53.22795369691077, 7.400513806708929 53.22795369691077, 7.400513806708929 53.22815535682986))",45300_6_17,6,17,76.00579666666667 +"POLYGON ((7.398203853121193 52.34446281402145, 7.399358829915061 52.34446281402145, 7.399358829915061 52.34425701641146, 7.398203853121193 52.34425701641146, 7.398203853121193 52.34446281402145))",45463_4_8,4,8,120.865999 +"POLYGON ((7.398203853121193 52.34261060104566, 7.399358829915061 52.34261060104566, 7.399358829915061 52.34240479481418, 7.398203853121193 52.34240479481418, 7.398203853121193 52.34261060104566))",45463_4_17,4,17,132.33333333333334 +"POLYGON ((7.399358829915061 52.34343381639212, 7.400513806708929 52.34343381639212, 7.400513806708929 52.34322801399243, 7.399358829915061 52.34322801399243, 7.399358829915061 52.34343381639212))",45463_5_13,5,13,34.5951935 +"POLYGON ((7.399358829915061 52.3428164063192, 7.400513806708929 52.3428164063192, 7.400513806708929 52.34261060104566, 7.399358829915061 52.34261060104566, 7.399358829915061 52.3428164063192))",45463_5_16,5,16,180.33333333333334 +"POLYGON ((7.400513806708929 52.34302221063479, 7.401668783502797 52.34302221063479, 7.401668783502797 52.3428164063192, 7.400513806708929 52.3428164063192, 7.400513806708929 52.34302221063479))",45463_6_15,6,15,179.0 +"POLYGON ((7.400513806708929 52.34261060104566, 7.401668783502797 52.34261060104566, 7.401668783502797 52.34240479481418, 7.400513806708929 52.34240479481418, 7.400513806708929 52.34261060104566))",45463_6_17,6,17,134.0 +"POLYGON ((7.398203853121193 52.23841897991204, 7.399358829915061 52.23841897991204, 7.399358829915061 52.23821268904621, 7.398203853121193 52.23821268904621, 7.398203853121193 52.23841897991204))",45482_4_16,4,16,76.0 +"POLYGON ((7.398203853121193 52.23291756200838, 7.399358829915061 52.23291756200838, 7.399358829915061 52.23271124557235, 7.398203853121193 52.23271124557235, 7.398203853121193 52.23291756200838))",45483_4_16,4,16,81.33333333333333 +"POLYGON ((7.393583945945721 52.10150660072424, 7.394738922739589 52.10150660072424, 7.394738922739589 52.10129967406498, 7.393583945945721 52.10129967406498, 7.393583945945721 52.10150660072424))",45507_0_12,0,12,105.75 +"POLYGON ((7.393583945945721 52.09943729092997, 7.394738922739589 52.09943729092997, 7.394738922739589 52.09923035467031, 7.393583945945721 52.09923035467031, 7.393583945945721 52.09943729092997))",45507_0_22,0,22,97.5075688 +"POLYGON ((7.394738922739589 52.10192045116266, 7.395893899533457 52.10192045116266, 7.395893899533457 52.10171352642346, 7.394738922739589 52.10171352642346, 7.394738922739589 52.10192045116266))",45507_1_10,1,10,103.0 +"POLYGON ((7.395893899533457 52.10150660072424, 7.397048876327325 52.10150660072424, 7.397048876327325 52.10129967406498, 7.395893899533457 52.10129967406498, 7.395893899533457 52.10150660072424))",45507_2_12,2,12,80.6 +"POLYGON ((7.397048876327325 52.10274814051921, 7.398203853121193 52.10274814051921, 7.398203853121193 52.10254121962011, 7.397048876327325 52.10254121962011, 7.397048876327325 52.10274814051921))",45507_3_6,3,6,72.5 +"POLYGON ((7.397048876327325 52.10150660072424, 7.398203853121193 52.10150660072424, 7.398203853121193 52.10129967406498, 7.397048876327325 52.10129967406498, 7.397048876327325 52.10150660072424))",45507_3_12,3,12,95.8 +"POLYGON ((7.397048876327325 52.100678888327, 7.398203853121193 52.100678888327, 7.398203853121193 52.1004719578276, 7.397048876327325 52.1004719578276, 7.397048876327325 52.100678888327))",45507_3_16,3,16,93.75 +"POLYGON ((7.398203853121193 52.10336889745641, 7.399358829915061 52.10336889745641, 7.399358829915061 52.10316197943737, 7.398203853121193 52.10316197943737, 7.398203853121193 52.10336889745641))",45507_4_3,4,3,102.75 +"POLYGON ((7.398203853121193 52.1029550604583, 7.399358829915061 52.1029550604583, 7.399358829915061 52.10274814051921, 7.398203853121193 52.10274814051921, 7.398203853121193 52.1029550604583))",45507_4_5,4,5,102.0 +"POLYGON ((7.398203853121193 52.100678888327, 7.399358829915061 52.100678888327, 7.399358829915061 52.1004719578276, 7.398203853121193 52.1004719578276, 7.398203853121193 52.100678888327))",45507_4_16,4,16,98.0 +"POLYGON ((7.399358829915061 52.10336889745641, 7.400513806708929 52.10336889745641, 7.400513806708929 52.10316197943737, 7.399358829915061 52.10316197943737, 7.399358829915061 52.10336889745641))",45507_5_3,5,3,101.25 +"POLYGON ((7.399358829915061 52.1029550604583, 7.400513806708929 52.1029550604583, 7.400513806708929 52.10274814051921, 7.399358829915061 52.10274814051921, 7.399358829915061 52.1029550604583))",45507_5_5,5,5,109.25 +"POLYGON ((7.399358829915061 52.10212737494184, 7.400513806708929 52.10212737494184, 7.400513806708929 52.10192045116266, 7.399358829915061 52.10192045116266, 7.399358829915061 52.10212737494184))",45507_5_9,5,9,73.95493428571429 +"POLYGON ((7.399358829915061 52.09985116056916, 7.400513806708929 52.09985116056916, 7.400513806708929 52.09964422622959, 7.399358829915061 52.09964422622959, 7.399358829915061 52.09985116056916))",45507_5_20,5,20,92.5999994 +"POLYGON ((7.399358829915061 52.09923035467031, 7.400513806708929 52.09923035467031, 7.400513806708929 52.0990234174506, 7.399358829915061 52.0990234174506, 7.399358829915061 52.09923035467031))",45507_5_23,5,23,85.99999983333333 +"POLYGON ((7.400513806708929 52.10212737494184, 7.401668783502797 52.10212737494184, 7.401668783502797 52.10192045116266, 7.400513806708929 52.10192045116266, 7.400513806708929 52.10212737494184))",45507_6_9,6,9,96.9129832 +"POLYGON ((7.400513806708929 52.10150660072424, 7.401668783502797 52.10150660072424, 7.401668783502797 52.10129967406498, 7.400513806708929 52.10129967406498, 7.400513806708929 52.10150660072424))",45507_6_12,6,12,79.4 +"POLYGON ((7.400513806708929 52.10129967406498, 7.401668783502797 52.10129967406498, 7.401668783502797 52.10109274644569, 7.400513806708929 52.10109274644569, 7.400513806708929 52.10129967406498))",45507_6_13,6,13,100.87541633333333 +"POLYGON ((7.400513806708929 52.10109274644569, 7.401668783502797 52.10109274644569, 7.401668783502797 52.10088581786636, 7.400513806708929 52.10088581786636, 7.400513806708929 52.10109274644569))",45507_6_14,6,14,96.13154175 +"POLYGON ((7.400513806708929 52.09578127566727, 7.401668783502797 52.09578127566727, 7.401668783502797 52.09557432244647, 7.400513806708929 52.09557432244647, 7.400513806708929 52.09578127566727))",45508_6_13,6,13,97.0 +"POLYGON ((7.400513806708929 52.09557432244647, 7.401668783502797 52.09557432244647, 7.401668783502797 52.09536736826558, 7.400513806708929 52.09536736826558, 7.400513806708929 52.09557432244647))",45508_6_14,6,14,94.0 +"POLYGON ((7.398203853121193 50.62085831950706, 7.399358829915061 50.62085831950706, 7.399358829915061 50.62064459325477, 7.398203853121193 50.62064459325477, 7.398203853121193 50.62085831950706))",45771_4_12,4,12,119.33333333333333 +"POLYGON ((7.408341982756257 53.44867099806988, 7.409496959550123 53.44867099806988, 7.409496959550123 53.4484703781829, 7.408341982756257 53.4484703781829, 7.408341982756257 53.44867099806988))",45934_5_14,5,14,33.63636363636363 +"POLYGON ((7.408341982756257 53.44332081013892, 7.409496959550123 53.44332081013892, 7.409496959550123 53.44312016498326, 7.408341982756257 53.44312016498326, 7.408341982756257 53.44332081013892))",45935_5_14,5,14,37.90909090909091 +"POLYGON ((7.402567098786917 53.3582292770129, 7.403722075580784 53.3582292770129, 7.403722075580784 53.35802823020947, 7.402567098786917 53.35802823020947, 7.402567098786917 53.3582292770129))",45951_0_11,0,11,119.5 +"POLYGON ((7.404877052374651 53.35762613375723, 7.406032029168521 53.35762613375723, 7.406032029168521 53.35742508410843, 7.404877052374651 53.35742508410843, 7.404877052374651 53.35762613375723))",45951_2_14,2,14,120.66666666666667 +"POLYGON ((7.406032029168521 53.35903345474217, 7.407187005962387 53.35903345474217, 7.407187005962387 53.35883241173252, 7.406032029168521 53.35883241173252, 7.406032029168521 53.35903345474217))",45951_3_7,3,7,115.0 +"POLYGON ((7.407187005962387 53.35943553791612, 7.408341982756257 53.35943553791612, 7.408341982756257 53.35923449680336, 7.407187005962387 53.35923449680336, 7.407187005962387 53.35943553791612))",45951_4_5,4,5,127.5 +"POLYGON ((7.407187005962387 53.35863136777443, 7.408341982756257 53.35863136777443, 7.408341982756257 53.3584303228679, 7.407187005962387 53.3584303228679, 7.407187005962387 53.35863136777443))",45951_4_9,4,9,74.24999975 +"POLYGON ((7.408341982756257 53.35943553791612, 7.409496959550123 53.35943553791612, 7.409496959550123 53.35923449680336, 7.408341982756257 53.35923449680336, 7.408341982756257 53.35943553791612))",45951_5_5,5,5,113.0 +"POLYGON ((7.408341982756257 53.35903345474217, 7.409496959550123 53.35903345474217, 7.409496959550123 53.35883241173252, 7.408341982756257 53.35883241173252, 7.408341982756257 53.35903345474217))",45951_5_7,5,7,123.0 +"POLYGON ((7.408341982756257 53.3582292770129, 7.409496959550123 53.3582292770129, 7.409496959550123 53.35802823020947, 7.408341982756257 53.35802823020947, 7.408341982756257 53.3582292770129))",45951_5_11,5,11,113.0 +"POLYGON ((7.408341982756257 53.35802823020947, 7.409496959550123 53.35802823020947, 7.409496959550123 53.35782718245758, 7.408341982756257 53.35782718245758, 7.408341982756257 53.35802823020947))",45951_5_12,5,12,99.24999925 +"POLYGON ((7.408341982756257 53.35742508410843, 7.409496959550123 53.35742508410843, 7.409496959550123 53.35722403351117, 7.408341982756257 53.35722403351117, 7.408341982756257 53.35742508410843))",45951_5_15,5,15,121.0 +"POLYGON ((7.409496959550123 53.35802823020947, 7.410651936343992 53.35802823020947, 7.410651936343992 53.35782718245758, 7.409496959550123 53.35782718245758, 7.409496959550123 53.35802823020947))",45951_6_12,6,12,76.54154325 +"POLYGON ((7.409496959550123 53.35762613375723, 7.410651936343992 53.35762613375723, 7.410651936343992 53.35742508410843, 7.409496959550123 53.35742508410843, 7.409496959550123 53.35762613375723))",45951_6_14,6,14,104.5 +"POLYGON ((7.409496959550123 53.35742508410843, 7.410651936343992 53.35742508410843, 7.410651936343992 53.35722403351117, 7.409496959550123 53.35722403351117, 7.409496959550123 53.35742508410843))",45951_6_15,6,15,105.33333333333333 +"POLYGON ((7.402567098786917 53.35286770433382, 7.403722075580784 53.35286770433382, 7.403722075580784 53.35266663223761, 7.402567098786917 53.35266663223761, 7.402567098786917 53.35286770433382))",45952_0_11,0,11,117.0 +"POLYGON ((7.404877052374651 53.35226448519966, 7.406032029168521 53.35226448519966, 7.406032029168521 53.35206341025793, 7.404877052374651 53.35206341025793, 7.404877052374651 53.35226448519966))",45952_2_14,2,14,123.0 +"POLYGON ((7.406032029168521 53.35367198323363, 7.407187005962387 53.35367198323363, 7.407187005962387 53.35347091493144, 7.406032029168521 53.35347091493144, 7.406032029168521 53.35367198323363))",45952_3_7,3,7,139.0 +"POLYGON ((7.407187005962387 53.35407411699256, 7.408341982756257 53.35407411699256, 7.408341982756257 53.35387305058734, 7.407187005962387 53.35387305058734, 7.407187005962387 53.35407411699256))",45952_4_5,4,5,115.0 +"POLYGON ((7.407187005962387 53.35326984568072, 7.408341982756257 53.35326984568072, 7.408341982756257 53.35306877548152, 7.407187005962387 53.35306877548152, 7.407187005962387 53.35326984568072))",45952_4_9,4,9,71.666667 +"POLYGON ((7.408341982756257 53.35407411699256, 7.409496959550123 53.35407411699256, 7.409496959550123 53.35387305058734, 7.408341982756257 53.35387305058734, 7.408341982756257 53.35407411699256))",45952_5_5,5,5,114.0 +"POLYGON ((7.408341982756257 53.35367198323363, 7.409496959550123 53.35367198323363, 7.409496959550123 53.35347091493144, 7.408341982756257 53.35347091493144, 7.408341982756257 53.35367198323363))",45952_5_7,5,7,122.0 +"POLYGON ((7.408341982756257 53.35286770433382, 7.409496959550123 53.35286770433382, 7.409496959550123 53.35266663223761, 7.408341982756257 53.35266663223761, 7.408341982756257 53.35286770433382))",45952_5_11,5,11,111.666666 +"POLYGON ((7.408341982756257 53.35266663223761, 7.409496959550123 53.35266663223761, 7.409496959550123 53.35246555919289, 7.408341982756257 53.35246555919289, 7.408341982756257 53.35266663223761))",45952_5_12,5,12,100.9999985 +"POLYGON ((7.408341982756257 53.35206341025793, 7.409496959550123 53.35206341025793, 7.409496959550123 53.35186233436767, 7.408341982756257 53.35186233436767, 7.408341982756257 53.35206341025793))",45952_5_15,5,15,116.0 +"POLYGON ((7.409496959550123 53.35266663223761, 7.410651936343992 53.35266663223761, 7.410651936343992 53.35246555919289, 7.409496959550123 53.35246555919289, 7.409496959550123 53.35266663223761))",45952_6_12,6,12,70.22118366666666 +"POLYGON ((7.409496959550123 53.35226448519966, 7.410651936343992 53.35226448519966, 7.410651936343992 53.35206341025793, 7.409496959550123 53.35206341025793, 7.409496959550123 53.35226448519966))",45952_6_14,6,14,101.0 +"POLYGON ((7.409496959550123 53.35206341025793, 7.410651936343992 53.35206341025793, 7.410651936343992 53.35186233436767, 7.409496959550123 53.35186233436767, 7.409496959550123 53.35206341025793))",45952_6_15,6,15,107.5 +"POLYGON ((7.408341982756257 53.23931239219419, 7.409496959550123 53.23931239219419, 7.409496959550123 53.23911078482413, 7.408341982756257 53.23911078482413, 7.408341982756257 53.23931239219419))",45973_5_15,5,15,11.0 +"POLYGON ((7.408341982756257 53.23870756723511, 7.409496959550123 53.23870756723511, 7.409496959550123 53.23850595701616, 7.408341982756257 53.23850595701616, 7.408341982756257 53.23870756723511))",45973_5_18,5,18,84.999999 +"POLYGON ((7.409496959550123 53.23991720860663, 7.410651936343992 53.23991720860663, 7.410651936343992 53.23971560408544, 7.409496959550123 53.23971560408544, 7.409496959550123 53.23991720860663))",45973_6_12,6,12,82.5785715 +"POLYGON ((7.409496959550123 53.23971560408544, 7.410651936343992 53.23971560408544, 7.410651936343992 53.23951399861463, 7.409496959550123 53.23951399861463, 7.409496959550123 53.23971560408544))",45973_6_13,6,13,77.0 +"POLYGON ((7.409496959550123 53.23951399861463, 7.410651936343992 53.23951399861463, 7.410651936343992 53.23931239219419, 7.409496959550123 53.23931239219419, 7.409496959550123 53.23951399861463))",45973_6_14,6,14,91.0 +"POLYGON ((7.409496959550123 53.23931239219419, 7.410651936343992 53.23931239219419, 7.410651936343992 53.23911078482413, 7.409496959550123 53.23911078482413, 7.409496959550123 53.23931239219419))",45973_6_15,6,15,15.0 +"POLYGON ((7.402567098786917 53.23474239194972, 7.403722075580784 53.23474239194972, 7.403722075580784 53.23454076305427, 7.402567098786917 53.23454076305427, 7.402567098786917 53.23474239194972))",45974_0_11,0,11,63.36363636363637 +"POLYGON ((7.402567098786917 53.23272606025981, 7.403722075580784 53.23272606025981, 7.403722075580784 53.23252442186756, 7.402567098786917 53.23252442186756, 7.402567098786917 53.23272606025981))",45974_0_21,0,21,89.820876 +"POLYGON ((7.404877052374651 53.23413750241438, 7.406032029168521 53.23413750241438, 7.406032029168521 53.23393587066991, 7.404877052374651 53.23393587066991, 7.404877052374651 53.23413750241438))",45974_2_14,2,14,105.0 +"POLYGON ((7.406032029168521 53.23433913320917, 7.407187005962387 53.23433913320917, 7.407187005962387 53.23413750241438, 7.406032029168521 53.23413750241438, 7.406032029168521 53.23433913320917))",45974_3_13,3,13,70.0 +"POLYGON ((7.407187005962387 53.23595214537936, 7.408341982756257 53.23595214537936, 7.408341982756257 53.23575052218191, 7.407187005962387 53.23575052218191, 7.407187005962387 53.23595214537936))",45974_4_5,4,5,91.0 +"POLYGON ((7.407187005962387 53.23514564689159, 7.408341982756257 53.23514564689159, 7.408341982756257 53.23494401989549, 7.407187005962387 53.23494401989549, 7.407187005962387 53.23514564689159))",45974_4_9,4,9,91.999999 +"POLYGON ((7.407187005962387 53.23353260433194, 7.408341982756257 53.23353260433194, 7.408341982756257 53.23333096973844, 7.407187005962387 53.23333096973844, 7.407187005962387 53.23353260433194))",45974_4_17,4,17,83.1052645 +"POLYGON ((7.408341982756257 53.23595214537936, 7.409496959550123 53.23595214537936, 7.409496959550123 53.23575052218191, 7.408341982756257 53.23575052218191, 7.408341982756257 53.23595214537936))",45974_5_5,5,5,64.5 +"POLYGON ((7.408341982756257 53.23494401989549, 7.409496959550123 53.23494401989549, 7.409496959550123 53.23474239194972, 7.408341982756257 53.23474239194972, 7.408341982756257 53.23494401989549))",45974_5_10,5,10,75.9603635 +"POLYGON ((7.408341982756257 53.23454076305427, 7.409496959550123 53.23454076305427, 7.409496959550123 53.23433913320917, 7.408341982756257 53.23433913320917, 7.408341982756257 53.23454076305427))",45974_5_12,5,12,80.257475 +"POLYGON ((7.408341982756257 53.23393587066991, 7.409496959550123 53.23393587066991, 7.409496959550123 53.23373423797577, 7.408341982756257 53.23373423797577, 7.408341982756257 53.23393587066991))",45974_5_15,5,15,33.26086956521739 +"POLYGON ((7.408341982756257 53.23333096973844, 7.409496959550123 53.23333096973844, 7.409496959550123 53.23312933419525, 7.408341982756257 53.23312933419525, 7.408341982756257 53.23333096973844))",45974_5_18,5,18,84.5 +"POLYGON ((7.408341982756257 53.23252442186756, 7.409496959550123 53.23252442186756, 7.409496959550123 53.23232278252561, 7.408341982756257 53.23232278252561, 7.408341982756257 53.23252442186756))",45974_5_22,5,22,83.200295 +"POLYGON ((7.409496959550123 53.23474239194972, 7.410651936343992 53.23474239194972, 7.410651936343992 53.23454076305427, 7.409496959550123 53.23454076305427, 7.409496959550123 53.23474239194972))",45974_6_11,6,11,78.7789681 +"POLYGON ((7.409496959550123 53.23454076305427, 7.410651936343992 53.23454076305427, 7.410651936343992 53.23433913320917, 7.409496959550123 53.23433913320917, 7.409496959550123 53.23454076305427))",45974_6_12,6,12,81.4664595 +"POLYGON ((7.409496959550123 53.23433913320917, 7.410651936343992 53.23433913320917, 7.410651936343992 53.23413750241438, 7.409496959550123 53.23413750241438, 7.409496959550123 53.23433913320917))",45974_6_13,6,13,70.260497 +"POLYGON ((7.409496959550123 53.23413750241438, 7.410651936343992 53.23413750241438, 7.410651936343992 53.23393587066991, 7.409496959550123 53.23393587066991, 7.409496959550123 53.23413750241438))",45974_6_14,6,14,89.0 +"POLYGON ((7.409496959550123 53.23393587066991, 7.410651936343992 53.23393587066991, 7.410651936343992 53.23373423797577, 7.409496959550123 53.23373423797577, 7.409496959550123 53.23393587066991))",45974_6_15,6,15,23.833333333333332 +"POLYGON ((7.409496959550123 53.23353260433194, 7.410651936343992 53.23353260433194, 7.410651936343992 53.23333096973844, 7.409496959550123 53.23333096973844, 7.409496959550123 53.23353260433194))",45974_6_17,6,17,78.0000005 +"POLYGON ((7.407187005962387 52.33897454992264, 7.408341982756257 52.33897454992264, 7.408341982756257 52.33876872676704, 7.407187005962387 52.33876872676704, 7.407187005962387 52.33897454992264))",46139_4_8,4,8,128.2499975 +"POLYGON ((7.407187005962387 52.33712210703465, 7.408341982756257 52.33712210703465, 7.408341982756257 52.33691627525712, 7.407187005962387 52.33691627525712, 7.407187005962387 52.33712210703465))",46139_4_17,4,17,128.25 +"POLYGON ((7.408341982756257 52.33794542456479, 7.409496959550123 52.33794542456479, 7.409496959550123 52.33773959661924, 7.408341982756257 52.33773959661924, 7.408341982756257 52.33794542456479))",46139_5_13,5,13,27.54387815 +"POLYGON ((7.408341982756257 52.33732793785418, 7.409496959550123 52.33732793785418, 7.409496959550123 52.33712210703465, 7.408341982756257 52.33712210703465, 7.408341982756257 52.33732793785418))",46139_5_16,5,16,177.5 +"POLYGON ((7.409496959550123 52.33753376771572, 7.410651936343992 52.33753376771572, 7.410651936343992 52.33732793785418, 7.409496959550123 52.33732793785418, 7.409496959550123 52.33753376771572))",46139_6_15,6,15,179.0 +"POLYGON ((7.409496959550123 52.33712210703465, 7.410651936343992 52.33712210703465, 7.410651936343992 52.33691627525712, 7.409496959550123 52.33691627525712, 7.409496959550123 52.33712210703465))",46139_6_17,6,17,141.75 +"POLYGON ((7.407187005962387 52.29339566252073, 7.408341982756257 52.29339566252073, 7.408341982756257 52.29318962728718, 7.407187005962387 52.29318962728718, 7.407187005962387 52.29339566252073))",46147_4_16,4,16,76.0 +"POLYGON ((7.407187005962387 52.28790106164093, 7.408341982756257 52.28790106164093, 7.408341982756257 52.28769500084988, 7.407187005962387 52.28769500084988, 7.407187005962387 52.28790106164093))",46148_4_16,4,16,76.4 +"POLYGON ((7.407187005962387 52.28240577921142, 7.408341982756257 52.28240577921142, 7.408341982756257 52.28219969286159, 7.407187005962387 52.28219969286159, 7.407187005962387 52.28240577921142))",46149_4_16,4,16,96.75 +"POLYGON ((7.407187005962387 52.2769098151982, 7.408341982756257 52.2769098151982, 7.408341982756257 52.27670370328833, 7.407187005962387 52.27670370328833, 7.407187005962387 52.2769098151982))",46150_4_16,4,16,109.33333333333333 +"POLYGON ((7.407187005962387 52.27141316956734, 7.408341982756257 52.27141316956734, 7.408341982756257 52.27120703209614, 7.407187005962387 52.27120703209614, 7.407187005962387 52.27141316956734))",46151_4_16,4,16,110.0 +"POLYGON ((7.407187005962387 52.26591584228486, 7.408341982756257 52.26591584228486, 7.408341982756257 52.26570967925107, 7.407187005962387 52.26570967925107, 7.407187005962387 52.26591584228486))",46152_4_16,4,16,106.33333333333333 +"POLYGON ((7.407187005962387 52.26041783331687, 7.408341982756257 52.26041783331687, 7.408341982756257 52.26021164471921, 7.407187005962387 52.26021164471921, 7.407187005962387 52.26041783331687))",46153_4_16,4,16,100.0 +"POLYGON ((7.407187005962387 52.25491914262947, 7.408341982756257 52.25491914262947, 7.408341982756257 52.25471292846667, 7.407187005962387 52.25471292846667, 7.407187005962387 52.25491914262947))",46154_4_16,4,16,95.5 +"POLYGON ((7.407187005962387 52.24941977018876, 7.408341982756257 52.24941977018876, 7.408341982756257 52.24921353045955, 7.407187005962387 52.24921353045955, 7.407187005962387 52.24941977018876))",46155_4_16,4,16,96.75 +"POLYGON ((7.407187005962387 52.2439197159609, 7.408341982756257 52.2439197159609, 7.408341982756257 52.24371345066402, 7.407187005962387 52.24371345066402, 7.407187005962387 52.2439197159609))",46156_4_16,4,16,83.75 +"POLYGON ((7.407187005962387 52.23841897991204, 7.408341982756257 52.23841897991204, 7.408341982756257 52.23821268904621, 7.407187005962387 52.23821268904621, 7.407187005962387 52.23841897991204))",46157_4_16,4,16,81.6 +"POLYGON ((7.402567098786917 52.09598822792799, 7.403722075580784 52.09598822792799, 7.403722075580784 52.09578127566727, 7.402567098786917 52.09578127566727, 7.402567098786917 52.09598822792799))",46183_0_12,0,12,107.25 +"POLYGON ((7.402567098786917 52.09391866211701, 7.403722075580784 52.09391866211701, 7.403722075580784 52.09371170025542, 7.402567098786917 52.09371170025542, 7.402567098786917 52.09391866211701))",46183_0_22,0,22,95.571429 +"POLYGON ((7.403722075580784 52.0964021295692, 7.404877052374651 52.0964021295692, 7.404877052374651 52.09619517922864, 7.403722075580784 52.09619517922864, 7.403722075580784 52.0964021295692))",46183_1_10,1,10,81.42857142857143 +"POLYGON ((7.404877052374651 52.09598822792799, 7.406032029168521 52.09598822792799, 7.406032029168521 52.09578127566727, 7.404877052374651 52.09578127566727, 7.404877052374651 52.09598822792799))",46183_2_12,2,12,102.2 +"POLYGON ((7.406032029168521 52.09722992133075, 7.407187005962387 52.09722992133075, 7.407187005962387 52.09702297483047, 7.406032029168521 52.09702297483047, 7.406032029168521 52.09722992133075))",46183_3_6,3,6,93.2 +"POLYGON ((7.406032029168521 52.09598822792799, 7.407187005962387 52.09598822792799, 7.407187005962387 52.09578127566727, 7.406032029168521 52.09578127566727, 7.406032029168521 52.09598822792799))",46183_3_12,3,12,99.6 +"POLYGON ((7.406032029168521 52.09516041312462, 7.407187005962387 52.09516041312462, 7.407187005962387 52.09495345702358, 7.406032029168521 52.09495345702358, 7.406032029168521 52.09516041312462))",46183_3_16,3,16,101.16666666666667 +"POLYGON ((7.407187005962387 52.09785075507121, 7.408341982756257 52.09785075507121, 7.408341982756257 52.09764381145113, 7.407187005962387 52.09764381145113, 7.407187005962387 52.09785075507121))",46183_4_3,4,3,104.16666666666667 +"POLYGON ((7.407187005962387 52.09743686687097, 7.408341982756257 52.09743686687097, 7.408341982756257 52.09722992133075, 7.407187005962387 52.09722992133075, 7.407187005962387 52.09743686687097))",46183_4_5,4,5,114.0 +"POLYGON ((7.407187005962387 52.09516041312462, 7.408341982756257 52.09516041312462, 7.408341982756257 52.09495345702358, 7.407187005962387 52.09495345702358, 7.407187005962387 52.09516041312462))",46183_4_16,4,16,98.4 +"POLYGON ((7.408341982756257 52.09785075507121, 7.409496959550123 52.09785075507121, 7.409496959550123 52.09764381145113, 7.408341982756257 52.09764381145113, 7.408341982756257 52.09785075507121))",46183_5_3,5,3,100.6 +"POLYGON ((7.408341982756257 52.09743686687097, 7.409496959550123 52.09743686687097, 7.409496959550123 52.09722992133075, 7.408341982756257 52.09722992133075, 7.408341982756257 52.09743686687097))",46183_5_5,5,5,125.4 +"POLYGON ((7.408341982756257 52.09660907894969, 7.409496959550123 52.09660907894969, 7.409496959550123 52.0964021295692, 7.408341982756257 52.0964021295692, 7.408341982756257 52.09660907894969))",46183_5_9,5,9,102.67726616666668 +"POLYGON ((7.408341982756257 52.09433258295991, 7.409496959550123 52.09433258295991, 7.409496959550123 52.09412562301851, 7.408341982756257 52.09412562301851, 7.408341982756257 52.09433258295991))",46183_5_20,5,20,96.84761966666667 +"POLYGON ((7.408341982756257 52.09371170025542, 7.409496959550123 52.09371170025542, 7.409496959550123 52.09350473743374, 7.408341982756257 52.09350473743374, 7.408341982756257 52.09371170025542))",46183_5_23,5,23,85.97408242857144 +"POLYGON ((7.409496959550123 52.09660907894969, 7.410651936343992 52.09660907894969, 7.410651936343992 52.0964021295692, 7.409496959550123 52.0964021295692, 7.409496959550123 52.09660907894969))",46183_6_9,6,9,108.05395619999999 +"POLYGON ((7.409496959550123 52.09598822792799, 7.410651936343992 52.09598822792799, 7.410651936343992 52.09578127566727, 7.409496959550123 52.09578127566727, 7.409496959550123 52.09598822792799))",46183_6_12,6,12,79.0 +"POLYGON ((7.409496959550123 52.09578127566727, 7.410651936343992 52.09578127566727, 7.410651936343992 52.09557432244647, 7.409496959550123 52.09557432244647, 7.409496959550123 52.09578127566727))",46183_6_13,6,13,97.98271454545453 +"POLYGON ((7.409496959550123 52.09557432244647, 7.410651936343992 52.09557432244647, 7.410651936343992 52.09536736826558, 7.409496959550123 52.09536736826558, 7.409496959550123 52.09557432244647))",46183_6_14,6,14,94.16666641666666 +"POLYGON ((7.407187005962387 50.62085831950706, 7.408341982756257 50.62085831950706, 7.408341982756257 50.62064459325477, 7.407187005962387 50.62064459325477, 7.407187005962387 50.62085831950706))",46446_4_12,4,12,108.2 +"POLYGON ((7.411550251628111 53.35286770433382, 7.412705228421979 53.35286770433382, 7.412705228421979 53.35266663223761, 7.411550251628111 53.35266663223761, 7.411550251628111 53.35286770433382))",46627_0_11,0,11,114.5 +"POLYGON ((7.413860205215847 53.35226448519966, 7.415015182009715 53.35226448519966, 7.415015182009715 53.35206341025793, 7.413860205215847 53.35206341025793, 7.413860205215847 53.35226448519966))",46627_2_14,2,14,125.66666666666667 +"POLYGON ((7.415015182009715 53.35367198323363, 7.416170158803583 53.35367198323363, 7.416170158803583 53.35347091493144, 7.415015182009715 53.35347091493144, 7.415015182009715 53.35367198323363))",46627_3_7,3,7,140.0 +"POLYGON ((7.416170158803583 53.35407411699256, 7.417325135597451 53.35407411699256, 7.417325135597451 53.35387305058734, 7.416170158803583 53.35387305058734, 7.416170158803583 53.35407411699256))",46627_4_5,4,5,125.66666666666667 +"POLYGON ((7.416170158803583 53.35326984568072, 7.417325135597451 53.35326984568072, 7.417325135597451 53.35306877548152, 7.416170158803583 53.35306877548152, 7.416170158803583 53.35326984568072))",46627_4_9,4,9,81.7053825 +"POLYGON ((7.417325135597451 53.35407411699256, 7.418480112391319 53.35407411699256, 7.418480112391319 53.35387305058734, 7.417325135597451 53.35387305058734, 7.417325135597451 53.35407411699256))",46627_5_5,5,5,113.66666666666667 +"POLYGON ((7.417325135597451 53.35367198323363, 7.418480112391319 53.35367198323363, 7.418480112391319 53.35347091493144, 7.417325135597451 53.35347091493144, 7.417325135597451 53.35367198323363))",46627_5_7,5,7,122.66666666666667 +"POLYGON ((7.417325135597451 53.35286770433382, 7.418480112391319 53.35286770433382, 7.418480112391319 53.35266663223761, 7.417325135597451 53.35266663223761, 7.417325135597451 53.35286770433382))",46627_5_11,5,11,109.83137800000002 +"POLYGON ((7.417325135597451 53.35266663223761, 7.418480112391319 53.35266663223761, 7.418480112391319 53.35246555919289, 7.417325135597451 53.35246555919289, 7.417325135597451 53.35266663223761))",46627_5_12,5,12,101.745619 +"POLYGON ((7.417325135597451 53.35206341025793, 7.418480112391319 53.35206341025793, 7.418480112391319 53.35186233436767, 7.417325135597451 53.35186233436767, 7.417325135597451 53.35206341025793))",46627_5_15,5,15,111.66666666666667 +"POLYGON ((7.418480112391319 53.35266663223761, 7.419635089185187 53.35266663223761, 7.419635089185187 53.35246555919289, 7.418480112391319 53.35246555919289, 7.418480112391319 53.35266663223761))",46627_6_12,6,12,81.69011950000001 +"POLYGON ((7.418480112391319 53.35226448519966, 7.419635089185187 53.35226448519966, 7.419635089185187 53.35206341025793, 7.418480112391319 53.35206341025793, 7.418480112391319 53.35226448519966))",46627_6_14,6,14,101.66666666666667 +"POLYGON ((7.418480112391319 53.35206341025793, 7.419635089185187 53.35206341025793, 7.419635089185187 53.35186233436767, 7.418480112391319 53.35186233436767, 7.418480112391319 53.35206341025793))",46627_6_15,6,15,109.33333333333333 +"POLYGON ((7.411550251628111 53.34750545716252, 7.412705228421979 53.34750545716252, 7.412705228421979 53.34730435977212, 7.411550251628111 53.34730435977212, 7.411550251628111 53.34750545716252))",46628_0_11,0,11,120.0 +"POLYGON ((7.413860205215847 53.34690216214562, 7.415015182009715 53.34690216214562, 7.415015182009715 53.34670106190953, 7.413860205215847 53.34670106190953, 7.413860205215847 53.34690216214562))",46628_2_14,2,14,131.0 +"POLYGON ((7.415015182009715 53.34830983723859, 7.416170158803583 53.34830983723859, 7.416170158803583 53.3481087436424, 7.415015182009715 53.3481087436424, 7.415015182009715 53.34830983723859))",46628_3_7,3,7,135.33333333333334 +"POLYGON ((7.416170158803583 53.3487120215853, 7.417325135597451 53.3487120215853, 7.417325135597451 53.34851092988622, 7.416170158803583 53.34851092988622, 7.416170158803583 53.3487120215853))",46628_4_5,4,5,129.5 +"POLYGON ((7.416170158803583 53.34790764909766, 7.417325135597451 53.34790764909766, 7.417325135597451 53.34770655360437, 7.416170158803583 53.34770655360437, 7.416170158803583 53.34790764909766))",46628_4_9,4,9,78.5999994 +"POLYGON ((7.417325135597451 53.3487120215853, 7.418480112391319 53.3487120215853, 7.418480112391319 53.34851092988622, 7.417325135597451 53.34851092988622, 7.417325135597451 53.3487120215853))",46628_5_5,5,5,113.0 +"POLYGON ((7.417325135597451 53.34830983723859, 7.418480112391319 53.34830983723859, 7.418480112391319 53.3481087436424, 7.417325135597451 53.3481087436424, 7.417325135597451 53.34830983723859))",46628_5_7,5,7,123.0 +"POLYGON ((7.417325135597451 53.34750545716252, 7.418480112391319 53.34750545716252, 7.418480112391319 53.34730435977212, 7.417325135597451 53.34730435977212, 7.417325135597451 53.34750545716252))",46628_5_11,5,11,106.32938525 +"POLYGON ((7.417325135597451 53.34730435977212, 7.418480112391319 53.34730435977212, 7.418480112391319 53.34710326143315, 7.417325135597451 53.34710326143315, 7.417325135597451 53.34730435977212))",46628_5_12,5,12,101.08432966666668 +"POLYGON ((7.417325135597451 53.34670106190953, 7.418480112391319 53.34670106190953, 7.418480112391319 53.34649996072488, 7.417325135597451 53.34649996072488, 7.417325135597451 53.34670106190953))",46628_5_15,5,15,108.0 +"POLYGON ((7.418480112391319 53.34730435977212, 7.419635089185187 53.34730435977212, 7.419635089185187 53.34710326143315, 7.418480112391319 53.34710326143315, 7.418480112391319 53.34730435977212))",46628_6_12,6,12,79.778412 +"POLYGON ((7.418480112391319 53.34690216214562, 7.419635089185187 53.34690216214562, 7.419635089185187 53.34670106190953, 7.418480112391319 53.34670106190953, 7.418480112391319 53.34690216214562))",46628_6_14,6,14,108.0 +"POLYGON ((7.418480112391319 53.34670106190953, 7.419635089185187 53.34670106190953, 7.419635089185187 53.34649996072488, 7.418480112391319 53.34649996072488, 7.418480112391319 53.34670106190953))",46628_6_15,6,15,110.0 +"POLYGON ((7.411550251628111 53.24347873190115, 7.412705228421979 53.24347873190115, 7.412705228421979 53.24327714415627, 7.411550251628111 53.24327714415627, 7.411550251628111 53.24347873190115))",46647_0_21,0,21,104.373833 +"POLYGON ((7.415015182009715 53.24630086062384, 7.416170158803583 53.24630086062384, 7.416170158803583 53.24609928617297, 7.415015182009715 53.24609928617297, 7.415015182009715 53.24630086062384))",46647_3_7,3,7,121.0 +"POLYGON ((7.417325135597451 53.24529297887391, 7.418480112391319 53.24529297887391, 7.418480112391319 53.24509139967523, 7.417325135597451 53.24509139967523, 7.417325135597451 53.24529297887391))",46647_5_12,5,12,107.222223 +"POLYGON ((7.417325135597451 53.24327714415627, 7.418480112391319 53.24327714415627, 7.418480112391319 53.24307555546182, 7.417325135597451 53.24307555546182, 7.417325135597451 53.24327714415627))",46647_5_22,5,22,86.951612 +"POLYGON ((7.418480112391319 53.24549455712302, 7.419635089185187 53.24549455712302, 7.419635089185187 53.24529297887391, 7.418480112391319 53.24529297887391, 7.418480112391319 53.24549455712302))",46647_6_11,6,11,114.0 +"POLYGON ((7.418480112391319 53.24509139967523, 7.419635089185187 53.24509139967523, 7.419635089185187 53.24488981952698, 7.418480112391319 53.24488981952698, 7.418480112391319 53.24509139967523))",46647_6_13,6,13,96.144123 +"POLYGON ((7.418480112391319 53.24488981952698, 7.419635089185187 53.24488981952698, 7.419635089185187 53.24468823842916, 7.418480112391319 53.24468823842916, 7.418480112391319 53.24488981952698))",46647_6_14,6,14,100.0 +"POLYGON ((7.418480112391319 53.24468823842916, 7.419635089185187 53.24468823842916, 7.419635089185187 53.24448665638177, 7.418480112391319 53.24448665638177, 7.418480112391319 53.24468823842916))",46647_6_15,6,15,33.0 +"POLYGON ((7.411550251628111 53.24011881217821, 7.412705228421979 53.24011881217821, 7.412705228421979 53.23991720860663, 7.411550251628111 53.23991720860663, 7.411550251628111 53.24011881217821))",46648_0_11,0,11,69.0 +"POLYGON ((7.411550251628111 53.23810273372935, 7.412705228421979 53.23810273372935, 7.412705228421979 53.23790112066148, 7.411550251628111 53.23790112066148, 7.411550251628111 53.23810273372935))",46648_0_21,0,21,94.58394650000001 +"POLYGON ((7.413860205215847 53.23951399861463, 7.415015182009715 53.23951399861463, 7.415015182009715 53.23931239219419, 7.413860205215847 53.23931239219419, 7.413860205215847 53.23951399861463))",46648_2_14,2,14,121.5 +"POLYGON ((7.415015182009715 53.24092521696835, 7.416170158803583 53.24092521696835, 7.416170158803583 53.24072361719524, 7.415015182009715 53.24072361719524, 7.415015182009715 53.24092521696835))",46648_3_7,3,7,110.25 +"POLYGON ((7.415015182009715 53.23971560408544, 7.416170158803583 53.23971560408544, 7.416170158803583 53.23951399861463, 7.415015182009715 53.23951399861463, 7.415015182009715 53.23971560408544))",46648_3_13,3,13,104.83333333333333 +"POLYGON ((7.416170158803583 53.24132841366576, 7.417325135597451 53.24132841366576, 7.417325135597451 53.24112681579186, 7.416170158803583 53.24112681579186, 7.416170158803583 53.24132841366576))",46648_4_5,4,5,97.33333333333333 +"POLYGON ((7.416170158803583 53.2405220164725, 7.417325135597451 53.2405220164725, 7.417325135597451 53.24032041480017, 7.416170158803583 53.24032041480017, 7.416170158803583 53.2405220164725))",46648_4_9,4,9,104.90469366666666 +"POLYGON ((7.416170158803583 53.23890917650443, 7.417325135597451 53.23890917650443, 7.417325135597451 53.23870756723511, 7.416170158803583 53.23870756723511, 7.416170158803583 53.23890917650443))",46648_4_17,4,17,102.49455366666666 +"POLYGON ((7.417325135597451 53.24132841366576, 7.418480112391319 53.24132841366576, 7.418480112391319 53.24112681579186, 7.417325135597451 53.24112681579186, 7.417325135597451 53.24132841366576))",46648_5_5,5,5,79.83333333333333 +"POLYGON ((7.417325135597451 53.24112681579186, 7.418480112391319 53.24112681579186, 7.418480112391319 53.24092521696835, 7.417325135597451 53.24092521696835, 7.417325135597451 53.24112681579186))",46648_5_6,5,6,81.0 +"POLYGON ((7.417325135597451 53.24032041480017, 7.418480112391319 53.24032041480017, 7.418480112391319 53.24011881217821, 7.417325135597451 53.24011881217821, 7.417325135597451 53.24032041480017))",46648_5_10,5,10,101.18787266666668 +"POLYGON ((7.417325135597451 53.23991720860663, 7.418480112391319 53.23991720860663, 7.418480112391319 53.23971560408544, 7.417325135597451 53.23971560408544, 7.417325135597451 53.23991720860663))",46648_5_12,5,12,100.54490708333333 +"POLYGON ((7.417325135597451 53.23931239219419, 7.418480112391319 53.23931239219419, 7.418480112391319 53.23911078482413, 7.417325135597451 53.23911078482413, 7.417325135597451 53.23931239219419))",46648_5_15,5,15,14.058823529411764 +"POLYGON ((7.417325135597451 53.23870756723511, 7.418480112391319 53.23870756723511, 7.418480112391319 53.23850595701616, 7.417325135597451 53.23850595701616, 7.417325135597451 53.23870756723511))",46648_5_18,5,18,90.66666616666667 +"POLYGON ((7.417325135597451 53.23790112066148, 7.418480112391319 53.23790112066148, 7.418480112391319 53.23769950664399, 7.417325135597451 53.23769950664399, 7.417325135597451 53.23790112066148))",46648_5_22,5,22,82.66737542857142 +"POLYGON ((7.418480112391319 53.24011881217821, 7.419635089185187 53.24011881217821, 7.419635089185187 53.23991720860663, 7.418480112391319 53.23991720860663, 7.418480112391319 53.24011881217821))",46648_6_11,6,11,87.07832895833333 +"POLYGON ((7.418480112391319 53.23991720860663, 7.419635089185187 53.23991720860663, 7.419635089185187 53.23971560408544, 7.418480112391319 53.23971560408544, 7.418480112391319 53.23991720860663))",46648_6_12,6,12,88.5892933076923 +"POLYGON ((7.418480112391319 53.23971560408544, 7.419635089185187 53.23971560408544, 7.419635089185187 53.23951399861463, 7.418480112391319 53.23951399861463, 7.418480112391319 53.23971560408544))",46648_6_13,6,13,78.44509914285716 +"POLYGON ((7.418480112391319 53.23951399861463, 7.419635089185187 53.23951399861463, 7.419635089185187 53.23931239219419, 7.418480112391319 53.23931239219419, 7.418480112391319 53.23951399861463))",46648_6_14,6,14,92.4 +"POLYGON ((7.418480112391319 53.23931239219419, 7.419635089185187 53.23931239219419, 7.419635089185187 53.23911078482413, 7.418480112391319 53.23911078482413, 7.418480112391319 53.23931239219419))",46648_6_15,6,15,12.926829268292684 +"POLYGON ((7.418480112391319 53.23890917650443, 7.419635089185187 53.23890917650443, 7.419635089185187 53.23870756723511, 7.418480112391319 53.23870756723511, 7.418480112391319 53.23890917650443))",46648_6_17,6,17,77.311755875 +"POLYGON ((7.416170158803583 52.33897454992264, 7.417325135597451 52.33897454992264, 7.417325135597451 52.33876872676704, 7.416170158803583 52.33876872676704, 7.416170158803583 52.33897454992264))",46814_4_8,4,8,137.0 +"POLYGON ((7.417325135597451 52.33794542456479, 7.418480112391319 52.33794542456479, 7.418480112391319 52.33773959661924, 7.417325135597451 52.33773959661924, 7.417325135597451 52.33794542456479))",46814_5_13,5,13,88.0 +"POLYGON ((7.417325135597451 52.33732793785418, 7.418480112391319 52.33732793785418, 7.418480112391319 52.33712210703465, 7.417325135597451 52.33712210703465, 7.417325135597451 52.33732793785418))",46814_5_16,5,16,178.0 +"POLYGON ((7.418480112391319 52.33753376771572, 7.419635089185187 52.33753376771572, 7.419635089185187 52.33732793785418, 7.418480112391319 52.33732793785418, 7.418480112391319 52.33753376771572))",46814_6_15,6,15,187.0 +"POLYGON ((7.418480112391319 52.33712210703465, 7.419635089185187 52.33712210703465, 7.419635089185187 52.33691627525712, 7.418480112391319 52.33691627525712, 7.418480112391319 52.33712210703465))",46814_6_17,6,17,137.0 +"POLYGON ((7.416170158803583 52.33348560459115, 7.417325135597451 52.33348560459115, 7.417325135597451 52.33327975588866, 7.416170158803583 52.33327975588866, 7.416170158803583 52.33348560459115))",46815_4_8,4,8,137.35778325 +"POLYGON ((7.416170158803583 52.33163293177942, 7.417325135597451 52.33163293177942, 7.417325135597451 52.33142707445457, 7.416170158803583 52.33142707445457, 7.416170158803583 52.33163293177942))",46815_4_17,4,17,125.25 +"POLYGON ((7.417325135597451 52.33245635149837, 7.418480112391319 52.33245635149837, 7.418480112391319 52.33225049800569, 7.417325135597451 52.33225049800569, 7.417325135597451 52.33245635149837))",46815_5_13,5,13,117.2000012 +"POLYGON ((7.417325135597451 52.33183878814623, 7.418480112391319 52.33183878814623, 7.418480112391319 52.33163293177942, 7.417325135597451 52.33163293177942, 7.417325135597451 52.33183878814623))",46815_5_16,5,16,180.0 +"POLYGON ((7.418480112391319 52.33204464355499, 7.419635089185187 52.33204464355499, 7.419635089185187 52.33183878814623, 7.418480112391319 52.33183878814623, 7.418480112391319 52.33204464355499))",46815_6_15,6,15,189.0 +"POLYGON ((7.418480112391319 52.33163293177942, 7.419635089185187 52.33163293177942, 7.419635089185187 52.33142707445457, 7.418480112391319 52.33142707445457, 7.418480112391319 52.33163293177942))",46815_6_17,6,17,137.33333333333334 +"POLYGON ((7.416170158803583 52.32799597799281, 7.417325135597451 52.32799597799281, 7.417325135597451 52.32779010374215, 7.416170158803583 52.32779010374215, 7.416170158803583 52.32799597799281))",46816_4_8,4,8,140.0 +"POLYGON ((7.416170158803583 52.32614307524581, 7.417325135597451 52.32614307524581, 7.417325135597451 52.32593719237235, 7.416170158803583 52.32593719237235, 7.416170158803583 52.32614307524581))",46816_4_17,4,17,119.0 +"POLYGON ((7.417325135597451 52.32696659715869, 7.418480112391319 52.32696659715869, 7.418480112391319 52.3267607181176, 7.417325135597451 52.3267607181176, 7.417325135597451 52.32696659715869))",46816_5_13,5,13,120.999996 +"POLYGON ((7.417325135597451 52.32634895716117, 7.418480112391319 52.32634895716117, 7.418480112391319 52.32614307524581, 7.417325135597451 52.32614307524581, 7.417325135597451 52.32634895716117))",46816_5_16,5,16,183.0 +"POLYGON ((7.418480112391319 52.32655483811843, 7.419635089185187 52.32655483811843, 7.419635089185187 52.32634895716117, 7.418480112391319 52.32634895716117, 7.418480112391319 52.32655483811843))",46816_6_15,6,15,189.0 +"POLYGON ((7.418480112391319 52.32614307524581, 7.419635089185187 52.32614307524581, 7.419635089185187 52.32593719237235, 7.418480112391319 52.32593719237235, 7.418480112391319 52.32614307524581))",46816_6_17,6,17,141.0 +"POLYGON ((7.416170158803583 52.30966941763327, 7.417325135597451 52.30966941763327, 7.417325135597451 52.30946345810633, 7.416170158803583 52.30946345810633, 7.416170158803583 52.30966941763327))",46819_4_17,4,17,84.66666666666667 +"POLYGON ((7.416170158803583 52.30417683564485, 7.417325135597451 52.30417683564485, 7.417325135597451 52.30397085056418, 7.416170158803583 52.30397085056418, 7.416170158803583 52.30417683564485))",46820_4_17,4,17,90.25 +"POLYGON ((7.416170158803583 52.29888958188481, 7.417325135597451 52.29888958188481, 7.417325135597451 52.29868357220749, 7.416170158803583 52.29868357220749, 7.416170158803583 52.29888958188481))",46821_4_16,4,16,83.66666666666667 +"POLYGON ((7.416170158803583 52.29868357220749, 7.417325135597451 52.29868357220749, 7.417325135597451 52.29847756157182, 7.416170158803583 52.29847756157182, 7.416170158803583 52.29868357220749))",46821_4_17,4,17,92.0 +"POLYGON ((7.416170158803583 52.29339566252073, 7.417325135597451 52.29339566252073, 7.417325135597451 52.29318962728718, 7.416170158803583 52.29318962728718, 7.416170158803583 52.29339566252073))",46822_4_16,4,16,76.0 +"POLYGON ((7.411550251628111 52.09598822792799, 7.412705228421979 52.09598822792799, 7.412705228421979 52.09578127566727, 7.411550251628111 52.09578127566727, 7.411550251628111 52.09598822792799))",46858_0_12,0,12,112.0 +"POLYGON ((7.413860205215847 52.09598822792799, 7.415015182009715 52.09598822792799, 7.415015182009715 52.09578127566727, 7.413860205215847 52.09578127566727, 7.413860205215847 52.09598822792799))",46858_2_12,2,12,83.0 +"POLYGON ((7.415015182009715 52.09722992133075, 7.416170158803583 52.09722992133075, 7.416170158803583 52.09702297483047, 7.415015182009715 52.09702297483047, 7.415015182009715 52.09722992133075))",46858_3_6,3,6,60.0 +"POLYGON ((7.415015182009715 52.09598822792799, 7.416170158803583 52.09598822792799, 7.416170158803583 52.09578127566727, 7.415015182009715 52.09578127566727, 7.415015182009715 52.09598822792799))",46858_3_12,3,12,96.0 +"POLYGON ((7.416170158803583 52.09743686687097, 7.417325135597451 52.09743686687097, 7.417325135597451 52.09722992133075, 7.416170158803583 52.09722992133075, 7.416170158803583 52.09743686687097))",46858_4_5,4,5,106.0 +"POLYGON ((7.417325135597451 52.09785075507121, 7.418480112391319 52.09785075507121, 7.418480112391319 52.09764381145113, 7.417325135597451 52.09764381145113, 7.417325135597451 52.09785075507121))",46858_5_3,5,3,82.0 +"POLYGON ((7.417325135597451 52.09371170025542, 7.418480112391319 52.09371170025542, 7.418480112391319 52.09350473743374, 7.417325135597451 52.09350473743374, 7.417325135597451 52.09371170025542))",46858_5_23,5,23,88.000003 +"POLYGON ((7.418480112391319 52.09660907894969, 7.419635089185187 52.09660907894969, 7.419635089185187 52.0964021295692, 7.418480112391319 52.0964021295692, 7.418480112391319 52.09660907894969))",46858_6_9,6,9,107.000002 +"POLYGON ((7.418480112391319 52.09578127566727, 7.419635089185187 52.09578127566727, 7.419635089185187 52.09557432244647, 7.418480112391319 52.09557432244647, 7.418480112391319 52.09578127566727))",46858_6_13,6,13,95.500001 +"POLYGON ((7.411550251628111 52.09046917241011, 7.412705228421979 52.09046917241011, 7.412705228421979 52.09026219454667, 7.411550251628111 52.09026219454667, 7.411550251628111 52.09046917241011))",46859_0_12,0,12,110.66666666666667 +"POLYGON ((7.411550251628111 52.08839935056994, 7.412705228421979 52.08839935056994, 7.412705228421979 52.08819236310518, 7.411550251628111 52.08819236310518, 7.411550251628111 52.08839935056994))",46859_0_22,0,22,99.3787614 +"POLYGON ((7.412705228421979 52.0908831252566, 7.413860205215847 52.0908831252566, 7.413860205215847 52.09067614931342, 7.412705228421979 52.09067614931342, 7.412705228421979 52.0908831252566))",46859_1_10,1,10,95.2 +"POLYGON ((7.413860205215847 52.09046917241011, 7.415015182009715 52.09046917241011, 7.415015182009715 52.09026219454667, 7.413860205215847 52.09026219454667, 7.413860205215847 52.09046917241011))",46859_2_12,2,12,89.25 +"POLYGON ((7.415015182009715 52.09171101942814, 7.416170158803583 52.09171101942814, 7.416170158803583 52.09150404732542, 7.415015182009715 52.09150404732542, 7.415015182009715 52.09171101942814))",46859_3_6,3,6,60.857142857142854 +"POLYGON ((7.415015182009715 52.09046917241011, 7.416170158803583 52.09046917241011, 7.416170158803583 52.09026219454667, 7.415015182009715 52.09026219454667, 7.415015182009715 52.09046917241011))",46859_3_12,3,12,100.0 +"POLYGON ((7.415015182009715 52.08964125519563, 7.416170158803583 52.08964125519563, 7.416170158803583 52.08943427349168, 7.415015182009715 52.08943427349168, 7.415015182009715 52.08964125519563))",46859_3_16,3,16,90.8 +"POLYGON ((7.416170158803583 52.0923319299756, 7.417325135597451 52.0923319299756, 7.417325135597451 52.09212496075322, 7.416170158803583 52.09212496075322, 7.416170158803583 52.0923319299756))",46859_4_3,4,3,105.75 +"POLYGON ((7.416170158803583 52.09191799057074, 7.417325135597451 52.09191799057074, 7.417325135597451 52.09171101942814, 7.416170158803583 52.09171101942814, 7.416170158803583 52.09191799057074))",46859_4_5,4,5,101.0 +"POLYGON ((7.416170158803583 52.08964125519563, 7.417325135597451 52.08964125519563, 7.417325135597451 52.08943427349168, 7.416170158803583 52.08943427349168, 7.416170158803583 52.08964125519563))",46859_4_16,4,16,99.0 +"POLYGON ((7.417325135597451 52.0923319299756, 7.418480112391319 52.0923319299756, 7.418480112391319 52.09212496075322, 7.417325135597451 52.09212496075322, 7.417325135597451 52.0923319299756))",46859_5_3,5,3,87.2 +"POLYGON ((7.417325135597451 52.09191799057074, 7.418480112391319 52.09191799057074, 7.418480112391319 52.09171101942814, 7.417325135597451 52.09171101942814, 7.417325135597451 52.09191799057074))",46859_5_5,5,5,128.5 +"POLYGON ((7.417325135597451 52.09109010023966, 7.418480112391319 52.09109010023966, 7.418480112391319 52.0908831252566, 7.417325135597451 52.0908831252566, 7.417325135597451 52.09109010023966))",46859_5_9,5,9,101.51025560000001 +"POLYGON ((7.417325135597451 52.08881332261905, 7.418480112391319 52.08881332261905, 7.418480112391319 52.08860633707457, 7.417325135597451 52.08860633707457, 7.417325135597451 52.08881332261905))",46859_5_20,5,20,108.99999820000001 +"POLYGON ((7.417325135597451 52.08819236310518, 7.418480112391319 52.08819236310518, 7.418480112391319 52.08798537468027, 7.417325135597451 52.08798537468027, 7.417325135597451 52.08819236310518))",46859_5_23,5,23,89.0368426 +"POLYGON ((7.418480112391319 52.09109010023966, 7.419635089185187 52.09109010023966, 7.419635089185187 52.0908831252566, 7.418480112391319 52.0908831252566, 7.418480112391319 52.09109010023966))",46859_6_9,6,9,109.500001 +"POLYGON ((7.418480112391319 52.09046917241011, 7.419635089185187 52.09046917241011, 7.419635089185187 52.09026219454667, 7.418480112391319 52.09026219454667, 7.418480112391319 52.09046917241011))",46859_6_12,6,12,90.2 +"POLYGON ((7.418480112391319 52.09026219454667, 7.419635089185187 52.09026219454667, 7.419635089185187 52.09005521572313, 7.418480112391319 52.09005521572313, 7.418480112391319 52.09026219454667))",46859_6_13,6,13,102.35276333333334 +"POLYGON ((7.418480112391319 52.09005521572313, 7.419635089185187 52.09005521572313, 7.419635089185187 52.08984823593944, 7.418480112391319 52.08984823593944, 7.418480112391319 52.09005521572313))",46859_6_14,6,14,94.27340183333332 +"POLYGON ((7.411550251628111 52.08494943413734, 7.412705228421979 52.08494943413734, 7.412705228421979 52.08474243066996, 7.411550251628111 52.08474243066996, 7.411550251628111 52.08494943413734))",46860_0_12,0,12,105.25 +"POLYGON ((7.411550251628111 52.08287935625553, 7.412705228421979 52.08287935625553, 7.412705228421979 52.08267234318635, 7.411550251628111 52.08267234318635, 7.411550251628111 52.08287935625553))",46860_0_22,0,22,96.73241520000002 +"POLYGON ((7.412705228421979 52.0853634381916, 7.413860205215847 52.0853634381916, 7.413860205215847 52.08515643664456, 7.412705228421979 52.08515643664456, 7.412705228421979 52.0853634381916))",46860_1_10,1,10,94.75 +"POLYGON ((7.413860205215847 52.08494943413734, 7.415015182009715 52.08494943413734, 7.415015182009715 52.08474243066996, 7.413860205215847 52.08474243066996, 7.413860205215847 52.08494943413734))",46860_2_12,2,12,103.5 +"POLYGON ((7.415015182009715 52.08619143477812, 7.416170158803583 52.08619143477812, 7.416170158803583 52.08598443707174, 7.415015182009715 52.08598443707174, 7.415015182009715 52.08619143477812))",46860_3_6,3,6,100.5 +"POLYGON ((7.415015182009715 52.08494943413734, 7.416170158803583 52.08494943413734, 7.416170158803583 52.08474243066996, 7.415015182009715 52.08474243066996, 7.415015182009715 52.08494943413734))",46860_3_12,3,12,100.8 +"POLYGON ((7.415015182009715 52.08412141450677, 7.416170158803583 52.08412141450677, 7.416170158803583 52.08391440719868, 7.415015182009715 52.08391440719868, 7.415015182009715 52.08412141450677))",46860_3_16,3,16,105.25 +"POLYGON ((7.416170158803583 52.08681242213633, 7.417325135597451 52.08681242213633, 7.417325135597451 52.08660542731042, 7.416170158803583 52.08660542731042, 7.416170158803583 52.08681242213633))",46860_4_3,4,3,102.4 +"POLYGON ((7.416170158803583 52.08639843152434, 7.417325135597451 52.08639843152434, 7.417325135597451 52.08619143477812, 7.416170158803583 52.08619143477812, 7.416170158803583 52.08639843152434))",46860_4_5,4,5,95.0 +"POLYGON ((7.416170158803583 52.08412141450677, 7.417325135597451 52.08412141450677, 7.417325135597451 52.08391440719868, 7.416170158803583 52.08391440719868, 7.416170158803583 52.08412141450677))",46860_4_16,4,16,109.33333333333333 +"POLYGON ((7.417325135597451 52.08681242213633, 7.418480112391319 52.08681242213633, 7.418480112391319 52.08660542731042, 7.417325135597451 52.08660542731042, 7.417325135597451 52.08681242213633))",46860_5_3,5,3,82.8 +"POLYGON ((7.417325135597451 52.08639843152434, 7.418480112391319 52.08639843152434, 7.418480112391319 52.08619143477812, 7.417325135597451 52.08619143477812, 7.417325135597451 52.08639843152434))",46860_5_5,5,5,126.33333333333333 +"POLYGON ((7.417325135597451 52.08557043877848, 7.418480112391319 52.08557043877848, 7.418480112391319 52.0853634381916, 7.417325135597451 52.0853634381916, 7.417325135597451 52.08557043877848))",46860_5_9,5,9,105.7999992 +"POLYGON ((7.417325135597451 52.08329337951335, 7.418480112391319 52.08329337951335, 7.418480112391319 52.08308636836453, 7.417325135597451 52.08308636836453, 7.417325135597451 52.08329337951335))",46860_5_20,5,20,112.25000075 +"POLYGON ((7.417325135597451 52.08267234318635, 7.418480112391319 52.08267234318635, 7.418480112391319 52.08246532915697, 7.417325135597451 52.08246532915697, 7.417325135597451 52.08267234318635))",46860_5_23,5,23,85.58636783333333 +"POLYGON ((7.418480112391319 52.08557043877848, 7.419635089185187 52.08557043877848, 7.419635089185187 52.0853634381916, 7.418480112391319 52.0853634381916, 7.418480112391319 52.08557043877848))",46860_6_9,6,9,110.51527080000001 +"POLYGON ((7.418480112391319 52.08494943413734, 7.419635089185187 52.08494943413734, 7.419635089185187 52.08474243066996, 7.418480112391319 52.08474243066996, 7.418480112391319 52.08494943413734))",46860_6_12,6,12,89.5 +"POLYGON ((7.418480112391319 52.08474243066996, 7.419635089185187 52.08474243066996, 7.419635089185187 52.08453542624241, 7.418480112391319 52.08453542624241, 7.418480112391319 52.08474243066996))",46860_6_13,6,13,99.6249995 +"POLYGON ((7.418480112391319 52.08453542624241, 7.419635089185187 52.08453542624241, 7.419635089185187 52.08432842085467, 7.418480112391319 52.08432842085467, 7.418480112391319 52.08453542624241))",46860_6_14,6,14,94.2000002 +"POLYGON ((7.411550251628111 52.07942901307647, 7.412705228421979 52.07942901307647, 7.412705228421979 52.07922198400389, 7.411550251628111 52.07922198400389, 7.411550251628111 52.07942901307647))",46861_0_12,0,12,80.5 +"POLYGON ((7.411550251628111 52.07735867914055, 7.412705228421979 52.07735867914055, 7.412705228421979 52.0771516404657, 7.411550251628111 52.0771516404657, 7.411550251628111 52.07735867914055))",46861_0_22,0,22,97.432623 +"POLYGON ((7.412705228421979 52.07984306834098, 7.413860205215847 52.07984306834098, 7.413860205215847 52.07963604118883, 7.412705228421979 52.07963604118883, 7.412705228421979 52.07984306834098))",46861_1_10,1,10,95.5 +"POLYGON ((7.413860205215847 52.07942901307647, 7.415015182009715 52.07942901307647, 7.415015182009715 52.07922198400389, 7.413860205215847 52.07922198400389, 7.413860205215847 52.07942901307647))",46861_2_12,2,12,100.5 +"POLYGON ((7.415015182009715 52.08067116734747, 7.416170158803583 52.08067116734747, 7.416170158803583 52.08046414403616, 7.415015182009715 52.08046414403616, 7.415015182009715 52.08067116734747))",46861_3_6,3,6,110.0 +"POLYGON ((7.415015182009715 52.07942901307647, 7.416170158803583 52.07942901307647, 7.416170158803583 52.07922198400389, 7.415015182009715 52.07922198400389, 7.415015182009715 52.07942901307647))",46861_3_12,3,12,96.0 +"POLYGON ((7.415015182009715 52.07860089102481, 7.416170158803583 52.07860089102481, 7.416170158803583 52.07839385811133, 7.415015182009715 52.07839385811133, 7.415015182009715 52.07860089102481))",46861_3_16,3,16,108.0 +"POLYGON ((7.416170158803583 52.08129223152015, 7.417325135597451 52.08129223152015, 7.417325135597451 52.08108521108946, 7.416170158803583 52.08108521108946, 7.416170158803583 52.08129223152015))",46861_4_3,4,3,102.0 +"POLYGON ((7.416170158803583 52.08087818969857, 7.417325135597451 52.08087818969857, 7.417325135597451 52.08067116734747, 7.416170158803583 52.08067116734747, 7.416170158803583 52.08087818969857))",46861_4_5,4,5,103.0 +"POLYGON ((7.416170158803583 52.07860089102481, 7.417325135597451 52.07860089102481, 7.417325135597451 52.07839385811133, 7.416170158803583 52.07839385811133, 7.416170158803583 52.07860089102481))",46861_4_16,4,16,112.0 +"POLYGON ((7.417325135597451 52.08129223152015, 7.418480112391319 52.08129223152015, 7.418480112391319 52.08108521108946, 7.417325135597451 52.08108521108946, 7.417325135597451 52.08129223152015))",46861_5_3,5,3,92.0 +"POLYGON ((7.417325135597451 52.08087818969857, 7.418480112391319 52.08087818969857, 7.418480112391319 52.08067116734747, 7.417325135597451 52.08067116734747, 7.417325135597451 52.08087818969857))",46861_5_5,5,5,118.5 +"POLYGON ((7.417325135597451 52.08005009453292, 7.418480112391319 52.08005009453292, 7.418480112391319 52.07984306834098, 7.417325135597451 52.07984306834098, 7.417325135597451 52.08005009453292))",46861_5_9,5,9,106.999998 +"POLYGON ((7.417325135597451 52.07777275360957, 7.418480112391319 52.07777275360957, 7.418480112391319 52.07756571685517, 7.417325135597451 52.07756571685517, 7.417325135597451 52.07777275360957))",46861_5_20,5,20,109.999999 +"POLYGON ((7.417325135597451 52.0771516404657, 7.418480112391319 52.0771516404657, 7.418480112391319 52.0769446008306, 7.417325135597451 52.0769446008306, 7.417325135597451 52.0771516404657))",46861_5_23,5,23,85.7332825 +"POLYGON ((7.418480112391319 52.08005009453292, 7.419635089185187 52.08005009453292, 7.419635089185187 52.07984306834098, 7.418480112391319 52.07984306834098, 7.418480112391319 52.08005009453292))",46861_6_9,6,9,110.0 +"POLYGON ((7.418480112391319 52.07942901307647, 7.419635089185187 52.07942901307647, 7.419635089185187 52.07922198400389, 7.418480112391319 52.07922198400389, 7.418480112391319 52.07942901307647))",46861_6_12,6,12,84.33333333333333 +"POLYGON ((7.418480112391319 52.07922198400389, 7.419635089185187 52.07922198400389, 7.419635089185187 52.07901495397108, 7.418480112391319 52.07901495397108, 7.418480112391319 52.07922198400389))",46861_6_13,6,13,97.24999925 +"POLYGON ((7.418480112391319 52.07901495397108, 7.419635089185187 52.07901495397108, 7.419635089185187 52.07880792297806, 7.418480112391319 52.07880792297806, 7.418480112391319 52.07901495397108))",46861_6_14,6,14,92.33333333333333 +"POLYGON ((7.416170158803583 50.61515862037395, 7.417325135597451 50.61515862037395, 7.417325135597451 50.61494486821977, 7.416170158803583 50.61494486821977, 7.416170158803583 50.61515862037395))",47122_4_12,4,12,97.0 +"POLYGON ((7.420533404469307 53.34750545716252, 7.421688381263174 53.34750545716252, 7.421688381263174 53.34730435977212, 7.420533404469307 53.34730435977212, 7.420533404469307 53.34750545716252))",47303_0_11,0,11,125.0 +"POLYGON ((7.422843358057043 53.34690216214562, 7.423998334850911 53.34690216214562, 7.423998334850911 53.34670106190953, 7.422843358057043 53.34670106190953, 7.422843358057043 53.34690216214562))",47303_2_14,2,14,134.0 +"POLYGON ((7.425153311644778 53.3487120215853, 7.426308288438647 53.3487120215853, 7.426308288438647 53.34851092988622, 7.425153311644778 53.34851092988622, 7.425153311644778 53.3487120215853))",47303_4_5,4,5,128.0 +"POLYGON ((7.425153311644778 53.34790764909766, 7.426308288438647 53.34790764909766, 7.426308288438647 53.34770655360437, 7.425153311644778 53.34770655360437, 7.425153311644778 53.34790764909766))",47303_4_9,4,9,80.000002 +"POLYGON ((7.426308288438647 53.3487120215853, 7.427463265232515 53.3487120215853, 7.427463265232515 53.34851092988622, 7.426308288438647 53.34851092988622, 7.426308288438647 53.3487120215853))",47303_5_5,5,5,113.0 +"POLYGON ((7.426308288438647 53.34830983723859, 7.427463265232515 53.34830983723859, 7.427463265232515 53.3481087436424, 7.426308288438647 53.3481087436424, 7.426308288438647 53.34830983723859))",47303_5_7,5,7,122.0 +"POLYGON ((7.426308288438647 53.34750545716252, 7.427463265232515 53.34750545716252, 7.427463265232515 53.34730435977212, 7.426308288438647 53.34730435977212, 7.426308288438647 53.34750545716252))",47303_5_11,5,11,108.999998 +"POLYGON ((7.426308288438647 53.34730435977212, 7.427463265232515 53.34730435977212, 7.427463265232515 53.34710326143315, 7.426308288438647 53.34710326143315, 7.426308288438647 53.34730435977212))",47303_5_12,5,12,99.6887025 +"POLYGON ((7.426308288438647 53.34670106190953, 7.427463265232515 53.34670106190953, 7.427463265232515 53.34649996072488, 7.426308288438647 53.34649996072488, 7.426308288438647 53.34670106190953))",47303_5_15,5,15,106.0 +"POLYGON ((7.427463265232515 53.34730435977212, 7.428618242026382 53.34730435977212, 7.428618242026382 53.34710326143315, 7.427463265232515 53.34710326143315, 7.427463265232515 53.34730435977212))",47303_6_12,6,12,79.000002 +"POLYGON ((7.427463265232515 53.34690216214562, 7.428618242026382 53.34690216214562, 7.428618242026382 53.34670106190953, 7.427463265232515 53.34670106190953, 7.427463265232515 53.34690216214562))",47303_6_14,6,14,107.0 +"POLYGON ((7.427463265232515 53.34670106190953, 7.428618242026382 53.34670106190953, 7.428618242026382 53.34649996072488, 7.427463265232515 53.34649996072488, 7.427463265232515 53.34670106190953))",47303_6_15,6,15,108.0 +"POLYGON ((7.420533404469307 53.34214253546114, 7.421688381263174 53.34214253546114, 7.421688381263174 53.34194141277512, 7.420533404469307 53.34194141277512, 7.420533404469307 53.34214253546114))",47304_0_11,0,11,120.66666666666667 +"POLYGON ((7.422843358057043 53.34153916455724, 7.423998334850911 53.34153916455724, 7.423998334850911 53.34133803902537, 7.422843358057043 53.34133803902537, 7.422843358057043 53.34153916455724))",47304_2_14,2,14,143.33333333333334 +"POLYGON ((7.423998334850911 53.34294701671913, 7.425153311644778 53.34294701671913, 7.425153311644778 53.34274589782754, 7.423998334850911 53.34274589782754, 7.423998334850911 53.34294701671913))",47304_3_7,3,7,141.33333333333334 +"POLYGON ((7.425153311644778 53.34334925165649, 7.426308288438647 53.34334925165649, 7.426308288438647 53.34314813466212, 7.425153311644778 53.34314813466212, 7.425153311644778 53.34334925165649))",47304_4_5,4,5,128.75 +"POLYGON ((7.425153311644778 53.34254477798735, 7.426308288438647 53.34254477798735, 7.426308288438647 53.34234365719855, 7.425153311644778 53.34234365719855, 7.425153311644778 53.34254477798735))",47304_4_9,4,9,80.20837800000001 +"POLYGON ((7.426308288438647 53.34334925165649, 7.427463265232515 53.34334925165649, 7.427463265232515 53.34314813466212, 7.426308288438647 53.34314813466212, 7.426308288438647 53.34334925165649))",47304_5_5,5,5,113.75 +"POLYGON ((7.426308288438647 53.34294701671913, 7.427463265232515 53.34294701671913, 7.427463265232515 53.34274589782754, 7.426308288438647 53.34274589782754, 7.426308288438647 53.34294701671913))",47304_5_7,5,7,122.5 +"POLYGON ((7.426308288438647 53.34214253546114, 7.427463265232515 53.34214253546114, 7.427463265232515 53.34194141277512, 7.426308288438647 53.34194141277512, 7.426308288438647 53.34214253546114))",47304_5_11,5,11,105.80513600000002 +"POLYGON ((7.426308288438647 53.34194141277512, 7.427463265232515 53.34194141277512, 7.427463265232515 53.34174028914049, 7.426308288438647 53.34174028914049, 7.426308288438647 53.34194141277512))",47304_5_12,5,12,99.99824100000001 +"POLYGON ((7.426308288438647 53.34133803902537, 7.427463265232515 53.34133803902537, 7.427463265232515 53.34113691254489, 7.426308288438647 53.34113691254489, 7.426308288438647 53.34133803902537))",47304_5_15,5,15,101.0 +"POLYGON ((7.427463265232515 53.34194141277512, 7.428618242026382 53.34194141277512, 7.428618242026382 53.34174028914049, 7.427463265232515 53.34174028914049, 7.427463265232515 53.34194141277512))",47304_6_12,6,12,78.571428 +"POLYGON ((7.427463265232515 53.34153916455724, 7.428618242026382 53.34153916455724, 7.428618242026382 53.34133803902537, 7.427463265232515 53.34133803902537, 7.427463265232515 53.34153916455724))",47304_6_14,6,14,102.6 +"POLYGON ((7.427463265232515 53.34133803902537, 7.428618242026382 53.34133803902537, 7.428618242026382 53.34113691254489, 7.427463265232515 53.34113691254489, 7.427463265232515 53.34133803902537))",47304_6_15,6,15,106.0 +"POLYGON ((7.420533404469307 53.33677893919181, 7.421688381263174 53.33677893919181, 7.421688381263174 53.33657779120875, 7.420533404469307 53.33657779120875, 7.420533404469307 53.33677893919181))",47305_0_11,0,11,122.5 +"POLYGON ((7.422843358057043 53.33617549239664, 7.423998334850911 53.33617549239664, 7.423998334850911 53.33597434156759, 7.422843358057043 53.33597434156759, 7.422843358057043 53.33617549239664))",47305_2_14,2,14,145.0 +"POLYGON ((7.423998334850911 53.33758352163741, 7.425153311644778 53.33758352163741, 7.425153311644778 53.337382377449, 7.423998334850911 53.337382377449, 7.423998334850911 53.33758352163741))",47305_3_7,3,7,137.5 +"POLYGON ((7.425153311644778 53.33798580716825, 7.426308288438647 53.33798580716825, 7.426308288438647 53.33778466487716, 7.425153311644778 53.33778466487716, 7.425153311644778 53.33798580716825))",47305_4_5,4,5,124.0 +"POLYGON ((7.425153311644778 53.33718123231193, 7.426308288438647 53.33718123231193, 7.426308288438647 53.33698008622619, 7.425153311644778 53.33698008622619, 7.425153311644778 53.33718123231193))",47305_4_9,4,9,82.78272150000001 +"POLYGON ((7.426308288438647 53.33798580716825, 7.427463265232515 53.33798580716825, 7.427463265232515 53.33778466487716, 7.426308288438647 53.33778466487716, 7.426308288438647 53.33798580716825))",47305_5_5,5,5,114.0 +"POLYGON ((7.426308288438647 53.33758352163741, 7.427463265232515 53.33758352163741, 7.427463265232515 53.337382377449, 7.426308288438647 53.337382377449, 7.426308288438647 53.33758352163741))",47305_5_7,5,7,123.0 +"POLYGON ((7.426308288438647 53.33677893919181, 7.427463265232515 53.33677893919181, 7.427463265232515 53.33657779120875, 7.426308288438647 53.33657779120875, 7.426308288438647 53.33677893919181))",47305_5_11,5,11,105.556944 +"POLYGON ((7.426308288438647 53.33657779120875, 7.427463265232515 53.33657779120875, 7.427463265232515 53.33637664227704, 7.426308288438647 53.33637664227704, 7.426308288438647 53.33657779120875))",47305_5_12,5,12,101.0000005 +"POLYGON ((7.426308288438647 53.33597434156759, 7.427463265232515 53.33597434156759, 7.427463265232515 53.33577318978985, 7.426308288438647 53.33577318978985, 7.426308288438647 53.33597434156759))",47305_5_15,5,15,96.0 +"POLYGON ((7.427463265232515 53.33657779120875, 7.428618242026382 53.33657779120875, 7.428618242026382 53.33637664227704, 7.427463265232515 53.33637664227704, 7.427463265232515 53.33657779120875))",47305_6_12,6,12,81.0000005 +"POLYGON ((7.427463265232515 53.33617549239664, 7.428618242026382 53.33617549239664, 7.428618242026382 53.33597434156759, 7.427463265232515 53.33597434156759, 7.427463265232515 53.33617549239664))",47305_6_14,6,14,99.0 +"POLYGON ((7.427463265232515 53.33597434156759, 7.428618242026382 53.33597434156759, 7.428618242026382 53.33577318978985, 7.427463265232515 53.33577318978985, 7.427463265232515 53.33597434156759))",47305_6_15,6,15,100.5 +"POLYGON ((7.420533404469307 53.25086962682165, 7.421688381263174 53.25086962682165, 7.421688381263174 53.25066807389359, 7.420533404469307 53.25066807389359, 7.420533404469307 53.25086962682165))",47321_0_11,0,11,103.5 +"POLYGON ((7.420533404469307 53.2488540548127, 7.421688381263174 53.2488540548127, 7.421688381263174 53.2486524923894, 7.420533404469307 53.2486524923894, 7.420533404469307 53.2488540548127))",47321_0_21,0,21,110.500001 +"POLYGON ((7.422843358057043 53.25026496518893, 7.423998334850911 53.25026496518893, 7.423998334850911 53.25006340941233, 7.422843358057043 53.25006340941233, 7.422843358057043 53.25026496518893))",47321_2_14,2,14,133.0 +"POLYGON ((7.423998334850911 53.25167582903877, 7.425153311644778 53.25167582903877, 7.425153311644778 53.25147427990875, 7.423998334850911 53.25147427990875, 7.423998334850911 53.25167582903877))",47321_3_7,3,7,116.0 +"POLYGON ((7.423998334850911 53.25046652001601, 7.425153311644778 53.25046652001601, 7.425153311644778 53.25026496518893, 7.423998334850911 53.25026496518893, 7.423998334850911 53.25046652001601))",47321_3_13,3,13,124.0 +"POLYGON ((7.425153311644778 53.2520789244503, 7.426308288438647 53.2520789244503, 7.426308288438647 53.25187737721929, 7.425153311644778 53.25187737721929, 7.425153311644778 53.2520789244503))",47321_4_5,4,5,118.0 +"POLYGON ((7.425153311644778 53.25127272982923, 7.426308288438647 53.25127272982923, 7.426308288438647 53.25107117880019, 7.425153311644778 53.25107117880019, 7.425153311644778 53.25127272982923))",47321_4_9,4,9,114.611111 +"POLYGON ((7.425153311644778 53.24966029501055, 7.426308288438647 53.24966029501055, 7.426308288438647 53.24945873638537, 7.425153311644778 53.24945873638537, 7.425153311644778 53.24966029501055))",47321_4_17,4,17,107.4999995 +"POLYGON ((7.426308288438647 53.2520789244503, 7.427463265232515 53.2520789244503, 7.427463265232515 53.25187737721929, 7.426308288438647 53.25187737721929, 7.426308288438647 53.2520789244503))",47321_5_5,5,5,96.0 +"POLYGON ((7.426308288438647 53.25187737721929, 7.427463265232515 53.25187737721929, 7.427463265232515 53.25167582903877, 7.426308288438647 53.25167582903877, 7.426308288438647 53.25187737721929))",47321_5_6,5,6,95.5 +"POLYGON ((7.426308288438647 53.25107117880019, 7.427463265232515 53.25107117880019, 7.427463265232515 53.25086962682165, 7.426308288438647 53.25086962682165, 7.426308288438647 53.25107117880019))",47321_5_10,5,10,104.000001 +"POLYGON ((7.426308288438647 53.25066807389359, 7.427463265232515 53.25066807389359, 7.427463265232515 53.25046652001601, 7.426308288438647 53.25046652001601, 7.426308288438647 53.25066807389359))",47321_5_12,5,12,106.08555139999999 +"POLYGON ((7.426308288438647 53.25006340941233, 7.427463265232515 53.25006340941233, 7.427463265232515 53.2498618526862, 7.426308288438647 53.2498618526862, 7.426308288438647 53.25006340941233))",47321_5_15,5,15,7.695652173913044 +"POLYGON ((7.426308288438647 53.24945873638537, 7.427463265232515 53.24945873638537, 7.427463265232515 53.24925717681067, 7.426308288438647 53.24925717681067, 7.426308288438647 53.24945873638537))",47321_5_18,5,18,102.000001 +"POLYGON ((7.426308288438647 53.2486524923894, 7.427463265232515 53.2486524923894, 7.427463265232515 53.24845092901658, 7.426308288438647 53.24845092901658, 7.426308288438647 53.2486524923894))",47321_5_22,5,22,98.187791 +"POLYGON ((7.427463265232515 53.25086962682165, 7.428618242026382 53.25086962682165, 7.428618242026382 53.25066807389359, 7.427463265232515 53.25066807389359, 7.427463265232515 53.25086962682165))",47321_6_11,6,11,104.324905 +"POLYGON ((7.427463265232515 53.25066807389359, 7.428618242026382 53.25066807389359, 7.428618242026382 53.25046652001601, 7.427463265232515 53.25046652001601, 7.427463265232515 53.25066807389359))",47321_6_12,6,12,101.80442975 +"POLYGON ((7.427463265232515 53.25046652001601, 7.428618242026382 53.25046652001601, 7.428618242026382 53.25026496518893, 7.427463265232515 53.25026496518893, 7.427463265232515 53.25046652001601))",47321_6_13,6,13,96.6348895 +"POLYGON ((7.427463265232515 53.25026496518893, 7.428618242026382 53.25026496518893, 7.428618242026382 53.25006340941233, 7.427463265232515 53.25006340941233, 7.427463265232515 53.25026496518893))",47321_6_14,6,14,113.0 +"POLYGON ((7.427463265232515 53.25006340941233, 7.428618242026382 53.25006340941233, 7.428618242026382 53.2498618526862, 7.427463265232515 53.2498618526862, 7.427463265232515 53.25006340941233))",47321_6_15,6,15,8.142857142857142 +"POLYGON ((7.420533404469307 53.24549455712302, 7.421688381263174 53.24549455712302, 7.421688381263174 53.24529297887391, 7.420533404469307 53.24529297887391, 7.420533404469307 53.24549455712302))",47322_0_11,0,11,104.0 +"POLYGON ((7.420533404469307 53.24347873190115, 7.421688381263174 53.24347873190115, 7.421688381263174 53.24327714415627, 7.420533404469307 53.24327714415627, 7.420533404469307 53.24347873190115))",47322_0_21,0,21,111.11094324999999 +"POLYGON ((7.422843358057043 53.24488981952698, 7.423998334850911 53.24488981952698, 7.423998334850911 53.24468823842916, 7.422843358057043 53.24468823842916, 7.422843358057043 53.24488981952698))",47322_2_14,2,14,135.33333333333334 +"POLYGON ((7.423998334850911 53.24630086062384, 7.425153311644778 53.24630086062384, 7.425153311644778 53.24609928617297, 7.423998334850911 53.24609928617297, 7.423998334850911 53.24630086062384))",47322_3_7,3,7,124.33333333333333 +"POLYGON ((7.423998334850911 53.24509139967523, 7.425153311644778 53.24509139967523, 7.425153311644778 53.24488981952698, 7.423998334850911 53.24488981952698, 7.423998334850911 53.24509139967523))",47322_3_13,3,13,126.75 +"POLYGON ((7.425153311644778 53.2467040066769, 7.426308288438647 53.2467040066769, 7.426308288438647 53.24650243412515, 7.425153311644778 53.24650243412515, 7.425153311644778 53.2467040066769))",47322_4_5,4,5,122.25 +"POLYGON ((7.425153311644778 53.24589771077255, 7.426308288438647 53.24589771077255, 7.426308288438647 53.24569613442257, 7.425153311644778 53.24569613442257, 7.425153311644778 53.24589771077255))",47322_4_9,4,9,115.23033740000001 +"POLYGON ((7.425153311644778 53.24428507338479, 7.426308288438647 53.24428507338479, 7.426308288438647 53.24408348943826, 7.425153311644778 53.24408348943826, 7.425153311644778 53.24428507338479))",47322_4_17,4,17,112.49999875 +"POLYGON ((7.426308288438647 53.2467040066769, 7.427463265232515 53.2467040066769, 7.427463265232515 53.24650243412515, 7.426308288438647 53.24650243412515, 7.426308288438647 53.2467040066769))",47322_5_5,5,5,87.33333333333333 +"POLYGON ((7.426308288438647 53.24650243412515, 7.427463265232515 53.24650243412515, 7.427463265232515 53.24630086062384, 7.426308288438647 53.24630086062384, 7.426308288438647 53.24650243412515))",47322_5_6,5,6,83.66666666666667 +"POLYGON ((7.426308288438647 53.24569613442257, 7.427463265232515 53.24569613442257, 7.427463265232515 53.24549455712302, 7.426308288438647 53.24549455712302, 7.426308288438647 53.24569613442257))",47322_5_10,5,10,114.01089940000001 +"POLYGON ((7.426308288438647 53.24529297887391, 7.427463265232515 53.24529297887391, 7.427463265232515 53.24509139967523, 7.426308288438647 53.24509139967523, 7.426308288438647 53.24529297887391))",47322_5_12,5,12,104.859495125 +"POLYGON ((7.426308288438647 53.24468823842916, 7.427463265232515 53.24468823842916, 7.427463265232515 53.24448665638177, 7.426308288438647 53.24448665638177, 7.426308288438647 53.24468823842916))",47322_5_15,5,15,17.64 +"POLYGON ((7.426308288438647 53.24408348943826, 7.427463265232515 53.24408348943826, 7.427463265232515 53.24388190454214, 7.426308288438647 53.24388190454214, 7.426308288438647 53.24408348943826))",47322_5_18,5,18,102.99999940000001 +"POLYGON ((7.426308288438647 53.24327714415627, 7.427463265232515 53.24327714415627, 7.427463265232515 53.24307555546182, 7.426308288438647 53.24307555546182, 7.426308288438647 53.24327714415627))",47322_5_22,5,22,98.64408900000001 +"POLYGON ((7.427463265232515 53.24549455712302, 7.428618242026382 53.24549455712302, 7.428618242026382 53.24529297887391, 7.427463265232515 53.24529297887391, 7.427463265232515 53.24549455712302))",47322_6_11,6,11,105.15789489473684 +"POLYGON ((7.427463265232515 53.24529297887391, 7.428618242026382 53.24529297887391, 7.428618242026382 53.24509139967523, 7.427463265232515 53.24509139967523, 7.427463265232515 53.24529297887391))",47322_6_12,6,12,96.52593854545454 +"POLYGON ((7.427463265232515 53.24509139967523, 7.428618242026382 53.24509139967523, 7.428618242026382 53.24488981952698, 7.427463265232515 53.24488981952698, 7.427463265232515 53.24509139967523))",47322_6_13,6,13,97.02810939999999 +"POLYGON ((7.427463265232515 53.24488981952698, 7.428618242026382 53.24488981952698, 7.428618242026382 53.24468823842916, 7.427463265232515 53.24468823842916, 7.427463265232515 53.24488981952698))",47322_6_14,6,14,109.75 +"POLYGON ((7.427463265232515 53.24468823842916, 7.428618242026382 53.24468823842916, 7.428618242026382 53.24448665638177, 7.427463265232515 53.24448665638177, 7.427463265232515 53.24468823842916))",47322_6_15,6,15,24.42105263157895 +"POLYGON ((7.427463265232515 53.24428507338479, 7.428618242026382 53.24428507338479, 7.428618242026382 53.24408348943826, 7.427463265232515 53.24408348943826, 7.427463265232515 53.24428507338479))",47322_6_17,6,17,82.5495962 +"POLYGON ((7.425153311644778 52.32799597799281, 7.426308288438647 52.32799597799281, 7.426308288438647 52.32779010374215, 7.425153311644778 52.32779010374215, 7.425153311644778 52.32799597799281))",47491_4_8,4,8,139.40924099999998 +"POLYGON ((7.425153311644778 52.32614307524581, 7.426308288438647 52.32614307524581, 7.426308288438647 52.32593719237235, 7.425153311644778 52.32593719237235, 7.425153311644778 52.32614307524581))",47491_4_17,4,17,101.5 +"POLYGON ((7.426308288438647 52.32696659715869, 7.427463265232515 52.32696659715869, 7.427463265232515 52.3267607181176, 7.426308288438647 52.3267607181176, 7.426308288438647 52.32696659715869))",47491_5_13,5,13,121.2175345 +"POLYGON ((7.426308288438647 52.32634895716117, 7.427463265232515 52.32634895716117, 7.427463265232515 52.32614307524581, 7.426308288438647 52.32614307524581, 7.426308288438647 52.32634895716117))",47491_5_16,5,16,182.0 +"POLYGON ((7.427463265232515 52.32655483811843, 7.428618242026382 52.32655483811843, 7.428618242026382 52.32634895716117, 7.427463265232515 52.32634895716117, 7.427463265232515 52.32655483811843))",47491_6_15,6,15,182.0 +"POLYGON ((7.427463265232515 52.32614307524581, 7.428618242026382 52.32614307524581, 7.428618242026382 52.32593719237235, 7.427463265232515 52.32593719237235, 7.427463265232515 52.32614307524581))",47491_6_17,6,17,133.66666666666666 +"POLYGON ((7.425153311644778 52.32250567009346, 7.426308288438647 52.32250567009346, 7.426308288438647 52.32229977029335, 7.425153311644778 52.32229977029335, 7.425153311644778 52.32250567009346))",47492_4_8,4,8,138.0 +"POLYGON ((7.425153311644778 52.32065253739966, 7.426308288438647 52.32065253739966, 7.426308288438647 52.32044662897631, 7.425153311644778 52.32044662897631, 7.425153311644778 52.32065253739966))",47492_4_17,4,17,75.0 +"POLYGON ((7.426308288438647 52.32147616151159, 7.427463265232515 52.32147616151159, 7.427463265232515 52.32127025692082, 7.426308288438647 52.32127025692082, 7.426308288438647 52.32147616151159))",47492_5_13,5,13,122.0 +"POLYGON ((7.426308288438647 52.32085844486485, 7.427463265232515 52.32085844486485, 7.427463265232515 52.32065253739966, 7.426308288438647 52.32065253739966, 7.426308288438647 52.32085844486485))",47492_5_16,5,16,186.0 +"POLYGON ((7.427463265232515 52.3210643513719, 7.428618242026382 52.3210643513719, 7.428618242026382 52.32085844486485, 7.427463265232515 52.32085844486485, 7.427463265232515 52.3210643513719))",47492_6_15,6,15,180.0 +"POLYGON ((7.427463265232515 52.32065253739966, 7.428618242026382 52.32065253739966, 7.428618242026382 52.32044662897631, 7.427463265232515 52.32044662897631, 7.427463265232515 52.32065253739966))",47492_6_17,6,17,141.5 +"POLYGON ((7.425153311644778 52.31516131820685, 7.426308288438647 52.31516131820685, 7.426308288438647 52.31495538423234, 7.425153311644778 52.31495538423234, 7.425153311644778 52.31516131820685))",47493_4_17,4,17,74.16666666666667 +"POLYGON ((7.425153311644778 52.30966941763327, 7.426308288438647 52.30966941763327, 7.426308288438647 52.30946345810633, 7.425153311644778 52.30946345810633, 7.425153311644778 52.30966941763327))",47494_4_17,4,17,78.33333333333333 +"POLYGON ((7.420533404469307 52.07942901307647, 7.421688381263174 52.07942901307647, 7.421688381263174 52.07922198400389, 7.420533404469307 52.07922198400389, 7.420533404469307 52.07942901307647))",47536_0_12,0,12,72.75 +"POLYGON ((7.420533404469307 52.07735867914055, 7.421688381263174 52.07735867914055, 7.421688381263174 52.0771516404657, 7.420533404469307 52.0771516404657, 7.420533404469307 52.07735867914055))",47536_0_22,0,22,95.878928 +"POLYGON ((7.421688381263174 52.07984306834098, 7.422843358057043 52.07984306834098, 7.422843358057043 52.07963604118883, 7.421688381263174 52.07963604118883, 7.421688381263174 52.07984306834098))",47536_1_10,1,10,96.0 +"POLYGON ((7.422843358057043 52.07942901307647, 7.423998334850911 52.07942901307647, 7.423998334850911 52.07922198400389, 7.422843358057043 52.07922198400389, 7.422843358057043 52.07942901307647))",47536_2_12,2,12,106.66666666666667 +"POLYGON ((7.423998334850911 52.08067116734747, 7.425153311644778 52.08067116734747, 7.425153311644778 52.08046414403616, 7.423998334850911 52.08046414403616, 7.423998334850911 52.08067116734747))",47536_3_6,3,6,110.66666666666667 +"POLYGON ((7.423998334850911 52.07942901307647, 7.425153311644778 52.07942901307647, 7.425153311644778 52.07922198400389, 7.423998334850911 52.07922198400389, 7.423998334850911 52.07942901307647))",47536_3_12,3,12,96.0 +"POLYGON ((7.423998334850911 52.07860089102481, 7.425153311644778 52.07860089102481, 7.425153311644778 52.07839385811133, 7.423998334850911 52.07839385811133, 7.423998334850911 52.07860089102481))",47536_3_16,3,16,114.5 +"POLYGON ((7.425153311644778 52.08129223152015, 7.426308288438647 52.08129223152015, 7.426308288438647 52.08108521108946, 7.425153311644778 52.08108521108946, 7.425153311644778 52.08129223152015))",47536_4_3,4,3,102.33333333333333 +"POLYGON ((7.425153311644778 52.08087818969857, 7.426308288438647 52.08087818969857, 7.426308288438647 52.08067116734747, 7.425153311644778 52.08067116734747, 7.425153311644778 52.08087818969857))",47536_4_5,4,5,127.66666666666667 +"POLYGON ((7.425153311644778 52.07860089102481, 7.426308288438647 52.07860089102481, 7.426308288438647 52.07839385811133, 7.425153311644778 52.07839385811133, 7.425153311644778 52.07860089102481))",47536_4_16,4,16,108.5 +"POLYGON ((7.426308288438647 52.08129223152015, 7.427463265232515 52.08129223152015, 7.427463265232515 52.08108521108946, 7.426308288438647 52.08108521108946, 7.426308288438647 52.08129223152015))",47536_5_3,5,3,99.5 +"POLYGON ((7.426308288438647 52.08087818969857, 7.427463265232515 52.08087818969857, 7.427463265232515 52.08067116734747, 7.426308288438647 52.08067116734747, 7.426308288438647 52.08087818969857))",47536_5_5,5,5,112.0 +"POLYGON ((7.426308288438647 52.08005009453292, 7.427463265232515 52.08005009453292, 7.427463265232515 52.07984306834098, 7.426308288438647 52.07984306834098, 7.426308288438647 52.08005009453292))",47536_5_9,5,9,107.54347924999999 +"POLYGON ((7.426308288438647 52.07777275360957, 7.427463265232515 52.07777275360957, 7.427463265232515 52.07756571685517, 7.426308288438647 52.07756571685517, 7.426308288438647 52.07777275360957))",47536_5_20,5,20,110.33333266666666 +"POLYGON ((7.426308288438647 52.0771516404657, 7.427463265232515 52.0771516404657, 7.427463265232515 52.0769446008306, 7.426308288438647 52.0769446008306, 7.426308288438647 52.0771516404657))",47536_5_23,5,23,85.062926 +"POLYGON ((7.427463265232515 52.08005009453292, 7.428618242026382 52.08005009453292, 7.428618242026382 52.07984306834098, 7.427463265232515 52.07984306834098, 7.427463265232515 52.08005009453292))",47536_6_9,6,9,109.287226 +"POLYGON ((7.427463265232515 52.07942901307647, 7.428618242026382 52.07942901307647, 7.428618242026382 52.07922198400389, 7.427463265232515 52.07922198400389, 7.427463265232515 52.07942901307647))",47536_6_12,6,12,86.66666666666667 +"POLYGON ((7.427463265232515 52.07922198400389, 7.428618242026382 52.07922198400389, 7.428618242026382 52.07901495397108, 7.427463265232515 52.07901495397108, 7.427463265232515 52.07922198400389))",47536_6_13,6,13,95.72304485714287 +"POLYGON ((7.427463265232515 52.07901495397108, 7.428618242026382 52.07901495397108, 7.428618242026382 52.07880792297806, 7.427463265232515 52.07880792297806, 7.427463265232515 52.07901495397108))",47536_6_14,6,14,94.841858625 +"POLYGON ((7.420533404469307 52.07390790919428, 7.421688381263174 52.07390790919428, 7.421688381263174 52.07370085451524, 7.420533404469307 52.07370085451524, 7.420533404469307 52.07390790919428))",47537_0_12,0,12,71.0 +"POLYGON ((7.420533404469307 52.07183731919181, 7.421688381263174 52.07183731919181, 7.421688381263174 52.07163025491004, 7.420533404469307 52.07163025491004, 7.420533404469307 52.07183731919181))",47537_0_22,0,22,96.42194733333334 +"POLYGON ((7.421688381263174 52.07432201567154, 7.422843358057043 52.07432201567154, 7.422843358057043 52.07411496291304, 7.421688381263174 52.07411496291304, 7.421688381263174 52.07432201567154))",47537_1_10,1,10,96.0 +"POLYGON ((7.422843358057043 52.07390790919428, 7.423998334850911 52.07390790919428, 7.423998334850911 52.07370085451524, 7.422843358057043 52.07370085451524, 7.422843358057043 52.07390790919428))",47537_2_12,2,12,109.5 +"POLYGON ((7.423998334850911 52.07515021710297, 7.425153311644778 52.07515021710297, 7.425153311644778 52.07494316818549, 7.423998334850911 52.07494316818549, 7.423998334850911 52.07515021710297))",47537_3_6,3,6,107.0 +"POLYGON ((7.423998334850911 52.07390790919428, 7.425153311644778 52.07390790919428, 7.425153311644778 52.07370085451524, 7.423998334850911 52.07370085451524, 7.423998334850911 52.07390790919428))",47537_3_12,3,12,100.0 +"POLYGON ((7.423998334850911 52.07307968471656, 7.425153311644778 52.07307968471656, 7.425153311644778 52.07287262619646, 7.423998334850911 52.07287262619646, 7.423998334850911 52.07307968471656))",47537_3_16,3,16,112.33333333333333 +"POLYGON ((7.425153311644778 52.07577135809386, 7.426308288438647 52.07577135809386, 7.426308288438647 52.07556431205714, 7.425153311644778 52.07556431205714, 7.425153311644778 52.07577135809386))",47537_4_3,4,3,101.66666666666667 +"POLYGON ((7.425153311644778 52.07535726506018, 7.426308288438647 52.07535726506018, 7.426308288438647 52.07515021710297, 7.425153311644778 52.07515021710297, 7.425153311644778 52.07535726506018))",47537_4_5,4,5,106.5 +"POLYGON ((7.425153311644778 52.07307968471656, 7.426308288438647 52.07307968471656, 7.426308288438647 52.07287262619646, 7.425153311644778 52.07287262619646, 7.425153311644778 52.07307968471656))",47537_4_16,4,16,105.0 +"POLYGON ((7.426308288438647 52.07577135809386, 7.427463265232515 52.07577135809386, 7.427463265232515 52.07556431205714, 7.426308288438647 52.07556431205714, 7.426308288438647 52.07577135809386))",47537_5_3,5,3,99.0 +"POLYGON ((7.426308288438647 52.07535726506018, 7.427463265232515 52.07535726506018, 7.427463265232515 52.07515021710297, 7.426308288438647 52.07515021710297, 7.426308288438647 52.07535726506018))",47537_5_5,5,5,125.5 +"POLYGON ((7.426308288438647 52.07452906746978, 7.427463265232515 52.07452906746978, 7.427463265232515 52.07432201567154, 7.426308288438647 52.07432201567154, 7.426308288438647 52.07452906746978))",47537_5_9,5,9,105.33333233333333 +"POLYGON ((7.426308288438647 52.0722514448745, 7.427463265232515 52.0722514448745, 7.427463265232515 52.07204438251329, 7.426308288438647 52.07204438251329, 7.426308288438647 52.0722514448745))",47537_5_20,5,20,102.33333366666666 +"POLYGON ((7.426308288438647 52.07163025491004, 7.427463265232515 52.07163025491004, 7.427463265232515 52.07142318966798, 7.426308288438647 52.07142318966798, 7.426308288438647 52.07163025491004))",47537_5_23,5,23,87.25 +"POLYGON ((7.427463265232515 52.07452906746978, 7.428618242026382 52.07452906746978, 7.428618242026382 52.07432201567154, 7.427463265232515 52.07432201567154, 7.427463265232515 52.07452906746978))",47537_6_9,6,9,106.29035966666667 +"POLYGON ((7.427463265232515 52.07390790919428, 7.428618242026382 52.07390790919428, 7.428618242026382 52.07370085451524, 7.427463265232515 52.07370085451524, 7.427463265232515 52.07390790919428))",47537_6_12,6,12,89.66666666666667 +"POLYGON ((7.427463265232515 52.07370085451524, 7.428618242026382 52.07370085451524, 7.428618242026382 52.07349379887595, 7.427463265232515 52.07349379887595, 7.427463265232515 52.07370085451524))",47537_6_13,6,13,94.142857 +"POLYGON ((7.427463265232515 52.07349379887595, 7.428618242026382 52.07349379887595, 7.428618242026382 52.07328674227639, 7.427463265232515 52.07328674227639, 7.427463265232515 52.07349379887595))",47537_6_14,6,14,95.666666 +"POLYGON ((7.425153311644778 50.61515862037395, 7.426308288438647 50.61515862037395, 7.426308288438647 50.61494486821977, 7.425153311644778 50.61494486821977, 7.425153311644778 50.61515862037395))",47797_4_12,4,12,96.66666666666667 +"POLYGON ((7.425153311644778 50.6094582305105, 7.426308288438647 50.6094582305105, 7.426308288438647 50.60924445245339, 7.425153311644778 50.60924445245339, 7.425153311644778 50.6094582305105))",47798_4_12,4,12,93.8 +"POLYGON ((7.429516557310501 53.33677893919181, 7.430671534104371 53.33677893919181, 7.430671534104371 53.33657779120875, 7.429516557310501 53.33657779120875, 7.429516557310501 53.33677893919181))",47980_0_11,0,11,121.0 +"POLYGON ((7.431826510898237 53.33617549239664, 7.432981487692106 53.33617549239664, 7.432981487692106 53.33597434156759, 7.431826510898237 53.33597434156759, 7.431826510898237 53.33617549239664))",47980_2_14,2,14,143.0 +"POLYGON ((7.432981487692106 53.33758352163741, 7.434136464485973 53.33758352163741, 7.434136464485973 53.337382377449, 7.432981487692106 53.337382377449, 7.432981487692106 53.33758352163741))",47980_3_7,3,7,133.0 +"POLYGON ((7.434136464485973 53.33798580716825, 7.435291441279842 53.33798580716825, 7.435291441279842 53.33778466487716, 7.434136464485973 53.33778466487716, 7.434136464485973 53.33798580716825))",47980_4_5,4,5,123.5 +"POLYGON ((7.434136464485973 53.33718123231193, 7.435291441279842 53.33718123231193, 7.435291441279842 53.33698008622619, 7.434136464485973 53.33698008622619, 7.434136464485973 53.33718123231193))",47980_4_9,4,9,81.4231735 +"POLYGON ((7.435291441279842 53.33798580716825, 7.436446418073709 53.33798580716825, 7.436446418073709 53.33778466487716, 7.435291441279842 53.33778466487716, 7.435291441279842 53.33798580716825))",47980_5_5,5,5,113.33333333333333 +"POLYGON ((7.435291441279842 53.33758352163741, 7.436446418073709 53.33758352163741, 7.436446418073709 53.337382377449, 7.435291441279842 53.337382377449, 7.435291441279842 53.33758352163741))",47980_5_7,5,7,122.66666666666667 +"POLYGON ((7.435291441279842 53.33677893919181, 7.436446418073709 53.33677893919181, 7.436446418073709 53.33657779120875, 7.435291441279842 53.33657779120875, 7.435291441279842 53.33677893919181))",47980_5_11,5,11,107.2500005 +"POLYGON ((7.435291441279842 53.33657779120875, 7.436446418073709 53.33657779120875, 7.436446418073709 53.33637664227704, 7.435291441279842 53.33637664227704, 7.435291441279842 53.33657779120875))",47980_5_12,5,12,101.66666766666667 +"POLYGON ((7.435291441279842 53.33597434156759, 7.436446418073709 53.33597434156759, 7.436446418073709 53.33577318978985, 7.435291441279842 53.33577318978985, 7.435291441279842 53.33597434156759))",47980_5_15,5,15,98.33333333333333 +"POLYGON ((7.436446418073709 53.33657779120875, 7.437601394867577 53.33657779120875, 7.437601394867577 53.33637664227704, 7.436446418073709 53.33637664227704, 7.436446418073709 53.33657779120875))",47980_6_12,6,12,80.77669825 +"POLYGON ((7.436446418073709 53.33617549239664, 7.437601394867577 53.33617549239664, 7.437601394867577 53.33597434156759, 7.436446418073709 53.33597434156759, 7.436446418073709 53.33617549239664))",47980_6_14,6,14,102.0 +"POLYGON ((7.436446418073709 53.33597434156759, 7.437601394867577 53.33597434156759, 7.437601394867577 53.33577318978985, 7.436446418073709 53.33577318978985, 7.436446418073709 53.33597434156759))",47980_6_15,6,15,86.0 +"POLYGON ((7.429516557310501 53.3314146683167, 7.430671534104371 53.3314146683167, 7.430671534104371 53.33121349503519, 7.429516557310501 53.33121349503519, 7.429516557310501 53.3314146683167))",47981_0_11,0,11,119.0 +"POLYGON ((7.431826510898237 53.33081114562601, 7.432981487692106 53.33081114562601, 7.432981487692106 53.33060996949835, 7.431826510898237 53.33060996949835, 7.431826510898237 53.33081114562601))",47981_2_14,2,14,138.5 +"POLYGON ((7.432981487692106 53.33221935195557, 7.434136464485973 53.33221935195557, 7.434136464485973 53.33201818246892, 7.432981487692106 53.33201818246892, 7.432981487692106 53.33221935195557))",47981_3_7,3,7,130.5 +"POLYGON ((7.434136464485973 53.33262168808275, 7.435291441279842 53.33262168808275, 7.435291441279842 53.33242052049351, 7.434136464485973 53.33242052049351, 7.434136464485973 53.33262168808275))",47981_4_5,4,5,124.33333333333333 +"POLYGON ((7.434136464485973 53.33181701203356, 7.435291441279842 53.33181701203356, 7.435291441279842 53.33161584064949, 7.434136464485973 53.33161584064949, 7.434136464485973 53.33181701203356))",47981_4_9,4,9,78.75000125 +"POLYGON ((7.435291441279842 53.33262168808275, 7.436446418073709 53.33262168808275, 7.436446418073709 53.33242052049351, 7.435291441279842 53.33242052049351, 7.435291441279842 53.33262168808275))",47981_5_5,5,5,114.0 +"POLYGON ((7.435291441279842 53.33221935195557, 7.436446418073709 53.33221935195557, 7.436446418073709 53.33201818246892, 7.435291441279842 53.33201818246892, 7.435291441279842 53.33221935195557))",47981_5_7,5,7,123.0 +"POLYGON ((7.435291441279842 53.3314146683167, 7.436446418073709 53.3314146683167, 7.436446418073709 53.33121349503519, 7.435291441279842 53.33121349503519, 7.435291441279842 53.3314146683167))",47981_5_11,5,11,106.33333333333333 +"POLYGON ((7.435291441279842 53.33121349503519, 7.436446418073709 53.33121349503519, 7.436446418073709 53.33101232080497, 7.435291441279842 53.33101232080497, 7.435291441279842 53.33121349503519))",47981_5_12,5,12,102.666666 +"POLYGON ((7.435291441279842 53.33060996949835, 7.436446418073709 53.33060996949835, 7.436446418073709 53.33040879242194, 7.435291441279842 53.33040879242194, 7.435291441279842 53.33060996949835))",47981_5_15,5,15,106.5 +"POLYGON ((7.436446418073709 53.33121349503519, 7.437601394867577 53.33121349503519, 7.437601394867577 53.33101232080497, 7.436446418073709 53.33101232080497, 7.436446418073709 53.33121349503519))",47981_6_12,6,12,75.97895425 +"POLYGON ((7.436446418073709 53.33081114562601, 7.437601394867577 53.33081114562601, 7.437601394867577 53.33060996949835, 7.436446418073709 53.33060996949835, 7.436446418073709 53.33081114562601))",47981_6_14,6,14,99.33333333333333 +"POLYGON ((7.436446418073709 53.33060996949835, 7.437601394867577 53.33060996949835, 7.437601394867577 53.33040879242194, 7.436446418073709 53.33040879242194, 7.436446418073709 53.33060996949835))",47981_6_15,6,15,92.33333333333333 +"POLYGON ((7.429516557310501 53.25624402131159, 7.430671534104371 53.25624402131159, 7.430671534104371 53.2560424937032, 7.429516557310501 53.2560424937032, 7.429516557310501 53.25624402131159))",47995_0_11,0,11,102.0 +"POLYGON ((7.429516557310501 53.2542287025015, 7.430671534104371 53.2542287025015, 7.430671534104371 53.25402716539839, 7.429516557310501 53.25402716539839, 7.429516557310501 53.2542287025015))",47995_0_21,0,21,112.99999833333334 +"POLYGON ((7.431826510898237 53.25563943563799, 7.432981487692106 53.25563943563799, 7.432981487692106 53.25543790518119, 7.431826510898237 53.25543790518119, 7.431826510898237 53.25563943563799))",47995_2_14,2,14,101.5 +"POLYGON ((7.432981487692106 53.25705012225067, 7.434136464485973 53.25705012225067, 7.434136464485973 53.25684859844009, 7.432981487692106 53.25684859844009, 7.432981487692106 53.25705012225067))",47995_3_7,3,7,116.5 +"POLYGON ((7.432981487692106 53.25584096514532, 7.434136464485973 53.25584096514532, 7.434136464485973 53.25563943563799, 7.432981487692106 53.25563943563799, 7.432981487692106 53.25584096514532))",47995_3_13,3,13,125.0 +"POLYGON ((7.434136464485973 53.25745316702349, 7.435291441279842 53.25745316702349, 7.435291441279842 53.2572516451118, 7.434136464485973 53.2572516451118, 7.434136464485973 53.25745316702349))",47995_4_5,4,5,118.0 +"POLYGON ((7.434136464485973 53.25664707368005, 7.435291441279842 53.25664707368005, 7.435291441279842 53.25644554797056, 7.434136464485973 53.25644554797056, 7.434136464485973 53.25664707368005))",47995_4_9,4,9,110.25677733333333 +"POLYGON ((7.434136464485973 53.25503484141918, 7.435291441279842 53.25503484141918, 7.435291441279842 53.25483330811397, 7.434136464485973 53.25483330811397, 7.434136464485973 53.25503484141918))",47995_4_17,4,17,90.99999875 +"POLYGON ((7.435291441279842 53.25745316702349, 7.436446418073709 53.25745316702349, 7.436446418073709 53.2572516451118, 7.435291441279842 53.2572516451118, 7.435291441279842 53.25745316702349))",47995_5_5,5,5,102.5 +"POLYGON ((7.435291441279842 53.2572516451118, 7.436446418073709 53.2572516451118, 7.436446418073709 53.25705012225067, 7.435291441279842 53.25705012225067, 7.435291441279842 53.2572516451118))",47995_5_6,5,6,113.33333333333333 +"POLYGON ((7.435291441279842 53.25644554797056, 7.436446418073709 53.25644554797056, 7.436446418073709 53.25624402131159, 7.435291441279842 53.25624402131159, 7.435291441279842 53.25644554797056))",47995_5_10,5,10,102.63746833333335 +"POLYGON ((7.435291441279842 53.2560424937032, 7.436446418073709 53.2560424937032, 7.436446418073709 53.25584096514532, 7.435291441279842 53.25584096514532, 7.435291441279842 53.2560424937032))",47995_5_12,5,12,103.20150016666666 +"POLYGON ((7.435291441279842 53.25543790518119, 7.436446418073709 53.25543790518119, 7.436446418073709 53.25523637377492, 7.435291441279842 53.25523637377492, 7.435291441279842 53.25543790518119))",47995_5_15,5,15,13.166666666666666 +"POLYGON ((7.435291441279842 53.25483330811397, 7.436446418073709 53.25483330811397, 7.436446418073709 53.25463177385929, 7.435291441279842 53.25463177385929, 7.435291441279842 53.25483330811397))",47995_5_18,5,18,103.9999985 +"POLYGON ((7.435291441279842 53.25402716539839, 7.436446418073709 53.25402716539839, 7.436446418073709 53.2538256273458, 7.435291441279842 53.2538256273458, 7.435291441279842 53.25402716539839))",47995_5_22,5,22,98.58982766666666 +"POLYGON ((7.436446418073709 53.25624402131159, 7.437601394867577 53.25624402131159, 7.437601394867577 53.2560424937032, 7.436446418073709 53.2560424937032, 7.436446418073709 53.25624402131159))",47995_6_11,6,11,109.1 +"POLYGON ((7.436446418073709 53.2560424937032, 7.437601394867577 53.2560424937032, 7.437601394867577 53.25584096514532, 7.436446418073709 53.25584096514532, 7.436446418073709 53.2560424937032))",47995_6_12,6,12,105.6346628 +"POLYGON ((7.436446418073709 53.25584096514532, 7.437601394867577 53.25584096514532, 7.437601394867577 53.25563943563799, 7.436446418073709 53.25563943563799, 7.436446418073709 53.25584096514532))",47995_6_13,6,13,99.58722566666665 +"POLYGON ((7.436446418073709 53.25563943563799, 7.437601394867577 53.25563943563799, 7.437601394867577 53.25543790518119, 7.436446418073709 53.25543790518119, 7.436446418073709 53.25563943563799))",47995_6_14,6,14,120.5 +"POLYGON ((7.436446418073709 53.25543790518119, 7.437601394867577 53.25543790518119, 7.437601394867577 53.25523637377492, 7.436446418073709 53.25523637377492, 7.436446418073709 53.25543790518119))",47995_6_15,6,15,24.083333333333332 +"POLYGON ((7.429516557310501 53.25086962682165, 7.430671534104371 53.25086962682165, 7.430671534104371 53.25066807389359, 7.429516557310501 53.25066807389359, 7.429516557310501 53.25086962682165))",47996_0_11,0,11,105.33333333333333 +"POLYGON ((7.429516557310501 53.2488540548127, 7.430671534104371 53.2488540548127, 7.430671534104371 53.2486524923894, 7.429516557310501 53.2486524923894, 7.429516557310501 53.2488540548127))",47996_0_21,0,21,109.66666666666667 +"POLYGON ((7.431826510898237 53.25026496518893, 7.432981487692106 53.25026496518893, 7.432981487692106 53.25006340941233, 7.431826510898237 53.25006340941233, 7.431826510898237 53.25026496518893))",47996_2_14,2,14,114.5 +"POLYGON ((7.432981487692106 53.25167582903877, 7.434136464485973 53.25167582903877, 7.434136464485973 53.25147427990875, 7.432981487692106 53.25147427990875, 7.432981487692106 53.25167582903877))",47996_3_7,3,7,115.5 +"POLYGON ((7.432981487692106 53.25046652001601, 7.434136464485973 53.25046652001601, 7.434136464485973 53.25026496518893, 7.432981487692106 53.25026496518893, 7.432981487692106 53.25046652001601))",47996_3_13,3,13,123.0 +"POLYGON ((7.434136464485973 53.2520789244503, 7.435291441279842 53.2520789244503, 7.435291441279842 53.25187737721929, 7.434136464485973 53.25187737721929, 7.434136464485973 53.2520789244503))",47996_4_5,4,5,118.0 +"POLYGON ((7.434136464485973 53.25127272982923, 7.435291441279842 53.25127272982923, 7.435291441279842 53.25107117880019, 7.434136464485973 53.25107117880019, 7.434136464485973 53.25127272982923))",47996_4_9,4,9,110.66666733333334 +"POLYGON ((7.434136464485973 53.24966029501055, 7.435291441279842 53.24966029501055, 7.435291441279842 53.24945873638537, 7.434136464485973 53.24945873638537, 7.434136464485973 53.24966029501055))",47996_4_17,4,17,88.49999825 +"POLYGON ((7.435291441279842 53.2520789244503, 7.436446418073709 53.2520789244503, 7.436446418073709 53.25187737721929, 7.435291441279842 53.25187737721929, 7.435291441279842 53.2520789244503))",47996_5_5,5,5,101.0 +"POLYGON ((7.435291441279842 53.25187737721929, 7.436446418073709 53.25187737721929, 7.436446418073709 53.25167582903877, 7.435291441279842 53.25167582903877, 7.435291441279842 53.25187737721929))",47996_5_6,5,6,118.0 +"POLYGON ((7.435291441279842 53.25107117880019, 7.436446418073709 53.25107117880019, 7.436446418073709 53.25086962682165, 7.435291441279842 53.25086962682165, 7.435291441279842 53.25107117880019))",47996_5_10,5,10,103.05456133333333 +"POLYGON ((7.435291441279842 53.25066807389359, 7.436446418073709 53.25066807389359, 7.436446418073709 53.25046652001601, 7.435291441279842 53.25046652001601, 7.435291441279842 53.25066807389359))",47996_5_12,5,12,100.480392 +"POLYGON ((7.435291441279842 53.25006340941233, 7.436446418073709 53.25006340941233, 7.436446418073709 53.2498618526862, 7.435291441279842 53.2498618526862, 7.435291441279842 53.25006340941233))",47996_5_15,5,15,28.4 +"POLYGON ((7.435291441279842 53.24945873638537, 7.436446418073709 53.24945873638537, 7.436446418073709 53.24925717681067, 7.435291441279842 53.24925717681067, 7.435291441279842 53.24945873638537))",47996_5_18,5,18,103.33333499999999 +"POLYGON ((7.435291441279842 53.2486524923894, 7.436446418073709 53.2486524923894, 7.436446418073709 53.24845092901658, 7.435291441279842 53.24845092901658, 7.435291441279842 53.2486524923894))",47996_5_22,5,22,98.000001 +"POLYGON ((7.436446418073709 53.25086962682165, 7.437601394867577 53.25086962682165, 7.437601394867577 53.25066807389359, 7.436446418073709 53.25066807389359, 7.436446418073709 53.25086962682165))",47996_6_11,6,11,104.16666616666667 +"POLYGON ((7.436446418073709 53.25066807389359, 7.437601394867577 53.25066807389359, 7.437601394867577 53.25046652001601, 7.436446418073709 53.25046652001601, 7.436446418073709 53.25066807389359))",47996_6_12,6,12,106.34970966666667 +"POLYGON ((7.436446418073709 53.25046652001601, 7.437601394867577 53.25046652001601, 7.437601394867577 53.25026496518893, 7.436446418073709 53.25026496518893, 7.436446418073709 53.25046652001601))",47996_6_13,6,13,98.00000125 +"POLYGON ((7.436446418073709 53.25026496518893, 7.437601394867577 53.25026496518893, 7.437601394867577 53.25006340941233, 7.436446418073709 53.25006340941233, 7.436446418073709 53.25026496518893))",47996_6_14,6,14,124.0 +"POLYGON ((7.436446418073709 53.25006340941233, 7.437601394867577 53.25006340941233, 7.437601394867577 53.2498618526862, 7.436446418073709 53.2498618526862, 7.436446418073709 53.25006340941233))",47996_6_15,6,15,13.347826086956522 +"POLYGON ((7.434136464485973 52.32250567009346, 7.435291441279842 52.32250567009346, 7.435291441279842 52.32229977029335, 7.434136464485973 52.32229977029335, 7.434136464485973 52.32250567009346))",48167_4_8,4,8,137.286026 +"POLYGON ((7.434136464485973 52.32065253739966, 7.435291441279842 52.32065253739966, 7.435291441279842 52.32044662897631, 7.434136464485973 52.32044662897631, 7.434136464485973 52.32065253739966))",48167_4_17,4,17,24.59090909090909 +"POLYGON ((7.435291441279842 52.32147616151159, 7.436446418073709 52.32147616151159, 7.436446418073709 52.32127025692082, 7.435291441279842 52.32127025692082, 7.435291441279842 52.32147616151159))",48167_5_13,5,13,113.9850874 +"POLYGON ((7.435291441279842 52.32085844486485, 7.436446418073709 52.32085844486485, 7.436446418073709 52.32065253739966, 7.435291441279842 52.32065253739966, 7.435291441279842 52.32085844486485))",48167_5_16,5,16,189.0 +"POLYGON ((7.436446418073709 52.3210643513719, 7.437601394867577 52.3210643513719, 7.437601394867577 52.32085844486485, 7.436446418073709 52.32085844486485, 7.436446418073709 52.3210643513719))",48167_6_15,6,15,176.0 +"POLYGON ((7.436446418073709 52.32065253739966, 7.437601394867577 52.32065253739966, 7.437601394867577 52.32044662897631, 7.436446418073709 52.32044662897631, 7.436446418073709 52.32065253739966))",48167_6_17,6,17,163.66666666666666 +"POLYGON ((7.429516557310501 52.07390790919428, 7.430671534104371 52.07390790919428, 7.430671534104371 52.07370085451524, 7.429516557310501 52.07370085451524, 7.429516557310501 52.07390790919428))",48212_0_12,0,12,72.66666666666667 +"POLYGON ((7.429516557310501 52.07183731919181, 7.430671534104371 52.07183731919181, 7.430671534104371 52.07163025491004, 7.429516557310501 52.07163025491004, 7.429516557310501 52.07183731919181))",48212_0_22,0,22,97.23058033333332 +"POLYGON ((7.430671534104371 52.07432201567154, 7.431826510898237 52.07432201567154, 7.431826510898237 52.07411496291304, 7.430671534104371 52.07411496291304, 7.430671534104371 52.07432201567154))",48212_1_10,1,10,94.0 +"POLYGON ((7.431826510898237 52.07390790919428, 7.432981487692106 52.07390790919428, 7.432981487692106 52.07370085451524, 7.431826510898237 52.07370085451524, 7.431826510898237 52.07390790919428))",48212_2_12,2,12,109.5 +"POLYGON ((7.432981487692106 52.07515021710297, 7.434136464485973 52.07515021710297, 7.434136464485973 52.07494316818549, 7.432981487692106 52.07494316818549, 7.432981487692106 52.07515021710297))",48212_3_6,3,6,104.5 +"POLYGON ((7.432981487692106 52.07390790919428, 7.434136464485973 52.07390790919428, 7.434136464485973 52.07370085451524, 7.432981487692106 52.07370085451524, 7.432981487692106 52.07390790919428))",48212_3_12,3,12,99.5 +"POLYGON ((7.432981487692106 52.07307968471656, 7.434136464485973 52.07307968471656, 7.434136464485973 52.07287262619646, 7.432981487692106 52.07287262619646, 7.432981487692106 52.07307968471656))",48212_3_16,3,16,109.0 +"POLYGON ((7.434136464485973 52.07577135809386, 7.435291441279842 52.07577135809386, 7.435291441279842 52.07556431205714, 7.434136464485973 52.07556431205714, 7.434136464485973 52.07577135809386))",48212_4_3,4,3,101.33333333333333 +"POLYGON ((7.434136464485973 52.07535726506018, 7.435291441279842 52.07535726506018, 7.435291441279842 52.07515021710297, 7.434136464485973 52.07515021710297, 7.434136464485973 52.07535726506018))",48212_4_5,4,5,102.66666666666667 +"POLYGON ((7.434136464485973 52.07307968471656, 7.435291441279842 52.07307968471656, 7.435291441279842 52.07287262619646, 7.434136464485973 52.07287262619646, 7.434136464485973 52.07307968471656))",48212_4_16,4,16,82.0 +"POLYGON ((7.435291441279842 52.07577135809386, 7.436446418073709 52.07577135809386, 7.436446418073709 52.07556431205714, 7.435291441279842 52.07556431205714, 7.435291441279842 52.07577135809386))",48212_5_3,5,3,90.66666666666667 +"POLYGON ((7.435291441279842 52.07535726506018, 7.436446418073709 52.07535726506018, 7.436446418073709 52.07515021710297, 7.435291441279842 52.07515021710297, 7.435291441279842 52.07535726506018))",48212_5_5,5,5,122.5 +"POLYGON ((7.435291441279842 52.07452906746978, 7.436446418073709 52.07452906746978, 7.436446418073709 52.07432201567154, 7.435291441279842 52.07432201567154, 7.435291441279842 52.07452906746978))",48212_5_9,5,9,103.5000005 +"POLYGON ((7.435291441279842 52.0722514448745, 7.436446418073709 52.0722514448745, 7.436446418073709 52.07204438251329, 7.435291441279842 52.07204438251329, 7.435291441279842 52.0722514448745))",48212_5_20,5,20,101.333333 +"POLYGON ((7.435291441279842 52.07163025491004, 7.436446418073709 52.07163025491004, 7.436446418073709 52.07142318966798, 7.435291441279842 52.07142318966798, 7.435291441279842 52.07163025491004))",48212_5_23,5,23,87.33333366666666 +"POLYGON ((7.436446418073709 52.07452906746978, 7.437601394867577 52.07452906746978, 7.437601394867577 52.07432201567154, 7.436446418073709 52.07432201567154, 7.436446418073709 52.07452906746978))",48212_6_9,6,9,108.5 +"POLYGON ((7.436446418073709 52.07390790919428, 7.437601394867577 52.07390790919428, 7.437601394867577 52.07370085451524, 7.436446418073709 52.07370085451524, 7.436446418073709 52.07390790919428))",48212_6_12,6,12,84.33333333333333 +"POLYGON ((7.436446418073709 52.07370085451524, 7.437601394867577 52.07370085451524, 7.437601394867577 52.07349379887595, 7.436446418073709 52.07349379887595, 7.436446418073709 52.07370085451524))",48212_6_13,6,13,98.0000002 +"POLYGON ((7.436446418073709 52.07349379887595, 7.437601394867577 52.07349379887595, 7.437601394867577 52.07328674227639, 7.436446418073709 52.07328674227639, 7.436446418073709 52.07349379887595))",48212_6_14,6,14,95.35684116666665 +"POLYGON ((7.429516557310501 52.06838612245758, 7.430671534104371 52.06838612245758, 7.430671534104371 52.06817904217085, 7.429516557310501 52.06817904217085, 7.429516557310501 52.06838612245758))",48213_0_12,0,12,100.5 +"POLYGON ((7.429516557310501 52.06631527637612, 7.430671534104371 52.06631527637612, 7.430671534104371 52.0661081864862, 7.429516557310501 52.0661081864862, 7.429516557310501 52.06631527637612))",48213_0_22,0,22,98.01052560000001 +"POLYGON ((7.430671534104371 52.06880028015009, 7.431826510898237 52.06880028015009, 7.431826510898237 52.06859320178398, 7.430671534104371 52.06859320178398, 7.430671534104371 52.06880028015009))",48213_1_10,1,10,96.0 +"POLYGON ((7.431826510898237 52.06838612245758, 7.432981487692106 52.06838612245758, 7.432981487692106 52.06817904217085, 7.431826510898237 52.06817904217085, 7.431826510898237 52.06838612245758))",48213_2_12,2,12,87.2 +"POLYGON ((7.432981487692106 52.06962858401142, 7.434136464485973 52.06962858401142, 7.434136464485973 52.06942150948654, 7.432981487692106 52.06942150948654, 7.432981487692106 52.06962858401142))",48213_3_6,3,6,86.4 +"POLYGON ((7.432981487692106 52.06838612245758, 7.434136464485973 52.06838612245758, 7.434136464485973 52.06817904217085, 7.432981487692106 52.06817904217085, 7.432981487692106 52.06838612245758))",48213_3_12,3,12,98.2 +"POLYGON ((7.432981487692106 52.06755779554882, 7.434136464485973 52.06755779554882, 7.434136464485973 52.06735071142084, 7.432981487692106 52.06735071142084, 7.432981487692106 52.06755779554882))",48213_3_16,3,16,88.8 +"POLYGON ((7.434136464485973 52.07024980182427, 7.435291441279842 52.07024980182427, 7.435291441279842 52.07004273018029, 7.434136464485973 52.07004273018029, 7.434136464485973 52.07024980182427))",48213_4_3,4,3,94.75 +"POLYGON ((7.434136464485973 52.069835657576, 7.435291441279842 52.069835657576, 7.435291441279842 52.06962858401142, 7.434136464485973 52.06962858401142, 7.434136464485973 52.069835657576))",48213_4_5,4,5,97.75 +"POLYGON ((7.434136464485973 52.06755779554882, 7.435291441279842 52.06755779554882, 7.435291441279842 52.06735071142084, 7.434136464485973 52.06735071142084, 7.434136464485973 52.06755779554882))",48213_4_16,4,16,91.25 +"POLYGON ((7.435291441279842 52.07024980182427, 7.436446418073709 52.07024980182427, 7.436446418073709 52.07004273018029, 7.435291441279842 52.07004273018029, 7.435291441279842 52.07024980182427))",48213_5_3,5,3,80.4 +"POLYGON ((7.435291441279842 52.069835657576, 7.436446418073709 52.069835657576, 7.436446418073709 52.06962858401142, 7.435291441279842 52.06962858401142, 7.435291441279842 52.069835657576))",48213_5_5,5,5,101.6 +"POLYGON ((7.435291441279842 52.06900735755588, 7.436446418073709 52.06900735755588, 7.436446418073709 52.06880028015009, 7.435291441279842 52.06880028015009, 7.435291441279842 52.06900735755588))",48213_5_9,5,9,101.2 +"POLYGON ((7.435291441279842 52.06672945327498, 7.436446418073709 52.06672945327498, 7.436446418073709 52.06652236530571, 7.435291441279842 52.06652236530571, 7.435291441279842 52.06672945327498))",48213_5_20,5,20,95.1102042 +"POLYGON ((7.435291441279842 52.0661081864862, 7.436446418073709 52.0661081864862, 7.436446418073709 52.06590109563594, 7.435291441279842 52.06590109563594, 7.435291441279842 52.0661081864862))",48213_5_23,5,23,85.98777066666666 +"POLYGON ((7.436446418073709 52.06900735755588, 7.437601394867577 52.06900735755588, 7.437601394867577 52.06880028015009, 7.436446418073709 52.06880028015009, 7.436446418073709 52.06900735755588))",48213_6_9,6,9,108.78974339999999 +"POLYGON ((7.436446418073709 52.06838612245758, 7.437601394867577 52.06838612245758, 7.437601394867577 52.06817904217085, 7.436446418073709 52.06817904217085, 7.436446418073709 52.06838612245758))",48213_6_12,6,12,86.6 +"POLYGON ((7.436446418073709 52.06817904217085, 7.437601394867577 52.06817904217085, 7.437601394867577 52.06797196092383, 7.436446418073709 52.06797196092383, 7.436446418073709 52.06817904217085))",48213_6_13,6,13,94.36956310000001 +"POLYGON ((7.436446418073709 52.06797196092383, 7.437601394867577 52.06797196092383, 7.437601394867577 52.06776487871648, 7.436446418073709 52.06776487871648, 7.436446418073709 52.06797196092383))",48213_6_14,6,14,93.2762716 +"POLYGON ((7.429516557310501 52.06286365283322, 7.430671534104371 52.06286365283322, 7.430671534104371 52.06265654693756, 7.429516557310501 52.06265654693756, 7.429516557310501 52.06286365283322))",48214_0_12,0,12,96.66666666666667 +"POLYGON ((7.429516557310501 52.06079255066033, 7.430671534104371 52.06079255066033, 7.430671534104371 52.06058543516101, 7.429516557310501 52.06058543516101, 7.429516557310501 52.06079255066033))",48214_0_22,0,22,94.8628065 +"POLYGON ((7.430671534104371 52.06327786174344, 7.431826510898237 52.06327786174344, 7.431826510898237 52.06307075776851, 7.430671534104371 52.06307075776851, 7.430671534104371 52.06327786174344))",48214_1_10,1,10,96.33333333333333 +"POLYGON ((7.431826510898237 52.06286365283322, 7.432981487692106 52.06286365283322, 7.432981487692106 52.06265654693756, 7.431826510898237 52.06265654693756, 7.431826510898237 52.06286365283322))",48214_2_12,2,12,77.0 +"POLYGON ((7.432981487692106 52.06410626803967, 7.434136464485973 52.06410626803967, 7.434136464485973 52.06389916790614, 7.432981487692106 52.06389916790614, 7.432981487692106 52.06410626803967))",48214_3_6,3,6,83.0 +"POLYGON ((7.432981487692106 52.06286365283322, 7.434136464485973 52.06286365283322, 7.434136464485973 52.06265654693756, 7.432981487692106 52.06265654693756, 7.432981487692106 52.06286365283322))",48214_3_12,3,12,100.33333333333333 +"POLYGON ((7.432981487692106 52.06203522348845, 7.434136464485973 52.06203522348845, 7.434136464485973 52.06182811375135, 7.432981487692106 52.06182811375135, 7.432981487692106 52.06203522348845))",48214_3_16,3,16,90.33333333333333 +"POLYGON ((7.434136464485973 52.06472756267819, 7.435291441279842 52.06472756267819, 7.435291441279842 52.0645204654257, 7.434136464485973 52.0645204654257, 7.434136464485973 52.06472756267819))",48214_4_3,4,3,109.33333333333333 +"POLYGON ((7.434136464485973 52.06431336721286, 7.435291441279842 52.06431336721286, 7.435291441279842 52.06410626803967, 7.434136464485973 52.06410626803967, 7.434136464485973 52.06431336721286))",48214_4_5,4,5,97.0 +"POLYGON ((7.434136464485973 52.06203522348845, 7.435291441279842 52.06203522348845, 7.435291441279842 52.06182811375135, 7.434136464485973 52.06182811375135, 7.434136464485973 52.06203522348845))",48214_4_16,4,16,93.66666666666667 +"POLYGON ((7.435291441279842 52.06472756267819, 7.436446418073709 52.06472756267819, 7.436446418073709 52.0645204654257, 7.435291441279842 52.0645204654257, 7.435291441279842 52.06472756267819))",48214_5_3,5,3,98.66666666666667 +"POLYGON ((7.435291441279842 52.06431336721286, 7.436446418073709 52.06431336721286, 7.436446418073709 52.06410626803967, 7.435291441279842 52.06410626803967, 7.435291441279842 52.06431336721286))",48214_5_5,5,5,105.5 +"POLYGON ((7.435291441279842 52.06348496475803, 7.436446418073709 52.06348496475803, 7.436446418073709 52.06327786174344, 7.435291441279842 52.06327786174344, 7.435291441279842 52.06348496475803))",48214_5_9,5,9,101.18701625 +"POLYGON ((7.435291441279842 52.06120677877785, 7.436446418073709 52.06120677877785, 7.436446418073709 52.06099966519928, 7.435291441279842 52.06099966519928, 7.435291441279842 52.06120677877785))",48214_5_20,5,20,94.4999995 +"POLYGON ((7.435291441279842 52.06058543516101, 7.436446418073709 52.06058543516101, 7.436446418073709 52.06037831870132, 7.435291441279842 52.06037831870132, 7.435291441279842 52.06058543516101))",48214_5_23,5,23,81.636951 +"POLYGON ((7.436446418073709 52.06348496475803, 7.437601394867577 52.06348496475803, 7.437601394867577 52.06327786174344, 7.436446418073709 52.06327786174344, 7.436446418073709 52.06348496475803))",48214_6_9,6,9,108.66666566666667 +"POLYGON ((7.436446418073709 52.06286365283322, 7.437601394867577 52.06286365283322, 7.437601394867577 52.06265654693756, 7.436446418073709 52.06265654693756, 7.436446418073709 52.06286365283322))",48214_6_12,6,12,89.0 +"POLYGON ((7.436446418073709 52.06265654693756, 7.437601394867577 52.06265654693756, 7.437601394867577 52.06244944008155, 7.436446418073709 52.06244944008155, 7.436446418073709 52.06265654693756))",48214_6_13,6,13,94.154721 +"POLYGON ((7.436446418073709 52.06244944008155, 7.437601394867577 52.06244944008155, 7.437601394867577 52.06224233226518, 7.436446418073709 52.06224233226518, 7.436446418073709 52.06244944008155))",48214_6_14,6,14,95.446537375 +"POLYGON ((7.434136464485973 50.60375714988942, 7.435291441279842 50.60375714988942, 7.435291441279842 50.60354334592837, 7.434136464485973 50.60354334592837, 7.434136464485973 50.60375714988942))",48474_4_12,4,12,93.0 +"POLYGON ((7.434136464485973 50.59805537848347, 7.435291441279842 50.59805537848347, 7.435291441279842 50.59784154861746, 7.434136464485973 50.59784154861746, 7.434136464485973 50.59805537848347))",48475_4_12,4,12,99.0 +"POLYGON ((7.438499710151697 53.3314146683167, 7.439654686945564 53.3314146683167, 7.439654686945564 53.33121349503519, 7.438499710151697 53.33121349503519, 7.438499710151697 53.3314146683167))",48656_0_11,0,11,119.0 +"POLYGON ((7.440809663739433 53.33081114562601, 7.441964640533301 53.33081114562601, 7.441964640533301 53.33060996949835, 7.440809663739433 53.33060996949835, 7.440809663739433 53.33081114562601))",48656_2_14,2,14,131.0 +"POLYGON ((7.441964640533301 53.33221935195557, 7.443119617327168 53.33221935195557, 7.443119617327168 53.33201818246892, 7.441964640533301 53.33201818246892, 7.441964640533301 53.33221935195557))",48656_3_7,3,7,131.0 +"POLYGON ((7.443119617327168 53.33262168808275, 7.444274594121037 53.33262168808275, 7.444274594121037 53.33242052049351, 7.443119617327168 53.33242052049351, 7.443119617327168 53.33262168808275))",48656_4_5,4,5,114.5 +"POLYGON ((7.443119617327168 53.33181701203356, 7.444274594121037 53.33181701203356, 7.444274594121037 53.33161584064949, 7.443119617327168 53.33161584064949, 7.443119617327168 53.33181701203356))",48656_4_9,4,9,78.64141433333333 +"POLYGON ((7.444274594121037 53.33262168808275, 7.445429570914905 53.33262168808275, 7.445429570914905 53.33242052049351, 7.444274594121037 53.33242052049351, 7.444274594121037 53.33262168808275))",48656_5_5,5,5,116.0 +"POLYGON ((7.444274594121037 53.33221935195557, 7.445429570914905 53.33221935195557, 7.445429570914905 53.33201818246892, 7.444274594121037 53.33201818246892, 7.444274594121037 53.33221935195557))",48656_5_7,5,7,122.5 +"POLYGON ((7.444274594121037 53.3314146683167, 7.445429570914905 53.3314146683167, 7.445429570914905 53.33121349503519, 7.444274594121037 53.33121349503519, 7.444274594121037 53.3314146683167))",48656_5_11,5,11,107.36241749999999 +"POLYGON ((7.444274594121037 53.33121349503519, 7.445429570914905 53.33121349503519, 7.445429570914905 53.33101232080497, 7.444274594121037 53.33101232080497, 7.444274594121037 53.33121349503519))",48656_5_12,5,12,105.86524800000001 +"POLYGON ((7.444274594121037 53.33060996949835, 7.445429570914905 53.33060996949835, 7.445429570914905 53.33040879242194, 7.444274594121037 53.33040879242194, 7.444274594121037 53.33060996949835))",48656_5_15,5,15,106.5 +"POLYGON ((7.445429570914905 53.33121349503519, 7.446584547708772 53.33121349503519, 7.446584547708772 53.33101232080497, 7.445429570914905 53.33101232080497, 7.445429570914905 53.33121349503519))",48656_6_12,6,12,76.00161200000001 +"POLYGON ((7.445429570914905 53.33081114562601, 7.446584547708772 53.33081114562601, 7.446584547708772 53.33060996949835, 7.445429570914905 53.33060996949835, 7.445429570914905 53.33081114562601))",48656_6_14,6,14,102.0 +"POLYGON ((7.445429570914905 53.33060996949835, 7.446584547708772 53.33060996949835, 7.446584547708772 53.33040879242194, 7.445429570914905 53.33040879242194, 7.445429570914905 53.33060996949835))",48656_6_15,6,15,100.0 +"POLYGON ((7.438499710151697 53.32604972279797, 7.439654686945564 53.32604972279797, 7.439654686945564 53.3258485242166, 7.438499710151697 53.3258485242166, 7.438499710151697 53.32604972279797))",48657_0_11,0,11,117.66666666666667 +"POLYGON ((7.440809663739433 53.32544612420752, 7.441964640533301 53.32544612420752, 7.441964640533301 53.32524492277982, 7.440809663739433 53.32524492277982, 7.440809663739433 53.32544612420752))",48657_2_14,2,14,142.66666666666666 +"POLYGON ((7.441964640533301 53.3268545076358, 7.443119617327168 53.3268545076358, 7.443119617327168 53.32665331284949, 7.441964640533301 53.32665331284949, 7.441964640533301 53.3268545076358))",48657_3_7,3,7,133.0 +"POLYGON ((7.443119617327168 53.32725689436213, 7.444274594121037 53.32725689436213, 7.444274594121037 53.32705570147334, 7.443119617327168 53.32705570147334, 7.443119617327168 53.32725689436213))",48657_4_5,4,5,116.66666666666667 +"POLYGON ((7.443119617327168 53.32645211711441, 7.444274594121037 53.32645211711441, 7.444274594121037 53.32625092043058, 7.443119617327168 53.32625092043058, 7.443119617327168 53.32645211711441))",48657_4_9,4,9,103.2349105 +"POLYGON ((7.444274594121037 53.32725689436213, 7.445429570914905 53.32725689436213, 7.445429570914905 53.32705570147334, 7.444274594121037 53.32705570147334, 7.444274594121037 53.32725689436213))",48657_5_5,5,5,127.0 +"POLYGON ((7.444274594121037 53.3268545076358, 7.445429570914905 53.3268545076358, 7.445429570914905 53.32665331284949, 7.444274594121037 53.32665331284949, 7.444274594121037 53.3268545076358))",48657_5_7,5,7,122.5 +"POLYGON ((7.444274594121037 53.32625092043058, 7.445429570914905 53.32625092043058, 7.445429570914905 53.32604972279797, 7.444274594121037 53.32604972279797, 7.444274594121037 53.32625092043058))",48657_5_10,5,10,104.6496135 +"POLYGON ((7.444274594121037 53.3258485242166, 7.445429570914905 53.3258485242166, 7.445429570914905 53.32564732468644, 7.444274594121037 53.32564732468644, 7.444274594121037 53.3258485242166))",48657_5_12,5,12,106.7499995 +"POLYGON ((7.444274594121037 53.32524492277982, 7.445429570914905 53.32524492277982, 7.445429570914905 53.32504372040334, 7.444274594121037 53.32504372040334, 7.444274594121037 53.32524492277982))",48657_5_15,5,15,102.25 +"POLYGON ((7.445429570914905 53.3258485242166, 7.446584547708772 53.3258485242166, 7.446584547708772 53.32564732468644, 7.445429570914905 53.32564732468644, 7.445429570914905 53.3258485242166))",48657_6_12,6,12,101.999999 +"POLYGON ((7.445429570914905 53.32544612420752, 7.446584547708772 53.32544612420752, 7.446584547708772 53.32524492277982, 7.445429570914905 53.32524492277982, 7.445429570914905 53.32544612420752))",48657_6_14,6,14,117.66666666666667 +"POLYGON ((7.445429570914905 53.32524492277982, 7.446584547708772 53.32524492277982, 7.446584547708772 53.32504372040334, 7.445429570914905 53.32504372040334, 7.445429570914905 53.32524492277982))",48657_6_15,6,15,106.66666666666667 +"POLYGON ((7.438499710151697 53.26161774063043, 7.439654686945564 53.26161774063043, 7.439654686945564 53.26141623834027, 7.438499710151697 53.26141623834027, 7.438499710151697 53.26161774063043))",48669_0_11,0,11,89.5 +"POLYGON ((7.438499710151697 53.25960267500511, 7.439654686945564 53.25960267500511, 7.439654686945564 53.25940116322076, 7.438499710151697 53.25940116322076, 7.438499710151697 53.25960267500511))",48669_0_21,0,21,113.5 +"POLYGON ((7.440809663739433 53.26101323091169, 7.441964640533301 53.26101323091169, 7.441964640533301 53.26081172577329, 7.440809663739433 53.26081172577329, 7.440809663739433 53.26101323091169))",48669_2_14,2,14,108.0 +"POLYGON ((7.441964640533301 53.26242374029707, 7.443119617327168 53.26242374029707, 7.443119617327168 53.26222224180451, 7.441964640533301 53.26222224180451, 7.441964640533301 53.26242374029707))",48669_3_7,3,7,116.0 +"POLYGON ((7.441964640533301 53.26121473510068, 7.443119617327168 53.26121473510068, 7.443119617327168 53.26101323091169, 7.441964640533301 53.26101323091169, 7.441964640533301 53.26121473510068))",48669_3_13,3,13,124.0 +"POLYGON ((7.443119617327168 53.26282673443399, 7.444274594121037 53.26282673443399, 7.444274594121037 53.26262523784023, 7.443119617327168 53.26262523784023, 7.443119617327168 53.26282673443399))",48669_4_5,4,5,118.0 +"POLYGON ((7.443119617327168 53.26202074236255, 7.444274594121037 53.26202074236255, 7.444274594121037 53.2618192419712, 7.443119617327168 53.2618192419712, 7.443119617327168 53.26202074236255))",48669_4_9,4,9,106.9710155 +"POLYGON ((7.443119617327168 53.26040871264824, 7.444274594121037 53.26040871264824, 7.444274594121037 53.2602072046616, 7.443119617327168 53.2602072046616, 7.443119617327168 53.26040871264824))",48669_4_17,4,17,93.999998 +"POLYGON ((7.444274594121037 53.26282673443399, 7.445429570914905 53.26282673443399, 7.445429570914905 53.26262523784023, 7.444274594121037 53.26262523784023, 7.444274594121037 53.26282673443399))",48669_5_5,5,5,104.0 +"POLYGON ((7.444274594121037 53.26262523784023, 7.445429570914905 53.26262523784023, 7.445429570914905 53.26242374029707, 7.444274594121037 53.26242374029707, 7.444274594121037 53.26262523784023))",48669_5_6,5,6,110.0 +"POLYGON ((7.444274594121037 53.2618192419712, 7.445429570914905 53.2618192419712, 7.445429570914905 53.26161774063043, 7.444274594121037 53.26161774063043, 7.444274594121037 53.2618192419712))",48669_5_10,5,10,106.897472 +"POLYGON ((7.444274594121037 53.26141623834027, 7.445429570914905 53.26141623834027, 7.445429570914905 53.26121473510068, 7.444274594121037 53.26121473510068, 7.444274594121037 53.26141623834027))",48669_5_12,5,12,102.75000125 +"POLYGON ((7.444274594121037 53.26081172577329, 7.445429570914905 53.26081172577329, 7.445429570914905 53.26061021968547, 7.444274594121037 53.26061021968547, 7.444274594121037 53.26081172577329))",48669_5_15,5,15,70.0 +"POLYGON ((7.444274594121037 53.2602072046616, 7.445429570914905 53.2602072046616, 7.445429570914905 53.26000569572551, 7.444274594121037 53.26000569572551, 7.444274594121037 53.2602072046616))",48669_5_18,5,18,107.4999975 +"POLYGON ((7.444274594121037 53.25940116322076, 7.445429570914905 53.25940116322076, 7.445429570914905 53.25919965048699, 7.444274594121037 53.25919965048699, 7.444274594121037 53.25940116322076))",48669_5_22,5,22,101.0000025 +"POLYGON ((7.445429570914905 53.26161774063043, 7.446584547708772 53.26161774063043, 7.446584547708772 53.26141623834027, 7.445429570914905 53.26141623834027, 7.445429570914905 53.26161774063043))",48669_6_11,6,11,102.833334 +"POLYGON ((7.445429570914905 53.26141623834027, 7.446584547708772 53.26141623834027, 7.446584547708772 53.26121473510068, 7.445429570914905 53.26121473510068, 7.445429570914905 53.26141623834027))",48669_6_12,6,12,103.5764718 +"POLYGON ((7.445429570914905 53.26101323091169, 7.446584547708772 53.26101323091169, 7.446584547708772 53.26081172577329, 7.445429570914905 53.26081172577329, 7.445429570914905 53.26101323091169))",48669_6_14,6,14,120.0 +"POLYGON ((7.445429570914905 53.26081172577329, 7.446584547708772 53.26081172577329, 7.446584547708772 53.26061021968547, 7.445429570914905 53.26061021968547, 7.445429570914905 53.26081172577329))",48669_6_15,6,15,111.0 +"POLYGON ((7.438499710151697 53.25624402131159, 7.439654686945564 53.25624402131159, 7.439654686945564 53.2560424937032, 7.438499710151697 53.2560424937032, 7.438499710151697 53.25624402131159))",48670_0_11,0,11,93.66666666666667 +"POLYGON ((7.438499710151697 53.2542287025015, 7.439654686945564 53.2542287025015, 7.439654686945564 53.25402716539839, 7.438499710151697 53.25402716539839, 7.438499710151697 53.2542287025015))",48670_0_21,0,21,111.77499933333333 +"POLYGON ((7.440809663739433 53.25563943563799, 7.441964640533301 53.25563943563799, 7.441964640533301 53.25543790518119, 7.440809663739433 53.25543790518119, 7.440809663739433 53.25563943563799))",48670_2_14,2,14,95.5 +"POLYGON ((7.441964640533301 53.25705012225067, 7.443119617327168 53.25705012225067, 7.443119617327168 53.25684859844009, 7.441964640533301 53.25684859844009, 7.441964640533301 53.25705012225067))",48670_3_7,3,7,116.0 +"POLYGON ((7.441964640533301 53.25584096514532, 7.443119617327168 53.25584096514532, 7.443119617327168 53.25563943563799, 7.441964640533301 53.25563943563799, 7.441964640533301 53.25584096514532))",48670_3_13,3,13,121.0 +"POLYGON ((7.443119617327168 53.25745316702349, 7.444274594121037 53.25745316702349, 7.444274594121037 53.2572516451118, 7.443119617327168 53.2572516451118, 7.443119617327168 53.25745316702349))",48670_4_5,4,5,118.0 +"POLYGON ((7.443119617327168 53.25664707368005, 7.444274594121037 53.25664707368005, 7.444274594121037 53.25644554797056, 7.443119617327168 53.25644554797056, 7.443119617327168 53.25664707368005))",48670_4_9,4,9,113.058568 +"POLYGON ((7.443119617327168 53.25503484141918, 7.444274594121037 53.25503484141918, 7.444274594121037 53.25483330811397, 7.443119617327168 53.25483330811397, 7.443119617327168 53.25503484141918))",48670_4_17,4,17,99.99206366666665 +"POLYGON ((7.444274594121037 53.25745316702349, 7.445429570914905 53.25745316702349, 7.445429570914905 53.2572516451118, 7.444274594121037 53.2572516451118, 7.444274594121037 53.25745316702349))",48670_5_5,5,5,102.5 +"POLYGON ((7.444274594121037 53.2572516451118, 7.445429570914905 53.2572516451118, 7.445429570914905 53.25705012225067, 7.444274594121037 53.25705012225067, 7.444274594121037 53.2572516451118))",48670_5_6,5,6,113.33333333333333 +"POLYGON ((7.444274594121037 53.25644554797056, 7.445429570914905 53.25644554797056, 7.445429570914905 53.25624402131159, 7.444274594121037 53.25624402131159, 7.444274594121037 53.25644554797056))",48670_5_10,5,10,105.14337575 +"POLYGON ((7.444274594121037 53.2560424937032, 7.445429570914905 53.2560424937032, 7.445429570914905 53.25584096514532, 7.444274594121037 53.25584096514532, 7.444274594121037 53.2560424937032))",48670_5_12,5,12,103.171706 +"POLYGON ((7.444274594121037 53.25543790518119, 7.445429570914905 53.25543790518119, 7.445429570914905 53.25523637377492, 7.444274594121037 53.25523637377492, 7.444274594121037 53.25543790518119))",48670_5_15,5,15,38.857142857142854 +"POLYGON ((7.444274594121037 53.25483330811397, 7.445429570914905 53.25483330811397, 7.445429570914905 53.25463177385929, 7.444274594121037 53.25463177385929, 7.444274594121037 53.25483330811397))",48670_5_18,5,18,106.333332 +"POLYGON ((7.444274594121037 53.25402716539839, 7.445429570914905 53.25402716539839, 7.445429570914905 53.2538256273458, 7.444274594121037 53.2538256273458, 7.444274594121037 53.25402716539839))",48670_5_22,5,22,99.93521975 +"POLYGON ((7.445429570914905 53.25624402131159, 7.446584547708772 53.25624402131159, 7.446584547708772 53.2560424937032, 7.445429570914905 53.2560424937032, 7.445429570914905 53.25624402131159))",48670_6_11,6,11,105.49999957142857 +"POLYGON ((7.445429570914905 53.2560424937032, 7.446584547708772 53.2560424937032, 7.446584547708772 53.25584096514532, 7.445429570914905 53.25584096514532, 7.445429570914905 53.2560424937032))",48670_6_12,6,12,107.912452625 +"POLYGON ((7.445429570914905 53.25584096514532, 7.446584547708772 53.25584096514532, 7.446584547708772 53.25563943563799, 7.445429570914905 53.25563943563799, 7.445429570914905 53.25584096514532))",48670_6_13,6,13,99.99298333333333 +"POLYGON ((7.445429570914905 53.25563943563799, 7.446584547708772 53.25563943563799, 7.446584547708772 53.25543790518119, 7.445429570914905 53.25543790518119, 7.445429570914905 53.25563943563799))",48670_6_14,6,14,120.0 +"POLYGON ((7.445429570914905 53.25543790518119, 7.446584547708772 53.25543790518119, 7.446584547708772 53.25523637377492, 7.445429570914905 53.25523637377492, 7.445429570914905 53.25543790518119))",48670_6_15,6,15,72.0 +"POLYGON ((7.443119617327168 52.32250567009346, 7.444274594121037 52.32250567009346, 7.444274594121037 52.32229977029335, 7.443119617327168 52.32229977029335, 7.443119617327168 52.32250567009346))",48842_4_8,4,8,126.483867 +"POLYGON ((7.444274594121037 52.32147616151159, 7.445429570914905 52.32147616151159, 7.445429570914905 52.32127025692082, 7.444274594121037 52.32127025692082, 7.444274594121037 52.32147616151159))",48842_5_13,5,13,103.993464 +"POLYGON ((7.444274594121037 52.32085844486485, 7.445429570914905 52.32085844486485, 7.445429570914905 52.32065253739966, 7.444274594121037 52.32065253739966, 7.444274594121037 52.32085844486485))",48842_5_16,5,16,192.0 +"POLYGON ((7.445429570914905 52.3210643513719, 7.446584547708772 52.3210643513719, 7.446584547708772 52.32085844486485, 7.445429570914905 52.32085844486485, 7.445429570914905 52.3210643513719))",48842_6_15,6,15,162.0 +"POLYGON ((7.443119617327168 52.31701468085896, 7.444274594121037 52.31701468085896, 7.444274594121037 52.31680875550811, 7.443119617327168 52.31680875550811, 7.443119617327168 52.31701468085896))",48843_4_8,4,8,124.94897800000001 +"POLYGON ((7.444274594121037 52.31598504452296, 7.445429570914905 52.31598504452296, 7.445429570914905 52.31577911438121, 7.444274594121037 52.31577911438121, 7.444274594121037 52.31598504452296))",48843_5_13,5,13,88.13902575 +"POLYGON ((7.444274594121037 52.31536725122317, 7.445429570914905 52.31536725122317, 7.445429570914905 52.31516131820685, 7.444274594121037 52.31516131820685, 7.444274594121037 52.31536725122317))",48843_5_16,5,16,193.0 +"POLYGON ((7.445429570914905 52.31557318328128, 7.446584547708772 52.31557318328128, 7.446584547708772 52.31536725122317, 7.445429570914905 52.31536725122317, 7.445429570914905 52.31557318328128))",48843_6_15,6,15,167.0 +"POLYGON ((7.445429570914905 52.31516131820685, 7.446584547708772 52.31516131820685, 7.446584547708772 52.31495538423234, 7.445429570914905 52.31495538423234, 7.445429570914905 52.31516131820685))",48843_6_17,6,17,155.0 +"POLYGON ((7.438499710151697 52.06286365283322, 7.439654686945564 52.06286365283322, 7.439654686945564 52.06265654693756, 7.438499710151697 52.06265654693756, 7.438499710151697 52.06286365283322))",48889_0_12,0,12,80.0 +"POLYGON ((7.438499710151697 52.06079255066033, 7.439654686945564 52.06079255066033, 7.439654686945564 52.06058543516101, 7.438499710151697 52.06058543516101, 7.438499710151697 52.06079255066033))",48889_0_22,0,22,98.0 +"POLYGON ((7.439654686945564 52.06327786174344, 7.440809663739433 52.06327786174344, 7.440809663739433 52.06307075776851, 7.439654686945564 52.06307075776851, 7.439654686945564 52.06327786174344))",48889_1_10,1,10,93.0 +"POLYGON ((7.440809663739433 52.06286365283322, 7.441964640533301 52.06286365283322, 7.441964640533301 52.06265654693756, 7.440809663739433 52.06265654693756, 7.440809663739433 52.06286365283322))",48889_2_12,2,12,79.5 +"POLYGON ((7.441964640533301 52.06410626803967, 7.443119617327168 52.06410626803967, 7.443119617327168 52.06389916790614, 7.441964640533301 52.06389916790614, 7.441964640533301 52.06410626803967))",48889_3_6,3,6,89.5 +"POLYGON ((7.441964640533301 52.06286365283322, 7.443119617327168 52.06286365283322, 7.443119617327168 52.06265654693756, 7.441964640533301 52.06265654693756, 7.441964640533301 52.06286365283322))",48889_3_12,3,12,99.0 +"POLYGON ((7.441964640533301 52.06203522348845, 7.443119617327168 52.06203522348845, 7.443119617327168 52.06182811375135, 7.441964640533301 52.06182811375135, 7.441964640533301 52.06203522348845))",48889_3_16,3,16,91.5 +"POLYGON ((7.443119617327168 52.06472756267819, 7.444274594121037 52.06472756267819, 7.444274594121037 52.0645204654257, 7.443119617327168 52.0645204654257, 7.443119617327168 52.06472756267819))",48889_4_3,4,3,109.0 +"POLYGON ((7.443119617327168 52.06431336721286, 7.444274594121037 52.06431336721286, 7.444274594121037 52.06410626803967, 7.443119617327168 52.06410626803967, 7.443119617327168 52.06431336721286))",48889_4_5,4,5,96.0 +"POLYGON ((7.443119617327168 52.06203522348845, 7.444274594121037 52.06203522348845, 7.444274594121037 52.06182811375135, 7.443119617327168 52.06182811375135, 7.443119617327168 52.06203522348845))",48889_4_16,4,16,91.0 +"POLYGON ((7.444274594121037 52.06472756267819, 7.445429570914905 52.06472756267819, 7.445429570914905 52.0645204654257, 7.444274594121037 52.0645204654257, 7.444274594121037 52.06472756267819))",48889_5_3,5,3,102.0 +"POLYGON ((7.444274594121037 52.06431336721286, 7.445429570914905 52.06431336721286, 7.445429570914905 52.06410626803967, 7.444274594121037 52.06410626803967, 7.444274594121037 52.06431336721286))",48889_5_5,5,5,99.0 +"POLYGON ((7.444274594121037 52.06348496475803, 7.445429570914905 52.06348496475803, 7.445429570914905 52.06327786174344, 7.444274594121037 52.06327786174344, 7.444274594121037 52.06348496475803))",48889_5_9,5,9,100.850517 +"POLYGON ((7.444274594121037 52.06120677877785, 7.445429570914905 52.06120677877785, 7.445429570914905 52.06099966519928, 7.444274594121037 52.06099966519928, 7.444274594121037 52.06120677877785))",48889_5_20,5,20,100.000003 +"POLYGON ((7.444274594121037 52.06058543516101, 7.445429570914905 52.06058543516101, 7.445429570914905 52.06037831870132, 7.444274594121037 52.06037831870132, 7.444274594121037 52.06058543516101))",48889_5_23,5,23,83.5631765 +"POLYGON ((7.445429570914905 52.06348496475803, 7.446584547708772 52.06348496475803, 7.446584547708772 52.06327786174344, 7.445429570914905 52.06327786174344, 7.445429570914905 52.06348496475803))",48889_6_9,6,9,108.000001 +"POLYGON ((7.445429570914905 52.06286365283322, 7.446584547708772 52.06286365283322, 7.446584547708772 52.06265654693756, 7.445429570914905 52.06265654693756, 7.445429570914905 52.06286365283322))",48889_6_12,6,12,87.0 +"POLYGON ((7.445429570914905 52.06265654693756, 7.446584547708772 52.06265654693756, 7.446584547708772 52.06244944008155, 7.445429570914905 52.06244944008155, 7.445429570914905 52.06265654693756))",48889_6_13,6,13,97.866303 +"POLYGON ((7.445429570914905 52.06244944008155, 7.446584547708772 52.06244944008155, 7.446584547708772 52.06224233226518, 7.445429570914905 52.06224233226518, 7.445429570914905 52.06244944008155))",48889_6_14,6,14,99.499997 +"POLYGON ((7.438499710151697 52.05734050028803, 7.439654686945564 52.05734050028803, 7.439654686945564 52.05713336878221, 7.438499710151697 52.05713336878221, 7.438499710151697 52.05734050028803))",48890_0_12,0,12,65.16666666666667 +"POLYGON ((7.438499710151697 52.05526914201131, 7.439654686945564 52.05526914201131, 7.439654686945564 52.05506200090135, 7.438499710151697 52.05506200090135, 7.438499710151697 52.05526914201131))",48890_0_22,0,22,96.26283040000001 +"POLYGON ((7.439654686945564 52.05775476041848, 7.440809663739433 52.05775476041848, 7.440809663739433 52.05754763083345, 7.439654686945564 52.05754763083345, 7.439654686945564 52.05775476041848))",48890_1_10,1,10,74.5 +"POLYGON ((7.440809663739433 52.05734050028803, 7.441964640533301 52.05734050028803, 7.441964640533301 52.05713336878221, 7.440809663739433 52.05713336878221, 7.440809663739433 52.05734050028803))",48890_2_12,2,12,74.4 +"POLYGON ((7.441964640533301 52.05858326915457, 7.443119617327168 52.05858326915457, 7.443119617327168 52.05837614341115, 7.441964640533301 52.05837614341115, 7.441964640533301 52.05858326915457))",48890_3_6,3,6,106.33333333333333 +"POLYGON ((7.441964640533301 52.05734050028803, 7.443119617327168 52.05734050028803, 7.443119617327168 52.05713336878221, 7.441964640533301 52.05713336878221, 7.441964640533301 52.05734050028803))",48890_3_12,3,12,96.2 +"POLYGON ((7.441964640533301 52.05651196850229, 7.443119617327168 52.05651196850229, 7.443119617327168 52.05630483315483, 7.441964640533301 52.05630483315483, 7.441964640533301 52.05651196850229))",48890_3_16,3,16,90.0 +"POLYGON ((7.443119617327168 52.0592046406225, 7.444274594121037 52.0592046406225, 7.444274594121037 52.05899751776025, 7.443119617327168 52.05899751776025, 7.443119617327168 52.0592046406225))",48890_4_3,4,3,112.25 +"POLYGON ((7.443119617327168 52.0587903939376, 7.444274594121037 52.0587903939376, 7.444274594121037 52.05858326915457, 7.443119617327168 52.05858326915457, 7.443119617327168 52.0587903939376))",48890_4_5,4,5,96.4 +"POLYGON ((7.443119617327168 52.05651196850229, 7.444274594121037 52.05651196850229, 7.444274594121037 52.05630483315483, 7.443119617327168 52.05630483315483, 7.443119617327168 52.05651196850229))",48890_4_16,4,16,92.0 +"POLYGON ((7.444274594121037 52.0592046406225, 7.445429570914905 52.0592046406225, 7.445429570914905 52.05899751776025, 7.444274594121037 52.05899751776025, 7.444274594121037 52.0592046406225))",48890_5_3,5,3,106.25 +"POLYGON ((7.444274594121037 52.0587903939376, 7.445429570914905 52.0587903939376, 7.445429570914905 52.05858326915457, 7.444274594121037 52.05858326915457, 7.444274594121037 52.0587903939376))",48890_5_5,5,5,110.66666666666667 +"POLYGON ((7.444274594121037 52.05796188904309, 7.445429570914905 52.05796188904309, 7.445429570914905 52.05775476041848, 7.444274594121037 52.05775476041848, 7.444274594121037 52.05796188904309))",48890_5_9,5,9,101.65307525 +"POLYGON ((7.444274594121037 52.05568342134997, 7.445429570914905 52.05568342134997, 7.445429570914905 52.05547628216085, 7.444274594121037 52.05547628216085, 7.444274594121037 52.05568342134997))",48890_5_20,5,20,104.68987425 +"POLYGON ((7.444274594121037 52.05506200090135, 7.445429570914905 52.05506200090135, 7.445429570914905 52.05485485883096, 7.444274594121037 52.05485485883096, 7.444274594121037 52.05506200090135))",48890_5_23,5,23,83.1470118 +"POLYGON ((7.445429570914905 52.05796188904309, 7.446584547708772 52.05796188904309, 7.446584547708772 52.05775476041848, 7.445429570914905 52.05775476041848, 7.445429570914905 52.05796188904309))",48890_6_9,6,9,110.0364494 +"POLYGON ((7.445429570914905 52.05734050028803, 7.446584547708772 52.05734050028803, 7.446584547708772 52.05713336878221, 7.445429570914905 52.05713336878221, 7.445429570914905 52.05734050028803))",48890_6_12,6,12,86.0 +"POLYGON ((7.445429570914905 52.05713336878221, 7.446584547708772 52.05713336878221, 7.446584547708772 52.05692623631597, 7.445429570914905 52.05692623631597, 7.445429570914905 52.05713336878221))",48890_6_13,6,13,99.383034 +"POLYGON ((7.445429570914905 52.05692623631597, 7.446584547708772 52.05692623631597, 7.446584547708772 52.05671910288933, 7.445429570914905 52.05671910288933, 7.445429570914905 52.05692623631597))",48890_6_14,6,14,95.5994437777778 +"POLYGON ((7.438499710151697 52.05181666478892, 7.439654686945564 52.05181666478892, 7.439654686945564 52.05160950767169, 7.438499710151697 52.05160950767169, 7.438499710151697 52.05181666478892))",48891_0_12,0,12,72.2 +"POLYGON ((7.438499710151697 52.04974505039593, 7.439654686945564 52.04974505039593, 7.439654686945564 52.0495378836741, 7.438499710151697 52.0495378836741, 7.438499710151697 52.04974505039593))",48891_0_22,0,22,87.9390738 +"POLYGON ((7.439654686945564 52.05223097614206, 7.440809663739433 52.05223097614206, 7.440809663739433 52.05202382094572, 7.439654686945564 52.05202382094572, 7.439654686945564 52.05223097614206))",48891_1_10,1,10,57.0 +"POLYGON ((7.440809663739433 52.05181666478892, 7.441964640533301 52.05181666478892, 7.441964640533301 52.05160950767169, 7.440809663739433 52.05160950767169, 7.440809663739433 52.05181666478892))",48891_2_12,2,12,97.5 +"POLYGON ((7.441964640533301 52.05305958732298, 7.443119617327168 52.05305958732298, 7.443119617327168 52.05285243596841, 7.441964640533301 52.05285243596841, 7.441964640533301 52.05305958732298))",48891_3_6,3,6,118.75 +"POLYGON ((7.441964640533301 52.05181666478892, 7.443119617327168 52.05181666478892, 7.443119617327168 52.05160950767169, 7.441964640533301 52.05160950767169, 7.441964640533301 52.05181666478892))",48891_3_12,3,12,100.5 +"POLYGON ((7.441964640533301 52.05098803055724, 7.443119617327168 52.05098803055724, 7.443119617327168 52.05078086959817, 7.441964640533301 52.05078086959817, 7.441964640533301 52.05098803055724))",48891_3_16,3,16,91.2 +"POLYGON ((7.443119617327168 52.05368103562405, 7.444274594121037 52.05368103562405, 7.444274594121037 52.05347388715079, 7.443119617327168 52.05347388715079, 7.443119617327168 52.05368103562405))",48891_4_3,4,3,115.25 +"POLYGON ((7.443119617327168 52.0532667377171, 7.444274594121037 52.0532667377171, 7.444274594121037 52.05305958732298, 7.443119617327168 52.05305958732298, 7.443119617327168 52.0532667377171))",48891_4_5,4,5,97.75 +"POLYGON ((7.443119617327168 52.05098803055724, 7.444274594121037 52.05098803055724, 7.444274594121037 52.05078086959817, 7.443119617327168 52.05078086959817, 7.443119617327168 52.05098803055724))",48891_4_16,4,16,91.0 +"POLYGON ((7.444274594121037 52.05368103562405, 7.445429570914905 52.05368103562405, 7.445429570914905 52.05347388715079, 7.444274594121037 52.05347388715079, 7.444274594121037 52.05368103562405))",48891_5_3,5,3,109.0 +"POLYGON ((7.444274594121037 52.0532667377171, 7.445429570914905 52.0532667377171, 7.445429570914905 52.05305958732298, 7.444274594121037 52.05305958732298, 7.444274594121037 52.0532667377171))",48891_5_5,5,5,116.5 +"POLYGON ((7.444274594121037 52.05243813037796, 7.445429570914905 52.05243813037796, 7.445429570914905 52.05223097614206, 7.444274594121037 52.05223097614206, 7.444274594121037 52.05243813037796))",48891_5_9,5,9,99.5089478 +"POLYGON ((7.444274594121037 52.05015938095823, 7.445429570914905 52.05015938095823, 7.445429570914905 52.04995221615732, 7.444274594121037 52.04995221615732, 7.444274594121037 52.05015938095823))",48891_5_20,5,20,97.0 +"POLYGON ((7.444274594121037 52.0495378836741, 7.445429570914905 52.0495378836741, 7.445429570914905 52.04933071599179, 7.444274594121037 52.04933071599179, 7.444274594121037 52.0495378836741))",48891_5_23,5,23,86.225815 +"POLYGON ((7.445429570914905 52.05243813037796, 7.446584547708772 52.05243813037796, 7.446584547708772 52.05223097614206, 7.445429570914905 52.05223097614206, 7.445429570914905 52.05243813037796))",48891_6_9,6,9,109.7913725 +"POLYGON ((7.445429570914905 52.05181666478892, 7.446584547708772 52.05181666478892, 7.446584547708772 52.05160950767169, 7.445429570914905 52.05160950767169, 7.445429570914905 52.05181666478892))",48891_6_12,6,12,81.4 +"POLYGON ((7.445429570914905 52.05160950767169, 7.446584547708772 52.05160950767169, 7.446584547708772 52.05140234959399, 7.445429570914905 52.05140234959399, 7.445429570914905 52.05160950767169))",48891_6_13,6,13,89.60471509999999 +"POLYGON ((7.445429570914905 52.05140234959399, 7.446584547708772 52.05140234959399, 7.446584547708772 52.05119519055583, 7.445429570914905 52.05119519055583, 7.445429570914905 52.05140234959399))",48891_6_14,6,14,79.68601041666668 +"POLYGON ((7.438499710151697 52.04629214630278, 7.439654686945564 52.04629214630278, 7.439654686945564 52.04608496357288, 7.438499710151697 52.04608496357288, 7.438499710151697 52.04629214630278))",48892_0_12,0,12,78.66666666666667 +"POLYGON ((7.438499710151697 52.04422027578114, 7.439654686945564 52.04422027578114, 7.439654686945564 52.04401308344617, 7.438499710151697 52.04401308344617, 7.438499710151697 52.04422027578114))",48892_0_22,0,22,94.262046 +"POLYGON ((7.439654686945564 52.0467065088811, 7.440809663739433 52.0467065088811, 7.440809663739433 52.04649932807219, 7.439654686945564 52.04649932807219, 7.439654686945564 52.0467065088811))",48892_1_10,1,10,63.25 +"POLYGON ((7.440809663739433 52.04629214630278, 7.441964640533301 52.04629214630278, 7.441964640533301 52.04608496357288, 7.440809663739433 52.04608496357288, 7.440809663739433 52.04629214630278))",48892_2_12,2,12,101.0 +"POLYGON ((7.441964640533301 52.0475352225118, 7.443119617327168 52.0475352225118, 7.443119617327168 52.04732804554486, 7.441964640533301 52.04732804554486, 7.441964640533301 52.0475352225118))",48892_3_6,3,6,107.5 +"POLYGON ((7.441964640533301 52.04629214630278, 7.443119617327168 52.04629214630278, 7.443119617327168 52.04608496357288, 7.441964640533301 52.04608496357288, 7.441964640533301 52.04629214630278))",48892_3_12,3,12,102.0 +"POLYGON ((7.441964640533301 52.04546340962018, 7.443119617327168 52.04546340962018, 7.443119617327168 52.04525622304828, 7.441964640533301 52.04525622304828, 7.441964640533301 52.04546340962018))",48892_3_16,3,16,100.33333333333333 +"POLYGON ((7.443119617327168 52.04815674764973, 7.444274594121037 52.04815674764973, 7.444274594121037 52.04794957356423, 7.443119617327168 52.04794957356423, 7.443119617327168 52.04815674764973))",48892_4_3,4,3,111.5 +"POLYGON ((7.443119617327168 52.04774239851826, 7.444274594121037 52.04774239851826, 7.444274594121037 52.0475352225118, 7.443119617327168 52.0475352225118, 7.443119617327168 52.04774239851826))",48892_4_5,4,5,98.33333333333333 +"POLYGON ((7.443119617327168 52.04546340962018, 7.444274594121037 52.04546340962018, 7.444274594121037 52.04525622304828, 7.443119617327168 52.04525622304828, 7.443119617327168 52.04546340962018))",48892_4_16,4,16,79.66666666666667 +"POLYGON ((7.444274594121037 52.04815674764973, 7.445429570914905 52.04815674764973, 7.445429570914905 52.04794957356423, 7.444274594121037 52.04794957356423, 7.444274594121037 52.04815674764973))",48892_5_3,5,3,111.5 +"POLYGON ((7.444274594121037 52.04774239851826, 7.445429570914905 52.04774239851826, 7.445429570914905 52.0475352225118, 7.444274594121037 52.0475352225118, 7.444274594121037 52.04774239851826))",48892_5_5,5,5,110.0 +"POLYGON ((7.444274594121037 52.0469136887295, 7.445429570914905 52.0469136887295, 7.445429570914905 52.0467065088811, 7.444274594121037 52.0467065088811, 7.444274594121037 52.0469136887295))",48892_5_9,5,9,103.66666733333334 +"POLYGON ((7.444274594121037 52.04463465756952, 7.445429570914905 52.04463465756952, 7.445429570914905 52.04442746715559, 7.444274594121037 52.04442746715559, 7.444274594121037 52.04463465756952))",48892_5_20,5,20,94.99999933333334 +"POLYGON ((7.444274594121037 52.04401308344617, 7.445429570914905 52.04401308344617, 7.445429570914905 52.04380589015068, 7.444274594121037 52.04380589015068, 7.444274594121037 52.04401308344617))",48892_5_23,5,23,87.20087633333333 +"POLYGON ((7.445429570914905 52.0469136887295, 7.446584547708772 52.0469136887295, 7.446584547708772 52.0467065088811, 7.445429570914905 52.0467065088811, 7.445429570914905 52.0469136887295))",48892_6_9,6,9,108.9999985 +"POLYGON ((7.445429570914905 52.04629214630278, 7.446584547708772 52.04629214630278, 7.446584547708772 52.04608496357288, 7.445429570914905 52.04608496357288, 7.445429570914905 52.04629214630278))",48892_6_12,6,12,82.0 +"POLYGON ((7.445429570914905 52.04608496357288, 7.446584547708772 52.04608496357288, 7.446584547708772 52.04587777988249, 7.445429570914905 52.04587777988249, 7.445429570914905 52.04608496357288))",48892_6_13,6,13,92.7609455 +"POLYGON ((7.445429570914905 52.04587777988249, 7.446584547708772 52.04587777988249, 7.446584547708772 52.04567059523159, 7.445429570914905 52.04567059523159, 7.445429570914905 52.04587777988249))",48892_6_14,6,14,85.95373171428572 +"POLYGON ((7.443119617327168 50.59805537848347, 7.444274594121037 50.59805537848347, 7.444274594121037 50.59784154861746, 7.443119617327168 50.59784154861746, 7.443119617327168 50.59805537848347))",49150_4_12,4,12,118.66666666666667 +"POLYGON ((7.443119617327168 50.5923529162654, 7.444274594121037 50.5923529162654, 7.444274594121037 50.59213906049342, 7.443119617327168 50.59213906049342, 7.443119617327168 50.5923529162654))",49151_4_12,4,12,126.0 +"POLYGON ((7.447482862992892 53.32604972279797, 7.448637839786761 53.32604972279797, 7.448637839786761 53.3258485242166, 7.447482862992892 53.3258485242166, 7.447482862992892 53.32604972279797))",49332_0_11,0,11,122.0 +"POLYGON ((7.449792816580628 53.32544612420752, 7.450947793374496 53.32544612420752, 7.450947793374496 53.32524492277982, 7.449792816580628 53.32524492277982, 7.449792816580628 53.32544612420752))",49332_2_14,2,14,149.0 +"POLYGON ((7.450947793374496 53.3268545076358, 7.452102770168365 53.3268545076358, 7.452102770168365 53.32665331284949, 7.450947793374496 53.32665331284949, 7.450947793374496 53.3268545076358))",49332_3_7,3,7,133.0 +"POLYGON ((7.452102770168365 53.32725689436213, 7.453257746962232 53.32725689436213, 7.453257746962232 53.32705570147334, 7.452102770168365 53.32705570147334, 7.452102770168365 53.32725689436213))",49332_4_5,4,5,114.0 +"POLYGON ((7.452102770168365 53.32645211711441, 7.453257746962232 53.32645211711441, 7.453257746962232 53.32625092043058, 7.452102770168365 53.32625092043058, 7.452102770168365 53.32645211711441))",49332_4_9,4,9,114.477041 +"POLYGON ((7.453257746962232 53.32725689436213, 7.454412723756099 53.32725689436213, 7.454412723756099 53.32705570147334, 7.453257746962232 53.32705570147334, 7.453257746962232 53.32725689436213))",49332_5_5,5,5,123.0 +"POLYGON ((7.453257746962232 53.3268545076358, 7.454412723756099 53.3268545076358, 7.454412723756099 53.32665331284949, 7.453257746962232 53.32665331284949, 7.453257746962232 53.3268545076358))",49332_5_7,5,7,123.0 +"POLYGON ((7.453257746962232 53.32625092043058, 7.454412723756099 53.32625092043058, 7.454412723756099 53.32604972279797, 7.453257746962232 53.32604972279797, 7.453257746962232 53.32625092043058))",49332_5_10,5,10,106.5000015 +"POLYGON ((7.453257746962232 53.3258485242166, 7.454412723756099 53.3258485242166, 7.454412723756099 53.32564732468644, 7.453257746962232 53.32564732468644, 7.453257746962232 53.3258485242166))",49332_5_12,5,12,104.188404 +"POLYGON ((7.453257746962232 53.32524492277982, 7.454412723756099 53.32524492277982, 7.454412723756099 53.32504372040334, 7.453257746962232 53.32504372040334, 7.453257746962232 53.32524492277982))",49332_5_15,5,15,100.0 +"POLYGON ((7.454412723756099 53.3258485242166, 7.455567700549969 53.3258485242166, 7.455567700549969 53.32564732468644, 7.454412723756099 53.32564732468644, 7.454412723756099 53.3258485242166))",49332_6_12,6,12,108.000003 +"POLYGON ((7.454412723756099 53.32544612420752, 7.455567700549969 53.32544612420752, 7.455567700549969 53.32524492277982, 7.454412723756099 53.32524492277982, 7.454412723756099 53.32544612420752))",49332_6_14,6,14,119.0 +"POLYGON ((7.454412723756099 53.32524492277982, 7.455567700549969 53.32524492277982, 7.455567700549969 53.32504372040334, 7.454412723756099 53.32504372040334, 7.454412723756099 53.32524492277982))",49332_6_15,6,15,101.5 +"POLYGON ((7.447482862992892 53.32068410259784, 7.448637839786761 53.32068410259784, 7.448637839786761 53.32048287871518, 7.447482862992892 53.32048287871518, 7.447482862992892 53.32068410259784))",49333_0_11,0,11,117.5 +"POLYGON ((7.449792816580628 53.32008042810336, 7.450947793374496 53.32008042810336, 7.450947793374496 53.31987920137421, 7.449792816580628 53.31987920137421, 7.449792816580628 53.32008042810336))",49333_2_14,2,14,146.33333333333334 +"POLYGON ((7.450947793374496 53.3214889886403, 7.452102770168365 53.3214889886403, 7.452102770168365 53.3212877685529, 7.450947793374496 53.3212877685529, 7.450947793374496 53.3214889886403))",49333_3_7,3,7,131.66666666666666 +"POLYGON ((7.452102770168365 53.32189142596861, 7.453257746962232 53.32189142596861, 7.453257746962232 53.32169020777885, 7.452102770168365 53.32169020777885, 7.452102770168365 53.32189142596861))",49333_4_5,4,5,116.25 +"POLYGON ((7.452102770168365 53.32108654751671, 7.453257746962232 53.32108654751671, 7.453257746962232 53.32088532553168, 7.452102770168365 53.32088532553168, 7.452102770168365 53.32108654751671))",49333_4_9,4,9,128.2276025 +"POLYGON ((7.453257746962232 53.32189142596861, 7.454412723756099 53.32189142596861, 7.454412723756099 53.32169020777885, 7.453257746962232 53.32169020777885, 7.453257746962232 53.32189142596861))",49333_5_5,5,5,121.0 +"POLYGON ((7.453257746962232 53.3214889886403, 7.454412723756099 53.3214889886403, 7.454412723756099 53.3212877685529, 7.453257746962232 53.3212877685529, 7.453257746962232 53.3214889886403))",49333_5_7,5,7,121.8 +"POLYGON ((7.453257746962232 53.32088532553168, 7.454412723756099 53.32088532553168, 7.454412723756099 53.32068410259784, 7.453257746962232 53.32068410259784, 7.453257746962232 53.32088532553168))",49333_5_10,5,10,105.99802439999999 +"POLYGON ((7.453257746962232 53.32048287871518, 7.454412723756099 53.32048287871518, 7.454412723756099 53.32028165388368, 7.453257746962232 53.32028165388368, 7.453257746962232 53.32048287871518))",49333_5_12,5,12,106.4000008 +"POLYGON ((7.453257746962232 53.31987920137421, 7.454412723756099 53.31987920137421, 7.454412723756099 53.31967797369623, 7.453257746962232 53.31967797369623, 7.453257746962232 53.31987920137421))",49333_5_15,5,15,101.75 +"POLYGON ((7.454412723756099 53.32048287871518, 7.455567700549969 53.32048287871518, 7.455567700549969 53.32028165388368, 7.454412723756099 53.32028165388368, 7.454412723756099 53.32048287871518))",49333_6_12,6,12,109.273506 +"POLYGON ((7.454412723756099 53.32008042810336, 7.455567700549969 53.32008042810336, 7.455567700549969 53.31987920137421, 7.454412723756099 53.31987920137421, 7.454412723756099 53.32008042810336))",49333_6_14,6,14,118.75 +"POLYGON ((7.454412723756099 53.31987920137421, 7.455567700549969 53.31987920137421, 7.455567700549969 53.31967797369623, 7.454412723756099 53.31967797369623, 7.454412723756099 53.31987920137421))",49333_6_15,6,15,98.25 +"POLYGON ((7.450947793374496 53.31612279493125, 7.452102770168365 53.31612279493125, 7.452102770168365 53.31592154954136, 7.450947793374496 53.31592154954136, 7.450947793374496 53.31612279493125))",49334_3_7,3,7,133.0 +"POLYGON ((7.452102770168365 53.31652528286438, 7.453257746962232 53.31652528286438, 7.453257746962232 53.31632403937225, 7.452102770168365 53.31632403937225, 7.452102770168365 53.31652528286438))",49334_4_5,4,5,109.0 +"POLYGON ((7.452102770168365 53.31572030320263, 7.453257746962232 53.31572030320263, 7.453257746962232 53.315519055915, 7.452102770168365 53.315519055915, 7.452102770168365 53.31572030320263))",49334_4_9,4,9,131.0 +"POLYGON ((7.453257746962232 53.31511655849314, 7.454412723756099 53.31511655849314, 7.454412723756099 53.31491530835888, 7.453257746962232 53.31491530835888, 7.453257746962232 53.31511655849314))",49334_5_12,5,12,107.000003 +"POLYGON ((7.453257746962232 53.31451280524374, 7.454412723756099 53.31451280524374, 7.454412723756099 53.31431155226285, 7.453257746962232 53.31431155226285, 7.453257746962232 53.31451280524374))",49334_5_15,5,15,103.0 +"POLYGON ((7.454412723756099 53.31451280524374, 7.455567700549969 53.31451280524374, 7.455567700549969 53.31431155226285, 7.454412723756099 53.31431155226285, 7.454412723756099 53.31451280524374))",49334_6_15,6,15,99.0 +"POLYGON ((7.447482862992892 53.26161774063043, 7.448637839786761 53.26161774063043, 7.448637839786761 53.26141623834027, 7.447482862992892 53.26141623834027, 7.447482862992892 53.26161774063043))",49344_0_11,0,11,101.5 +"POLYGON ((7.447482862992892 53.25960267500511, 7.448637839786761 53.25960267500511, 7.448637839786761 53.25940116322076, 7.447482862992892 53.25940116322076, 7.447482862992892 53.25960267500511))",49344_0_21,0,21,118.56516825 +"POLYGON ((7.449792816580628 53.26101323091169, 7.450947793374496 53.26101323091169, 7.450947793374496 53.26081172577329, 7.449792816580628 53.26081172577329, 7.449792816580628 53.26101323091169))",49344_2_14,2,14,118.0 +"POLYGON ((7.450947793374496 53.26242374029707, 7.452102770168365 53.26242374029707, 7.452102770168365 53.26222224180451, 7.450947793374496 53.26222224180451, 7.450947793374496 53.26242374029707))",49344_3_7,3,7,115.5 +"POLYGON ((7.450947793374496 53.26121473510068, 7.452102770168365 53.26121473510068, 7.452102770168365 53.26101323091169, 7.450947793374496 53.26101323091169, 7.450947793374496 53.26121473510068))",49344_3_13,3,13,121.0 +"POLYGON ((7.452102770168365 53.26282673443399, 7.453257746962232 53.26282673443399, 7.453257746962232 53.26262523784023, 7.452102770168365 53.26262523784023, 7.452102770168365 53.26282673443399))",49344_4_5,4,5,117.5 +"POLYGON ((7.452102770168365 53.26202074236255, 7.453257746962232 53.26202074236255, 7.453257746962232 53.2618192419712, 7.452102770168365 53.2618192419712, 7.452102770168365 53.26202074236255))",49344_4_9,4,9,108.309701 +"POLYGON ((7.452102770168365 53.26040871264824, 7.453257746962232 53.26040871264824, 7.453257746962232 53.2602072046616, 7.452102770168365 53.2602072046616, 7.452102770168365 53.26040871264824))",49344_4_17,4,17,90.00252566666666 +"POLYGON ((7.453257746962232 53.26282673443399, 7.454412723756099 53.26282673443399, 7.454412723756099 53.26262523784023, 7.453257746962232 53.26262523784023, 7.453257746962232 53.26282673443399))",49344_5_5,5,5,101.5 +"POLYGON ((7.453257746962232 53.26242374029707, 7.454412723756099 53.26242374029707, 7.454412723756099 53.26222224180451, 7.453257746962232 53.26222224180451, 7.453257746962232 53.26242374029707))",49344_5_7,5,7,111.5 +"POLYGON ((7.453257746962232 53.2618192419712, 7.454412723756099 53.2618192419712, 7.454412723756099 53.26161774063043, 7.453257746962232 53.26161774063043, 7.453257746962232 53.2618192419712))",49344_5_10,5,10,107.90580260000002 +"POLYGON ((7.453257746962232 53.26141623834027, 7.454412723756099 53.26141623834027, 7.454412723756099 53.26121473510068, 7.453257746962232 53.26121473510068, 7.453257746962232 53.26141623834027))",49344_5_12,5,12,102.91469166666667 +"POLYGON ((7.453257746962232 53.26081172577329, 7.454412723756099 53.26081172577329, 7.454412723756099 53.26061021968547, 7.453257746962232 53.26061021968547, 7.453257746962232 53.26081172577329))",49344_5_15,5,15,103.0 +"POLYGON ((7.453257746962232 53.2602072046616, 7.454412723756099 53.2602072046616, 7.454412723756099 53.26000569572551, 7.453257746962232 53.26000569572551, 7.453257746962232 53.2602072046616))",49344_5_18,5,18,105.45365040000001 +"POLYGON ((7.453257746962232 53.25940116322076, 7.454412723756099 53.25940116322076, 7.454412723756099 53.25919965048699, 7.453257746962232 53.25919965048699, 7.453257746962232 53.25940116322076))",49344_5_22,5,22,101.1989025 +"POLYGON ((7.454412723756099 53.26161774063043, 7.455567700549969 53.26161774063043, 7.455567700549969 53.26141623834027, 7.454412723756099 53.26141623834027, 7.454412723756099 53.26161774063043))",49344_6_11,6,11,106.19478922222223 +"POLYGON ((7.454412723756099 53.26141623834027, 7.455567700549969 53.26141623834027, 7.455567700549969 53.26121473510068, 7.454412723756099 53.26121473510068, 7.454412723756099 53.26141623834027))",49344_6_12,6,12,105.63120957142858 +"POLYGON ((7.454412723756099 53.26101323091169, 7.455567700549969 53.26101323091169, 7.455567700549969 53.26081172577329, 7.454412723756099 53.26081172577329, 7.454412723756099 53.26101323091169))",49344_6_14,6,14,119.75 +"POLYGON ((7.454412723756099 53.26081172577329, 7.455567700549969 53.26081172577329, 7.455567700549969 53.26061021968547, 7.454412723756099 53.26061021968547, 7.454412723756099 53.26081172577329))",49344_6_15,6,15,124.0 +"POLYGON ((7.452102770168365 52.31701468085896, 7.453257746962232 52.31701468085896, 7.453257746962232 52.31680875550811, 7.452102770168365 52.31680875550811, 7.452102770168365 52.31701468085896))",49518_4_8,4,8,126.96412725 +"POLYGON ((7.453257746962232 52.31598504452296, 7.454412723756099 52.31598504452296, 7.454412723756099 52.31577911438121, 7.453257746962232 52.31577911438121, 7.453257746962232 52.31598504452296))",49518_5_13,5,13,84.99999983333333 +"POLYGON ((7.453257746962232 52.31536725122317, 7.454412723756099 52.31536725122317, 7.454412723756099 52.31516131820685, 7.453257746962232 52.31516131820685, 7.453257746962232 52.31536725122317))",49518_5_16,5,16,188.0 +"POLYGON ((7.454412723756099 52.31557318328128, 7.455567700549969 52.31557318328128, 7.455567700549969 52.31536725122317, 7.454412723756099 52.31536725122317, 7.454412723756099 52.31557318328128))",49518_6_15,6,15,169.0 +"POLYGON ((7.454412723756099 52.31516131820685, 7.455567700549969 52.31516131820685, 7.455567700549969 52.31495538423234, 7.454412723756099 52.31495538423234, 7.454412723756099 52.31516131820685))",49518_6_17,6,17,154.5 +"POLYGON ((7.447482862992892 52.04629214630278, 7.448637839786761 52.04629214630278, 7.448637839786761 52.04608496357288, 7.447482862992892 52.04608496357288, 7.447482862992892 52.04629214630278))",49567_0_12,0,12,71.66666666666667 +"POLYGON ((7.447482862992892 52.04422027578114, 7.448637839786761 52.04422027578114, 7.448637839786761 52.04401308344617, 7.447482862992892 52.04401308344617, 7.447482862992892 52.04422027578114))",49567_0_22,0,22,96.99999933333334 +"POLYGON ((7.448637839786761 52.0467065088811, 7.449792816580628 52.0467065088811, 7.449792816580628 52.04649932807219, 7.448637839786761 52.04649932807219, 7.448637839786761 52.0467065088811))",49567_1_10,1,10,58.75 +"POLYGON ((7.449792816580628 52.04629214630278, 7.450947793374496 52.04629214630278, 7.450947793374496 52.04608496357288, 7.449792816580628 52.04608496357288, 7.449792816580628 52.04629214630278))",49567_2_12,2,12,80.33333333333333 +"POLYGON ((7.450947793374496 52.0475352225118, 7.452102770168365 52.0475352225118, 7.452102770168365 52.04732804554486, 7.450947793374496 52.04732804554486, 7.450947793374496 52.0475352225118))",49567_3_6,3,6,100.5 +"POLYGON ((7.450947793374496 52.04629214630278, 7.452102770168365 52.04629214630278, 7.452102770168365 52.04608496357288, 7.450947793374496 52.04608496357288, 7.450947793374496 52.04629214630278))",49567_3_12,3,12,105.0 +"POLYGON ((7.450947793374496 52.04546340962018, 7.452102770168365 52.04546340962018, 7.452102770168365 52.04525622304828, 7.450947793374496 52.04525622304828, 7.450947793374496 52.04546340962018))",49567_3_16,3,16,93.5 +"POLYGON ((7.452102770168365 52.04815674764973, 7.453257746962232 52.04815674764973, 7.453257746962232 52.04794957356423, 7.452102770168365 52.04794957356423, 7.452102770168365 52.04815674764973))",49567_4_3,4,3,105.5 +"POLYGON ((7.452102770168365 52.04774239851826, 7.453257746962232 52.04774239851826, 7.453257746962232 52.0475352225118, 7.452102770168365 52.0475352225118, 7.452102770168365 52.04774239851826))",49567_4_5,4,5,98.5 +"POLYGON ((7.452102770168365 52.04546340962018, 7.453257746962232 52.04546340962018, 7.453257746962232 52.04525622304828, 7.452102770168365 52.04525622304828, 7.452102770168365 52.04546340962018))",49567_4_16,4,16,75.0 +"POLYGON ((7.453257746962232 52.04815674764973, 7.454412723756099 52.04815674764973, 7.454412723756099 52.04794957356423, 7.453257746962232 52.04794957356423, 7.453257746962232 52.04815674764973))",49567_5_3,5,3,101.0 +"POLYGON ((7.453257746962232 52.04774239851826, 7.454412723756099 52.04774239851826, 7.454412723756099 52.0475352225118, 7.453257746962232 52.0475352225118, 7.453257746962232 52.04774239851826))",49567_5_5,5,5,92.33333333333333 +"POLYGON ((7.453257746962232 52.0469136887295, 7.454412723756099 52.0469136887295, 7.454412723756099 52.0467065088811, 7.453257746962232 52.0467065088811, 7.453257746962232 52.0469136887295))",49567_5_9,5,9,103.55663050000001 +"POLYGON ((7.453257746962232 52.04463465756952, 7.454412723756099 52.04463465756952, 7.454412723756099 52.04442746715559, 7.453257746962232 52.04442746715559, 7.453257746962232 52.04463465756952))",49567_5_20,5,20,98.333332 +"POLYGON ((7.453257746962232 52.04401308344617, 7.454412723756099 52.04401308344617, 7.454412723756099 52.04380589015068, 7.453257746962232 52.04380589015068, 7.453257746962232 52.04401308344617))",49567_5_23,5,23,85.56276233333335 +"POLYGON ((7.454412723756099 52.0469136887295, 7.455567700549969 52.0469136887295, 7.455567700549969 52.0467065088811, 7.454412723756099 52.0467065088811, 7.454412723756099 52.0469136887295))",49567_6_9,6,9,101.99246366666667 +"POLYGON ((7.454412723756099 52.04629214630278, 7.455567700549969 52.04629214630278, 7.455567700549969 52.04608496357288, 7.454412723756099 52.04608496357288, 7.454412723756099 52.04629214630278))",49567_6_12,6,12,87.5 +"POLYGON ((7.454412723756099 52.04608496357288, 7.455567700549969 52.04608496357288, 7.455567700549969 52.04587777988249, 7.454412723756099 52.04587777988249, 7.454412723756099 52.04608496357288))",49567_6_13,6,13,96.0000004 +"POLYGON ((7.454412723756099 52.04587777988249, 7.455567700549969 52.04587777988249, 7.455567700549969 52.04567059523159, 7.454412723756099 52.04567059523159, 7.454412723756099 52.04587777988249))",49567_6_14,6,14,93.09179775 +"POLYGON ((7.447482862992892 52.04076694479653, 7.448637839786761 52.04076694479653, 7.448637839786761 52.04055973645273, 7.447482862992892 52.04055973645273, 7.447482862992892 52.04076694479653))",49568_0_12,0,12,66.0 +"POLYGON ((7.447482862992892 52.03869481813381, 7.448637839786761 52.03869481813381, 7.448637839786761 52.03848760018449, 7.447482862992892 52.03848760018449, 7.447482862992892 52.03869481813381))",49568_0_22,0,22,97.33034 +"POLYGON ((7.448637839786761 52.0411813586025, 7.449792816580628 52.0411813586025, 7.449792816580628 52.04097415217977, 7.448637839786761 52.04097415217977, 7.448637839786761 52.0411813586025))",49568_1_10,1,10,53.5 +"POLYGON ((7.449792816580628 52.04076694479653, 7.450947793374496 52.04076694479653, 7.450947793374496 52.04055973645273, 7.449792816580628 52.04055973645273, 7.449792816580628 52.04076694479653))",49568_2_12,2,12,83.0 +"POLYGON ((7.450947793374496 52.04201017468795, 7.452102770168365 52.04201017468795, 7.452102770168365 52.0418029721074, 7.450947793374496 52.0418029721074, 7.450947793374496 52.04201017468795))",49568_3_6,3,6,100.33333333333333 +"POLYGON ((7.450947793374496 52.04076694479653, 7.452102770168365 52.04076694479653, 7.452102770168365 52.04055973645273, 7.450947793374496 52.04055973645273, 7.450947793374496 52.04076694479653))",49568_3_12,3,12,106.33333333333333 +"POLYGON ((7.450947793374496 52.03993810565805, 7.452102770168365 52.03993810565805, 7.452102770168365 52.03973089347208, 7.450947793374496 52.03973089347208, 7.450947793374496 52.03993810565805))",49568_3_16,3,16,90.5 +"POLYGON ((7.452102770168365 52.04263177666645, 7.453257746962232 52.04263177666645, 7.453257746962232 52.04242457696748, 7.452102770168365 52.04242457696748, 7.452102770168365 52.04263177666645))",49568_4_3,4,3,106.33333333333333 +"POLYGON ((7.452102770168365 52.04221737630799, 7.453257746962232 52.04221737630799, 7.453257746962232 52.04201017468795, 7.452102770168365 52.04201017468795, 7.452102770168365 52.04221737630799))",49568_4_5,4,5,97.0 +"POLYGON ((7.452102770168365 52.03993810565805, 7.453257746962232 52.03993810565805, 7.453257746962232 52.03973089347208, 7.452102770168365 52.03973089347208, 7.452102770168365 52.03993810565805))",49568_4_16,4,16,68.75 +"POLYGON ((7.453257746962232 52.04263177666645, 7.454412723756099 52.04263177666645, 7.454412723756099 52.04242457696748, 7.453257746962232 52.04242457696748, 7.453257746962232 52.04263177666645))",49568_5_3,5,3,101.0 +"POLYGON ((7.453257746962232 52.04221737630799, 7.454412723756099 52.04221737630799, 7.454412723756099 52.04201017468795, 7.453257746962232 52.04201017468795, 7.453257746962232 52.04221737630799))",49568_5_5,5,5,94.33333333333333 +"POLYGON ((7.453257746962232 52.04138856406467, 7.454412723756099 52.04138856406467, 7.454412723756099 52.0411813586025, 7.453257746962232 52.0411813586025, 7.453257746962232 52.04138856406467))",49568_5_9,5,9,101.96570725 +"POLYGON ((7.453257746962232 52.03910925115078, 7.454412723756099 52.03910925115078, 7.454412723756099 52.03890203512258, 7.453257746962232 52.03890203512258, 7.453257746962232 52.03910925115078))",49568_5_20,5,20,95.000002 +"POLYGON ((7.453257746962232 52.03848760018449, 7.454412723756099 52.03848760018449, 7.454412723756099 52.03828038127459, 7.453257746962232 52.03828038127459, 7.453257746962232 52.03848760018449))",49568_5_23,5,23,84.4000004 +"POLYGON ((7.454412723756099 52.04138856406467, 7.455567700549969 52.04138856406467, 7.455567700549969 52.0411813586025, 7.454412723756099 52.0411813586025, 7.454412723756099 52.04138856406467))",49568_6_9,6,9,84.720663 +"POLYGON ((7.454412723756099 52.04076694479653, 7.455567700549969 52.04076694479653, 7.455567700549969 52.04055973645273, 7.454412723756099 52.04055973645273, 7.454412723756099 52.04076694479653))",49568_6_12,6,12,88.75 +"POLYGON ((7.454412723756099 52.04055973645273, 7.455567700549969 52.04055973645273, 7.455567700549969 52.04035252714839, 7.454412723756099 52.04035252714839, 7.454412723756099 52.04055973645273))",49568_6_13,6,13,97.28571414285715 +"POLYGON ((7.454412723756099 52.04035252714839, 7.455567700549969 52.04035252714839, 7.455567700549969 52.0401453168835, 7.454412723756099 52.0401453168835, 7.454412723756099 52.04035252714839))",49568_6_14,6,14,83.25065133333334 +"POLYGON ((7.452102770168365 50.5923529162654, 7.453257746962232 50.5923529162654, 7.453257746962232 50.59213906049342, 7.452102770168365 50.59213906049342, 7.452102770168365 50.5923529162654))",49826_4_12,4,12,129.25 +"POLYGON ((7.456466015834087 53.31531780767851, 7.457620992627956 53.31531780767851, 7.457620992627956 53.31511655849314, 7.456466015834087 53.31511655849314, 7.456466015834087 53.31531780767851))",50009_0_11,0,11,118.0 +"POLYGON ((7.456466015834087 53.31330527312501, 7.457620992627956 53.31330527312501, 7.457620992627956 53.31310401445077, 7.456466015834087 53.31310401445077, 7.456466015834087 53.31330527312501))",50009_0_21,0,21,41.83568154545455 +"POLYGON ((7.458775969421823 53.31471405727576, 7.459930946215692 53.31471405727576, 7.459930946215692 53.31451280524374, 7.458775969421823 53.31451280524374, 7.458775969421823 53.31471405727576))",50009_2_14,2,14,132.33333333333334 +"POLYGON ((7.459930946215692 53.31612279493125, 7.461085923009558 53.31612279493125, 7.461085923009558 53.31592154954136, 7.459930946215692 53.31592154954136, 7.459930946215692 53.31612279493125))",50009_3_7,3,7,132.0 +"POLYGON ((7.459930946215692 53.31491530835888, 7.461085923009558 53.31491530835888, 7.461085923009558 53.31471405727576, 7.459930946215692 53.31471405727576, 7.459930946215692 53.31491530835888))",50009_3_13,3,13,41.5 +"POLYGON ((7.461085923009558 53.31652528286438, 7.462240899803427 53.31652528286438, 7.462240899803427 53.31632403937225, 7.461085923009558 53.31632403937225, 7.461085923009558 53.31652528286438))",50009_4_5,4,5,109.75 +"POLYGON ((7.461085923009558 53.31572030320263, 7.462240899803427 53.31572030320263, 7.462240899803427 53.315519055915, 7.461085923009558 53.315519055915, 7.461085923009558 53.31572030320263))",50009_4_9,4,9,133.695432 +"POLYGON ((7.461085923009558 53.31411029833306, 7.462240899803427 53.31411029833306, 7.462240899803427 53.31390904345439, 7.461085923009558 53.31390904345439, 7.461085923009558 53.31411029833306))",50009_4_17,4,17,45.139644375 +"POLYGON ((7.462240899803427 53.31652528286438, 7.463395876597295 53.31652528286438, 7.463395876597295 53.31632403937225, 7.462240899803427 53.31632403937225, 7.462240899803427 53.31652528286438))",50009_5_5,5,5,122.0 +"POLYGON ((7.462240899803427 53.31612279493125, 7.463395876597295 53.31612279493125, 7.463395876597295 53.31592154954136, 7.462240899803427 53.31592154954136, 7.462240899803427 53.31612279493125))",50009_5_7,5,7,123.33333333333333 +"POLYGON ((7.462240899803427 53.315519055915, 7.463395876597295 53.315519055915, 7.463395876597295 53.31531780767851, 7.462240899803427 53.31531780767851, 7.462240899803427 53.315519055915))",50009_5_10,5,10,111.1618776 +"POLYGON ((7.462240899803427 53.31511655849314, 7.463395876597295 53.31511655849314, 7.463395876597295 53.31491530835888, 7.462240899803427 53.31491530835888, 7.462240899803427 53.31511655849314))",50009_5_12,5,12,76.01206091666667 +"POLYGON ((7.462240899803427 53.31451280524374, 7.463395876597295 53.31451280524374, 7.463395876597295 53.31431155226285, 7.462240899803427 53.31431155226285, 7.462240899803427 53.31451280524374))",50009_5_15,5,15,102.0 +"POLYGON ((7.462240899803427 53.31390904345439, 7.463395876597295 53.31390904345439, 7.463395876597295 53.31370778762683, 7.462240899803427 53.31370778762683, 7.462240899803427 53.31390904345439))",50009_5_18,5,18,54.465034125 +"POLYGON ((7.462240899803427 53.31310401445077, 7.463395876597295 53.31310401445077, 7.463395876597295 53.3129027548276, 7.462240899803427 53.3129027548276, 7.462240899803427 53.31310401445077))",50009_5_22,5,22,54.621264000000004 +"POLYGON ((7.463395876597295 53.31531780767851, 7.464550853391162 53.31531780767851, 7.464550853391162 53.31511655849314, 7.463395876597295 53.31511655849314, 7.463395876597295 53.31531780767851))",50009_6_11,6,11,34.642051 +"POLYGON ((7.463395876597295 53.31511655849314, 7.464550853391162 53.31511655849314, 7.464550853391162 53.31491530835888, 7.463395876597295 53.31491530835888, 7.463395876597295 53.31511655849314))",50009_6_12,6,12,110.76417599999999 +"POLYGON ((7.463395876597295 53.31471405727576, 7.464550853391162 53.31471405727576, 7.464550853391162 53.31451280524374, 7.463395876597295 53.31451280524374, 7.463395876597295 53.31471405727576))",50009_6_14,6,14,121.5 +"POLYGON ((7.463395876597295 53.31451280524374, 7.464550853391162 53.31451280524374, 7.464550853391162 53.31431155226285, 7.463395876597295 53.31431155226285, 7.463395876597295 53.31451280524374))",50009_6_15,6,15,101.5 +"POLYGON ((7.456466015834087 53.30995083800222, 7.457620992627956 53.30995083800222, 7.457620992627956 53.30974956351272, 7.456466015834087 53.30974956351272, 7.456466015834087 53.30995083800222))",50010_0_11,0,11,141.0 +"POLYGON ((7.456466015834087 53.30793805040513, 7.457620992627956 53.30793805040513, 7.457620992627956 53.30773676642622, 7.456466015834087 53.30773676642622, 7.456466015834087 53.30793805040513))",50010_0_21,0,21,60.8031125 +"POLYGON ((7.458775969421823 53.30934701168695, 7.459930946215692 53.30934701168695, 7.459930946215692 53.30914573435065, 7.458775969421823 53.30914573435065, 7.458775969421823 53.30934701168695))",50010_2_14,2,14,134.5 +"POLYGON ((7.459930946215692 53.3107559264709, 7.461085923009558 53.3107559264709, 7.461085923009558 53.31055465577712, 7.459930946215692 53.31055465577712, 7.459930946215692 53.3107559264709))",50010_3_7,3,7,127.0 +"POLYGON ((7.459930946215692 53.3095482880743, 7.461085923009558 53.3095482880743, 7.461085923009558 53.30934701168695, 7.459930946215692 53.30934701168695, 7.459930946215692 53.3095482880743))",50010_3_13,3,13,90.33333333333333 +"POLYGON ((7.461085923009558 53.3111584650117, 7.462240899803427 53.3111584650117, 7.462240899803427 53.31095719621577, 7.461085923009558 53.31095719621577, 7.461085923009558 53.3111584650117))",50010_4_5,4,5,117.5 +"POLYGON ((7.461085923009558 53.31035338413442, 7.462240899803427 53.31035338413442, 7.462240899803427 53.31015211154278, 7.461085923009558 53.31015211154278, 7.461085923009558 53.31035338413442))",50010_4_9,4,9,131.832423 +"POLYGON ((7.461085923009558 53.30874317683126, 7.462240899803427 53.30874317683126, 7.462240899803427 53.30854189664814, 7.461085923009558 53.30854189664814, 7.461085923009558 53.30874317683126))",50010_4_17,4,17,89.593407 +"POLYGON ((7.462240899803427 53.3111584650117, 7.463395876597295 53.3111584650117, 7.463395876597295 53.31095719621577, 7.462240899803427 53.31095719621577, 7.462240899803427 53.3111584650117))",50010_5_5,5,5,126.5 +"POLYGON ((7.462240899803427 53.3107559264709, 7.463395876597295 53.3107559264709, 7.463395876597295 53.31055465577712, 7.462240899803427 53.31055465577712, 7.462240899803427 53.3107559264709))",50010_5_7,5,7,145.0 +"POLYGON ((7.462240899803427 53.31015211154278, 7.463395876597295 53.31015211154278, 7.463395876597295 53.30995083800222, 7.462240899803427 53.30995083800222, 7.462240899803427 53.31015211154278))",50010_5_10,5,10,122.000001 +"POLYGON ((7.462240899803427 53.30974956351272, 7.463395876597295 53.30974956351272, 7.463395876597295 53.3095482880743, 7.462240899803427 53.3095482880743, 7.462240899803427 53.30974956351272))",50010_5_12,5,12,77.465866 +"POLYGON ((7.462240899803427 53.30914573435065, 7.463395876597295 53.30914573435065, 7.463395876597295 53.30894445606543, 7.462240899803427 53.30894445606543, 7.462240899803427 53.30914573435065))",50010_5_15,5,15,101.0 +"POLYGON ((7.462240899803427 53.30854189664814, 7.463395876597295 53.30854189664814, 7.463395876597295 53.30834061551608, 7.462240899803427 53.30834061551608, 7.462240899803427 53.30854189664814))",50010_5_18,5,18,65.16666683333334 +"POLYGON ((7.462240899803427 53.30773676642622, 7.463395876597295 53.30773676642622, 7.463395876597295 53.30753548149838, 7.462240899803427 53.30753548149838, 7.462240899803427 53.30773676642622))",50010_5_22,5,22,60.828431428571434 +"POLYGON ((7.463395876597295 53.30995083800222, 7.464550853391162 53.30995083800222, 7.464550853391162 53.30974956351272, 7.463395876597295 53.30974956351272, 7.463395876597295 53.30995083800222))",50010_6_11,6,11,58.61898188888889 +"POLYGON ((7.463395876597295 53.30974956351272, 7.464550853391162 53.30974956351272, 7.464550853391162 53.3095482880743, 7.463395876597295 53.3095482880743, 7.463395876597295 53.30974956351272))",50010_6_12,6,12,76.17179377777778 +"POLYGON ((7.463395876597295 53.30934701168695, 7.464550853391162 53.30934701168695, 7.464550853391162 53.30914573435065, 7.463395876597295 53.30914573435065, 7.463395876597295 53.30934701168695))",50010_6_14,6,14,139.5 +"POLYGON ((7.463395876597295 53.30914573435065, 7.464550853391162 53.30914573435065, 7.464550853391162 53.30894445606543, 7.463395876597295 53.30894445606543, 7.463395876597295 53.30914573435065))",50010_6_15,6,15,105.66666666666667 +"POLYGON ((7.456466015834087 53.26699078481569, 7.457620992627956 53.26699078481569, 7.457620992627956 53.26678930784234, 7.456466015834087 53.26678930784234, 7.456466015834087 53.26699078481569))",50018_0_11,0,11,103.5 +"POLYGON ((7.456466015834087 53.26497597236105, 7.457620992627956 53.26497597236105, 7.457620992627956 53.26477448589406, 7.456466015834087 53.26477448589406, 7.456466015834087 53.26497597236105))",50018_0_21,0,21,119.0 +"POLYGON ((7.458775969421823 53.2663863510476, 7.459930946215692 53.2663863510476, 7.459930946215692 53.26618487122619, 7.458775969421823 53.26618487122619, 7.458775969421823 53.2663863510476))",50018_2_14,2,14,135.0 +"POLYGON ((7.459930946215692 53.26779668321553, 7.461085923009558 53.26779668321553, 7.461085923009558 53.26759521003959, 7.459930946215692 53.26759521003959, 7.459930946215692 53.26779668321553))",50018_3_7,3,7,136.0 +"POLYGON ((7.459930946215692 53.26658782991966, 7.461085923009558 53.26658782991966, 7.461085923009558 53.2663863510476, 7.459930946215692 53.2663863510476, 7.459930946215692 53.26658782991966))",50018_3_13,3,13,121.0 +"POLYGON ((7.461085923009558 53.26819962671937, 7.462240899803427 53.26819962671937, 7.462240899803427 53.26799815544212, 7.461085923009558 53.26799815544212, 7.461085923009558 53.26819962671937))",50018_4_5,4,5,108.0 +"POLYGON ((7.461085923009558 53.26739373591431, 7.462240899803427 53.26739373591431, 7.462240899803427 53.26719226083968, 7.461085923009558 53.26719226083968, 7.461085923009558 53.26739373591431))",50018_4_9,4,9,115.999999 +"POLYGON ((7.461085923009558 53.26578190873528, 7.462240899803427 53.26578190873528, 7.462240899803427 53.26558042606577, 7.461085923009558 53.26558042606577, 7.461085923009558 53.26578190873528))",50018_4_17,4,17,93.33333166666667 +"POLYGON ((7.462240899803427 53.26819962671937, 7.463395876597295 53.26819962671937, 7.463395876597295 53.26799815544212, 7.462240899803427 53.26799815544212, 7.462240899803427 53.26819962671937))",50018_5_5,5,5,106.5 +"POLYGON ((7.462240899803427 53.26779668321553, 7.463395876597295 53.26779668321553, 7.463395876597295 53.26759521003959, 7.462240899803427 53.26759521003959, 7.462240899803427 53.26779668321553))",50018_5_7,5,7,122.5 +"POLYGON ((7.462240899803427 53.26719226083968, 7.463395876597295 53.26719226083968, 7.463395876597295 53.26699078481569, 7.462240899803427 53.26699078481569, 7.462240899803427 53.26719226083968))",50018_5_10,5,10,107.7551665 +"POLYGON ((7.462240899803427 53.26678930784234, 7.463395876597295 53.26678930784234, 7.463395876597295 53.26658782991966, 7.462240899803427 53.26658782991966, 7.462240899803427 53.26678930784234))",50018_5_12,5,12,103.74999975 +"POLYGON ((7.462240899803427 53.26618487122619, 7.463395876597295 53.26618487122619, 7.463395876597295 53.26598339045542, 7.462240899803427 53.26598339045542, 7.462240899803427 53.26618487122619))",50018_5_15,5,15,104.5 +"POLYGON ((7.462240899803427 53.26558042606577, 7.463395876597295 53.26558042606577, 7.463395876597295 53.2653789424469, 7.462240899803427 53.2653789424469, 7.462240899803427 53.26558042606577))",50018_5_18,5,18,100.5 +"POLYGON ((7.462240899803427 53.26477448589406, 7.463395876597295 53.26477448589406, 7.463395876597295 53.26457299847771, 7.462240899803427 53.26457299847771, 7.462240899803427 53.26477448589406))",50018_5_22,5,22,100.8974825 +"POLYGON ((7.463395876597295 53.26699078481569, 7.464550853391162 53.26699078481569, 7.464550853391162 53.26678930784234, 7.463395876597295 53.26678930784234, 7.463395876597295 53.26699078481569))",50018_6_11,6,11,103.11864433333332 +"POLYGON ((7.463395876597295 53.26678930784234, 7.464550853391162 53.26678930784234, 7.464550853391162 53.26658782991966, 7.463395876597295 53.26658782991966, 7.463395876597295 53.26678930784234))",50018_6_12,6,12,101.2644215 +"POLYGON ((7.463395876597295 53.2663863510476, 7.464550853391162 53.2663863510476, 7.464550853391162 53.26618487122619, 7.463395876597295 53.26618487122619, 7.463395876597295 53.2663863510476))",50018_6_14,6,14,118.0 +"POLYGON ((7.463395876597295 53.26618487122619, 7.464550853391162 53.26618487122619, 7.464550853391162 53.26598339045542, 7.463395876597295 53.26598339045542, 7.463395876597295 53.26618487122619))",50018_6_15,6,15,124.0 +"POLYGON ((7.456466015834087 53.26161774063043, 7.457620992627956 53.26161774063043, 7.457620992627956 53.26141623834027, 7.456466015834087 53.26141623834027, 7.456466015834087 53.26161774063043))",50019_0_11,0,11,101.0 +"POLYGON ((7.456466015834087 53.25960267500511, 7.457620992627956 53.25960267500511, 7.457620992627956 53.25940116322076, 7.456466015834087 53.25940116322076, 7.456466015834087 53.25960267500511))",50019_0_21,0,21,123.21927149999999 +"POLYGON ((7.458775969421823 53.26101323091169, 7.459930946215692 53.26101323091169, 7.459930946215692 53.26081172577329, 7.458775969421823 53.26081172577329, 7.458775969421823 53.26101323091169))",50019_2_14,2,14,132.0 +"POLYGON ((7.459930946215692 53.26242374029707, 7.461085923009558 53.26242374029707, 7.461085923009558 53.26222224180451, 7.459930946215692 53.26222224180451, 7.459930946215692 53.26242374029707))",50019_3_7,3,7,116.0 +"POLYGON ((7.459930946215692 53.26121473510068, 7.461085923009558 53.26121473510068, 7.461085923009558 53.26101323091169, 7.459930946215692 53.26101323091169, 7.459930946215692 53.26121473510068))",50019_3_13,3,13,120.0 +"POLYGON ((7.461085923009558 53.26282673443399, 7.462240899803427 53.26282673443399, 7.462240899803427 53.26262523784023, 7.461085923009558 53.26262523784023, 7.461085923009558 53.26282673443399))",50019_4_5,4,5,117.5 +"POLYGON ((7.461085923009558 53.26202074236255, 7.462240899803427 53.26202074236255, 7.462240899803427 53.2618192419712, 7.461085923009558 53.2618192419712, 7.461085923009558 53.26202074236255))",50019_4_9,4,9,112.0000015 +"POLYGON ((7.461085923009558 53.26040871264824, 7.462240899803427 53.26040871264824, 7.462240899803427 53.2602072046616, 7.461085923009558 53.2602072046616, 7.461085923009558 53.26040871264824))",50019_4_17,4,17,92.9999995 +"POLYGON ((7.462240899803427 53.26282673443399, 7.463395876597295 53.26282673443399, 7.463395876597295 53.26262523784023, 7.462240899803427 53.26262523784023, 7.462240899803427 53.26282673443399))",50019_5_5,5,5,101.0 +"POLYGON ((7.462240899803427 53.26242374029707, 7.463395876597295 53.26242374029707, 7.463395876597295 53.26222224180451, 7.462240899803427 53.26222224180451, 7.462240899803427 53.26242374029707))",50019_5_7,5,7,112.5 +"POLYGON ((7.462240899803427 53.2618192419712, 7.463395876597295 53.2618192419712, 7.463395876597295 53.26161774063043, 7.462240899803427 53.26161774063043, 7.462240899803427 53.2618192419712))",50019_5_10,5,10,105.499999 +"POLYGON ((7.462240899803427 53.26141623834027, 7.463395876597295 53.26141623834027, 7.463395876597295 53.26121473510068, 7.462240899803427 53.26121473510068, 7.462240899803427 53.26141623834027))",50019_5_12,5,12,104.9774275 +"POLYGON ((7.462240899803427 53.26081172577329, 7.463395876597295 53.26081172577329, 7.463395876597295 53.26061021968547, 7.462240899803427 53.26061021968547, 7.462240899803427 53.26081172577329))",50019_5_15,5,15,108.0 +"POLYGON ((7.462240899803427 53.2602072046616, 7.463395876597295 53.2602072046616, 7.463395876597295 53.26000569572551, 7.462240899803427 53.26000569572551, 7.462240899803427 53.2602072046616))",50019_5_18,5,18,102.0 +"POLYGON ((7.462240899803427 53.25940116322076, 7.463395876597295 53.25940116322076, 7.463395876597295 53.25919965048699, 7.462240899803427 53.25919965048699, 7.462240899803427 53.25940116322076))",50019_5_22,5,22,102.82774133333334 +"POLYGON ((7.463395876597295 53.26161774063043, 7.464550853391162 53.26161774063043, 7.464550853391162 53.26141623834027, 7.463395876597295 53.26141623834027, 7.463395876597295 53.26161774063043))",50019_6_11,6,11,109.42857185714286 +"POLYGON ((7.463395876597295 53.26141623834027, 7.464550853391162 53.26141623834027, 7.464550853391162 53.26121473510068, 7.463395876597295 53.26121473510068, 7.463395876597295 53.26141623834027))",50019_6_12,6,12,105.95760716666666 +"POLYGON ((7.463395876597295 53.26101323091169, 7.464550853391162 53.26101323091169, 7.464550853391162 53.26081172577329, 7.463395876597295 53.26081172577329, 7.463395876597295 53.26101323091169))",50019_6_14,6,14,119.0 +"POLYGON ((7.463395876597295 53.26081172577329, 7.464550853391162 53.26081172577329, 7.464550853391162 53.26061021968547, 7.463395876597295 53.26061021968547, 7.463395876597295 53.26081172577329))",50019_6_15,6,15,124.0 +"POLYGON ((7.461085923009558 52.31701468085896, 7.462240899803427 52.31701468085896, 7.462240899803427 52.31680875550811, 7.461085923009558 52.31680875550811, 7.461085923009558 52.31701468085896))",50193_4_8,4,8,128.66666533333333 +"POLYGON ((7.462240899803427 52.31598504452296, 7.463395876597295 52.31598504452296, 7.463395876597295 52.31577911438121, 7.462240899803427 52.31577911438121, 7.462240899803427 52.31598504452296))",50193_5_13,5,13,87.5999996 +"POLYGON ((7.462240899803427 52.31536725122317, 7.463395876597295 52.31536725122317, 7.463395876597295 52.31516131820685, 7.462240899803427 52.31516131820685, 7.462240899803427 52.31536725122317))",50193_5_16,5,16,189.5 +"POLYGON ((7.463395876597295 52.31557318328128, 7.464550853391162 52.31557318328128, 7.464550853391162 52.31536725122317, 7.463395876597295 52.31536725122317, 7.463395876597295 52.31557318328128))",50193_6_15,6,15,165.0 +"POLYGON ((7.463395876597295 52.31516131820685, 7.464550853391162 52.31516131820685, 7.464550853391162 52.31495538423234, 7.463395876597295 52.31495538423234, 7.463395876597295 52.31516131820685))",50193_6_17,6,17,169.0 +"POLYGON ((7.461085923009558 52.31152301025521, 7.462240899803427 52.31152301025521, 7.462240899803427 52.31131705935235, 7.461085923009558 52.31131705935235, 7.461085923009558 52.31152301025521))",50194_4_8,4,8,129.000003 +"POLYGON ((7.463395876597295 52.31008133381245, 7.464550853391162 52.31008133381245, 7.464550853391162 52.30987537620198, 7.463395876597295 52.30987537620198, 7.463395876597295 52.31008133381245))",50194_6_15,6,15,171.0 +"POLYGON ((7.456466015834087 52.04076694479653, 7.457620992627956 52.04076694479653, 7.457620992627956 52.04055973645273, 7.456466015834087 52.04055973645273, 7.456466015834087 52.04076694479653))",50243_0_12,0,12,64.83333333333333 +"POLYGON ((7.456466015834087 52.03869481813381, 7.457620992627956 52.03869481813381, 7.457620992627956 52.03848760018449, 7.456466015834087 52.03848760018449, 7.456466015834087 52.03869481813381))",50243_0_22,0,22,85.3861272 +"POLYGON ((7.457620992627956 52.0411813586025, 7.458775969421823 52.0411813586025, 7.458775969421823 52.04097415217977, 7.457620992627956 52.04097415217977, 7.457620992627956 52.0411813586025))",50243_1_10,1,10,65.66666666666667 +"POLYGON ((7.458775969421823 52.04076694479653, 7.459930946215692 52.04076694479653, 7.459930946215692 52.04055973645273, 7.458775969421823 52.04055973645273, 7.458775969421823 52.04076694479653))",50243_2_12,2,12,97.25 +"POLYGON ((7.459930946215692 52.04201017468795, 7.461085923009558 52.04201017468795, 7.461085923009558 52.0418029721074, 7.459930946215692 52.0418029721074, 7.459930946215692 52.04201017468795))",50243_3_6,3,6,99.5 +"POLYGON ((7.459930946215692 52.04076694479653, 7.461085923009558 52.04076694479653, 7.461085923009558 52.04055973645273, 7.459930946215692 52.04055973645273, 7.459930946215692 52.04076694479653))",50243_3_12,3,12,105.66666666666667 +"POLYGON ((7.459930946215692 52.03993810565805, 7.461085923009558 52.03993810565805, 7.461085923009558 52.03973089347208, 7.459930946215692 52.03973089347208, 7.459930946215692 52.03993810565805))",50243_3_16,3,16,92.0 +"POLYGON ((7.461085923009558 52.04263177666645, 7.462240899803427 52.04263177666645, 7.462240899803427 52.04242457696748, 7.461085923009558 52.04242457696748, 7.461085923009558 52.04263177666645))",50243_4_3,4,3,113.75 +"POLYGON ((7.461085923009558 52.04221737630799, 7.462240899803427 52.04221737630799, 7.462240899803427 52.04201017468795, 7.461085923009558 52.04201017468795, 7.461085923009558 52.04221737630799))",50243_4_5,4,5,97.25 +"POLYGON ((7.461085923009558 52.03993810565805, 7.462240899803427 52.03993810565805, 7.462240899803427 52.03973089347208, 7.461085923009558 52.03973089347208, 7.461085923009558 52.03993810565805))",50243_4_16,4,16,69.5 +"POLYGON ((7.462240899803427 52.04263177666645, 7.463395876597295 52.04263177666645, 7.463395876597295 52.04242457696748, 7.462240899803427 52.04242457696748, 7.462240899803427 52.04263177666645))",50243_5_3,5,3,106.0 +"POLYGON ((7.462240899803427 52.04221737630799, 7.463395876597295 52.04221737630799, 7.463395876597295 52.04201017468795, 7.462240899803427 52.04201017468795, 7.462240899803427 52.04221737630799))",50243_5_5,5,5,99.0 +"POLYGON ((7.462240899803427 52.04138856406467, 7.463395876597295 52.04138856406467, 7.463395876597295 52.0411813586025, 7.462240899803427 52.0411813586025, 7.462240899803427 52.04138856406467))",50243_5_9,5,9,100.92944349999999 +"POLYGON ((7.462240899803427 52.03910925115078, 7.463395876597295 52.03910925115078, 7.463395876597295 52.03890203512258, 7.462240899803427 52.03890203512258, 7.462240899803427 52.03910925115078))",50243_5_20,5,20,93.7499995 +"POLYGON ((7.462240899803427 52.03848760018449, 7.463395876597295 52.03848760018449, 7.463395876597295 52.03828038127459, 7.462240899803427 52.03828038127459, 7.462240899803427 52.03848760018449))",50243_5_23,5,23,86.3497758 +"POLYGON ((7.463395876597295 52.04138856406467, 7.464550853391162 52.04138856406467, 7.464550853391162 52.0411813586025, 7.463395876597295 52.0411813586025, 7.463395876597295 52.04138856406467))",50243_6_9,6,9,99.9455066 +"POLYGON ((7.463395876597295 52.04076694479653, 7.464550853391162 52.04076694479653, 7.464550853391162 52.04055973645273, 7.463395876597295 52.04055973645273, 7.463395876597295 52.04076694479653))",50243_6_12,6,12,89.5 +"POLYGON ((7.463395876597295 52.04055973645273, 7.464550853391162 52.04055973645273, 7.464550853391162 52.04035252714839, 7.463395876597295 52.04035252714839, 7.463395876597295 52.04055973645273))",50243_6_13,6,13,97.16659855555557 +"POLYGON ((7.463395876597295 52.04035252714839, 7.464550853391162 52.04035252714839, 7.464550853391162 52.0401453168835, 7.463395876597295 52.0401453168835, 7.463395876597295 52.04035252714839))",50243_6_14,6,14,83.21742190909092 +"POLYGON ((7.456466015834087 52.03524106023711, 7.457620992627956 52.03524106023711, 7.457620992627956 52.03503382627817, 7.456466015834087 52.03503382627817, 7.456466015834087 52.03524106023711))",50244_0_12,0,12,63.0 +"POLYGON ((7.456466015834087 52.03316867742093, 7.457620992627956 52.03316867742093, 7.457620992627956 52.032961433856, 7.456466015834087 52.032961433856, 7.456466015834087 52.03316867742093))",50244_0_22,0,22,50.350232 +"POLYGON ((7.457620992627956 52.0356555252732, 7.458775969421823 52.0356555252732, 7.458775969421823 52.03544829323544, 7.457620992627956 52.03544829323544, 7.457620992627956 52.0356555252732))",50244_1_10,1,10,66.0 +"POLYGON ((7.458775969421823 52.03524106023711, 7.459930946215692 52.03524106023711, 7.459930946215692 52.03503382627817, 7.458775969421823 52.03503382627817, 7.458775969421823 52.03524106023711))",50244_2_12,2,12,103.0 +"POLYGON ((7.459930946215692 52.03524106023711, 7.461085923009558 52.03524106023711, 7.461085923009558 52.03503382627817, 7.459930946215692 52.03503382627817, 7.459930946215692 52.03524106023711))",50244_3_12,3,12,107.0 +"POLYGON ((7.459930946215692 52.0344121186378, 7.461085923009558 52.0344121186378, 7.461085923009558 52.0342048808365, 7.459930946215692 52.0342048808365, 7.459930946215692 52.0344121186378))",50244_3_16,3,16,86.0 +"POLYGON ((7.461085923009558 52.03710612264116, 7.462240899803427 52.03710612264116, 7.462240899803427 52.03689889732748, 7.461085923009558 52.03689889732748, 7.461085923009558 52.03710612264116))",50244_4_3,4,3,127.0 +"POLYGON ((7.462240899803427 52.03710612264116, 7.463395876597295 52.03710612264116, 7.463395876597295 52.03689889732748, 7.462240899803427 52.03689889732748, 7.462240899803427 52.03710612264116))",50244_5_3,5,3,111.0 +"POLYGON ((7.462240899803427 52.03586275635038, 7.463395876597295 52.03586275635038, 7.463395876597295 52.0356555252732, 7.462240899803427 52.0356555252732, 7.462240899803427 52.03586275635038))",50244_5_9,5,9,101.999997 +"POLYGON ((7.462240899803427 52.03358316166896, 7.463395876597295 52.03358316166896, 7.463395876597295 52.03337592002525, 7.462240899803427 52.03337592002525, 7.462240899803427 52.03358316166896))",50244_5_20,5,20,92.000001 +"POLYGON ((7.463395876597295 52.03524106023711, 7.464550853391162 52.03524106023711, 7.464550853391162 52.03503382627817, 7.463395876597295 52.03503382627817, 7.463395876597295 52.03524106023711))",50244_6_12,6,12,84.0 +"POLYGON ((7.463395876597295 52.03503382627817, 7.464550853391162 52.03503382627817, 7.464550853391162 52.03482659135865, 7.463395876597295 52.03482659135865, 7.463395876597295 52.03503382627817))",50244_6_13,6,13,91.9236815 +"POLYGON ((7.463395876597295 52.03482659135865, 7.464550853391162 52.03482659135865, 7.464550853391162 52.03461935547853, 7.463395876597295 52.03461935547853, 7.463395876597295 52.03482659135865))",50244_6_14,6,14,79.000001 +"POLYGON ((7.461085923009558 50.58664976320804, 7.462240899803427 50.58664976320804, 7.462240899803427 50.58643588152904, 7.461085923009558 50.58643588152904, 7.461085923009558 50.58664976320804))",50502_4_12,4,12,135.75 +"POLYGON ((7.465449168675282 53.31867182107378, 7.466604145469151 53.31867182107378, 7.466604145469151 53.31847058770276, 7.465449168675282 53.31847058770276, 7.465449168675282 53.31867182107378))",50683_0_21,0,21,71.73566825 +"POLYGON ((7.468914099056886 53.32028165388368, 7.470069075850755 53.32028165388368, 7.470069075850755 53.32008042810336, 7.468914099056886 53.32008042810336, 7.468914099056886 53.32028165388368))",50683_3_13,3,13,69.28571428571429 +"POLYGON ((7.470069075850755 53.31947674506942, 7.471224052644622 53.31947674506942, 7.471224052644622 53.31927551549376, 7.470069075850755 53.31927551549376, 7.470069075850755 53.31947674506942))",50683_4_17,4,17,70.62942071428571 +"POLYGON ((7.471224052644622 53.32048287871518, 7.47237902943849 53.32048287871518, 7.47237902943849 53.32028165388368, 7.471224052644622 53.32028165388368, 7.471224052644622 53.32048287871518))",50683_5_12,5,12,74.57142857142857 +"POLYGON ((7.471224052644622 53.31927551549376, 7.47237902943849 53.31927551549376, 7.47237902943849 53.31907428496928, 7.471224052644622 53.31907428496928, 7.471224052644622 53.31927551549376))",50683_5_18,5,18,57.999999875 +"POLYGON ((7.471224052644622 53.31847058770276, 7.47237902943849 53.31847058770276, 7.47237902943849 53.3182693533829, 7.471224052644622 53.3182693533829, 7.471224052644622 53.31847058770276))",50683_5_22,5,22,66.697472625 +"POLYGON ((7.47237902943849 53.32068410259784, 7.473534006232359 53.32068410259784, 7.473534006232359 53.32048287871518, 7.47237902943849 53.32048287871518, 7.47237902943849 53.32068410259784))",50683_6_11,6,11,71.57213499999999 +"POLYGON ((7.465449168675282 53.31330527312501, 7.466604145469151 53.31330527312501, 7.466604145469151 53.31310401445077, 7.465449168675282 53.31310401445077, 7.465449168675282 53.31330527312501))",50684_0_21,0,21,72.9999995 +"POLYGON ((7.468914099056886 53.31491530835888, 7.470069075850755 53.31491530835888, 7.470069075850755 53.31471405727576, 7.468914099056886 53.31471405727576, 7.468914099056886 53.31491530835888))",50684_3_13,3,13,70.5 +"POLYGON ((7.470069075850755 53.31411029833306, 7.471224052644622 53.31411029833306, 7.471224052644622 53.31390904345439, 7.470069075850755 53.31390904345439, 7.470069075850755 53.31411029833306))",50684_4_17,4,17,73.0 +"POLYGON ((7.471224052644622 53.31511655849314, 7.47237902943849 53.31511655849314, 7.47237902943849 53.31491530835888, 7.471224052644622 53.31491530835888, 7.471224052644622 53.31511655849314))",50684_5_12,5,12,79.5 +"POLYGON ((7.471224052644622 53.31390904345439, 7.47237902943849 53.31390904345439, 7.47237902943849 53.31370778762683, 7.471224052644622 53.31370778762683, 7.471224052644622 53.31390904345439))",50684_5_18,5,18,60.16105125 +"POLYGON ((7.471224052644622 53.31310401445077, 7.47237902943849 53.31310401445077, 7.47237902943849 53.3129027548276, 7.471224052644622 53.3129027548276, 7.471224052644622 53.31310401445077))",50684_5_22,5,22,68.66666766666667 +"POLYGON ((7.47237902943849 53.31531780767851, 7.473534006232359 53.31531780767851, 7.473534006232359 53.31511655849314, 7.47237902943849 53.31511655849314, 7.47237902943849 53.31531780767851))",50684_6_11,6,11,68.548812 +"POLYGON ((7.465449168675282 53.30995083800222, 7.466604145469151 53.30995083800222, 7.466604145469151 53.30974956351272, 7.465449168675282 53.30974956351272, 7.465449168675282 53.30995083800222))",50685_0_11,0,11,159.0 +"POLYGON ((7.465449168675282 53.30793805040513, 7.466604145469151 53.30793805040513, 7.466604145469151 53.30773676642622, 7.465449168675282 53.30773676642622, 7.465449168675282 53.30793805040513))",50685_0_21,0,21,95.80505633333333 +"POLYGON ((7.467759122263018 53.30934701168695, 7.468914099056886 53.30934701168695, 7.468914099056886 53.30914573435065, 7.467759122263018 53.30914573435065, 7.467759122263018 53.30934701168695))",50685_2_14,2,14,158.0 +"POLYGON ((7.468914099056886 53.3107559264709, 7.470069075850755 53.3107559264709, 7.470069075850755 53.31055465577712, 7.468914099056886 53.31055465577712, 7.468914099056886 53.3107559264709))",50685_3_7,3,7,133.5 +"POLYGON ((7.468914099056886 53.3095482880743, 7.470069075850755 53.3095482880743, 7.470069075850755 53.30934701168695, 7.468914099056886 53.30934701168695, 7.468914099056886 53.3095482880743))",50685_3_13,3,13,116.5 +"POLYGON ((7.470069075850755 53.3111584650117, 7.471224052644622 53.3111584650117, 7.471224052644622 53.31095719621577, 7.470069075850755 53.31095719621577, 7.470069075850755 53.3111584650117))",50685_4_5,4,5,125.0 +"POLYGON ((7.470069075850755 53.31035338413442, 7.471224052644622 53.31035338413442, 7.471224052644622 53.31015211154278, 7.470069075850755 53.31015211154278, 7.470069075850755 53.31035338413442))",50685_4_9,4,9,134.4400425 +"POLYGON ((7.470069075850755 53.30874317683126, 7.471224052644622 53.30874317683126, 7.471224052644622 53.30854189664814, 7.470069075850755 53.30854189664814, 7.470069075850755 53.30874317683126))",50685_4_17,4,17,106.0 +"POLYGON ((7.471224052644622 53.3111584650117, 7.47237902943849 53.3111584650117, 7.47237902943849 53.31095719621577, 7.471224052644622 53.31095719621577, 7.471224052644622 53.3111584650117))",50685_5_5,5,5,133.0 +"POLYGON ((7.471224052644622 53.3107559264709, 7.47237902943849 53.3107559264709, 7.47237902943849 53.31055465577712, 7.471224052644622 53.31055465577712, 7.471224052644622 53.3107559264709))",50685_5_7,5,7,168.5 +"POLYGON ((7.471224052644622 53.31015211154278, 7.47237902943849 53.31015211154278, 7.47237902943849 53.30995083800222, 7.471224052644622 53.30995083800222, 7.471224052644622 53.31015211154278))",50685_5_10,5,10,124.28947550000001 +"POLYGON ((7.471224052644622 53.30974956351272, 7.47237902943849 53.30974956351272, 7.47237902943849 53.3095482880743, 7.471224052644622 53.3095482880743, 7.471224052644622 53.30974956351272))",50685_5_12,5,12,101.0476582 +"POLYGON ((7.471224052644622 53.30914573435065, 7.47237902943849 53.30914573435065, 7.47237902943849 53.30894445606543, 7.471224052644622 53.30894445606543, 7.471224052644622 53.30914573435065))",50685_5_15,5,15,103.5 +"POLYGON ((7.471224052644622 53.30854189664814, 7.47237902943849 53.30854189664814, 7.47237902943849 53.30834061551608, 7.471224052644622 53.30834061551608, 7.471224052644622 53.30854189664814))",50685_5_18,5,18,92.328949 +"POLYGON ((7.471224052644622 53.30773676642622, 7.47237902943849 53.30773676642622, 7.47237902943849 53.30753548149838, 7.471224052644622 53.30753548149838, 7.471224052644622 53.30773676642622))",50685_5_22,5,22,86.79931350000001 +"POLYGON ((7.47237902943849 53.30995083800222, 7.473534006232359 53.30995083800222, 7.473534006232359 53.30974956351272, 7.47237902943849 53.30974956351272, 7.47237902943849 53.30995083800222))",50685_6_11,6,11,63.80402242857143 +"POLYGON ((7.47237902943849 53.30974956351272, 7.473534006232359 53.30974956351272, 7.473534006232359 53.3095482880743, 7.47237902943849 53.3095482880743, 7.47237902943849 53.30974956351272))",50685_6_12,6,12,88.4408234 +"POLYGON ((7.47237902943849 53.30934701168695, 7.473534006232359 53.30934701168695, 7.473534006232359 53.30914573435065, 7.47237902943849 53.30914573435065, 7.47237902943849 53.30934701168695))",50685_6_14,6,14,145.0 +"POLYGON ((7.47237902943849 53.30914573435065, 7.473534006232359 53.30914573435065, 7.473534006232359 53.30894445606543, 7.47237902943849 53.30894445606543, 7.47237902943849 53.30914573435065))",50685_6_15,6,15,102.0 +"POLYGON ((7.465449168675282 53.30458319353122, 7.466604145469151 53.30458319353122, 7.466604145469151 53.30438189373619, 7.465449168675282 53.30438189373619, 7.465449168675282 53.30458319353122))",50686_0_11,0,11,166.66666666666666 +"POLYGON ((7.465449168675282 53.30257015287638, 7.466604145469151 53.30257015287638, 7.466604145469151 53.30236884359142, 7.465449168675282 53.30236884359142, 7.465449168675282 53.30257015287638))",50686_0_21,0,21,113.34271874999999 +"POLYGON ((7.467759122263018 53.30397929129919, 7.468914099056886 53.30397929129919, 7.468914099056886 53.30377798865719, 7.467759122263018 53.30377798865719, 7.467759122263018 53.30397929129919))",50686_2_14,2,14,176.66666666666666 +"POLYGON ((7.468914099056886 53.30538838322151, 7.470069075850755 53.30538838322151, 7.470069075850755 53.30518708722241, 7.468914099056886 53.30518708722241, 7.468914099056886 53.30538838322151))",50686_3_7,3,7,175.0 +"POLYGON ((7.468914099056886 53.30418059299218, 7.470069075850755 53.30418059299218, 7.470069075850755 53.30397929129919, 7.468914099056886 53.30397929129919, 7.468914099056886 53.30418059299218))",50686_3_13,3,13,122.33333333333333 +"POLYGON ((7.470069075850755 53.3057909723728, 7.471224052644622 53.3057909723728, 7.471224052644622 53.30558967827165, 7.470069075850755 53.30558967827165, 7.470069075850755 53.3057909723728))",50686_4_5,4,5,127.75 +"POLYGON ((7.470069075850755 53.30498579027433, 7.471224052644622 53.30498579027433, 7.471224052644622 53.30478449237726, 7.470069075850755 53.30478449237726, 7.470069075850755 53.30498579027433))",50686_4_9,4,9,132.7500005 +"POLYGON ((7.470069075850755 53.30337538052624, 7.471224052644622 53.30337538052624, 7.471224052644622 53.30317407503728, 7.470069075850755 53.30317407503728, 7.470069075850755 53.30337538052624))",50686_4_17,4,17,108.58980899999999 +"POLYGON ((7.471224052644622 53.3057909723728, 7.47237902943849 53.3057909723728, 7.47237902943849 53.30558967827165, 7.471224052644622 53.30558967827165, 7.471224052644622 53.3057909723728))",50686_5_5,5,5,143.0 +"POLYGON ((7.471224052644622 53.30538838322151, 7.47237902943849 53.30538838322151, 7.47237902943849 53.30518708722241, 7.471224052644622 53.30518708722241, 7.471224052644622 53.30538838322151))",50686_5_7,5,7,189.5 +"POLYGON ((7.471224052644622 53.30478449237726, 7.47237902943849 53.30478449237726, 7.47237902943849 53.30458319353122, 7.471224052644622 53.30458319353122, 7.471224052644622 53.30478449237726))",50686_5_10,5,10,125.7499985 +"POLYGON ((7.471224052644622 53.30438189373619, 7.47237902943849 53.30438189373619, 7.47237902943849 53.30418059299218, 7.471224052644622 53.30418059299218, 7.471224052644622 53.30438189373619))",50686_5_12,5,12,108.63413080000001 +"POLYGON ((7.471224052644622 53.30377798865719, 7.47237902943849 53.30377798865719, 7.47237902943849 53.30357668506622, 7.471224052644622 53.30357668506622, 7.471224052644622 53.30377798865719))",50686_5_15,5,15,108.0 +"POLYGON ((7.471224052644622 53.30317407503728, 7.47237902943849 53.30317407503728, 7.47237902943849 53.30297276859931, 7.471224052644622 53.30297276859931, 7.471224052644622 53.30317407503728))",50686_5_18,5,18,102.0 +"POLYGON ((7.471224052644622 53.30236884359142, 7.47237902943849 53.30236884359142, 7.47237902943849 53.30216753335745, 7.471224052644622 53.30216753335745, 7.471224052644622 53.30236884359142))",50686_5_22,5,22,89.652325 +"POLYGON ((7.47237902943849 53.30478449237726, 7.473534006232359 53.30478449237726, 7.473534006232359 53.30458319353122, 7.47237902943849 53.30458319353122, 7.47237902943849 53.30478449237726))",50686_6_10,6,10,109.5 +"POLYGON ((7.47237902943849 53.30458319353122, 7.473534006232359 53.30458319353122, 7.473534006232359 53.30438189373619, 7.47237902943849 53.30438189373619, 7.47237902943849 53.30458319353122))",50686_6_11,6,11,70.20254792857143 +"POLYGON ((7.47237902943849 53.30438189373619, 7.473534006232359 53.30438189373619, 7.473534006232359 53.30418059299218, 7.47237902943849 53.30418059299218, 7.47237902943849 53.30438189373619))",50686_6_12,6,12,106.27824430000001 +"POLYGON ((7.47237902943849 53.30397929129919, 7.473534006232359 53.30397929129919, 7.473534006232359 53.30377798865719, 7.47237902943849 53.30377798865719, 7.47237902943849 53.30397929129919))",50686_6_14,6,14,143.5 +"POLYGON ((7.47237902943849 53.30377798865719, 7.473534006232359 53.30377798865719, 7.473534006232359 53.30357668506622, 7.47237902943849 53.30357668506622, 7.47237902943849 53.30377798865719))",50686_6_15,6,15,110.8 +"POLYGON ((7.465449168675282 53.29720158050107, 7.466604145469151 53.29720158050107, 7.466604145469151 53.29700024590861, 7.465449168675282 53.29700024590861, 7.465449168675282 53.29720158050107))",50687_0_21,0,21,119.264706 +"POLYGON ((7.471224052644622 53.29780557858408, 7.47237902943849 53.29780557858408, 7.47237902943849 53.29760424683879, 7.471224052644622 53.29760424683879, 7.471224052644622 53.29780557858408))",50687_5_18,5,18,101.0 +"POLYGON ((7.471224052644622 53.29700024590861, 7.47237902943849 53.29700024590861, 7.47237902943849 53.29679891036712, 7.471224052644622 53.29679891036712, 7.471224052644622 53.29700024590861))",50687_5_22,5,22,92.030306 +"POLYGON ((7.465449168675282 53.26699078481569, 7.466604145469151 53.26699078481569, 7.466604145469151 53.26678930784234, 7.465449168675282 53.26678930784234, 7.465449168675282 53.26699078481569))",50693_0_11,0,11,106.66666666666667 +"POLYGON ((7.465449168675282 53.26497597236105, 7.466604145469151 53.26497597236105, 7.466604145469151 53.26477448589406, 7.465449168675282 53.26477448589406, 7.465449168675282 53.26497597236105))",50693_0_21,0,21,119.7500005 +"POLYGON ((7.467759122263018 53.2663863510476, 7.468914099056886 53.2663863510476, 7.468914099056886 53.26618487122619, 7.467759122263018 53.26618487122619, 7.467759122263018 53.2663863510476))",50693_2_14,2,14,129.33333333333334 +"POLYGON ((7.468914099056886 53.26779668321553, 7.470069075850755 53.26779668321553, 7.470069075850755 53.26759521003959, 7.468914099056886 53.26759521003959, 7.468914099056886 53.26779668321553))",50693_3_7,3,7,157.5 +"POLYGON ((7.468914099056886 53.26658782991966, 7.470069075850755 53.26658782991966, 7.470069075850755 53.2663863510476, 7.468914099056886 53.2663863510476, 7.468914099056886 53.26658782991966))",50693_3_13,3,13,106.5 +"POLYGON ((7.470069075850755 53.26819962671937, 7.471224052644622 53.26819962671937, 7.471224052644622 53.26799815544212, 7.470069075850755 53.26799815544212, 7.470069075850755 53.26819962671937))",50693_4_5,4,5,100.25 +"POLYGON ((7.470069075850755 53.26739373591431, 7.471224052644622 53.26739373591431, 7.471224052644622 53.26719226083968, 7.470069075850755 53.26719226083968, 7.470069075850755 53.26739373591431))",50693_4_9,4,9,119.4171195 +"POLYGON ((7.470069075850755 53.26578190873528, 7.471224052644622 53.26578190873528, 7.471224052644622 53.26558042606577, 7.470069075850755 53.26558042606577, 7.470069075850755 53.26578190873528))",50693_4_17,4,17,96.00000075 +"POLYGON ((7.471224052644622 53.26819962671937, 7.47237902943849 53.26819962671937, 7.47237902943849 53.26799815544212, 7.471224052644622 53.26799815544212, 7.471224052644622 53.26819962671937))",50693_5_5,5,5,110.75 +"POLYGON ((7.471224052644622 53.26779668321553, 7.47237902943849 53.26779668321553, 7.47237902943849 53.26759521003959, 7.471224052644622 53.26759521003959, 7.471224052644622 53.26779668321553))",50693_5_7,5,7,140.66666666666666 +"POLYGON ((7.471224052644622 53.26719226083968, 7.47237902943849 53.26719226083968, 7.47237902943849 53.26699078481569, 7.471224052644622 53.26699078481569, 7.471224052644622 53.26719226083968))",50693_5_10,5,10,108.25000075 +"POLYGON ((7.471224052644622 53.26678930784234, 7.47237902943849 53.26678930784234, 7.47237902943849 53.26658782991966, 7.471224052644622 53.26658782991966, 7.471224052644622 53.26678930784234))",50693_5_12,5,12,100.9363685 +"POLYGON ((7.471224052644622 53.26618487122619, 7.47237902943849 53.26618487122619, 7.47237902943849 53.26598339045542, 7.471224052644622 53.26598339045542, 7.471224052644622 53.26618487122619))",50693_5_15,5,15,96.5 +"POLYGON ((7.471224052644622 53.26558042606577, 7.47237902943849 53.26558042606577, 7.47237902943849 53.2653789424469, 7.471224052644622 53.2653789424469, 7.471224052644622 53.26558042606577))",50693_5_18,5,18,99.2000022 +"POLYGON ((7.471224052644622 53.26477448589406, 7.47237902943849 53.26477448589406, 7.47237902943849 53.26457299847771, 7.471224052644622 53.26457299847771, 7.471224052644622 53.26477448589406))",50693_5_22,5,22,98.5407084 +"POLYGON ((7.47237902943849 53.26699078481569, 7.473534006232359 53.26699078481569, 7.473534006232359 53.26678930784234, 7.47237902943849 53.26678930784234, 7.47237902943849 53.26699078481569))",50693_6_11,6,11,103.45454545454545 +"POLYGON ((7.47237902943849 53.26678930784234, 7.473534006232359 53.26678930784234, 7.473534006232359 53.26658782991966, 7.47237902943849 53.26658782991966, 7.47237902943849 53.26678930784234))",50693_6_12,6,12,95.04243871428571 +"POLYGON ((7.47237902943849 53.2663863510476, 7.473534006232359 53.2663863510476, 7.473534006232359 53.26618487122619, 7.47237902943849 53.26618487122619, 7.47237902943849 53.2663863510476))",50693_6_14,6,14,117.66666666666667 +"POLYGON ((7.47237902943849 53.26618487122619, 7.473534006232359 53.26618487122619, 7.473534006232359 53.26598339045542, 7.47237902943849 53.26598339045542, 7.47237902943849 53.26618487122619))",50693_6_15,6,15,123.33333333333333 +"POLYGON ((7.470069075850755 52.31152301025521, 7.471224052644622 52.31152301025521, 7.471224052644622 52.31131705935235, 7.470069075850755 52.31131705935235, 7.470069075850755 52.31152301025521))",50869_4_8,4,8,128.72933766666668 +"POLYGON ((7.471224052644622 52.31049324615867, 7.47237902943849 52.31049324615867, 7.47237902943849 52.31028729046468, 7.471224052644622 52.31028729046468, 7.471224052644622 52.31049324615867))",50869_5_13,5,13,97.2 +"POLYGON ((7.471224052644622 52.30987537620198, 7.47237902943849 52.30987537620198, 7.47237902943849 52.30966941763327, 7.471224052644622 52.30966941763327, 7.471224052644622 52.30987537620198))",50869_5_16,5,16,185.33333333333334 +"POLYGON ((7.47237902943849 52.31008133381245, 7.473534006232359 52.31008133381245, 7.473534006232359 52.30987537620198, 7.47237902943849 52.30987537620198, 7.47237902943849 52.31008133381245))",50869_6_15,6,15,176.0 +"POLYGON ((7.47237902943849 52.30966941763327, 7.473534006232359 52.30966941763327, 7.473534006232359 52.30946345810633, 7.47237902943849 52.30946345810633, 7.47237902943849 52.30966941763327))",50869_6_17,6,17,170.5 +"POLYGON ((7.465449168675282 52.03524106023711, 7.466604145469151 52.03524106023711, 7.466604145469151 52.03503382627817, 7.465449168675282 52.03503382627817, 7.465449168675282 52.03524106023711))",50919_0_12,0,12,77.8 +"POLYGON ((7.465449168675282 52.03316867742093, 7.466604145469151 52.03316867742093, 7.466604145469151 52.032961433856, 7.465449168675282 52.032961433856, 7.465449168675282 52.03316867742093))",50919_0_22,0,22,49.31400620000001 +"POLYGON ((7.466604145469151 52.0356555252732, 7.467759122263018 52.0356555252732, 7.467759122263018 52.03544829323544, 7.466604145469151 52.03544829323544, 7.466604145469151 52.0356555252732))",50919_1_10,1,10,67.0 +"POLYGON ((7.467759122263018 52.03524106023711, 7.468914099056886 52.03524106023711, 7.468914099056886 52.03503382627817, 7.467759122263018 52.03503382627817, 7.467759122263018 52.03524106023711))",50919_2_12,2,12,106.5 +"POLYGON ((7.468914099056886 52.03648444381837, 7.470069075850755 52.03648444381837, 7.470069075850755 52.03627721562296, 7.468914099056886 52.03627721562296, 7.468914099056886 52.03648444381837))",50919_3_6,3,6,98.4 +"POLYGON ((7.468914099056886 52.03524106023711, 7.470069075850755 52.03524106023711, 7.470069075850755 52.03503382627817, 7.468914099056886 52.03503382627817, 7.468914099056886 52.03524106023711))",50919_3_12,3,12,103.2 +"POLYGON ((7.468914099056886 52.0344121186378, 7.470069075850755 52.0344121186378, 7.470069075850755 52.0342048808365, 7.468914099056886 52.0342048808365, 7.468914099056886 52.0344121186378))",50919_3_16,3,16,89.4 +"POLYGON ((7.470069075850755 52.03710612264116, 7.471224052644622 52.03710612264116, 7.471224052644622 52.03689889732748, 7.470069075850755 52.03689889732748, 7.470069075850755 52.03710612264116))",50919_4_3,4,3,125.5 +"POLYGON ((7.470069075850755 52.03669167105322, 7.471224052644622 52.03669167105322, 7.471224052644622 52.03648444381837, 7.470069075850755 52.03648444381837, 7.470069075850755 52.03669167105322))",50919_4_5,4,5,97.4 +"POLYGON ((7.470069075850755 52.0344121186378, 7.471224052644622 52.0344121186378, 7.471224052644622 52.0342048808365, 7.470069075850755 52.0342048808365, 7.470069075850755 52.0344121186378))",50919_4_16,4,16,73.16666666666667 +"POLYGON ((7.471224052644622 52.03710612264116, 7.47237902943849 52.03710612264116, 7.47237902943849 52.03689889732748, 7.471224052644622 52.03689889732748, 7.471224052644622 52.03710612264116))",50919_5_3,5,3,113.75 +"POLYGON ((7.471224052644622 52.03669167105322, 7.47237902943849 52.03669167105322, 7.47237902943849 52.03648444381837, 7.471224052644622 52.03648444381837, 7.471224052644622 52.03669167105322))",50919_5_5,5,5,125.0 +"POLYGON ((7.471224052644622 52.03586275635038, 7.47237902943849 52.03586275635038, 7.47237902943849 52.0356555252732, 7.471224052644622 52.0356555252732, 7.471224052644622 52.03586275635038))",50919_5_9,5,9,100.8397508 +"POLYGON ((7.471224052644622 52.03358316166896, 7.47237902943849 52.03358316166896, 7.47237902943849 52.03337592002525, 7.471224052644622 52.03337592002525, 7.471224052644622 52.03358316166896))",50919_5_20,5,20,92.16666633333334 +"POLYGON ((7.471224052644622 52.032961433856, 7.47237902943849 52.032961433856, 7.47237902943849 52.03275418933047, 7.471224052644622 52.03275418933047, 7.471224052644622 52.032961433856))",50919_5_23,5,23,85.466471 +"POLYGON ((7.47237902943849 52.03586275635038, 7.473534006232359 52.03586275635038, 7.473534006232359 52.0356555252732, 7.47237902943849 52.0356555252732, 7.47237902943849 52.03586275635038))",50919_6_9,6,9,109.4114302 +"POLYGON ((7.47237902943849 52.03524106023711, 7.473534006232359 52.03524106023711, 7.473534006232359 52.03503382627817, 7.47237902943849 52.03503382627817, 7.47237902943849 52.03524106023711))",50919_6_12,6,12,77.6 +"POLYGON ((7.47237902943849 52.03503382627817, 7.473534006232359 52.03503382627817, 7.473534006232359 52.03482659135865, 7.47237902943849 52.03482659135865, 7.47237902943849 52.03503382627817))",50919_6_13,6,13,90.79548030000001 +"POLYGON ((7.47237902943849 52.03482659135865, 7.473534006232359 52.03482659135865, 7.473534006232359 52.03461935547853, 7.47237902943849 52.03461935547853, 7.47237902943849 52.03482659135865))",50919_6_14,6,14,77.9426225 +"POLYGON ((7.470069075850755 50.58094591928418, 7.471224052644622 50.58094591928418, 7.471224052644622 50.58073201169717, 7.470069075850755 50.58073201169717, 7.470069075850755 50.58094591928418))",51178_4_12,4,12,138.33333333333334 +"POLYGON ((7.474432321516479 53.32940289280901, 7.475587298310346 53.32940289280901, 7.475587298310346 53.32920171004022, 7.474432321516479 53.32920171004022, 7.474432321516479 53.32940289280901))",51356_0_21,0,21,73.0 +"POLYGON ((7.477897251898082 53.33101232080497, 7.479052228691948 53.33101232080497, 7.479052228691948 53.33081114562601, 7.477897251898082 53.33081114562601, 7.477897251898082 53.33101232080497))",51356_3_13,3,13,73.5 +"POLYGON ((7.479052228691948 53.33020761439681, 7.480207205485818 53.33020761439681, 7.480207205485818 53.33000643542297, 7.479052228691948 53.33000643542297, 7.479052228691948 53.33020761439681))",51356_4_17,4,17,82.999998 +"POLYGON ((7.480207205485818 53.33121349503519, 7.481362182279685 53.33121349503519, 7.481362182279685 53.33101232080497, 7.480207205485818 53.33101232080497, 7.480207205485818 53.33121349503519))",51356_5_12,5,12,75.5 +"POLYGON ((7.480207205485818 53.33000643542297, 7.481362182279685 53.33000643542297, 7.481362182279685 53.32980525550037, 7.480207205485818 53.32980525550037, 7.480207205485818 53.33000643542297))",51356_5_18,5,18,67.5000005 +"POLYGON ((7.480207205485818 53.32920171004022, 7.481362182279685 53.32920171004022, 7.481362182279685 53.32900052632268, 7.480207205485818 53.32900052632268, 7.480207205485818 53.32920171004022))",51356_5_22,5,22,63.999998 +"POLYGON ((7.481362182279685 53.3314146683167, 7.482517159073554 53.3314146683167, 7.482517159073554 53.33121349503519, 7.481362182279685 53.33121349503519, 7.481362182279685 53.3314146683167))",51356_6_11,6,11,74.0 +"POLYGON ((7.474432321516479 53.32403769428918, 7.475587298310346 53.32403769428918, 7.475587298310346 53.32383648621999, 7.474432321516479 53.32383648621999, 7.474432321516479 53.32403769428918))",51357_0_21,0,21,72.975131375 +"POLYGON ((7.477897251898082 53.32564732468644, 7.479052228691948 53.32564732468644, 7.479052228691948 53.32544612420752, 7.477897251898082 53.32544612420752, 7.477897251898082 53.32564732468644))",51357_3_13,3,13,72.85714285714286 +"POLYGON ((7.479052228691948 53.32484251707807, 7.480207205485818 53.32484251707807, 7.480207205485818 53.32464131280403, 7.479052228691948 53.32464131280403, 7.479052228691948 53.32484251707807))",51357_4_17,4,17,71.125001 +"POLYGON ((7.480207205485818 53.3258485242166, 7.481362182279685 53.3258485242166, 7.481362182279685 53.32564732468644, 7.480207205485818 53.32564732468644, 7.480207205485818 53.3258485242166))",51357_5_12,5,12,73.0 +"POLYGON ((7.480207205485818 53.32464131280403, 7.481362182279685 53.32464131280403, 7.481362182279685 53.3244401075812, 7.480207205485818 53.3244401075812, 7.480207205485818 53.32464131280403))",51357_5_18,5,18,62.03329225 +"POLYGON ((7.480207205485818 53.32383648621999, 7.481362182279685 53.32383648621999, 7.481362182279685 53.32363527720199, 7.480207205485818 53.32363527720199, 7.480207205485818 53.32383648621999))",51357_5_22,5,22,66.08823455555556 +"POLYGON ((7.481362182279685 53.32604972279797, 7.482517159073554 53.32604972279797, 7.482517159073554 53.3258485242166, 7.481362182279685 53.3258485242166, 7.481362182279685 53.32604972279797))",51357_6_11,6,11,73.549577375 +"POLYGON ((7.480207205485818 53.31927551549376, 7.481362182279685 53.31927551549376, 7.481362182279685 53.31907428496928, 7.480207205485818 53.31907428496928, 7.480207205485818 53.31927551549376))",51358_5_18,5,18,61.0 +"POLYGON ((7.477897251898082 53.30418059299218, 7.479052228691948 53.30418059299218, 7.479052228691948 53.30397929129919, 7.477897251898082 53.30397929129919, 7.477897251898082 53.30418059299218))",51361_3_13,3,13,121.0 +"POLYGON ((7.474432321516479 53.29921487422779, 7.475587298310346 53.29921487422779, 7.475587298310346 53.2990135491258, 7.474432321516479 53.2990135491258, 7.474432321516479 53.29921487422779))",51362_0_11,0,11,164.66666666666666 +"POLYGON ((7.474432321516479 53.29720158050107, 7.475587298310346 53.29720158050107, 7.475587298310346 53.29700024590861, 7.474432321516479 53.29700024590861, 7.474432321516479 53.29720158050107))",51362_0_21,0,21,121.108291 +"POLYGON ((7.476742275104214 53.29861089607474, 7.477897251898082 53.29861089607474, 7.477897251898082 53.29840956812564, 7.476742275104214 53.29840956812564, 7.476742275104214 53.29861089607474))",51362_2_14,2,14,183.5 +"POLYGON ((7.477897251898082 53.30002016514535, 7.479052228691948 53.30002016514535, 7.479052228691948 53.29981884383951, 7.477897251898082 53.29981884383951, 7.477897251898082 53.30002016514535))",51362_3_7,3,7,200.0 +"POLYGON ((7.477897251898082 53.2988122230748, 7.479052228691948 53.2988122230748, 7.479052228691948 53.29861089607474, 7.477897251898082 53.29861089607474, 7.477897251898082 53.2988122230748))",51362_3_13,3,13,123.33333333333333 +"POLYGON ((7.479052228691948 53.30042280490996, 7.480207205485818 53.30042280490996, 7.480207205485818 53.30022148550217, 7.479052228691948 53.30022148550217, 7.479052228691948 53.30042280490996))",51362_4_5,4,5,132.75 +"POLYGON ((7.479052228691948 53.29961752158463, 7.480207205485818 53.29961752158463, 7.480207205485818 53.29941619838073, 7.479052228691948 53.29941619838073, 7.479052228691948 53.29961752158463))",51362_4_9,4,9,135.15067675 +"POLYGON ((7.479052228691948 53.29800690938031, 7.480207205485818 53.29800690938031, 7.480207205485818 53.29780557858408, 7.479052228691948 53.29780557858408, 7.479052228691948 53.29800690938031))",51362_4_17,4,17,110.31570300000001 +"POLYGON ((7.480207205485818 53.30042280490996, 7.481362182279685 53.30042280490996, 7.481362182279685 53.30022148550217, 7.480207205485818 53.30022148550217, 7.480207205485818 53.30042280490996))",51362_5_5,5,5,143.33333333333334 +"POLYGON ((7.480207205485818 53.30002016514535, 7.481362182279685 53.30002016514535, 7.481362182279685 53.29981884383951, 7.480207205485818 53.29981884383951, 7.480207205485818 53.30002016514535))",51362_5_7,5,7,187.66666666666666 +"POLYGON ((7.480207205485818 53.29941619838073, 7.481362182279685 53.29941619838073, 7.481362182279685 53.29921487422779, 7.480207205485818 53.29921487422779, 7.480207205485818 53.29941619838073))",51362_5_10,5,10,123.81718024999999 +"POLYGON ((7.480207205485818 53.2990135491258, 7.481362182279685 53.2990135491258, 7.481362182279685 53.2988122230748, 7.480207205485818 53.2988122230748, 7.480207205485818 53.2990135491258))",51362_5_12,5,12,115.160549375 +"POLYGON ((7.480207205485818 53.29840956812564, 7.481362182279685 53.29840956812564, 7.481362182279685 53.2982082392275, 7.480207205485818 53.2982082392275, 7.480207205485818 53.29840956812564))",51362_5_15,5,15,117.5 +"POLYGON ((7.480207205485818 53.29780557858408, 7.481362182279685 53.29780557858408, 7.481362182279685 53.29760424683879, 7.480207205485818 53.29760424683879, 7.480207205485818 53.29780557858408))",51362_5_18,5,18,99.2000004 +"POLYGON ((7.480207205485818 53.29700024590861, 7.481362182279685 53.29700024590861, 7.481362182279685 53.29679891036712, 7.480207205485818 53.29679891036712, 7.480207205485818 53.29700024590861))",51362_5_22,5,22,96.9081076 +"POLYGON ((7.481362182279685 53.29941619838073, 7.482517159073554 53.29941619838073, 7.482517159073554 53.29921487422779, 7.481362182279685 53.29921487422779, 7.481362182279685 53.29941619838073))",51362_6_10,6,10,113.25 +"POLYGON ((7.481362182279685 53.29921487422779, 7.482517159073554 53.29921487422779, 7.482517159073554 53.2990135491258, 7.481362182279685 53.2990135491258, 7.481362182279685 53.29921487422779))",51362_6_11,6,11,77.93498261538463 +"POLYGON ((7.481362182279685 53.2990135491258, 7.482517159073554 53.2990135491258, 7.482517159073554 53.2988122230748, 7.481362182279685 53.2988122230748, 7.481362182279685 53.2990135491258))",51362_6_12,6,12,118.1098521111111 +"POLYGON ((7.481362182279685 53.29861089607474, 7.482517159073554 53.29861089607474, 7.482517159073554 53.29840956812564, 7.481362182279685 53.29840956812564, 7.481362182279685 53.29861089607474))",51362_6_14,6,14,147.33333333333334 +"POLYGON ((7.481362182279685 53.29840956812564, 7.482517159073554 53.29840956812564, 7.482517159073554 53.2982082392275, 7.481362182279685 53.2982082392275, 7.481362182279685 53.29840956812564))",51362_6_15,6,15,111.25 +"POLYGON ((7.474432321516479 53.29384588005421, 7.475587298310346 53.29384588005421, 7.475587298310346 53.29364452964387, 7.474432321516479 53.29364452964387, 7.474432321516479 53.29384588005421))",51363_0_11,0,11,163.0 +"POLYGON ((7.474432321516479 53.29183233324147, 7.475587298310346 53.29183233324147, 7.475587298310346 53.29163097334013, 7.474432321516479 53.29163097334013, 7.474432321516479 53.29183233324147))",51363_0_21,0,21,122.7115655 +"POLYGON ((7.476742275104214 53.2932418259759, 7.477897251898082 53.2932418259759, 7.477897251898082 53.2930404727183, 7.476742275104214 53.2930404727183, 7.476742275104214 53.2932418259759))",51363_2_14,2,14,187.0 +"POLYGON ((7.477897251898082 53.2946512722047, 7.479052228691948 53.2946512722047, 7.479052228691948 53.2944499255907, 7.477897251898082 53.2944499255907, 7.477897251898082 53.2946512722047))",51363_3_7,3,7,206.0 +"POLYGON ((7.477897251898082 53.29344317828444, 7.479052228691948 53.29344317828444, 7.479052228691948 53.2932418259759, 7.477897251898082 53.2932418259759, 7.477897251898082 53.29344317828444))",51363_3_13,3,13,126.0 +"POLYGON ((7.479052228691948 53.29505396258545, 7.480207205485818 53.29505396258545, 7.480207205485818 53.29485261786962, 7.479052228691948 53.29485261786962, 7.479052228691948 53.29505396258545))",51363_4_5,4,5,129.0 +"POLYGON ((7.479052228691948 53.29424857802763, 7.480207205485818 53.29424857802763, 7.480207205485818 53.29404722951546, 7.479052228691948 53.29404722951546, 7.479052228691948 53.29424857802763))",51363_4_9,4,9,137.000004 +"POLYGON ((7.479052228691948 53.29263776335576, 7.480207205485818 53.29263776335576, 7.480207205485818 53.29243640725084, 7.479052228691948 53.29243640725084, 7.479052228691948 53.29263776335576))",51363_4_17,4,17,112.9999995 +"POLYGON ((7.480207205485818 53.29505396258545, 7.481362182279685 53.29505396258545, 7.481362182279685 53.29485261786962, 7.480207205485818 53.29485261786962, 7.480207205485818 53.29505396258545))",51363_5_5,5,5,141.0 +"POLYGON ((7.480207205485818 53.2946512722047, 7.481362182279685 53.2946512722047, 7.481362182279685 53.2944499255907, 7.480207205485818 53.2944499255907, 7.480207205485818 53.2946512722047))",51363_5_7,5,7,182.0 +"POLYGON ((7.480207205485818 53.29404722951546, 7.481362182279685 53.29404722951546, 7.481362182279685 53.29384588005421, 7.480207205485818 53.29384588005421, 7.480207205485818 53.29404722951546))",51363_5_10,5,10,127.15189849999999 +"POLYGON ((7.480207205485818 53.29364452964387, 7.481362182279685 53.29364452964387, 7.481362182279685 53.29344317828444, 7.480207205485818 53.29344317828444, 7.480207205485818 53.29364452964387))",51363_5_12,5,12,117.8431265 +"POLYGON ((7.480207205485818 53.2930404727183, 7.481362182279685 53.2930404727183, 7.481362182279685 53.29283911851157, 7.480207205485818 53.29283911851157, 7.480207205485818 53.2930404727183))",51363_5_15,5,15,131.0 +"POLYGON ((7.480207205485818 53.29243640725084, 7.481362182279685 53.29243640725084, 7.481362182279685 53.29223505019682, 7.480207205485818 53.29223505019682, 7.480207205485818 53.29243640725084))",51363_5_18,5,18,102.9999985 +"POLYGON ((7.480207205485818 53.29163097334013, 7.481362182279685 53.29163097334013, 7.481362182279685 53.29142961248967, 7.480207205485818 53.29142961248967, 7.480207205485818 53.29163097334013))",51363_5_22,5,22,95.9999995 +"POLYGON ((7.481362182279685 53.29404722951546, 7.482517159073554 53.29404722951546, 7.482517159073554 53.29384588005421, 7.481362182279685 53.29384588005421, 7.481362182279685 53.29404722951546))",51363_6_10,6,10,123.0 +"POLYGON ((7.481362182279685 53.29384588005421, 7.482517159073554 53.29384588005421, 7.482517159073554 53.29364452964387, 7.481362182279685 53.29364452964387, 7.481362182279685 53.29384588005421))",51363_6_11,6,11,75.64785283333333 +"POLYGON ((7.481362182279685 53.29364452964387, 7.482517159073554 53.29364452964387, 7.482517159073554 53.29344317828444, 7.481362182279685 53.29344317828444, 7.481362182279685 53.29364452964387))",51363_6_12,6,12,120.52061725 +"POLYGON ((7.481362182279685 53.2932418259759, 7.482517159073554 53.2932418259759, 7.482517159073554 53.2930404727183, 7.481362182279685 53.2930404727183, 7.481362182279685 53.2932418259759))",51363_6_14,6,14,152.0 +"POLYGON ((7.481362182279685 53.2930404727183, 7.482517159073554 53.2930404727183, 7.482517159073554 53.29283911851157, 7.481362182279685 53.29283911851157, 7.481362182279685 53.2930404727183))",51363_6_15,6,15,117.5 +"POLYGON ((7.474432321516479 53.26699078481569, 7.475587298310346 53.26699078481569, 7.475587298310346 53.26678930784234, 7.474432321516479 53.26678930784234, 7.474432321516479 53.26699078481569))",51368_0_11,0,11,113.0 +"POLYGON ((7.474432321516479 53.26497597236105, 7.475587298310346 53.26497597236105, 7.475587298310346 53.26477448589406, 7.474432321516479 53.26477448589406, 7.474432321516479 53.26497597236105))",51368_0_21,0,21,119.9427845 +"POLYGON ((7.476742275104214 53.2663863510476, 7.477897251898082 53.2663863510476, 7.477897251898082 53.26618487122619, 7.476742275104214 53.26618487122619, 7.476742275104214 53.2663863510476))",51368_2_14,2,14,148.66666666666666 +"POLYGON ((7.477897251898082 53.26779668321553, 7.479052228691948 53.26779668321553, 7.479052228691948 53.26759521003959, 7.477897251898082 53.26759521003959, 7.477897251898082 53.26779668321553))",51368_3_7,3,7,147.0 +"POLYGON ((7.477897251898082 53.26658782991966, 7.479052228691948 53.26658782991966, 7.479052228691948 53.2663863510476, 7.477897251898082 53.2663863510476, 7.477897251898082 53.26658782991966))",51368_3_13,3,13,104.5 +"POLYGON ((7.479052228691948 53.26819962671937, 7.480207205485818 53.26819962671937, 7.480207205485818 53.26799815544212, 7.479052228691948 53.26799815544212, 7.479052228691948 53.26819962671937))",51368_4_5,4,5,99.5 +"POLYGON ((7.479052228691948 53.26739373591431, 7.480207205485818 53.26739373591431, 7.480207205485818 53.26719226083968, 7.479052228691948 53.26719226083968, 7.479052228691948 53.26739373591431))",51368_4_9,4,9,128.000002 +"POLYGON ((7.479052228691948 53.26578190873528, 7.480207205485818 53.26578190873528, 7.480207205485818 53.26558042606577, 7.479052228691948 53.26558042606577, 7.479052228691948 53.26578190873528))",51368_4_17,4,17,98.00000059999999 +"POLYGON ((7.480207205485818 53.26819962671937, 7.481362182279685 53.26819962671937, 7.481362182279685 53.26799815544212, 7.480207205485818 53.26799815544212, 7.480207205485818 53.26819962671937))",51368_5_5,5,5,98.0 +"POLYGON ((7.480207205485818 53.26779668321553, 7.481362182279685 53.26779668321553, 7.481362182279685 53.26759521003959, 7.480207205485818 53.26759521003959, 7.480207205485818 53.26779668321553))",51368_5_7,5,7,143.5 +"POLYGON ((7.480207205485818 53.26719226083968, 7.481362182279685 53.26719226083968, 7.481362182279685 53.26699078481569, 7.480207205485818 53.26699078481569, 7.480207205485818 53.26719226083968))",51368_5_10,5,10,112.51190375 +"POLYGON ((7.480207205485818 53.26678930784234, 7.481362182279685 53.26678930784234, 7.481362182279685 53.26658782991966, 7.480207205485818 53.26658782991966, 7.480207205485818 53.26678930784234))",51368_5_12,5,12,99.555556 +"POLYGON ((7.480207205485818 53.26618487122619, 7.481362182279685 53.26618487122619, 7.481362182279685 53.26598339045542, 7.480207205485818 53.26598339045542, 7.480207205485818 53.26618487122619))",51368_5_15,5,15,89.0 +"POLYGON ((7.480207205485818 53.26558042606577, 7.481362182279685 53.26558042606577, 7.481362182279685 53.2653789424469, 7.480207205485818 53.2653789424469, 7.480207205485818 53.26558042606577))",51368_5_18,5,18,99.2500015 +"POLYGON ((7.480207205485818 53.26477448589406, 7.481362182279685 53.26477448589406, 7.481362182279685 53.26457299847771, 7.480207205485818 53.26457299847771, 7.480207205485818 53.26477448589406))",51368_5_22,5,22,97.62310575 +"POLYGON ((7.481362182279685 53.26699078481569, 7.482517159073554 53.26699078481569, 7.482517159073554 53.26678930784234, 7.481362182279685 53.26678930784234, 7.481362182279685 53.26699078481569))",51368_6_11,6,11,104.12849892307692 +"POLYGON ((7.481362182279685 53.26678930784234, 7.482517159073554 53.26678930784234, 7.482517159073554 53.26658782991966, 7.481362182279685 53.26658782991966, 7.481362182279685 53.26678930784234))",51368_6_12,6,12,95.71039684615383 +"POLYGON ((7.481362182279685 53.2663863510476, 7.482517159073554 53.2663863510476, 7.482517159073554 53.26618487122619, 7.481362182279685 53.26618487122619, 7.481362182279685 53.2663863510476))",51368_6_14,6,14,119.33333333333333 +"POLYGON ((7.481362182279685 53.26618487122619, 7.482517159073554 53.26618487122619, 7.482517159073554 53.26598339045542, 7.481362182279685 53.26598339045542, 7.481362182279685 53.26618487122619))",51368_6_15,6,15,119.25 +"POLYGON ((7.479052228691948 52.31152301025521, 7.480207205485818 52.31152301025521, 7.480207205485818 52.31131705935235, 7.479052228691948 52.31131705935235, 7.479052228691948 52.31152301025521))",51544_4_8,4,8,128.999998 +"POLYGON ((7.480207205485818 52.31049324615867, 7.481362182279685 52.31049324615867, 7.481362182279685 52.31028729046468, 7.480207205485818 52.31028729046468, 7.480207205485818 52.31049324615867))",51544_5_13,5,13,109.348278 +"POLYGON ((7.480207205485818 52.30987537620198, 7.481362182279685 52.30987537620198, 7.481362182279685 52.30966941763327, 7.480207205485818 52.30966941763327, 7.480207205485818 52.30987537620198))",51544_5_16,5,16,181.5 +"POLYGON ((7.481362182279685 52.31008133381245, 7.482517159073554 52.31008133381245, 7.482517159073554 52.30987537620198, 7.481362182279685 52.30987537620198, 7.481362182279685 52.31008133381245))",51544_6_15,6,15,181.0 +"POLYGON ((7.481362182279685 52.30966941763327, 7.482517159073554 52.30966941763327, 7.482517159073554 52.30946345810633, 7.481362182279685 52.30946345810633, 7.481362182279685 52.30966941763327))",51544_6_17,6,17,153.0 +"POLYGON ((7.479052228691948 52.3060306582481, 7.480207205485818 52.3060306582481, 7.480207205485818 52.30582468179195, 7.479052228691948 52.30582468179195, 7.479052228691948 52.3060306582481))",51545_4_8,4,8,128.000003 +"POLYGON ((7.480207205485818 52.30500076638464, 7.481362182279685 52.30500076638464, 7.481362182279685 52.30479478513711, 7.480207205485818 52.30479478513711, 7.480207205485818 52.30500076638464))",51545_5_13,5,13,104.0 +"POLYGON ((7.481362182279685 52.30458880293131, 7.482517159073554 52.30458880293131, 7.482517159073554 52.30438281976722, 7.481362182279685 52.30438281976722, 7.481362182279685 52.30458880293131))",51545_6_15,6,15,174.0 +"POLYGON ((7.481362182279685 52.30417683564485, 7.482517159073554 52.30417683564485, 7.482517159073554 52.30397085056418, 7.481362182279685 52.30397085056418, 7.481362182279685 52.30417683564485))",51545_6_17,6,17,136.0 +"POLYGON ((7.474432321516479 52.03524106023711, 7.475587298310346 52.03524106023711, 7.475587298310346 52.03503382627817, 7.474432321516479 52.03503382627817, 7.474432321516479 52.03524106023711))",51594_0_12,0,12,117.5 +"POLYGON ((7.474432321516479 52.03316867742093, 7.475587298310346 52.03316867742093, 7.475587298310346 52.032961433856, 7.474432321516479 52.032961433856, 7.474432321516479 52.03316867742093))",51594_0_22,0,22,96.577806 +"POLYGON ((7.475587298310346 52.0356555252732, 7.476742275104214 52.0356555252732, 7.476742275104214 52.03544829323544, 7.475587298310346 52.03544829323544, 7.475587298310346 52.0356555252732))",51594_1_10,1,10,101.0 +"POLYGON ((7.476742275104214 52.03524106023711, 7.477897251898082 52.03524106023711, 7.477897251898082 52.03503382627817, 7.476742275104214 52.03503382627817, 7.476742275104214 52.03524106023711))",51594_2_12,2,12,107.0 +"POLYGON ((7.477897251898082 52.03648444381837, 7.479052228691948 52.03648444381837, 7.479052228691948 52.03627721562296, 7.477897251898082 52.03627721562296, 7.477897251898082 52.03648444381837))",51594_3_6,3,6,92.0 +"POLYGON ((7.477897251898082 52.03524106023711, 7.479052228691948 52.03524106023711, 7.479052228691948 52.03503382627817, 7.477897251898082 52.03503382627817, 7.477897251898082 52.03524106023711))",51594_3_12,3,12,104.0 +"POLYGON ((7.477897251898082 52.0344121186378, 7.479052228691948 52.0344121186378, 7.479052228691948 52.0342048808365, 7.477897251898082 52.0342048808365, 7.477897251898082 52.0344121186378))",51594_3_16,3,16,90.5 +"POLYGON ((7.479052228691948 52.03710612264116, 7.480207205485818 52.03710612264116, 7.480207205485818 52.03689889732748, 7.479052228691948 52.03689889732748, 7.479052228691948 52.03710612264116))",51594_4_3,4,3,124.0 +"POLYGON ((7.479052228691948 52.03669167105322, 7.480207205485818 52.03669167105322, 7.480207205485818 52.03648444381837, 7.479052228691948 52.03648444381837, 7.479052228691948 52.03669167105322))",51594_4_5,4,5,95.33333333333333 +"POLYGON ((7.479052228691948 52.0344121186378, 7.480207205485818 52.0344121186378, 7.480207205485818 52.0342048808365, 7.479052228691948 52.0342048808365, 7.479052228691948 52.0344121186378))",51594_4_16,4,16,73.33333333333333 +"POLYGON ((7.480207205485818 52.03710612264116, 7.481362182279685 52.03710612264116, 7.481362182279685 52.03689889732748, 7.480207205485818 52.03689889732748, 7.480207205485818 52.03710612264116))",51594_5_3,5,3,112.5 +"POLYGON ((7.480207205485818 52.03669167105322, 7.481362182279685 52.03669167105322, 7.481362182279685 52.03648444381837, 7.480207205485818 52.03648444381837, 7.480207205485818 52.03669167105322))",51594_5_5,5,5,129.0 +"POLYGON ((7.480207205485818 52.03586275635038, 7.481362182279685 52.03586275635038, 7.481362182279685 52.0356555252732, 7.480207205485818 52.0356555252732, 7.480207205485818 52.03586275635038))",51594_5_9,5,9,97.96080033333334 +"POLYGON ((7.480207205485818 52.03358316166896, 7.481362182279685 52.03358316166896, 7.481362182279685 52.03337592002525, 7.480207205485818 52.03337592002525, 7.480207205485818 52.03358316166896))",51594_5_20,5,20,93.000003 +"POLYGON ((7.480207205485818 52.032961433856, 7.481362182279685 52.032961433856, 7.481362182279685 52.03275418933047, 7.480207205485818 52.03275418933047, 7.480207205485818 52.032961433856))",51594_5_23,5,23,86.89409166666667 +"POLYGON ((7.481362182279685 52.03586275635038, 7.482517159073554 52.03586275635038, 7.482517159073554 52.0356555252732, 7.481362182279685 52.0356555252732, 7.481362182279685 52.03586275635038))",51594_6_9,6,9,111.27603466666666 +"POLYGON ((7.481362182279685 52.03524106023711, 7.482517159073554 52.03524106023711, 7.482517159073554 52.03503382627817, 7.481362182279685 52.03503382627817, 7.481362182279685 52.03524106023711))",51594_6_12,6,12,98.0 +"POLYGON ((7.481362182279685 52.03503382627817, 7.482517159073554 52.03503382627817, 7.482517159073554 52.03482659135865, 7.481362182279685 52.03482659135865, 7.481362182279685 52.03503382627817))",51594_6_13,6,13,97.6905616 +"POLYGON ((7.481362182279685 52.03482659135865, 7.482517159073554 52.03482659135865, 7.482517159073554 52.03461935547853, 7.481362182279685 52.03461935547853, 7.481362182279685 52.03482659135865))",51594_6_14,6,14,91.71601385714287 +"POLYGON ((7.474432321516479 52.02971449259147, 7.475587298310346 52.02971449259147, 7.475587298310346 52.02950723301616, 7.474432321516479 52.02950723301616, 7.474432321516479 52.02971449259147))",51595_0_12,0,12,125.5 +"POLYGON ((7.474432321516479 52.02764185360946, 7.475587298310346 52.02764185360946, 7.475587298310346 52.02743458442769, 7.474432321516479 52.02743458442769, 7.474432321516479 52.02764185360946))",51595_0_22,0,22,108.67664 +"POLYGON ((7.475587298310346 52.03012900886018, 7.476742275104214 52.03012900886018, 7.476742275104214 52.02992175120615, 7.475587298310346 52.02992175120615, 7.475587298310346 52.03012900886018))",51595_1_10,1,10,102.66666666666667 +"POLYGON ((7.476742275104214 52.02971449259147, 7.477897251898082 52.02971449259147, 7.477897251898082 52.02950723301616, 7.476742275104214 52.02950723301616, 7.476742275104214 52.02971449259147))",51595_2_12,2,12,112.0 +"POLYGON ((7.477897251898082 52.03095802987002, 7.479052228691948 52.03095802987002, 7.479052228691948 52.0307507760585, 7.477897251898082 52.0307507760585, 7.477897251898082 52.03095802987002))",51595_3_6,3,6,97.0 +"POLYGON ((7.477897251898082 52.02971449259147, 7.479052228691948 52.02971449259147, 7.479052228691948 52.02950723301616, 7.477897251898082 52.02950723301616, 7.477897251898082 52.02971449259147))",51595_3_12,3,12,106.0 +"POLYGON ((7.477897251898082 52.0288854485264, 7.479052228691948 52.0288854485264, 7.479052228691948 52.02867818510853, 7.477897251898082 52.02867818510853, 7.477897251898082 52.0288854485264))",51595_3_16,3,16,95.66666666666667 +"POLYGON ((7.479052228691948 52.03157978554081, 7.480207205485818 52.03157978554081, 7.480207205485818 52.03137253461118, 7.479052228691948 52.03137253461118, 7.479052228691948 52.03157978554081))",51595_4_3,4,3,124.66666666666667 +"POLYGON ((7.479052228691948 52.03116528272091, 7.480207205485818 52.03116528272091, 7.480207205485818 52.03095802987002, 7.479052228691948 52.03095802987002, 7.479052228691948 52.03116528272091))",51595_4_5,4,5,94.33333333333333 +"POLYGON ((7.479052228691948 52.0288854485264, 7.480207205485818 52.0288854485264, 7.480207205485818 52.02867818510853, 7.479052228691948 52.02867818510853, 7.479052228691948 52.0288854485264))",51595_4_16,4,16,75.5 +"POLYGON ((7.480207205485818 52.03157978554081, 7.481362182279685 52.03157978554081, 7.481362182279685 52.03137253461118, 7.480207205485818 52.03137253461118, 7.480207205485818 52.03157978554081))",51595_5_3,5,3,108.0 +"POLYGON ((7.480207205485818 52.03116528272091, 7.481362182279685 52.03116528272091, 7.481362182279685 52.03095802987002, 7.480207205485818 52.03095802987002, 7.480207205485818 52.03116528272091))",51595_5_5,5,5,128.5 +"POLYGON ((7.480207205485818 52.03033626555359, 7.481362182279685 52.03033626555359, 7.481362182279685 52.03012900886018, 7.480207205485818 52.03012900886018, 7.480207205485818 52.03033626555359))",51595_5_9,5,9,101.235348 +"POLYGON ((7.480207205485818 52.02805638909103, 7.481362182279685 52.02805638909103, 7.481362182279685 52.02784912183058, 7.480207205485818 52.02784912183058, 7.480207205485818 52.02805638909103))",51595_5_20,5,20,91.500001 +"POLYGON ((7.480207205485818 52.02743458442769, 7.481362182279685 52.02743458442769, 7.481362182279685 52.02722731428527, 7.480207205485818 52.02722731428527, 7.480207205485818 52.02743458442769))",51595_5_23,5,23,91.241452 +"POLYGON ((7.481362182279685 52.03033626555359, 7.482517159073554 52.03033626555359, 7.482517159073554 52.03012900886018, 7.481362182279685 52.03012900886018, 7.481362182279685 52.03033626555359))",51595_6_9,6,9,109.00773900000002 +"POLYGON ((7.481362182279685 52.02971449259147, 7.482517159073554 52.02971449259147, 7.482517159073554 52.02950723301616, 7.481362182279685 52.02950723301616, 7.481362182279685 52.02971449259147))",51595_6_12,6,12,81.0 +"POLYGON ((7.481362182279685 52.02950723301616, 7.482517159073554 52.02950723301616, 7.482517159073554 52.02929997248022, 7.481362182279685 52.02929997248022, 7.481362182279685 52.02950723301616))",51595_6_13,6,13,97.54199057142857 +"POLYGON ((7.481362182279685 52.02929997248022, 7.482517159073554 52.02929997248022, 7.482517159073554 52.02909271098363, 7.481362182279685 52.02909271098363, 7.481362182279685 52.02929997248022))",51595_6_14,6,14,91.10654566666666 +"POLYGON ((7.479052228691948 50.58094591928418, 7.480207205485818 50.58094591928418, 7.480207205485818 50.58073201169717, 7.479052228691948 50.58073201169717, 7.479052228691948 50.58094591928418))",51853_4_12,4,12,146.33333333333334 +"POLYGON ((7.488035381533145 53.34093578511578, 7.489190358327012 53.34093578511578, 7.489190358327012 53.34073465673804, 7.488035381533145 53.34073465673804, 7.488035381533145 53.34093578511578))",52029_4_17,4,17,74.0 +"POLYGON ((7.49034533512088 53.34214253546114, 7.491500311914749 53.34214253546114, 7.491500311914749 53.34194141277512, 7.49034533512088 53.34194141277512, 7.49034533512088 53.34214253546114))",52029_6_11,6,11,72.0 +"POLYGON ((7.483415474357672 53.33496857319216, 7.484570451151543 53.33496857319216, 7.484570451151543 53.33476741667103, 7.483415474357672 53.33476741667103, 7.483415474357672 53.33496857319216))",52030_0_20,0,20,69.68644685714285 +"POLYGON ((7.486880404739276 53.33637664227704, 7.488035381533145 53.33637664227704, 7.488035381533145 53.33617549239664, 7.486880404739276 53.33617549239664, 7.486880404739276 53.33637664227704))",52030_3_13,3,13,73.5 +"POLYGON ((7.488035381533145 53.33557203706345, 7.489190358327012 53.33557203706345, 7.489190358327012 53.33537088338836, 7.488035381533145 53.33537088338836, 7.488035381533145 53.33557203706345))",52030_4_17,4,17,76.42069000000001 +"POLYGON ((7.489190358327012 53.33657779120875, 7.49034533512088 53.33657779120875, 7.49034533512088 53.33637664227704, 7.489190358327012 53.33637664227704, 7.489190358327012 53.33657779120875))",52030_5_12,5,12,68.66666666666667 +"POLYGON ((7.489190358327012 53.33537088338836, 7.49034533512088 53.33537088338836, 7.49034533512088 53.3351697287646, 7.489190358327012 53.3351697287646, 7.489190358327012 53.33537088338836))",52030_5_18,5,18,68.99999914285715 +"POLYGON ((7.489190358327012 53.33456625920123, 7.49034533512088 53.33456625920123, 7.49034533512088 53.33436510078274, 7.489190358327012 53.33436510078274, 7.489190358327012 53.33456625920123))",52030_5_22,5,22,72.61818283333332 +"POLYGON ((7.49034533512088 53.33677893919181, 7.491500311914749 53.33677893919181, 7.491500311914749 53.33657779120875, 7.49034533512088 53.33657779120875, 7.49034533512088 53.33677893919181))",52030_6_11,6,11,72.68590566666667 +"POLYGON ((7.483415474357672 53.32960407462906, 7.484570451151543 53.32960407462906, 7.484570451151543 53.32940289280901, 7.483415474357672 53.32940289280901, 7.483415474357672 53.32960407462906))",52031_0_20,0,20,71.3493155 +"POLYGON ((7.483415474357672 53.32940289280901, 7.484570451151543 53.32940289280901, 7.484570451151543 53.32920171004022, 7.483415474357672 53.32920171004022, 7.483415474357672 53.32940289280901))",52031_0_21,0,21,74.3009452 +"POLYGON ((7.486880404739276 53.33101232080497, 7.488035381533145 53.33101232080497, 7.488035381533145 53.33081114562601, 7.486880404739276 53.33081114562601, 7.486880404739276 53.33101232080497))",52031_3_13,3,13,73.33333333333333 +"POLYGON ((7.488035381533145 53.33020761439681, 7.489190358327012 53.33020761439681, 7.489190358327012 53.33000643542297, 7.488035381533145 53.33000643542297, 7.488035381533145 53.33020761439681))",52031_4_17,4,17,78.67161457142856 +"POLYGON ((7.489190358327012 53.33121349503519, 7.49034533512088 53.33121349503519, 7.49034533512088 53.33101232080497, 7.489190358327012 53.33101232080497, 7.489190358327012 53.33121349503519))",52031_5_12,5,12,79.2 +"POLYGON ((7.489190358327012 53.33000643542297, 7.49034533512088 53.33000643542297, 7.49034533512088 53.32980525550037, 7.489190358327012 53.32980525550037, 7.489190358327012 53.33000643542297))",52031_5_18,5,18,67.42857171428571 +"POLYGON ((7.489190358327012 53.32920171004022, 7.49034533512088 53.32920171004022, 7.49034533512088 53.32900052632268, 7.489190358327012 53.32900052632268, 7.489190358327012 53.32920171004022))",52031_5_22,5,22,69.743420375 +"POLYGON ((7.49034533512088 53.3314146683167, 7.491500311914749 53.3314146683167, 7.491500311914749 53.33121349503519, 7.49034533512088 53.33121349503519, 7.49034533512088 53.3314146683167))",52031_6_11,6,11,73.35966142857144 +"POLYGON ((7.483415474357672 53.29384588005421, 7.484570451151543 53.29384588005421, 7.484570451151543 53.29364452964387, 7.483415474357672 53.29364452964387, 7.483415474357672 53.29384588005421))",52038_0_11,0,11,161.0 +"POLYGON ((7.483415474357672 53.29183233324147, 7.484570451151543 53.29183233324147, 7.484570451151543 53.29163097334013, 7.483415474357672 53.29163097334013, 7.483415474357672 53.29183233324147))",52038_0_21,0,21,119.499999 +"POLYGON ((7.485725427945408 53.2932418259759, 7.486880404739276 53.2932418259759, 7.486880404739276 53.2930404727183, 7.485725427945408 53.2930404727183, 7.485725427945408 53.2932418259759))",52038_2_14,2,14,183.0 +"POLYGON ((7.486880404739276 53.2946512722047, 7.488035381533145 53.2946512722047, 7.488035381533145 53.2944499255907, 7.486880404739276 53.2944499255907, 7.486880404739276 53.2946512722047))",52038_3_7,3,7,197.0 +"POLYGON ((7.486880404739276 53.29344317828444, 7.488035381533145 53.29344317828444, 7.488035381533145 53.2932418259759, 7.486880404739276 53.2932418259759, 7.486880404739276 53.29344317828444))",52038_3_13,3,13,123.0 +"POLYGON ((7.488035381533145 53.29505396258545, 7.489190358327012 53.29505396258545, 7.489190358327012 53.29485261786962, 7.488035381533145 53.29485261786962, 7.488035381533145 53.29505396258545))",52038_4_5,4,5,119.5 +"POLYGON ((7.488035381533145 53.29424857802763, 7.489190358327012 53.29424857802763, 7.489190358327012 53.29404722951546, 7.488035381533145 53.29404722951546, 7.488035381533145 53.29424857802763))",52038_4_9,4,9,136.002584 +"POLYGON ((7.488035381533145 53.29263776335576, 7.489190358327012 53.29263776335576, 7.489190358327012 53.29243640725084, 7.488035381533145 53.29243640725084, 7.488035381533145 53.29263776335576))",52038_4_17,4,17,110.66666733333334 +"POLYGON ((7.489190358327012 53.29505396258545, 7.49034533512088 53.29505396258545, 7.49034533512088 53.29485261786962, 7.489190358327012 53.29485261786962, 7.489190358327012 53.29505396258545))",52038_5_5,5,5,141.0 +"POLYGON ((7.489190358327012 53.2946512722047, 7.49034533512088 53.2946512722047, 7.49034533512088 53.2944499255907, 7.489190358327012 53.2944499255907, 7.489190358327012 53.2946512722047))",52038_5_7,5,7,183.5 +"POLYGON ((7.489190358327012 53.29404722951546, 7.49034533512088 53.29404722951546, 7.49034533512088 53.29384588005421, 7.489190358327012 53.29384588005421, 7.489190358327012 53.29404722951546))",52038_5_10,5,10,125.17819066666665 +"POLYGON ((7.489190358327012 53.29364452964387, 7.49034533512088 53.29364452964387, 7.49034533512088 53.29344317828444, 7.489190358327012 53.29344317828444, 7.489190358327012 53.29364452964387))",52038_5_12,5,12,115.35120400000001 +"POLYGON ((7.489190358327012 53.2930404727183, 7.49034533512088 53.2930404727183, 7.49034533512088 53.29283911851157, 7.489190358327012 53.29283911851157, 7.489190358327012 53.2930404727183))",52038_5_15,5,15,130.5 +"POLYGON ((7.489190358327012 53.29243640725084, 7.49034533512088 53.29243640725084, 7.49034533512088 53.29223505019682, 7.489190358327012 53.29223505019682, 7.489190358327012 53.29243640725084))",52038_5_18,5,18,105.33333233333333 +"POLYGON ((7.489190358327012 53.29163097334013, 7.49034533512088 53.29163097334013, 7.49034533512088 53.29142961248967, 7.489190358327012 53.29142961248967, 7.489190358327012 53.29163097334013))",52038_5_22,5,22,99.10447900000001 +"POLYGON ((7.49034533512088 53.29404722951546, 7.491500311914749 53.29404722951546, 7.491500311914749 53.29384588005421, 7.49034533512088 53.29384588005421, 7.49034533512088 53.29404722951546))",52038_6_10,6,10,114.5 +"POLYGON ((7.49034533512088 53.29384588005421, 7.491500311914749 53.29384588005421, 7.491500311914749 53.29364452964387, 7.49034533512088 53.29364452964387, 7.49034533512088 53.29384588005421))",52038_6_11,6,11,72.75618514285715 +"POLYGON ((7.49034533512088 53.29364452964387, 7.491500311914749 53.29364452964387, 7.491500311914749 53.29344317828444, 7.49034533512088 53.29344317828444, 7.49034533512088 53.29364452964387))",52038_6_12,6,12,114.09232771428572 +"POLYGON ((7.49034533512088 53.2932418259759, 7.491500311914749 53.2932418259759, 7.491500311914749 53.2930404727183, 7.49034533512088 53.2930404727183, 7.49034533512088 53.2932418259759))",52038_6_14,6,14,151.0 +"POLYGON ((7.49034533512088 53.2930404727183, 7.491500311914749 53.2930404727183, 7.491500311914749 53.29283911851157, 7.49034533512088 53.29283911851157, 7.49034533512088 53.2930404727183))",52038_6_15,6,15,126.5 +"POLYGON ((7.483415474357672 53.2884762109728, 7.484570451151543 53.2884762109728, 7.484570451151543 53.28827483525268, 7.483415474357672 53.28827483525268, 7.483415474357672 53.2884762109728))",52039_0_11,0,11,166.66666666666666 +"POLYGON ((7.483415474357672 53.2864624110599, 7.484570451151543 53.2864624110599, 7.484570451151543 53.28626102584826, 7.483415474357672 53.28626102584826, 7.483415474357672 53.2864624110599))",52039_0_21,0,21,122.117728 +"POLYGON ((7.485725427945408 53.28787208096502, 7.486880404739276 53.28787208096502, 7.486880404739276 53.28767070239746, 7.485725427945408 53.28767070239746, 7.485725427945408 53.28787208096502))",52039_2_14,2,14,181.66666666666666 +"POLYGON ((7.486880404739276 53.28928170436187, 7.488035381533145 53.28928170436187, 7.488035381533145 53.2890803324383, 7.486880404739276 53.2890803324383, 7.486880404739276 53.28928170436187))",52039_3_7,3,7,188.5 +"POLYGON ((7.486880404739276 53.28807345858342, 7.488035381533145 53.28807345858342, 7.488035381533145 53.28787208096502, 7.486880404739276 53.28787208096502, 7.486880404739276 53.28807345858342))",52039_3_13,3,13,121.5 +"POLYGON ((7.488035381533145 53.28968444536159, 7.489190358327012 53.28968444536159, 7.489190358327012 53.28948307533629, 7.488035381533145 53.28948307533629, 7.488035381533145 53.28968444536159))",52039_4_5,4,5,105.8 +"POLYGON ((7.488035381533145 53.28887895956561, 7.489190358327012 53.28887895956561, 7.489190358327012 53.28867758574377, 7.488035381533145 53.28867758574377, 7.488035381533145 53.28887895956561))",52039_4_9,4,9,128.42562825 +"POLYGON ((7.488035381533145 53.28726794241489, 7.489190358327012 53.28726794241489, 7.489190358327012 53.28706656099988, 7.488035381533145 53.28706656099988, 7.488035381533145 53.28726794241489))",52039_4_17,4,17,115.00000025 +"POLYGON ((7.489190358327012 53.28968444536159, 7.49034533512088 53.28968444536159, 7.49034533512088 53.28948307533629, 7.489190358327012 53.28948307533629, 7.489190358327012 53.28968444536159))",52039_5_5,5,5,141.66666666666666 +"POLYGON ((7.489190358327012 53.28928170436187, 7.49034533512088 53.28928170436187, 7.49034533512088 53.2890803324383, 7.489190358327012 53.2890803324383, 7.489190358327012 53.28928170436187))",52039_5_7,5,7,192.5 +"POLYGON ((7.489190358327012 53.28867758574377, 7.49034533512088 53.28867758574377, 7.49034533512088 53.2884762109728, 7.489190358327012 53.2884762109728, 7.489190358327012 53.28867758574377))",52039_5_10,5,10,124.79545625 +"POLYGON ((7.489190358327012 53.28827483525268, 7.49034533512088 53.28827483525268, 7.49034533512088 53.28807345858342, 7.489190358327012 53.28807345858342, 7.489190358327012 53.28827483525268))",52039_5_12,5,12,114.65722357142856 +"POLYGON ((7.489190358327012 53.28767070239746, 7.49034533512088 53.28767070239746, 7.49034533512088 53.28746932288075, 7.489190358327012 53.28746932288075, 7.489190358327012 53.28767070239746))",52039_5_15,5,15,129.33333333333334 +"POLYGON ((7.489190358327012 53.28706656099988, 7.49034533512088 53.28706656099988, 7.49034533512088 53.28686517863572, 7.489190358327012 53.28686517863572, 7.489190358327012 53.28706656099988))",52039_5_18,5,18,102.742426 +"POLYGON ((7.489190358327012 53.28626102584826, 7.49034533512088 53.28626102584826, 7.49034533512088 53.28605963968744, 7.489190358327012 53.28605963968744, 7.489190358327012 53.28626102584826))",52039_5_22,5,22,101.1302504 +"POLYGON ((7.49034533512088 53.28867758574377, 7.491500311914749 53.28867758574377, 7.491500311914749 53.2884762109728, 7.49034533512088 53.2884762109728, 7.49034533512088 53.28867758574377))",52039_6_10,6,10,117.0 +"POLYGON ((7.49034533512088 53.2884762109728, 7.491500311914749 53.2884762109728, 7.491500311914749 53.28827483525268, 7.49034533512088 53.28827483525268, 7.49034533512088 53.2884762109728))",52039_6_11,6,11,81.86982716666667 +"POLYGON ((7.49034533512088 53.28827483525268, 7.491500311914749 53.28827483525268, 7.491500311914749 53.28807345858342, 7.49034533512088 53.28807345858342, 7.49034533512088 53.28827483525268))",52039_6_12,6,12,115.5117254166667 +"POLYGON ((7.49034533512088 53.28787208096502, 7.491500311914749 53.28787208096502, 7.491500311914749 53.28767070239746, 7.49034533512088 53.28767070239746, 7.49034533512088 53.28787208096502))",52039_6_14,6,14,149.66666666666666 +"POLYGON ((7.49034533512088 53.28767070239746, 7.491500311914749 53.28767070239746, 7.491500311914749 53.28746932288075, 7.49034533512088 53.28746932288075, 7.49034533512088 53.28767070239746))",52039_6_15,6,15,138.0 +"POLYGON ((7.483415474357672 53.28310586694589, 7.484570451151543 53.28310586694589, 7.484570451151543 53.28290446591458, 7.483415474357672 53.28290446591458, 7.483415474357672 53.28310586694589))",52040_0_11,0,11,164.0 +"POLYGON ((7.483415474357672 53.28109181391872, 7.484570451151543 53.28109181391872, 7.484570451151543 53.28089040339535, 7.483415474357672 53.28089040339535, 7.483415474357672 53.28109181391872))",52040_0_21,0,21,121.33333466666666 +"POLYGON ((7.485725427945408 53.28250166100437, 7.486880404739276 53.28250166100437, 7.486880404739276 53.28230025712547, 7.485725427945408 53.28230025712547, 7.485725427945408 53.28250166100437))",52040_2_14,2,14,183.0 +"POLYGON ((7.486880404739276 53.28391146157917, 7.488035381533145 53.28391146157917, 7.488035381533145 53.28371006434463, 7.486880404739276 53.28371006434463, 7.486880404739276 53.28391146157917))",52040_3_7,3,7,168.0 +"POLYGON ((7.486880404739276 53.28270306393406, 7.488035381533145 53.28270306393406, 7.488035381533145 53.28250166100437, 7.486880404739276 53.28250166100437, 7.486880404739276 53.28270306393406))",52040_3_13,3,13,122.0 +"POLYGON ((7.488035381533145 53.28431425320069, 7.489190358327012 53.28431425320069, 7.489190358327012 53.28411285786452, 7.488035381533145 53.28411285786452, 7.488035381533145 53.28431425320069))",52040_4_5,4,5,127.0 +"POLYGON ((7.488035381533145 53.28350866616091, 7.489190358327012 53.28350866616091, 7.489190358327012 53.28330726702799, 7.488035381533145 53.28330726702799, 7.488035381533145 53.28350866616091))",52040_4_9,4,9,121.500002 +"POLYGON ((7.488035381533145 53.28189744652005, 7.489190358327012 53.28189744652005, 7.489190358327012 53.28169603979353, 7.488035381533145 53.28169603979353, 7.488035381533145 53.28189744652005))",52040_4_17,4,17,118.500002 +"POLYGON ((7.489190358327012 53.28431425320069, 7.49034533512088 53.28431425320069, 7.49034533512088 53.28411285786452, 7.489190358327012 53.28411285786452, 7.489190358327012 53.28431425320069))",52040_5_5,5,5,141.0 +"POLYGON ((7.489190358327012 53.28391146157917, 7.49034533512088 53.28391146157917, 7.49034533512088 53.28371006434463, 7.489190358327012 53.28371006434463, 7.489190358327012 53.28391146157917))",52040_5_7,5,7,186.0 +"POLYGON ((7.489190358327012 53.28330726702799, 7.49034533512088 53.28330726702799, 7.49034533512088 53.28310586694589, 7.489190358327012 53.28310586694589, 7.489190358327012 53.28330726702799))",52040_5_10,5,10,124.000002 +"POLYGON ((7.489190358327012 53.28290446591458, 7.49034533512088 53.28290446591458, 7.49034533512088 53.28270306393406, 7.489190358327012 53.28270306393406, 7.489190358327012 53.28290446591458))",52040_5_12,5,12,117.249999 +"POLYGON ((7.489190358327012 53.28230025712547, 7.49034533512088 53.28230025712547, 7.49034533512088 53.28209885229736, 7.489190358327012 53.28209885229736, 7.489190358327012 53.28230025712547))",52040_5_15,5,15,128.5 +"POLYGON ((7.489190358327012 53.28169603979353, 7.49034533512088 53.28169603979353, 7.49034533512088 53.28149463211781, 7.489190358327012 53.28149463211781, 7.489190358327012 53.28169603979353))",52040_5_18,5,18,104.97087466666666 +"POLYGON ((7.489190358327012 53.28089040339535, 7.49034533512088 53.28089040339535, 7.49034533512088 53.28068899192277, 7.489190358327012 53.28068899192277, 7.489190358327012 53.28089040339535))",52040_5_22,5,22,99.38315033333333 +"POLYGON ((7.49034533512088 53.28330726702799, 7.491500311914749 53.28330726702799, 7.491500311914749 53.28310586694589, 7.49034533512088 53.28310586694589, 7.49034533512088 53.28330726702799))",52040_6_10,6,10,117.0 +"POLYGON ((7.49034533512088 53.28310586694589, 7.491500311914749 53.28310586694589, 7.491500311914749 53.28290446591458, 7.49034533512088 53.28290446591458, 7.49034533512088 53.28310586694589))",52040_6_11,6,11,85.66666633333334 +"POLYGON ((7.49034533512088 53.28290446591458, 7.491500311914749 53.28290446591458, 7.491500311914749 53.28270306393406, 7.49034533512088 53.28270306393406, 7.49034533512088 53.28290446591458))",52040_6_12,6,12,113.93501757142857 +"POLYGON ((7.49034533512088 53.28250166100437, 7.491500311914749 53.28250166100437, 7.491500311914749 53.28230025712547, 7.49034533512088 53.28230025712547, 7.49034533512088 53.28250166100437))",52040_6_14,6,14,149.0 +"POLYGON ((7.49034533512088 53.28230025712547, 7.491500311914749 53.28230025712547, 7.491500311914749 53.28209885229736, 7.49034533512088 53.28209885229736, 7.49034533512088 53.28230025712547))",52040_6_15,6,15,142.5 +"POLYGON ((7.483415474357672 53.26699078481569, 7.484570451151543 53.26699078481569, 7.484570451151543 53.26678930784234, 7.483415474357672 53.26678930784234, 7.483415474357672 53.26699078481569))",52043_0_11,0,11,106.0 +"POLYGON ((7.483415474357672 53.26497597236105, 7.484570451151543 53.26497597236105, 7.484570451151543 53.26477448589406, 7.483415474357672 53.26477448589406, 7.483415474357672 53.26497597236105))",52043_0_21,0,21,101.88151775 +"POLYGON ((7.485725427945408 53.2663863510476, 7.486880404739276 53.2663863510476, 7.486880404739276 53.26618487122619, 7.485725427945408 53.26618487122619, 7.485725427945408 53.2663863510476))",52043_2_14,2,14,163.0 +"POLYGON ((7.486880404739276 53.26779668321553, 7.488035381533145 53.26779668321553, 7.488035381533145 53.26759521003959, 7.486880404739276 53.26759521003959, 7.486880404739276 53.26779668321553))",52043_3_7,3,7,127.0 +"POLYGON ((7.486880404739276 53.26658782991966, 7.488035381533145 53.26658782991966, 7.488035381533145 53.2663863510476, 7.486880404739276 53.2663863510476, 7.486880404739276 53.26658782991966))",52043_3_13,3,13,105.0 +"POLYGON ((7.488035381533145 53.26819962671937, 7.489190358327012 53.26819962671937, 7.489190358327012 53.26799815544212, 7.488035381533145 53.26799815544212, 7.488035381533145 53.26819962671937))",52043_4_5,4,5,99.75 +"POLYGON ((7.488035381533145 53.26739373591431, 7.489190358327012 53.26739373591431, 7.489190358327012 53.26719226083968, 7.488035381533145 53.26719226083968, 7.488035381533145 53.26739373591431))",52043_4_9,4,9,124.77669066666665 +"POLYGON ((7.488035381533145 53.26578190873528, 7.489190358327012 53.26578190873528, 7.489190358327012 53.26558042606577, 7.488035381533145 53.26558042606577, 7.488035381533145 53.26578190873528))",52043_4_17,4,17,98.249999 +"POLYGON ((7.489190358327012 53.26819962671937, 7.49034533512088 53.26819962671937, 7.49034533512088 53.26799815544212, 7.489190358327012 53.26799815544212, 7.489190358327012 53.26819962671937))",52043_5_5,5,5,81.4 +"POLYGON ((7.489190358327012 53.26779668321553, 7.49034533512088 53.26779668321553, 7.49034533512088 53.26759521003959, 7.489190358327012 53.26759521003959, 7.489190358327012 53.26779668321553))",52043_5_7,5,7,142.0 +"POLYGON ((7.489190358327012 53.26719226083968, 7.49034533512088 53.26719226083968, 7.49034533512088 53.26699078481569, 7.489190358327012 53.26699078481569, 7.489190358327012 53.26719226083968))",52043_5_10,5,10,113.5122915 +"POLYGON ((7.489190358327012 53.26678930784234, 7.49034533512088 53.26678930784234, 7.49034533512088 53.26658782991966, 7.489190358327012 53.26658782991966, 7.489190358327012 53.26678930784234))",52043_5_12,5,12,98.273989125 +"POLYGON ((7.489190358327012 53.26618487122619, 7.49034533512088 53.26618487122619, 7.49034533512088 53.26598339045542, 7.489190358327012 53.26598339045542, 7.489190358327012 53.26618487122619))",52043_5_15,5,15,89.25 +"POLYGON ((7.489190358327012 53.26558042606577, 7.49034533512088 53.26558042606577, 7.49034533512088 53.2653789424469, 7.489190358327012 53.2653789424469, 7.489190358327012 53.26558042606577))",52043_5_18,5,18,94.6495044 +"POLYGON ((7.489190358327012 53.26477448589406, 7.49034533512088 53.26477448589406, 7.49034533512088 53.26457299847771, 7.489190358327012 53.26457299847771, 7.489190358327012 53.26477448589406))",52043_5_22,5,22,91.74708439999999 +"POLYGON ((7.49034533512088 53.26719226083968, 7.491500311914749 53.26719226083968, 7.491500311914749 53.26699078481569, 7.49034533512088 53.26699078481569, 7.49034533512088 53.26719226083968))",52043_6_10,6,10,89.5 +"POLYGON ((7.49034533512088 53.26699078481569, 7.491500311914749 53.26699078481569, 7.491500311914749 53.26678930784234, 7.49034533512088 53.26678930784234, 7.49034533512088 53.26699078481569))",52043_6_11,6,11,95.4745986923077 +"POLYGON ((7.49034533512088 53.26678930784234, 7.491500311914749 53.26678930784234, 7.491500311914749 53.26658782991966, 7.49034533512088 53.26658782991966, 7.49034533512088 53.26678930784234))",52043_6_12,6,12,90.87987486666667 +"POLYGON ((7.49034533512088 53.2663863510476, 7.491500311914749 53.2663863510476, 7.491500311914749 53.26618487122619, 7.49034533512088 53.26618487122619, 7.49034533512088 53.2663863510476))",52043_6_14,6,14,115.0 +"POLYGON ((7.49034533512088 53.26618487122619, 7.491500311914749 53.26618487122619, 7.491500311914749 53.26598339045542, 7.49034533512088 53.26598339045542, 7.49034533512088 53.26618487122619))",52043_6_15,6,15,100.25 +"POLYGON ((7.488035381533145 52.3060306582481, 7.489190358327012 52.3060306582481, 7.489190358327012 52.30582468179195, 7.488035381533145 52.30582468179195, 7.488035381533145 52.3060306582481))",52220_4_8,4,8,128.24999875 +"POLYGON ((7.489190358327012 52.30500076638464, 7.49034533512088 52.30500076638464, 7.49034533512088 52.30479478513711, 7.489190358327012 52.30479478513711, 7.489190358327012 52.30500076638464))",52220_5_13,5,13,104.22691966666666 +"POLYGON ((7.489190358327012 52.30438281976722, 7.49034533512088 52.30438281976722, 7.49034533512088 52.30417683564485, 7.489190358327012 52.30417683564485, 7.489190358327012 52.30438281976722))",52220_5_16,5,16,152.33333333333334 +"POLYGON ((7.49034533512088 52.30458880293131, 7.491500311914749 52.30458880293131, 7.491500311914749 52.30438281976722, 7.49034533512088 52.30438281976722, 7.49034533512088 52.30458880293131))",52220_6_15,6,15,164.33333333333334 +"POLYGON ((7.49034533512088 52.30417683564485, 7.491500311914749 52.30417683564485, 7.491500311914749 52.30397085056418, 7.49034533512088 52.30397085056418, 7.49034533512088 52.30417683564485))",52220_6_17,6,17,132.0 +"POLYGON ((7.483415474357672 52.02971449259147, 7.484570451151543 52.02971449259147, 7.484570451151543 52.02950723301616, 7.483415474357672 52.02950723301616, 7.483415474357672 52.02971449259147))",52270_0_12,0,12,130.0 +"POLYGON ((7.483415474357672 52.02764185360946, 7.484570451151543 52.02764185360946, 7.484570451151543 52.02743458442769, 7.483415474357672 52.02743458442769, 7.483415474357672 52.02764185360946))",52270_0_22,0,22,97.714165 +"POLYGON ((7.484570451151543 52.03012900886018, 7.485725427945408 52.03012900886018, 7.485725427945408 52.02992175120615, 7.484570451151543 52.02992175120615, 7.484570451151543 52.03012900886018))",52270_1_10,1,10,105.66666666666667 +"POLYGON ((7.485725427945408 52.02971449259147, 7.486880404739276 52.02971449259147, 7.486880404739276 52.02950723301616, 7.485725427945408 52.02950723301616, 7.485725427945408 52.02971449259147))",52270_2_12,2,12,111.0 +"POLYGON ((7.486880404739276 52.03095802987002, 7.488035381533145 52.03095802987002, 7.488035381533145 52.0307507760585, 7.486880404739276 52.0307507760585, 7.486880404739276 52.03095802987002))",52270_3_6,3,6,123.5 +"POLYGON ((7.486880404739276 52.02971449259147, 7.488035381533145 52.02971449259147, 7.488035381533145 52.02950723301616, 7.486880404739276 52.02950723301616, 7.486880404739276 52.02971449259147))",52270_3_12,3,12,104.33333333333333 +"POLYGON ((7.486880404739276 52.0288854485264, 7.488035381533145 52.0288854485264, 7.488035381533145 52.02867818510853, 7.486880404739276 52.02867818510853, 7.486880404739276 52.0288854485264))",52270_3_16,3,16,99.0 +"POLYGON ((7.488035381533145 52.03157978554081, 7.489190358327012 52.03157978554081, 7.489190358327012 52.03137253461118, 7.488035381533145 52.03137253461118, 7.488035381533145 52.03157978554081))",52270_4_3,4,3,128.5 +"POLYGON ((7.488035381533145 52.03116528272091, 7.489190358327012 52.03116528272091, 7.489190358327012 52.03095802987002, 7.488035381533145 52.03095802987002, 7.488035381533145 52.03116528272091))",52270_4_5,4,5,109.33333333333333 +"POLYGON ((7.488035381533145 52.0288854485264, 7.489190358327012 52.0288854485264, 7.489190358327012 52.02867818510853, 7.488035381533145 52.02867818510853, 7.488035381533145 52.0288854485264))",52270_4_16,4,16,98.33333333333333 +"POLYGON ((7.489190358327012 52.03157978554081, 7.49034533512088 52.03157978554081, 7.49034533512088 52.03137253461118, 7.489190358327012 52.03137253461118, 7.489190358327012 52.03157978554081))",52270_5_3,5,3,104.0 +"POLYGON ((7.489190358327012 52.03116528272091, 7.49034533512088 52.03116528272091, 7.49034533512088 52.03095802987002, 7.489190358327012 52.03095802987002, 7.489190358327012 52.03116528272091))",52270_5_5,5,5,128.5 +"POLYGON ((7.489190358327012 52.03033626555359, 7.49034533512088 52.03033626555359, 7.49034533512088 52.03012900886018, 7.489190358327012 52.03012900886018, 7.489190358327012 52.03033626555359))",52270_5_9,5,9,98.86322766666667 +"POLYGON ((7.489190358327012 52.02805638909103, 7.49034533512088 52.02805638909103, 7.49034533512088 52.02784912183058, 7.489190358327012 52.02784912183058, 7.489190358327012 52.02805638909103))",52270_5_20,5,20,96.33333433333333 +"POLYGON ((7.489190358327012 52.02743458442769, 7.49034533512088 52.02743458442769, 7.49034533512088 52.02722731428527, 7.489190358327012 52.02722731428527, 7.489190358327012 52.02743458442769))",52270_5_23,5,23,92.1310435 +"POLYGON ((7.49034533512088 52.03033626555359, 7.491500311914749 52.03033626555359, 7.491500311914749 52.03012900886018, 7.49034533512088 52.03012900886018, 7.49034533512088 52.03033626555359))",52270_6_9,6,9,108.63822833333334 +"POLYGON ((7.49034533512088 52.02971449259147, 7.491500311914749 52.02971449259147, 7.491500311914749 52.02950723301616, 7.49034533512088 52.02950723301616, 7.49034533512088 52.02971449259147))",52270_6_12,6,12,68.75 +"POLYGON ((7.49034533512088 52.02950723301616, 7.491500311914749 52.02950723301616, 7.491500311914749 52.02929997248022, 7.49034533512088 52.02929997248022, 7.49034533512088 52.02950723301616))",52270_6_13,6,13,95.85515483333334 +"POLYGON ((7.49034533512088 52.02929997248022, 7.491500311914749 52.02929997248022, 7.491500311914749 52.02909271098363, 7.49034533512088 52.02909271098363, 7.49034533512088 52.02929997248022))",52270_6_14,6,14,92.10157600000001 +"POLYGON ((7.483415474357672 52.02418724182662, 7.484570451151543 52.02418724182662, 7.484570451151543 52.0239799566337, 7.483415474357672 52.0239799566337, 7.483415474357672 52.02418724182662))",52271_0_12,0,12,116.33333333333333 +"POLYGON ((7.483415474357672 52.02211434666638, 7.484570451151543 52.02211434666638, 7.484570451151543 52.02190705186654, 7.483415474357672 52.02190705186654, 7.483415474357672 52.02211434666638))",52271_0_22,0,22,96.9999995 +"POLYGON ((7.484570451151543 52.02460180933041, 7.485725427945408 52.02460180933041, 7.485725427945408 52.02439452605886, 7.484570451151543 52.02439452605886, 7.484570451151543 52.02460180933041))",52271_1_10,1,10,88.33333333333333 +"POLYGON ((7.485725427945408 52.02418724182662, 7.486880404739276 52.02418724182662, 7.486880404739276 52.0239799566337, 7.485725427945408 52.0239799566337, 7.485725427945408 52.02418724182662))",52271_2_12,2,12,94.66666666666667 +"POLYGON ((7.486880404739276 52.02543093280988, 7.488035381533145 52.02543093280988, 7.488035381533145 52.02522365338102, 7.486880404739276 52.02522365338102, 7.486880404739276 52.02543093280988))",52271_3_6,3,6,122.0 +"POLYGON ((7.486880404739276 52.02418724182662, 7.488035381533145 52.02418724182662, 7.488035381533145 52.0239799566337, 7.486880404739276 52.0239799566337, 7.486880404739276 52.02418724182662))",52271_3_12,3,12,98.33333333333333 +"POLYGON ((7.486880404739276 52.02335809529082, 7.488035381533145 52.02335809529082, 7.488035381533145 52.02315080625515, 7.486880404739276 52.02315080625515, 7.486880404739276 52.02335809529082))",52271_3_16,3,16,85.25 +"POLYGON ((7.488035381533145 52.02605276533239, 7.489190358327012 52.02605276533239, 7.489190358327012 52.02584548878556, 7.488035381533145 52.02584548878556, 7.488035381533145 52.02605276533239))",52271_4_3,4,3,91.0 +"POLYGON ((7.488035381533145 52.02563821127804, 7.489190358327012 52.02563821127804, 7.489190358327012 52.02543093280988, 7.488035381533145 52.02543093280988, 7.488035381533145 52.02563821127804))",52271_4_5,4,5,106.0 +"POLYGON ((7.488035381533145 52.02335809529082, 7.489190358327012 52.02335809529082, 7.489190358327012 52.02315080625515, 7.488035381533145 52.02315080625515, 7.488035381533145 52.02335809529082))",52271_4_16,4,16,94.0 +"POLYGON ((7.489190358327012 52.02605276533239, 7.49034533512088 52.02605276533239, 7.49034533512088 52.02584548878556, 7.489190358327012 52.02584548878556, 7.489190358327012 52.02605276533239))",52271_5_3,5,3,98.33333333333333 +"POLYGON ((7.489190358327012 52.02563821127804, 7.49034533512088 52.02563821127804, 7.49034533512088 52.02543093280988, 7.489190358327012 52.02543093280988, 7.489190358327012 52.02563821127804))",52271_5_5,5,5,88.0 +"POLYGON ((7.489190358327012 52.02480909164129, 7.49034533512088 52.02480909164129, 7.49034533512088 52.02460180933041, 7.489190358327012 52.02460180933041, 7.489190358327012 52.02480909164129))",52271_5_9,5,9,96.44232025000001 +"POLYGON ((7.489190358327012 52.02252893338398, 7.49034533512088 52.02252893338398, 7.49034533512088 52.02232164050553, 7.489190358327012 52.02232164050553, 7.489190358327012 52.02252893338398))",52271_5_20,5,20,97.2499995 +"POLYGON ((7.489190358327012 52.02190705186654, 7.49034533512088 52.02190705186654, 7.49034533512088 52.021699756106, 7.489190358327012 52.021699756106, 7.489190358327012 52.02190705186654))",52271_5_23,5,23,82.819025 +"POLYGON ((7.49034533512088 52.02480909164129, 7.491500311914749 52.02480909164129, 7.491500311914749 52.02460180933041, 7.49034533512088 52.02460180933041, 7.49034533512088 52.02480909164129))",52271_6_9,6,9,110.00000066666666 +"POLYGON ((7.49034533512088 52.02418724182662, 7.491500311914749 52.02418724182662, 7.491500311914749 52.0239799566337, 7.49034533512088 52.0239799566337, 7.49034533512088 52.02418724182662))",52271_6_12,6,12,72.25 +"POLYGON ((7.49034533512088 52.0239799566337, 7.491500311914749 52.0239799566337, 7.491500311914749 52.02377267048009, 7.49034533512088 52.02377267048009, 7.49034533512088 52.0239799566337))",52271_6_13,6,13,95.77185785714286 +"POLYGON ((7.49034533512088 52.02377267048009, 7.491500311914749 52.02377267048009, 7.491500311914749 52.0235653833658, 7.49034533512088 52.0235653833658, 7.49034533512088 52.02377267048009))",52271_6_14,6,14,86.0135758888889 +"POLYGON ((7.488035381533145 50.58094591928418, 7.489190358327012 50.58094591928418, 7.489190358327012 50.58073201169717, 7.488035381533145 50.58073201169717, 7.488035381533145 50.58094591928418))",52528_4_12,4,12,145.0 +"POLYGON ((7.488035381533145 50.57524138446669, 7.489190358327012 50.57524138446669, 7.489190358327012 50.57502745097063, 7.488035381533145 50.57502745097063, 7.488035381533145 50.57524138446669))",52529_4_12,4,12,147.0 +"POLYGON ((7.492398627198869 53.35105802132151, 7.493553603992736 53.35105802132151, 7.493553603992736 53.35085694068867, 7.492398627198869 53.35085694068867, 7.492398627198869 53.35105802132151))",52702_0_20,0,20,89.4999985 +"POLYGON ((7.495863557580472 53.35246555919289, 7.49701853437434 53.35246555919289, 7.49701853437434 53.35226448519966, 7.495863557580472 53.35226448519966, 7.495863557580472 53.35246555919289))",52702_3_13,3,13,82.5 +"POLYGON ((7.49701853437434 53.35166125752892, 7.498173511168208 53.35166125752892, 7.498173511168208 53.35146017974163, 7.49701853437434 53.35146017974163, 7.49701853437434 53.35166125752892))",52702_4_17,4,17,83.500002 +"POLYGON ((7.498173511168208 53.35266663223761, 7.499328487962076 53.35266663223761, 7.499328487962076 53.35246555919289, 7.498173511168208 53.35246555919289, 7.498173511168208 53.35266663223761))",52702_5_12,5,12,95.0 +"POLYGON ((7.498173511168208 53.35146017974163, 7.499328487962076 53.35146017974163, 7.499328487962076 53.35125910100584, 7.498173511168208 53.35125910100584, 7.498173511168208 53.35146017974163))",52702_5_18,5,18,83.67493133333333 +"POLYGON ((7.498173511168208 53.35085694068867, 7.499328487962076 53.35085694068867, 7.499328487962076 53.35065585910731, 7.498173511168208 53.35065585910731, 7.498173511168208 53.35085694068867))",52702_5_21,5,21,84.87062900000001 +"POLYGON ((7.499328487962076 53.35286770433382, 7.500483464755944 53.35286770433382, 7.500483464755944 53.35266663223761, 7.499328487962076 53.35266663223761, 7.499328487962076 53.35286770433382))",52702_6_11,6,11,96.668712 +"POLYGON ((7.492398627198869 53.34569554650054, 7.493553603992736 53.34569554650054, 7.493553603992736 53.34549444057303, 7.492398627198869 53.34549444057303, 7.492398627198869 53.34569554650054))",52703_0_20,0,20,84.31316450000001 +"POLYGON ((7.495863557580472 53.34710326143315, 7.49701853437434 53.34710326143315, 7.49701853437434 53.34690216214562, 7.495863557580472 53.34690216214562, 7.495863557580472 53.34710326143315))",52703_3_13,3,13,75.16666666666667 +"POLYGON ((7.49701853437434 53.34629885859164, 7.498173511168208 53.34629885859164, 7.498173511168208 53.34609775550985, 7.49701853437434 53.34609775550985, 7.49701853437434 53.34629885859164))",52703_4_17,4,17,77.71428557142858 +"POLYGON ((7.498173511168208 53.34730435977212, 7.499328487962076 53.34730435977212, 7.499328487962076 53.34710326143315, 7.498173511168208 53.34710326143315, 7.498173511168208 53.34730435977212))",52703_5_12,5,12,83.16666666666667 +"POLYGON ((7.498173511168208 53.34609775550985, 7.499328487962076 53.34609775550985, 7.499328487962076 53.34589665147949, 7.498173511168208 53.34589665147949, 7.498173511168208 53.34609775550985))",52703_5_18,5,18,78.50238066666667 +"POLYGON ((7.498173511168208 53.34549444057303, 7.499328487962076 53.34549444057303, 7.499328487962076 53.34529333369694, 7.498173511168208 53.34529333369694, 7.498173511168208 53.34549444057303))",52703_5_21,5,21,74.24456314285715 +"POLYGON ((7.499328487962076 53.34750545716252, 7.500483464755944 53.34750545716252, 7.500483464755944 53.34730435977212, 7.499328487962076 53.34730435977212, 7.499328487962076 53.34750545716252))",52703_6_11,6,11,79.82041366666668 +"POLYGON ((7.492398627198869 53.34033239713671, 7.493553603992736 53.34033239713671, 7.493553603992736 53.34013126591311, 7.492398627198869 53.34013126591311, 7.492398627198869 53.34033239713671))",52704_0_20,0,20,71.29968166666667 +"POLYGON ((7.495863557580472 53.34174028914049, 7.49701853437434 53.34174028914049, 7.49701853437434 53.34153916455724, 7.495863557580472 53.34153916455724, 7.495863557580472 53.34174028914049))",52704_3_13,3,13,71.2 +"POLYGON ((7.49701853437434 53.34093578511578, 7.498173511168208 53.34093578511578, 7.498173511168208 53.34073465673804, 7.49701853437434 53.34073465673804, 7.49701853437434 53.34093578511578))",52704_4_17,4,17,73.2000008 +"POLYGON ((7.498173511168208 53.34194141277512, 7.499328487962076 53.34194141277512, 7.499328487962076 53.34174028914049, 7.498173511168208 53.34174028914049, 7.498173511168208 53.34194141277512))",52704_5_12,5,12,64.16666666666667 +"POLYGON ((7.498173511168208 53.34073465673804, 7.499328487962076 53.34073465673804, 7.499328487962076 53.3405335274117, 7.498173511168208 53.3405335274117, 7.498173511168208 53.34073465673804))",52704_5_18,5,18,66.71428628571428 +"POLYGON ((7.498173511168208 53.34013126591311, 7.499328487962076 53.34013126591311, 7.499328487962076 53.33993013374086, 7.498173511168208 53.33993013374086, 7.498173511168208 53.34013126591311))",52704_5_21,5,21,68.35629433333332 +"POLYGON ((7.498173511168208 53.33993013374086, 7.499328487962076 53.33993013374086, 7.499328487962076 53.33972900061999, 7.498173511168208 53.33972900061999, 7.498173511168208 53.33993013374086))",52704_5_22,5,22,70.80787366666667 +"POLYGON ((7.499328487962076 53.34214253546114, 7.500483464755944 53.34214253546114, 7.500483464755944 53.34194141277512, 7.499328487962076 53.34194141277512, 7.499328487962076 53.34214253546114))",52704_6_11,6,11,70.621897 +"POLYGON ((7.492398627198869 53.28310586694589, 7.493553603992736 53.28310586694589, 7.493553603992736 53.28290446591458, 7.492398627198869 53.28290446591458, 7.492398627198869 53.28310586694589))",52715_0_11,0,11,159.0 +"POLYGON ((7.492398627198869 53.28109181391872, 7.493553603992736 53.28109181391872, 7.493553603992736 53.28089040339535, 7.492398627198869 53.28089040339535, 7.492398627198869 53.28109181391872))",52715_0_21,0,21,124.0 +"POLYGON ((7.494708580786604 53.28250166100437, 7.495863557580472 53.28250166100437, 7.495863557580472 53.28230025712547, 7.494708580786604 53.28230025712547, 7.494708580786604 53.28250166100437))",52715_2_14,2,14,180.0 +"POLYGON ((7.495863557580472 53.28391146157917, 7.49701853437434 53.28391146157917, 7.49701853437434 53.28371006434463, 7.495863557580472 53.28371006434463, 7.495863557580472 53.28391146157917))",52715_3_7,3,7,147.0 +"POLYGON ((7.495863557580472 53.28270306393406, 7.49701853437434 53.28270306393406, 7.49701853437434 53.28250166100437, 7.495863557580472 53.28250166100437, 7.495863557580472 53.28270306393406))",52715_3_13,3,13,121.0 +"POLYGON ((7.49701853437434 53.28431425320069, 7.498173511168208 53.28431425320069, 7.498173511168208 53.28411285786452, 7.49701853437434 53.28411285786452, 7.49701853437434 53.28431425320069))",52715_4_5,4,5,162.0 +"POLYGON ((7.49701853437434 53.28350866616091, 7.498173511168208 53.28350866616091, 7.498173511168208 53.28330726702799, 7.49701853437434 53.28330726702799, 7.49701853437434 53.28350866616091))",52715_4_9,4,9,119.7832585 +"POLYGON ((7.49701853437434 53.28189744652005, 7.498173511168208 53.28189744652005, 7.498173511168208 53.28169603979353, 7.49701853437434 53.28169603979353, 7.49701853437434 53.28189744652005))",52715_4_17,4,17,118.500002 +"POLYGON ((7.498173511168208 53.28431425320069, 7.499328487962076 53.28431425320069, 7.499328487962076 53.28411285786452, 7.498173511168208 53.28411285786452, 7.498173511168208 53.28431425320069))",52715_5_5,5,5,119.0 +"POLYGON ((7.498173511168208 53.28391146157917, 7.499328487962076 53.28391146157917, 7.499328487962076 53.28371006434463, 7.498173511168208 53.28371006434463, 7.498173511168208 53.28391146157917))",52715_5_7,5,7,176.0 +"POLYGON ((7.498173511168208 53.28330726702799, 7.499328487962076 53.28330726702799, 7.499328487962076 53.28310586694589, 7.498173511168208 53.28310586694589, 7.498173511168208 53.28330726702799))",52715_5_10,5,10,123.000002 +"POLYGON ((7.498173511168208 53.28290446591458, 7.499328487962076 53.28290446591458, 7.499328487962076 53.28270306393406, 7.498173511168208 53.28270306393406, 7.498173511168208 53.28290446591458))",52715_5_12,5,12,118.2624555 +"POLYGON ((7.498173511168208 53.28230025712547, 7.499328487962076 53.28230025712547, 7.499328487962076 53.28209885229736, 7.498173511168208 53.28209885229736, 7.498173511168208 53.28230025712547))",52715_5_15,5,15,120.0 +"POLYGON ((7.498173511168208 53.28169603979353, 7.499328487962076 53.28169603979353, 7.499328487962076 53.28149463211781, 7.498173511168208 53.28149463211781, 7.498173511168208 53.28169603979353))",52715_5_18,5,18,106.5000015 +"POLYGON ((7.498173511168208 53.28089040339535, 7.499328487962076 53.28089040339535, 7.499328487962076 53.28068899192277, 7.498173511168208 53.28068899192277, 7.498173511168208 53.28089040339535))",52715_5_22,5,22,102.316071 +"POLYGON ((7.499328487962076 53.28330726702799, 7.500483464755944 53.28330726702799, 7.500483464755944 53.28310586694589, 7.499328487962076 53.28310586694589, 7.499328487962076 53.28330726702799))",52715_6_10,6,10,119.0 +"POLYGON ((7.499328487962076 53.28310586694589, 7.500483464755944 53.28310586694589, 7.500483464755944 53.28290446591458, 7.499328487962076 53.28290446591458, 7.499328487962076 53.28310586694589))",52715_6_11,6,11,90.61090875 +"POLYGON ((7.499328487962076 53.28290446591458, 7.500483464755944 53.28290446591458, 7.500483464755944 53.28270306393406, 7.499328487962076 53.28270306393406, 7.499328487962076 53.28290446591458))",52715_6_12,6,12,113.375706 +"POLYGON ((7.499328487962076 53.28250166100437, 7.500483464755944 53.28250166100437, 7.500483464755944 53.28230025712547, 7.499328487962076 53.28230025712547, 7.499328487962076 53.28250166100437))",52715_6_14,6,14,150.0 +"POLYGON ((7.499328487962076 53.28230025712547, 7.500483464755944 53.28230025712547, 7.500483464755944 53.28209885229736, 7.499328487962076 53.28209885229736, 7.499328487962076 53.28230025712547))",52715_6_15,6,15,130.0 +"POLYGON ((7.492398627198869 53.27773484793582, 7.493553603992736 53.27773484793582, 7.493553603992736 53.2775334215919, 7.492398627198869 53.2775334215919, 7.492398627198869 53.27773484793582))",52716_0_11,0,11,161.0 +"POLYGON ((7.492398627198869 53.27572054178025, 7.493553603992736 53.27572054178025, 7.493553603992736 53.27551910594376, 7.492398627198869 53.27551910594376, 7.492398627198869 53.27572054178025))",52716_0_21,0,21,120.65242075 +"POLYGON ((7.494708580786604 53.27713056605634, 7.495863557580472 53.27713056605634, 7.495863557580472 53.27692913686467, 7.494708580786604 53.27692913686467, 7.494708580786604 53.27713056605634))",52716_2_14,2,14,167.0 +"POLYGON ((7.495863557580472 53.27854054381898, 7.49701853437434 53.27854054381898, 7.49701853437434 53.27833912127205, 7.495863557580472 53.27833912127205, 7.495863557580472 53.27854054381898))",52716_3_7,3,7,148.33333333333334 +"POLYGON ((7.495863557580472 53.27733199429875, 7.49701853437434 53.27733199429875, 7.49701853437434 53.27713056605634, 7.495863557580472 53.27713056605634, 7.495863557580472 53.27733199429875))",52716_3_13,3,13,111.5 +"POLYGON ((7.49701853437434 53.27894338606511, 7.498173511168208 53.27894338606511, 7.498173511168208 53.27874196541666, 7.49701853437434 53.27874196541666, 7.49701853437434 53.27894338606511))",52716_4_5,4,5,152.33333333333334 +"POLYGON ((7.49701853437434 53.27813769777589, 7.498173511168208 53.27813769777589, 7.498173511168208 53.27793627333046, 7.49701853437434 53.27793627333046, 7.49701853437434 53.27813769777589))",52716_4_9,4,9,113.63470433333333 +"POLYGON ((7.49701853437434 53.27652627563359, 7.498173511168208 53.27652627563359, 7.498173511168208 53.27632484359415, 7.49701853437434 53.27632484359415, 7.49701853437434 53.27652627563359))",52716_4_17,4,17,116.33333433333333 +"POLYGON ((7.498173511168208 53.27894338606511, 7.499328487962076 53.27894338606511, 7.499328487962076 53.27874196541666, 7.498173511168208 53.27874196541666, 7.498173511168208 53.27894338606511))",52716_5_5,5,5,113.33333333333333 +"POLYGON ((7.498173511168208 53.27854054381898, 7.499328487962076 53.27854054381898, 7.499328487962076 53.27833912127205, 7.498173511168208 53.27833912127205, 7.498173511168208 53.27854054381898))",52716_5_7,5,7,149.0 +"POLYGON ((7.498173511168208 53.27793627333046, 7.499328487962076 53.27793627333046, 7.499328487962076 53.27773484793582, 7.498173511168208 53.27773484793582, 7.498173511168208 53.27793627333046))",52716_5_10,5,10,113.57690149999999 +"POLYGON ((7.498173511168208 53.2775334215919, 7.499328487962076 53.2775334215919, 7.499328487962076 53.27733199429875, 7.498173511168208 53.27733199429875, 7.498173511168208 53.2775334215919))",52716_5_12,5,12,116.18295114285715 +"POLYGON ((7.498173511168208 53.27692913686467, 7.499328487962076 53.27692913686467, 7.499328487962076 53.27672770672376, 7.498173511168208 53.27672770672376, 7.498173511168208 53.27692913686467))",52716_5_15,5,15,113.0 +"POLYGON ((7.498173511168208 53.27632484359415, 7.499328487962076 53.27632484359415, 7.499328487962076 53.27612341060545, 7.498173511168208 53.27612341060545, 7.498173511168208 53.27632484359415))",52716_5_18,5,18,104.9999995 +"POLYGON ((7.498173511168208 53.27551910594376, 7.499328487962076 53.27551910594376, 7.499328487962076 53.275317669158, 7.498173511168208 53.275317669158, 7.498173511168208 53.27551910594376))",52716_5_22,5,22,99.47477275 +"POLYGON ((7.499328487962076 53.27793627333046, 7.500483464755944 53.27793627333046, 7.500483464755944 53.27773484793582, 7.499328487962076 53.27773484793582, 7.499328487962076 53.27793627333046))",52716_6_10,6,10,112.0 +"POLYGON ((7.499328487962076 53.27773484793582, 7.500483464755944 53.27773484793582, 7.500483464755944 53.2775334215919, 7.499328487962076 53.2775334215919, 7.499328487962076 53.27773484793582))",52716_6_11,6,11,69.02371246153847 +"POLYGON ((7.499328487962076 53.2775334215919, 7.500483464755944 53.2775334215919, 7.500483464755944 53.27733199429875, 7.499328487962076 53.27733199429875, 7.499328487962076 53.2775334215919))",52716_6_12,6,12,103.46128978571429 +"POLYGON ((7.499328487962076 53.27713056605634, 7.500483464755944 53.27713056605634, 7.500483464755944 53.27692913686467, 7.499328487962076 53.27692913686467, 7.499328487962076 53.27713056605634))",52716_6_14,6,14,148.0 +"POLYGON ((7.499328487962076 53.27692913686467, 7.500483464755944 53.27692913686467, 7.500483464755944 53.27672770672376, 7.499328487962076 53.27672770672376, 7.499328487962076 53.27692913686467))",52716_6_15,6,15,103.0 +"POLYGON ((7.492398627198869 53.27236315390495, 7.493553603992736 53.27236315390495, 7.493553603992736 53.27216170224704, 7.492398627198869 53.27216170224704, 7.492398627198869 53.27236315390495))",52717_0_11,0,11,102.25 +"POLYGON ((7.492398627198869 53.27034859460691, 7.493553603992736 53.27034859460691, 7.493553603992736 53.27014713345586, 7.492398627198869 53.27014713345586, 7.492398627198869 53.27034859460691))",52717_0_21,0,21,83.22458040000001 +"POLYGON ((7.494708580786604 53.27175879608328, 7.495863557580472 53.27175879608328, 7.495863557580472 53.27155734157745, 7.494708580786604 53.27155734157745, 7.494708580786604 53.27175879608328))",52717_2_14,2,14,128.0 +"POLYGON ((7.495863557580472 53.27316895104364, 7.49701853437434 53.27316895104364, 7.49701853437434 53.27296750318291, 7.495863557580472 53.27296750318291, 7.495863557580472 53.27316895104364))",52717_3_7,3,7,127.0 +"POLYGON ((7.495863557580472 53.27196024963982, 7.49701853437434 53.27196024963982, 7.49701853437434 53.27175879608328, 7.495863557580472 53.27175879608328, 7.495863557580472 53.27196024963982))",52717_3_13,3,13,100.75 +"POLYGON ((7.49701853437434 53.27357184391721, 7.498173511168208 53.27357184391721, 7.498173511168208 53.27337039795507, 7.49701853437434 53.27337039795507, 7.49701853437434 53.27357184391721))",52717_4_5,4,5,97.75 +"POLYGON ((7.49701853437434 53.27276605437289, 7.498173511168208 53.27276605437289, 7.498173511168208 53.27256460461356, 7.49701853437434 53.27256460461356, 7.49701853437434 53.27276605437289))",52717_4_9,4,9,100.758353 +"POLYGON ((7.49701853437434 53.27115442971786, 7.498173511168208 53.27115442971786, 7.498173511168208 53.2709529723641, 7.49701853437434 53.2709529723641, 7.49701853437434 53.27115442971786))",52717_4_17,4,17,108.199999 +"POLYGON ((7.498173511168208 53.27357184391721, 7.499328487962076 53.27357184391721, 7.499328487962076 53.27337039795507, 7.498173511168208 53.27337039795507, 7.498173511168208 53.27357184391721))",52717_5_5,5,5,92.0 +"POLYGON ((7.498173511168208 53.27316895104364, 7.499328487962076 53.27316895104364, 7.499328487962076 53.27296750318291, 7.498173511168208 53.27296750318291, 7.498173511168208 53.27316895104364))",52717_5_7,5,7,105.25 +"POLYGON ((7.498173511168208 53.27256460461356, 7.499328487962076 53.27256460461356, 7.499328487962076 53.27236315390495, 7.498173511168208 53.27236315390495, 7.498173511168208 53.27256460461356))",52717_5_10,5,10,95.58193120000001 +"POLYGON ((7.498173511168208 53.27216170224704, 7.499328487962076 53.27216170224704, 7.499328487962076 53.27196024963982, 7.498173511168208 53.27196024963982, 7.498173511168208 53.27216170224704))",52717_5_12,5,12,99.89746155555555 +"POLYGON ((7.498173511168208 53.27155734157745, 7.499328487962076 53.27155734157745, 7.499328487962076 53.27135588612231, 7.498173511168208 53.27135588612231, 7.498173511168208 53.27155734157745))",52717_5_15,5,15,99.33333333333333 +"POLYGON ((7.498173511168208 53.2709529723641, 7.499328487962076 53.2709529723641, 7.499328487962076 53.27075151406101, 7.498173511168208 53.27075151406101, 7.498173511168208 53.2709529723641))",52717_5_18,5,18,81.0000004 +"POLYGON ((7.498173511168208 53.27014713345586, 7.499328487962076 53.27014713345586, 7.499328487962076 53.26994567135552, 7.498173511168208 53.26994567135552, 7.498173511168208 53.27014713345586))",52717_5_22,5,22,80.6299785 +"POLYGON ((7.499328487962076 53.27256460461356, 7.500483464755944 53.27256460461356, 7.500483464755944 53.27236315390495, 7.499328487962076 53.27236315390495, 7.499328487962076 53.27256460461356))",52717_6_10,6,10,84.4 +"POLYGON ((7.499328487962076 53.27236315390495, 7.500483464755944 53.27236315390495, 7.500483464755944 53.27216170224704, 7.499328487962076 53.27216170224704, 7.499328487962076 53.27236315390495))",52717_6_11,6,11,72.72540636363637 +"POLYGON ((7.499328487962076 53.27216170224704, 7.500483464755944 53.27216170224704, 7.500483464755944 53.27196024963982, 7.499328487962076 53.27196024963982, 7.499328487962076 53.27216170224704))",52717_6_12,6,12,80.87396033333332 +"POLYGON ((7.499328487962076 53.27175879608328, 7.500483464755944 53.27175879608328, 7.500483464755944 53.27155734157745, 7.499328487962076 53.27155734157745, 7.499328487962076 53.27175879608328))",52717_6_14,6,14,94.0 +"POLYGON ((7.499328487962076 53.27155734157745, 7.500483464755944 53.27155734157745, 7.500483464755944 53.27135588612231, 7.499328487962076 53.27135588612231, 7.499328487962076 53.27155734157745))",52717_6_15,6,15,74.4 +"POLYGON ((7.492398627198869 53.26699078481569, 7.493553603992736 53.26699078481569, 7.493553603992736 53.26678930784234, 7.492398627198869 53.26678930784234, 7.492398627198869 53.26699078481569))",52718_0_11,0,11,61.2 +"POLYGON ((7.492398627198869 53.26497597236105, 7.493553603992736 53.26497597236105, 7.493553603992736 53.26477448589406, 7.492398627198869 53.26477448589406, 7.492398627198869 53.26497597236105))",52718_0_21,0,21,67.5959826 +"POLYGON ((7.494708580786604 53.2663863510476, 7.495863557580472 53.2663863510476, 7.495863557580472 53.26618487122619, 7.494708580786604 53.26618487122619, 7.494708580786604 53.2663863510476))",52718_2_14,2,14,97.42857142857143 +"POLYGON ((7.495863557580472 53.26779668321553, 7.49701853437434 53.26779668321553, 7.49701853437434 53.26759521003959, 7.495863557580472 53.26759521003959, 7.495863557580472 53.26779668321553))",52718_3_7,3,7,87.11111111111111 +"POLYGON ((7.495863557580472 53.26658782991966, 7.49701853437434 53.26658782991966, 7.49701853437434 53.2663863510476, 7.495863557580472 53.2663863510476, 7.495863557580472 53.26658782991966))",52718_3_13,3,13,88.0 +"POLYGON ((7.49701853437434 53.26819962671937, 7.498173511168208 53.26819962671937, 7.498173511168208 53.26799815544212, 7.49701853437434 53.26799815544212, 7.49701853437434 53.26819962671937))",52718_4_5,4,5,76.0 +"POLYGON ((7.49701853437434 53.26739373591431, 7.498173511168208 53.26739373591431, 7.498173511168208 53.26719226083968, 7.49701853437434 53.26719226083968, 7.49701853437434 53.26739373591431))",52718_4_9,4,9,89.6050992 +"POLYGON ((7.49701853437434 53.26578190873528, 7.498173511168208 53.26578190873528, 7.498173511168208 53.26558042606577, 7.49701853437434 53.26558042606577, 7.49701853437434 53.26578190873528))",52718_4_17,4,17,87.5668635 +"POLYGON ((7.498173511168208 53.26819962671937, 7.499328487962076 53.26819962671937, 7.499328487962076 53.26799815544212, 7.498173511168208 53.26799815544212, 7.498173511168208 53.26819962671937))",52718_5_5,5,5,78.4 +"POLYGON ((7.498173511168208 53.26779668321553, 7.499328487962076 53.26779668321553, 7.499328487962076 53.26759521003959, 7.498173511168208 53.26759521003959, 7.498173511168208 53.26779668321553))",52718_5_7,5,7,96.33333333333333 +"POLYGON ((7.498173511168208 53.26719226083968, 7.499328487962076 53.26719226083968, 7.499328487962076 53.26699078481569, 7.498173511168208 53.26699078481569, 7.498173511168208 53.26719226083968))",52718_5_10,5,10,80.59045027272728 +"POLYGON ((7.498173511168208 53.26678930784234, 7.499328487962076 53.26678930784234, 7.499328487962076 53.26658782991966, 7.498173511168208 53.26658782991966, 7.498173511168208 53.26678930784234))",52718_5_12,5,12,82.19990566666667 +"POLYGON ((7.498173511168208 53.26618487122619, 7.499328487962076 53.26618487122619, 7.499328487962076 53.26598339045542, 7.498173511168208 53.26598339045542, 7.498173511168208 53.26618487122619))",52718_5_15,5,15,69.25 +"POLYGON ((7.498173511168208 53.26558042606577, 7.499328487962076 53.26558042606577, 7.499328487962076 53.2653789424469, 7.498173511168208 53.2653789424469, 7.498173511168208 53.26558042606577))",52718_5_18,5,18,72.5999992 +"POLYGON ((7.498173511168208 53.26477448589406, 7.499328487962076 53.26477448589406, 7.499328487962076 53.26457299847771, 7.498173511168208 53.26457299847771, 7.498173511168208 53.26477448589406))",52718_5_22,5,22,66.2563084 +"POLYGON ((7.499328487962076 53.26719226083968, 7.500483464755944 53.26719226083968, 7.500483464755944 53.26699078481569, 7.499328487962076 53.26699078481569, 7.499328487962076 53.26719226083968))",52718_6_10,6,10,67.75 +"POLYGON ((7.499328487962076 53.26699078481569, 7.500483464755944 53.26699078481569, 7.500483464755944 53.26678930784234, 7.499328487962076 53.26678930784234, 7.499328487962076 53.26699078481569))",52718_6_11,6,11,72.6004581875 +"POLYGON ((7.499328487962076 53.26678930784234, 7.500483464755944 53.26678930784234, 7.500483464755944 53.26658782991966, 7.499328487962076 53.26658782991966, 7.499328487962076 53.26678930784234))",52718_6_12,6,12,66.34572353333334 +"POLYGON ((7.499328487962076 53.2663863510476, 7.500483464755944 53.2663863510476, 7.500483464755944 53.26618487122619, 7.499328487962076 53.26618487122619, 7.499328487962076 53.2663863510476))",52718_6_14,6,14,63.75 +"POLYGON ((7.499328487962076 53.26618487122619, 7.500483464755944 53.26618487122619, 7.500483464755944 53.26598339045542, 7.499328487962076 53.26598339045542, 7.499328487962076 53.26618487122619))",52718_6_15,6,15,61.8 +"POLYGON ((7.49701853437434 52.3060306582481, 7.498173511168208 52.3060306582481, 7.498173511168208 52.30582468179195, 7.49701853437434 52.30582468179195, 7.49701853437434 52.3060306582481))",52895_4_8,4,8,129.0 +"POLYGON ((7.498173511168208 52.30500076638464, 7.499328487962076 52.30500076638464, 7.499328487962076 52.30479478513711, 7.498173511168208 52.30479478513711, 7.498173511168208 52.30500076638464))",52895_5_13,5,13,109.999997 +"POLYGON ((7.498173511168208 52.30438281976722, 7.499328487962076 52.30438281976722, 7.499328487962076 52.30417683564485, 7.498173511168208 52.30417683564485, 7.498173511168208 52.30438281976722))",52895_5_16,5,16,133.0 +"POLYGON ((7.499328487962076 52.30458880293131, 7.500483464755944 52.30458880293131, 7.500483464755944 52.30438281976722, 7.499328487962076 52.30438281976722, 7.499328487962076 52.30458880293131))",52895_6_15,6,15,169.0 +"POLYGON ((7.499328487962076 52.30417683564485, 7.500483464755944 52.30417683564485, 7.500483464755944 52.30397085056418, 7.499328487962076 52.30397085056418, 7.499328487962076 52.30417683564485))",52895_6_17,6,17,138.0 +"POLYGON ((7.49701853437434 52.30053762480357, 7.498173511168208 52.30053762480357, 7.498173511168208 52.30033162279285, 7.49701853437434 52.30033162279285, 7.49701853437434 52.30053762480357))",52896_4_8,4,8,127.99999966666667 +"POLYGON ((7.498173511168208 52.2995076051668, 7.499328487962076 52.2995076051668, 7.499328487962076 52.29930159836447, 7.498173511168208 52.29930159836447, 7.498173511168208 52.2995076051668))",52896_5_13,5,13,112.76190566666666 +"POLYGON ((7.498173511168208 52.29888958188481, 7.499328487962076 52.29888958188481, 7.499328487962076 52.29868357220749, 7.498173511168208 52.29868357220749, 7.498173511168208 52.29888958188481))",52896_5_16,5,16,121.0 +"POLYGON ((7.499328487962076 52.29909559060381, 7.500483464755944 52.29909559060381, 7.500483464755944 52.29888958188481, 7.499328487962076 52.29888958188481, 7.499328487962076 52.29909559060381))",52896_6_15,6,15,172.5 +"POLYGON ((7.499328487962076 52.29868357220749, 7.500483464755944 52.29868357220749, 7.500483464755944 52.29847756157182, 7.499328487962076 52.29847756157182, 7.499328487962076 52.29868357220749))",52896_6_17,6,17,130.33333333333334 +"POLYGON ((7.492398627198869 52.02418724182662, 7.493553603992736 52.02418724182662, 7.493553603992736 52.0239799566337, 7.492398627198869 52.0239799566337, 7.492398627198869 52.02418724182662))",52946_0_12,0,12,119.0 +"POLYGON ((7.492398627198869 52.02211434666638, 7.493553603992736 52.02211434666638, 7.493553603992736 52.02190705186654, 7.492398627198869 52.02190705186654, 7.492398627198869 52.02211434666638))",52946_0_22,0,22,98.5000015 +"POLYGON ((7.493553603992736 52.02460180933041, 7.494708580786604 52.02460180933041, 7.494708580786604 52.02439452605886, 7.493553603992736 52.02439452605886, 7.493553603992736 52.02460180933041))",52946_1_10,1,10,96.0 +"POLYGON ((7.494708580786604 52.02418724182662, 7.495863557580472 52.02418724182662, 7.495863557580472 52.0239799566337, 7.494708580786604 52.0239799566337, 7.494708580786604 52.02418724182662))",52946_2_12,2,12,96.0 +"POLYGON ((7.495863557580472 52.02543093280988, 7.49701853437434 52.02543093280988, 7.49701853437434 52.02522365338102, 7.495863557580472 52.02522365338102, 7.495863557580472 52.02543093280988))",52946_3_6,3,6,100.5 +"POLYGON ((7.495863557580472 52.02418724182662, 7.49701853437434 52.02418724182662, 7.49701853437434 52.0239799566337, 7.495863557580472 52.0239799566337, 7.495863557580472 52.02418724182662))",52946_3_12,3,12,99.5 +"POLYGON ((7.495863557580472 52.02335809529082, 7.49701853437434 52.02335809529082, 7.49701853437434 52.02315080625515, 7.495863557580472 52.02315080625515, 7.495863557580472 52.02335809529082))",52946_3_16,3,16,71.5 +"POLYGON ((7.49701853437434 52.02605276533239, 7.498173511168208 52.02605276533239, 7.498173511168208 52.02584548878556, 7.49701853437434 52.02584548878556, 7.49701853437434 52.02605276533239))",52946_4_3,4,3,67.0 +"POLYGON ((7.49701853437434 52.02563821127804, 7.498173511168208 52.02563821127804, 7.498173511168208 52.02543093280988, 7.49701853437434 52.02543093280988, 7.49701853437434 52.02563821127804))",52946_4_5,4,5,100.0 +"POLYGON ((7.49701853437434 52.02335809529082, 7.498173511168208 52.02335809529082, 7.498173511168208 52.02315080625515, 7.49701853437434 52.02315080625515, 7.49701853437434 52.02335809529082))",52946_4_16,4,16,81.0 +"POLYGON ((7.498173511168208 52.02605276533239, 7.499328487962076 52.02605276533239, 7.499328487962076 52.02584548878556, 7.498173511168208 52.02584548878556, 7.498173511168208 52.02605276533239))",52946_5_3,5,3,98.5 +"POLYGON ((7.498173511168208 52.02563821127804, 7.499328487962076 52.02563821127804, 7.499328487962076 52.02543093280988, 7.498173511168208 52.02543093280988, 7.498173511168208 52.02563821127804))",52946_5_5,5,5,74.5 +"POLYGON ((7.498173511168208 52.02480909164129, 7.499328487962076 52.02480909164129, 7.499328487962076 52.02460180933041, 7.498173511168208 52.02460180933041, 7.498173511168208 52.02480909164129))",52946_5_9,5,9,90.87042 +"POLYGON ((7.498173511168208 52.02252893338398, 7.499328487962076 52.02252893338398, 7.499328487962076 52.02232164050553, 7.498173511168208 52.02232164050553, 7.498173511168208 52.02252893338398))",52946_5_20,5,20,96.7199985 +"POLYGON ((7.498173511168208 52.02190705186654, 7.499328487962076 52.02190705186654, 7.499328487962076 52.021699756106, 7.498173511168208 52.021699756106, 7.498173511168208 52.02190705186654))",52946_5_23,5,23,78.92278433333334 +"POLYGON ((7.499328487962076 52.02480909164129, 7.500483464755944 52.02480909164129, 7.500483464755944 52.02460180933041, 7.499328487962076 52.02460180933041, 7.499328487962076 52.02480909164129))",52946_6_9,6,9,108.0000025 +"POLYGON ((7.499328487962076 52.02418724182662, 7.500483464755944 52.02418724182662, 7.500483464755944 52.0239799566337, 7.499328487962076 52.0239799566337, 7.499328487962076 52.02418724182662))",52946_6_12,6,12,77.66666666666667 +"POLYGON ((7.499328487962076 52.0239799566337, 7.500483464755944 52.0239799566337, 7.500483464755944 52.02377267048009, 7.499328487962076 52.02377267048009, 7.499328487962076 52.0239799566337))",52946_6_13,6,13,95.79976975 +"POLYGON ((7.499328487962076 52.02377267048009, 7.500483464755944 52.02377267048009, 7.500483464755944 52.0235653833658, 7.499328487962076 52.0235653833658, 7.499328487962076 52.02377267048009))",52946_6_14,6,14,84.135772 +"POLYGON ((7.492398627198869 52.01865930790955, 7.493553603992736 52.01865930790955, 7.493553603992736 52.01845199709778, 7.492398627198869 52.01845199709778, 7.492398627198869 52.01865930790955))",52947_0_12,0,12,111.75 +"POLYGON ((7.492398627198869 52.01658615655874, 7.493553603992736 52.01658615655874, 7.493553603992736 52.01637883613958, 7.492398627198869 52.01637883613958, 7.492398627198869 52.01658615655874))",52947_0_22,0,22,98.4408724 +"POLYGON ((7.493553603992736 52.0190739266509, 7.494708580786604 52.0190739266509, 7.494708580786604 52.01886661776059, 7.493553603992736 52.01886661776059, 7.493553603992736 52.0190739266509))",52947_1_10,1,10,100.75 +"POLYGON ((7.494708580786604 52.01865930790955, 7.495863557580472 52.01865930790955, 7.495863557580472 52.01845199709778, 7.494708580786604 52.01845199709778, 7.494708580786604 52.01865930790955))",52947_2_12,2,12,94.0 +"POLYGON ((7.495863557580472 52.01990315260493, 7.49701853437434 52.01990315260493, 7.49701853437434 52.0196958475575, 7.495863557580472 52.0196958475575, 7.495863557580472 52.01990315260493))",52947_3_6,3,6,96.75 +"POLYGON ((7.495863557580472 52.01865930790955, 7.49701853437434 52.01865930790955, 7.49701853437434 52.01845199709778, 7.495863557580472 52.01845199709778, 7.495863557580472 52.01865930790955))",52947_3_12,3,12,109.5 +"POLYGON ((7.495863557580472 52.01783005889808, 7.49701853437434 52.01783005889808, 7.49701853437434 52.01762274424336, 7.495863557580472 52.01762274424336, 7.495863557580472 52.01783005889808))",52947_3_16,3,16,60.142857142857146 +"POLYGON ((7.49701853437434 52.02052506198289, 7.498173511168208 52.02052506198289, 7.498173511168208 52.02031775981762, 7.49701853437434 52.02031775981762, 7.49701853437434 52.02052506198289))",52947_4_3,4,3,65.75 +"POLYGON ((7.49701853437434 52.02011045669163, 7.498173511168208 52.02011045669163, 7.498173511168208 52.01990315260493, 7.49701853437434 52.01990315260493, 7.49701853437434 52.02011045669163))",52947_4_5,4,5,94.8 +"POLYGON ((7.49701853437434 52.01783005889808, 7.498173511168208 52.01783005889808, 7.498173511168208 52.01762274424336, 7.49701853437434 52.01762274424336, 7.49701853437434 52.01783005889808))",52947_4_16,4,16,66.66666666666667 +"POLYGON ((7.498173511168208 52.02052506198289, 7.499328487962076 52.02052506198289, 7.499328487962076 52.02031775981762, 7.498173511168208 52.02031775981762, 7.498173511168208 52.02052506198289))",52947_5_3,5,3,98.25 +"POLYGON ((7.498173511168208 52.02011045669163, 7.499328487962076 52.02011045669163, 7.499328487962076 52.01990315260493, 7.498173511168208 52.01990315260493, 7.498173511168208 52.02011045669163))",52947_5_5,5,5,73.83333333333333 +"POLYGON ((7.498173511168208 52.0192812345805, 7.499328487962076 52.0192812345805, 7.499328487962076 52.0190739266509, 7.498173511168208 52.0190739266509, 7.498173511168208 52.0192812345805))",52947_5_9,5,9,90.51321266666666 +"POLYGON ((7.498173511168208 52.01700079451482, 7.499328487962076 52.01700079451482, 7.499328487962076 52.01679347601715, 7.498173511168208 52.01679347601715, 7.498173511168208 52.01700079451482))",52947_5_20,5,20,99.8000006 +"POLYGON ((7.498173511168208 52.01637883613958, 7.499328487962076 52.01637883613958, 7.499328487962076 52.01617151475967, 7.498173511168208 52.01617151475967, 7.498173511168208 52.01637883613958))",52947_5_23,5,23,82.80460683333332 +"POLYGON ((7.499328487962076 52.0192812345805, 7.500483464755944 52.0192812345805, 7.500483464755944 52.0190739266509, 7.499328487962076 52.0190739266509, 7.499328487962076 52.0192812345805))",52947_6_9,6,9,104.951118 +"POLYGON ((7.499328487962076 52.01865930790955, 7.500483464755944 52.01865930790955, 7.500483464755944 52.01845199709778, 7.499328487962076 52.01845199709778, 7.499328487962076 52.01865930790955))",52947_6_12,6,12,84.0 +"POLYGON ((7.499328487962076 52.01845199709778, 7.500483464755944 52.01845199709778, 7.500483464755944 52.01824468532527, 7.499328487962076 52.01824468532527, 7.499328487962076 52.01845199709778))",52947_6_13,6,13,97.2279948 +"POLYGON ((7.499328487962076 52.01824468532527, 7.500483464755944 52.01824468532527, 7.500483464755944 52.01803737259205, 7.499328487962076 52.01803737259205, 7.499328487962076 52.01824468532527))",52947_6_14,6,14,83.02269 +"POLYGON ((7.492398627198869 52.01313069080729, 7.493553603992736 52.01313069080729, 7.493553603992736 52.01292335437544, 7.492398627198869 52.01292335437544, 7.492398627198869 52.01313069080729))",52948_0_12,0,12,116.0 +"POLYGON ((7.492398627198869 52.01105728325354, 7.493553603992736 52.01105728325354, 7.493553603992736 52.01084993721383, 7.492398627198869 52.01084993721383, 7.492398627198869 52.01105728325354))",52948_0_22,0,22,94.33333366666666 +"POLYGON ((7.493553603992736 52.01354536078868, 7.494708580786604 52.01354536078868, 7.494708580786604 52.01333802627838, 7.493553603992736 52.01333802627838, 7.493553603992736 52.01354536078868))",52948_1_10,1,10,100.5 +"POLYGON ((7.494708580786604 52.01313069080729, 7.495863557580472 52.01313069080729, 7.495863557580472 52.01292335437544, 7.494708580786604 52.01292335437544, 7.494708580786604 52.01313069080729))",52948_2_12,2,12,97.0 +"POLYGON ((7.495863557580472 52.01437468922222, 7.49701853437434 52.01437468922222, 7.49701853437434 52.01416735855498, 7.495863557580472 52.01416735855498, 7.495863557580472 52.01437468922222))",52948_3_6,3,6,96.5 +"POLYGON ((7.495863557580472 52.01313069080729, 7.49701853437434 52.01313069080729, 7.49701853437434 52.01292335437544, 7.495863557580472 52.01292335437544, 7.495863557580472 52.01313069080729))",52948_3_12,3,12,111.0 +"POLYGON ((7.495863557580472 52.01230133931519, 7.49701853437434 52.01230133931519, 7.49701853437434 52.01209399904022, 7.495863557580472 52.01209399904022, 7.495863557580472 52.01230133931519))",52948_3_16,3,16,42.5 +"POLYGON ((7.49701853437434 52.01499667545932, 7.498173511168208 52.01499667545932, 7.498173511168208 52.01478934767437, 7.49701853437434 52.01478934767437, 7.49701853437434 52.01499667545932))",52948_4_3,4,3,65.5 +"POLYGON ((7.49701853437434 52.01458201892867, 7.498173511168208 52.01458201892867, 7.498173511168208 52.01437468922222, 7.49701853437434 52.01437468922222, 7.49701853437434 52.01458201892867))",52948_4_5,4,5,97.5 +"POLYGON ((7.49701853437434 52.01230133931519, 7.498173511168208 52.01230133931519, 7.498173511168208 52.01209399904022, 7.49701853437434 52.01209399904022, 7.49701853437434 52.01230133931519))",52948_4_16,4,16,68.5 +"POLYGON ((7.498173511168208 52.01499667545932, 7.499328487962076 52.01499667545932, 7.499328487962076 52.01478934767437, 7.498173511168208 52.01478934767437, 7.498173511168208 52.01499667545932))",52948_5_3,5,3,100.0 +"POLYGON ((7.498173511168208 52.01458201892867, 7.499328487962076 52.01458201892867, 7.499328487962076 52.01437468922222, 7.498173511168208 52.01437468922222, 7.498173511168208 52.01458201892867))",52948_5_5,5,5,77.0 +"POLYGON ((7.498173511168208 52.01375269433822, 7.499328487962076 52.01375269433822, 7.499328487962076 52.01354536078868, 7.498173511168208 52.01354536078868, 7.498173511168208 52.01375269433822))",52948_5_9,5,9,93.0 +"POLYGON ((7.498173511168208 52.01147197245058, 7.499328487962076 52.01147197245058, 7.499328487962076 52.01126462833246, 7.498173511168208 52.01126462833246, 7.498173511168208 52.01147197245058))",52948_5_20,5,20,103.999999 +"POLYGON ((7.498173511168208 52.01084993721383, 7.499328487962076 52.01084993721383, 7.499328487962076 52.01064259021333, 7.498173511168208 52.01064259021333, 7.498173511168208 52.01084993721383))",52948_5_23,5,23,80.8057435 +"POLYGON ((7.499328487962076 52.01375269433822, 7.500483464755944 52.01375269433822, 7.500483464755944 52.01354536078868, 7.499328487962076 52.01354536078868, 7.499328487962076 52.01375269433822))",52948_6_9,6,9,106.0 +"POLYGON ((7.499328487962076 52.01313069080729, 7.500483464755944 52.01313069080729, 7.500483464755944 52.01292335437544, 7.499328487962076 52.01292335437544, 7.499328487962076 52.01313069080729))",52948_6_12,6,12,82.5 +"POLYGON ((7.499328487962076 52.01292335437544, 7.500483464755944 52.01292335437544, 7.500483464755944 52.0127160169828, 7.499328487962076 52.0127160169828, 7.499328487962076 52.01292335437544))",52948_6_13,6,13,96.91287750000001 +"POLYGON ((7.499328487962076 52.0127160169828, 7.500483464755944 52.0127160169828, 7.500483464755944 52.01250867862939, 7.499328487962076 52.01250867862939, 7.499328487962076 52.0127160169828))",52948_6_14,6,14,84.24999875 +"POLYGON ((7.49701853437434 50.57524138446669, 7.498173511168208 50.57524138446669, 7.498173511168208 50.57502745097063, 7.49701853437434 50.57502745097063, 7.49701853437434 50.57524138446669))",53204_4_12,4,12,143.33333333333334 +"POLYGON ((7.501381780040064 53.35641982163749, 7.502536756833933 53.35641982163749, 7.502536756833933 53.35621876629789, 7.501381780040064 53.35621876629789, 7.501381780040064 53.35641982163749))",53376_0_20,0,20,82.75736666666667 +"POLYGON ((7.504846710421668 53.35782718245758, 7.506001687215535 53.35782718245758, 7.506001687215535 53.35762613375723, 7.504846710421668 53.35762613375723, 7.504846710421668 53.35782718245758))",53376_3_13,3,13,77.28571428571429 +"POLYGON ((7.506001687215535 53.35702298196545, 7.507156664009404 53.35702298196545, 7.507156664009404 53.35682192947126, 7.506001687215535 53.35682192947126, 7.506001687215535 53.35702298196545))",53376_4_17,4,17,79.606442 +"POLYGON ((7.507156664009404 53.35802823020947, 7.50831164080327 53.35802823020947, 7.50831164080327 53.35782718245758, 7.507156664009404 53.35782718245758, 7.507156664009404 53.35802823020947))",53376_5_12,5,12,89.0 +"POLYGON ((7.507156664009404 53.35682192947126, 7.50831164080327 53.35682192947126, 7.50831164080327 53.35662087602861, 7.507156664009404 53.35662087602861, 7.507156664009404 53.35682192947126))",53376_5_18,5,18,76.00238142857143 +"POLYGON ((7.507156664009404 53.35621876629789, 7.50831164080327 53.35621876629789, 7.50831164080327 53.35601771000984, 7.507156664009404 53.35601771000984, 7.507156664009404 53.35621876629789))",53376_5_21,5,21,81.532256 +"POLYGON ((7.50831164080327 53.3582292770129, 7.50946661759714 53.3582292770129, 7.50946661759714 53.35802823020947, 7.50831164080327 53.35802823020947, 7.50831164080327 53.3582292770129))",53376_6_11,6,11,76.5990345 +"POLYGON ((7.501381780040064 53.35105802132151, 7.502536756833933 53.35105802132151, 7.502536756833933 53.35085694068867, 7.501381780040064 53.35085694068867, 7.501381780040064 53.35105802132151))",53377_0_20,0,20,87.25000125 +"POLYGON ((7.504846710421668 53.35246555919289, 7.506001687215535 53.35246555919289, 7.506001687215535 53.35226448519966, 7.504846710421668 53.35226448519966, 7.504846710421668 53.35246555919289))",53377_3_13,3,13,84.0 +"POLYGON ((7.506001687215535 53.35166125752892, 7.507156664009404 53.35166125752892, 7.507156664009404 53.35146017974163, 7.506001687215535 53.35146017974163, 7.506001687215535 53.35166125752892))",53377_4_17,4,17,81.49999975 +"POLYGON ((7.507156664009404 53.35266663223761, 7.50831164080327 53.35266663223761, 7.50831164080327 53.35246555919289, 7.507156664009404 53.35246555919289, 7.507156664009404 53.35266663223761))",53377_5_12,5,12,95.66666666666667 +"POLYGON ((7.507156664009404 53.35146017974163, 7.50831164080327 53.35146017974163, 7.50831164080327 53.35125910100584, 7.507156664009404 53.35125910100584, 7.507156664009404 53.35146017974163))",53377_5_18,5,18,80.66666633333334 +"POLYGON ((7.507156664009404 53.35085694068867, 7.50831164080327 53.35085694068867, 7.50831164080327 53.35065585910731, 7.507156664009404 53.35065585910731, 7.507156664009404 53.35085694068867))",53377_5_21,5,21,82.999999 +"POLYGON ((7.50831164080327 53.35286770433382, 7.50946661759714 53.35286770433382, 7.50946661759714 53.35266663223761, 7.50831164080327 53.35266663223761, 7.50831164080327 53.35286770433382))",53377_6_11,6,11,95.91063325 +"POLYGON ((7.503691733627798 53.2663863510476, 7.504846710421668 53.2663863510476, 7.504846710421668 53.26618487122619, 7.503691733627798 53.26618487122619, 7.503691733627798 53.2663863510476))",53393_2_14,2,14,58.0 +"POLYGON ((7.504846710421668 53.26779668321553, 7.506001687215535 53.26779668321553, 7.506001687215535 53.26759521003959, 7.504846710421668 53.26759521003959, 7.504846710421668 53.26779668321553))",53393_3_7,3,7,55.5 +"POLYGON ((7.504846710421668 53.26658782991966, 7.506001687215535 53.26658782991966, 7.506001687215535 53.2663863510476, 7.504846710421668 53.2663863510476, 7.504846710421668 53.26658782991966))",53393_3_13,3,13,58.75 +"POLYGON ((7.506001687215535 53.26819962671937, 7.507156664009404 53.26819962671937, 7.507156664009404 53.26799815544212, 7.506001687215535 53.26799815544212, 7.506001687215535 53.26819962671937))",53393_4_5,4,5,41.666666666666664 +"POLYGON ((7.506001687215535 53.26739373591431, 7.507156664009404 53.26739373591431, 7.507156664009404 53.26719226083968, 7.506001687215535 53.26719226083968, 7.506001687215535 53.26739373591431))",53393_4_9,4,9,49.748168666666665 +"POLYGON ((7.506001687215535 53.26578190873528, 7.507156664009404 53.26578190873528, 7.507156664009404 53.26558042606577, 7.506001687215535 53.26558042606577, 7.506001687215535 53.26578190873528))",53393_4_17,4,17,52.333334 +"POLYGON ((7.507156664009404 53.26819962671937, 7.50831164080327 53.26819962671937, 7.50831164080327 53.26799815544212, 7.507156664009404 53.26799815544212, 7.507156664009404 53.26819962671937))",53393_5_5,5,5,53.0 +"POLYGON ((7.507156664009404 53.26779668321553, 7.50831164080327 53.26779668321553, 7.50831164080327 53.26759521003959, 7.507156664009404 53.26759521003959, 7.507156664009404 53.26779668321553))",53393_5_7,5,7,56.5 +"POLYGON ((7.507156664009404 53.26719226083968, 7.50831164080327 53.26719226083968, 7.50831164080327 53.26699078481569, 7.507156664009404 53.26699078481569, 7.507156664009404 53.26719226083968))",53393_5_10,5,10,48.829794 +"POLYGON ((7.507156664009404 53.26678930784234, 7.50831164080327 53.26678930784234, 7.50831164080327 53.26658782991966, 7.507156664009404 53.26658782991966, 7.507156664009404 53.26678930784234))",53393_5_12,5,12,52.563167666666665 +"POLYGON ((7.50831164080327 53.26699078481569, 7.50946661759714 53.26699078481569, 7.50946661759714 53.26678930784234, 7.50831164080327 53.26678930784234, 7.50831164080327 53.26699078481569))",53393_6_11,6,11,48.125052000000004 +"POLYGON ((7.506001687215535 52.30053762480357, 7.507156664009404 52.30053762480357, 7.507156664009404 52.30033162279285, 7.506001687215535 52.30033162279285, 7.506001687215535 52.30053762480357))",53571_4_8,4,8,129.249999 +"POLYGON ((7.507156664009404 52.2995076051668, 7.50831164080327 52.2995076051668, 7.50831164080327 52.29930159836447, 7.507156664009404 52.29930159836447, 7.507156664009404 52.2995076051668))",53571_5_13,5,13,104.8920894 +"POLYGON ((7.507156664009404 52.29888958188481, 7.50831164080327 52.29888958188481, 7.50831164080327 52.29868357220749, 7.507156664009404 52.29868357220749, 7.507156664009404 52.29888958188481))",53571_5_16,5,16,135.5 +"POLYGON ((7.50831164080327 52.29909559060381, 7.50946661759714 52.29909559060381, 7.50946661759714 52.29888958188481, 7.50831164080327 52.29888958188481, 7.50831164080327 52.29909559060381))",53571_6_15,6,15,173.5 +"POLYGON ((7.50831164080327 52.29868357220749, 7.50946661759714 52.29868357220749, 7.50946661759714 52.29847756157182, 7.50831164080327 52.29847756157182, 7.50831164080327 52.29868357220749))",53571_6_17,6,17,133.0 +"POLYGON ((7.507156664009404 52.29339566252073, 7.50831164080327 52.29339566252073, 7.50831164080327 52.29318962728718, 7.507156664009404 52.29318962728718, 7.507156664009404 52.29339566252073))",53572_5_16,5,16,144.0 +"POLYGON ((7.50831164080327 52.2936016967959, 7.50946661759714 52.2936016967959, 7.50946661759714 52.29339566252073, 7.50831164080327 52.29339566252073, 7.50831164080327 52.2936016967959))",53572_6_15,6,15,143.0 +"POLYGON ((7.50831164080327 52.29318962728718, 7.50946661759714 52.29318962728718, 7.50946661759714 52.29298359109525, 7.50831164080327 52.29298359109525, 7.50831164080327 52.29318962728718))",53572_6_17,6,17,160.0 +"POLYGON ((7.501381780040064 52.01313069080729, 7.502536756833933 52.01313069080729, 7.502536756833933 52.01292335437544, 7.501381780040064 52.01292335437544, 7.501381780040064 52.01313069080729))",53623_0_12,0,12,115.33333333333333 +"POLYGON ((7.501381780040064 52.01105728325354, 7.502536756833933 52.01105728325354, 7.502536756833933 52.01084993721383, 7.501381780040064 52.01084993721383, 7.501381780040064 52.01105728325354))",53623_0_22,0,22,95.99999933333334 +"POLYGON ((7.502536756833933 52.01354536078868, 7.503691733627798 52.01354536078868, 7.503691733627798 52.01333802627838, 7.502536756833933 52.01333802627838, 7.502536756833933 52.01354536078868))",53623_1_10,1,10,101.66666666666667 +"POLYGON ((7.503691733627798 52.01313069080729, 7.504846710421668 52.01313069080729, 7.504846710421668 52.01292335437544, 7.503691733627798 52.01292335437544, 7.503691733627798 52.01313069080729))",53623_2_12,2,12,72.33333333333333 +"POLYGON ((7.504846710421668 52.01437468922222, 7.506001687215535 52.01437468922222, 7.506001687215535 52.01416735855498, 7.504846710421668 52.01416735855498, 7.504846710421668 52.01437468922222))",53623_3_6,3,6,96.66666666666667 +"POLYGON ((7.504846710421668 52.01313069080729, 7.506001687215535 52.01313069080729, 7.506001687215535 52.01292335437544, 7.504846710421668 52.01292335437544, 7.504846710421668 52.01313069080729))",53623_3_12,3,12,107.0 +"POLYGON ((7.504846710421668 52.01230133931519, 7.506001687215535 52.01230133931519, 7.506001687215535 52.01209399904022, 7.504846710421668 52.01209399904022, 7.504846710421668 52.01230133931519))",53623_3_16,3,16,20.357142857142858 +"POLYGON ((7.506001687215535 52.01499667545932, 7.507156664009404 52.01499667545932, 7.507156664009404 52.01478934767437, 7.506001687215535 52.01478934767437, 7.506001687215535 52.01499667545932))",53623_4_3,4,3,77.25 +"POLYGON ((7.506001687215535 52.01458201892867, 7.507156664009404 52.01458201892867, 7.507156664009404 52.01437468922222, 7.506001687215535 52.01437468922222, 7.506001687215535 52.01458201892867))",53623_4_5,4,5,98.0 +"POLYGON ((7.506001687215535 52.01230133931519, 7.507156664009404 52.01230133931519, 7.507156664009404 52.01209399904022, 7.506001687215535 52.01209399904022, 7.506001687215535 52.01230133931519))",53623_4_16,4,16,93.66666666666667 +"POLYGON ((7.507156664009404 52.01499667545932, 7.50831164080327 52.01499667545932, 7.50831164080327 52.01478934767437, 7.507156664009404 52.01478934767437, 7.507156664009404 52.01499667545932))",53623_5_3,5,3,102.66666666666667 +"POLYGON ((7.507156664009404 52.01458201892867, 7.50831164080327 52.01458201892867, 7.50831164080327 52.01437468922222, 7.507156664009404 52.01437468922222, 7.507156664009404 52.01458201892867))",53623_5_5,5,5,82.75 +"POLYGON ((7.507156664009404 52.01375269433822, 7.50831164080327 52.01375269433822, 7.50831164080327 52.01354536078868, 7.507156664009404 52.01354536078868, 7.507156664009404 52.01375269433822))",53623_5_9,5,9,93.66666766666667 +"POLYGON ((7.507156664009404 52.01147197245058, 7.50831164080327 52.01147197245058, 7.50831164080327 52.01126462833246, 7.507156664009404 52.01126462833246, 7.507156664009404 52.01147197245058))",53623_5_20,5,20,109.64393966666667 +"POLYGON ((7.507156664009404 52.01084993721383, 7.50831164080327 52.01084993721383, 7.50831164080327 52.01064259021333, 7.507156664009404 52.01064259021333, 7.507156664009404 52.01084993721383))",53623_5_23,5,23,93.88763075 +"POLYGON ((7.50831164080327 52.01375269433822, 7.50946661759714 52.01375269433822, 7.50946661759714 52.01354536078868, 7.50831164080327 52.01354536078868, 7.50831164080327 52.01375269433822))",53623_6_9,6,9,106.09192675 +"POLYGON ((7.50831164080327 52.01313069080729, 7.50946661759714 52.01313069080729, 7.50946661759714 52.01292335437544, 7.50831164080327 52.01292335437544, 7.50831164080327 52.01313069080729))",53623_6_12,6,12,92.0 +"POLYGON ((7.50831164080327 52.01292335437544, 7.50946661759714 52.01292335437544, 7.50946661759714 52.0127160169828, 7.50831164080327 52.0127160169828, 7.50831164080327 52.01292335437544))",53623_6_13,6,13,96.66666616666667 +"POLYGON ((7.50831164080327 52.0127160169828, 7.50946661759714 52.0127160169828, 7.50946661759714 52.01250867862939, 7.50831164080327 52.01250867862939, 7.50831164080327 52.0127160169828))",53623_6_14,6,14,87.95626928571428 +"POLYGON ((7.501381780040064 52.0076013904869, 7.502536756833933 52.0076013904869, 7.502536756833933 52.00739402843372, 7.501381780040064 52.00739402843372, 7.501381780040064 52.0076013904869))",53624_0_12,0,12,126.66666666666667 +"POLYGON ((7.501381780040064 52.00552772671785, 7.502536756833933 52.00552772671785, 7.502536756833933 52.00532035505636, 7.501381780040064 52.00532035505636, 7.501381780040064 52.00552772671785))",53624_0_22,0,22,94.1999988 +"POLYGON ((7.502536756833933 52.00801611171079, 7.503691733627798 52.00801611171079, 7.503691733627798 52.00780875157925, 7.502536756833933 52.00780875157925, 7.502536756833933 52.00801611171079))",53624_1_10,1,10,107.0 +"POLYGON ((7.503691733627798 52.0076013904869, 7.504846710421668 52.0076013904869, 7.504846710421668 52.00739402843372, 7.503691733627798 52.00739402843372, 7.503691733627798 52.0076013904869))",53624_2_12,2,12,85.8 +"POLYGON ((7.504846710421668 52.00884554262876, 7.506001687215535 52.00884554262876, 7.506001687215535 52.0086381863405, 7.504846710421668 52.0086381863405, 7.504846710421668 52.00884554262876))",53624_3_6,3,6,97.5 +"POLYGON ((7.504846710421668 52.0076013904869, 7.506001687215535 52.0076013904869, 7.506001687215535 52.00739402843372, 7.504846710421668 52.00739402843372, 7.504846710421668 52.0076013904869))",53624_3_12,3,12,108.0 +"POLYGON ((7.504846710421668 52.00677193650923, 7.506001687215535 52.00677193650923, 7.506001687215535 52.00656457061276, 7.504846710421668 52.00656457061276, 7.504846710421668 52.00677193650923))",53624_3_16,3,16,19.526315789473685 +"POLYGON ((7.506001687215535 52.00946760572872, 7.507156664009404 52.00946760572872, 7.507156664009404 52.00926025232287, 7.506001687215535 52.00926025232287, 7.506001687215535 52.00946760572872))",53624_4_3,4,3,117.0 +"POLYGON ((7.506001687215535 52.00905289795622, 7.507156664009404 52.00905289795622, 7.507156664009404 52.00884554262876, 7.506001687215535 52.00884554262876, 7.506001687215535 52.00905289795622))",53624_4_5,4,5,110.5 +"POLYGON ((7.506001687215535 52.00677193650923, 7.507156664009404 52.00677193650923, 7.507156664009404 52.00656457061276, 7.506001687215535 52.00656457061276, 7.506001687215535 52.00677193650923))",53624_4_16,4,16,112.0 +"POLYGON ((7.507156664009404 52.00946760572872, 7.50831164080327 52.00946760572872, 7.50831164080327 52.00926025232287, 7.507156664009404 52.00926025232287, 7.507156664009404 52.00946760572872))",53624_5_3,5,3,104.75 +"POLYGON ((7.507156664009404 52.00905289795622, 7.50831164080327 52.00905289795622, 7.50831164080327 52.00884554262876, 7.507156664009404 52.00884554262876, 7.507156664009404 52.00905289795622))",53624_5_5,5,5,125.66666666666667 +"POLYGON ((7.507156664009404 52.00822347088151, 7.50831164080327 52.00822347088151, 7.50831164080327 52.00801611171079, 7.507156664009404 52.00801611171079, 7.507156664009404 52.00822347088151))",53624_5_9,5,9,93.2985526 +"POLYGON ((7.507156664009404 52.00594246715832, 7.50831164080327 52.00594246715832, 7.50831164080327 52.0057350974185, 7.507156664009404 52.0057350974185, 7.507156664009404 52.00594246715832))",53624_5_20,5,20,110.83464375 +"POLYGON ((7.507156664009404 52.00532035505636, 7.50831164080327 52.00532035505636, 7.50831164080327 52.00511298243404, 7.507156664009404 52.00511298243404, 7.507156664009404 52.00532035505636))",53624_5_23,5,23,96.08058233333333 +"POLYGON ((7.50831164080327 52.00822347088151, 7.50946661759714 52.00822347088151, 7.50946661759714 52.00801611171079, 7.50831164080327 52.00801611171079, 7.50831164080327 52.00822347088151))",53624_6_9,6,9,105.67779349999999 +"POLYGON ((7.50831164080327 52.0076013904869, 7.50946661759714 52.0076013904869, 7.50946661759714 52.00739402843372, 7.50831164080327 52.00739402843372, 7.50831164080327 52.0076013904869))",53624_6_12,6,12,88.8 +"POLYGON ((7.50831164080327 52.00739402843372, 7.50946661759714 52.00739402843372, 7.50946661759714 52.00718666541972, 7.50831164080327 52.00718666541972, 7.50831164080327 52.00739402843372))",53624_6_13,6,13,97.15525622222223 +"POLYGON ((7.50831164080327 52.00718666541972, 7.50946661759714 52.00718666541972, 7.50946661759714 52.00697930144489, 7.50831164080327 52.00697930144489, 7.50831164080327 52.00718666541972))",53624_6_14,6,14,104.08118355555557 +"POLYGON ((7.506001687215535 50.57524138446669, 7.507156664009404 50.57524138446669, 7.507156664009404 50.57502745097063, 7.506001687215535 50.57502745097063, 7.506001687215535 50.57524138446669))",53879_4_12,4,12,127.0 +"POLYGON ((7.506001687215535 50.5695361587284, 7.507156664009404 50.5695361587284, 7.507156664009404 50.56932219932229, 7.506001687215535 50.56932219932229, 7.506001687215535 50.5695361587284))",53880_4_12,4,12,123.0 +"POLYGON ((7.510364932881259 53.36178094748636, 7.511519909675128 53.36178094748636, 7.511519909675128 53.3615799174386, 7.510364932881259 53.3615799174386, 7.510364932881259 53.36178094748636))",54050_0_20,0,20,64.91253920000001 +"POLYGON ((7.513829863262862 53.36318813126513, 7.51498484005673 53.36318813126513, 7.51498484005673 53.36298710785623, 7.513829863262862 53.36298710785623, 7.513829863262862 53.36318813126513))",54050_3_13,3,13,67.625 +"POLYGON ((7.51498484005673 53.36238403193914, 7.516139816850598 53.36238403193914, 7.516139816850598 53.36218300473663, 7.51498484005673 53.36218300473663, 7.51498484005673 53.36238403193914))",54050_4_17,4,17,59.6000002 +"POLYGON ((7.516139816850598 53.3633891537256, 7.517294793644466 53.3633891537256, 7.517294793644466 53.36318813126513, 7.516139816850598 53.36318813126513, 7.516139816850598 53.3633891537256))",54050_5_12,5,12,68.125 +"POLYGON ((7.516139816850598 53.36218300473663, 7.517294793644466 53.36218300473663, 7.517294793644466 53.3619819765857, 7.516139816850598 53.3619819765857, 7.516139816850598 53.36218300473663))",54050_5_18,5,18,63.11471516666666 +"POLYGON ((7.516139816850598 53.3615799174386, 7.517294793644466 53.3615799174386, 7.517294793644466 53.36137888644242, 7.516139816850598 53.36137888644242, 7.516139816850598 53.3615799174386))",54050_5_21,5,21,60.04002479999999 +"POLYGON ((7.517294793644466 53.36359017523769, 7.518449770438334 53.36359017523769, 7.518449770438334 53.3633891537256, 7.517294793644466 53.3633891537256, 7.517294793644466 53.36359017523769))",54050_6_11,6,11,62.439474399999995 +"POLYGON ((7.51498484005673 53.35702298196545, 7.516139816850598 53.35702298196545, 7.516139816850598 53.35682192947126, 7.51498484005673 53.35682192947126, 7.51498484005673 53.35702298196545))",54051_4_17,4,17,71.999998 +"POLYGON ((7.516139816850598 53.35621876629789, 7.517294793644466 53.35621876629789, 7.517294793644466 53.35601771000984, 7.516139816850598 53.35601771000984, 7.516139816850598 53.35621876629789))",54051_5_21,5,21,79.000001 +"POLYGON ((7.51498484005673 52.29504390988756, 7.516139816850598 52.29504390988756, 7.516139816850598 52.29483788232101, 7.51498484005673 52.29483788232101, 7.51498484005673 52.29504390988756))",54247_4_8,4,8,127.25601 +"POLYGON ((7.516139816850598 52.2940137624711, 7.517294793644466 52.2940137624711, 7.517294793644466 52.2938077301127, 7.516139816850598 52.2938077301127, 7.516139816850598 52.2940137624711))",54247_5_13,5,13,89.93541649999999 +"POLYGON ((7.516139816850598 52.29339566252073, 7.517294793644466 52.29339566252073, 7.517294793644466 52.29318962728718, 7.516139816850598 52.29318962728718, 7.516139816850598 52.29339566252073))",54247_5_16,5,16,154.5 +"POLYGON ((7.517294793644466 52.2936016967959, 7.518449770438334 52.2936016967959, 7.518449770438334 52.29339566252073, 7.517294793644466 52.29339566252073, 7.517294793644466 52.2936016967959))",54247_6_15,6,15,133.66666666666666 +"POLYGON ((7.517294793644466 52.29318962728718, 7.518449770438334 52.29318962728718, 7.518449770438334 52.29298359109525, 7.517294793644466 52.29298359109525, 7.517294793644466 52.29318962728718))",54247_6_17,6,17,158.0 +"POLYGON ((7.510364932881259 52.0076013904869, 7.511519909675128 52.0076013904869, 7.511519909675128 52.00739402843372, 7.510364932881259 52.00739402843372, 7.510364932881259 52.0076013904869))",54299_0_12,0,12,122.0 +"POLYGON ((7.510364932881259 52.00552772671785, 7.511519909675128 52.00552772671785, 7.511519909675128 52.00532035505636, 7.510364932881259 52.00532035505636, 7.510364932881259 52.00552772671785))",54299_0_22,0,22,95.0 +"POLYGON ((7.511519909675128 52.00801611171079, 7.512674886468994 52.00801611171079, 7.512674886468994 52.00780875157925, 7.511519909675128 52.00780875157925, 7.511519909675128 52.00801611171079))",54299_1_10,1,10,109.5 +"POLYGON ((7.512674886468994 52.0076013904869, 7.513829863262862 52.0076013904869, 7.513829863262862 52.00739402843372, 7.512674886468994 52.00739402843372, 7.512674886468994 52.0076013904869))",54299_2_12,2,12,121.0 +"POLYGON ((7.513829863262862 52.00884554262876, 7.51498484005673 52.00884554262876, 7.51498484005673 52.0086381863405, 7.513829863262862 52.0086381863405, 7.513829863262862 52.00884554262876))",54299_3_6,3,6,95.0 +"POLYGON ((7.513829863262862 52.0076013904869, 7.51498484005673 52.0076013904869, 7.51498484005673 52.00739402843372, 7.513829863262862 52.00739402843372, 7.513829863262862 52.0076013904869))",54299_3_12,3,12,112.0 +"POLYGON ((7.513829863262862 52.00677193650923, 7.51498484005673 52.00677193650923, 7.51498484005673 52.00656457061276, 7.513829863262862 52.00656457061276, 7.513829863262862 52.00677193650923))",54299_3_16,3,16,63.0 +"POLYGON ((7.51498484005673 52.00946760572872, 7.516139816850598 52.00946760572872, 7.516139816850598 52.00926025232287, 7.51498484005673 52.00926025232287, 7.51498484005673 52.00946760572872))",54299_4_3,4,3,117.0 +"POLYGON ((7.51498484005673 52.00905289795622, 7.516139816850598 52.00905289795622, 7.516139816850598 52.00884554262876, 7.51498484005673 52.00884554262876, 7.51498484005673 52.00905289795622))",54299_4_5,4,5,107.0 +"POLYGON ((7.51498484005673 52.00677193650923, 7.516139816850598 52.00677193650923, 7.516139816850598 52.00656457061276, 7.51498484005673 52.00656457061276, 7.51498484005673 52.00677193650923))",54299_4_16,4,16,110.5 +"POLYGON ((7.516139816850598 52.00946760572872, 7.517294793644466 52.00946760572872, 7.517294793644466 52.00926025232287, 7.516139816850598 52.00926025232287, 7.516139816850598 52.00946760572872))",54299_5_3,5,3,106.0 +"POLYGON ((7.516139816850598 52.00905289795622, 7.517294793644466 52.00905289795622, 7.517294793644466 52.00884554262876, 7.516139816850598 52.00884554262876, 7.516139816850598 52.00905289795622))",54299_5_5,5,5,129.0 +"POLYGON ((7.516139816850598 52.00822347088151, 7.517294793644466 52.00822347088151, 7.517294793644466 52.00801611171079, 7.516139816850598 52.00801611171079, 7.516139816850598 52.00822347088151))",54299_5_9,5,9,90.500001 +"POLYGON ((7.516139816850598 52.00594246715832, 7.517294793644466 52.00594246715832, 7.517294793644466 52.0057350974185, 7.516139816850598 52.0057350974185, 7.516139816850598 52.00594246715832))",54299_5_20,5,20,113.0 +"POLYGON ((7.517294793644466 52.00822347088151, 7.518449770438334 52.00822347088151, 7.518449770438334 52.00801611171079, 7.517294793644466 52.00801611171079, 7.517294793644466 52.00822347088151))",54299_6_9,6,9,105.999998 +"POLYGON ((7.517294793644466 52.0076013904869, 7.518449770438334 52.0076013904869, 7.518449770438334 52.00739402843372, 7.517294793644466 52.00739402843372, 7.517294793644466 52.0076013904869))",54299_6_12,6,12,81.0 +"POLYGON ((7.517294793644466 52.00739402843372, 7.518449770438334 52.00739402843372, 7.518449770438334 52.00718666541972, 7.517294793644466 52.00718666541972, 7.517294793644466 52.00739402843372))",54299_6_13,6,13,100.0 +"POLYGON ((7.517294793644466 52.00718666541972, 7.518449770438334 52.00718666541972, 7.518449770438334 52.00697930144489, 7.517294793644466 52.00697930144489, 7.517294793644466 52.00718666541972))",54299_6_14,6,14,99.20091966666666 +"POLYGON ((7.510364932881259 52.00207140691544, 7.511519909675128 52.00207140691544, 7.511519909675128 52.0018640192397, 7.510364932881259 52.0018640192397, 7.510364932881259 52.00207140691544))",54300_0_12,0,12,99.66666666666667 +"POLYGON ((7.510364932881259 51.99999748691875, 7.511519909675128 51.99999748691875, 7.511519909675128 51.99979008963424, 7.510364932881259 51.99979008963424, 7.510364932881259 51.99999748691875))",54300_0_22,0,22,96.2000002 +"POLYGON ((7.511519909675128 52.0024861793843, 7.512674886468994 52.0024861793843, 7.512674886468994 52.0022787936303, 7.511519909675128 52.0022787936303, 7.511519909675128 52.0024861793843))",54300_1_10,1,10,96.25 +"POLYGON ((7.512674886468994 52.00207140691544, 7.513829863262862 52.00207140691544, 7.513829863262862 52.0018640192397, 7.512674886468994 52.0018640192397, 7.512674886468994 52.00207140691544))",54300_2_12,2,12,117.66666666666667 +"POLYGON ((7.513829863262862 52.00331571279166, 7.51498484005673 52.00331571279166, 7.51498484005673 52.00310833088111, 7.513829863262862 52.00310833088111, 7.513829863262862 52.00331571279166))",54300_3_6,3,6,90.0 +"POLYGON ((7.513829863262862 52.00207140691544, 7.51498484005673 52.00207140691544, 7.51498484005673 52.0018640192397, 7.513829863262862 52.0018640192397, 7.513829863262862 52.00207140691544))",54300_3_12,3,12,110.0 +"POLYGON ((7.513829863262862 52.00124185044727, 7.51498484005673 52.00124185044727, 7.51498484005673 52.00103445892805, 7.513829863262862 52.00103445892805, 7.513829863262862 52.00124185044727))",54300_3_16,3,16,90.0 +"POLYGON ((7.51498484005673 52.00393785275818, 7.516139816850598 52.00393785275818, 7.516139816850598 52.0037304737302, 7.51498484005673 52.0037304737302, 7.51498484005673 52.00393785275818))",54300_4_3,4,3,113.5 +"POLYGON ((7.51498484005673 52.00352309374136, 7.516139816850598 52.00352309374136, 7.516139816850598 52.00331571279166, 7.51498484005673 52.00331571279166, 7.51498484005673 52.00352309374136))",54300_4_5,4,5,107.66666666666667 +"POLYGON ((7.51498484005673 52.00124185044727, 7.516139816850598 52.00124185044727, 7.516139816850598 52.00103445892805, 7.51498484005673 52.00103445892805, 7.51498484005673 52.00124185044727))",54300_4_16,4,16,104.33333333333333 +"POLYGON ((7.516139816850598 52.00393785275818, 7.517294793644466 52.00393785275818, 7.517294793644466 52.0037304737302, 7.516139816850598 52.0037304737302, 7.516139816850598 52.00393785275818))",54300_5_3,5,3,107.0 +"POLYGON ((7.516139816850598 52.00352309374136, 7.517294793644466 52.00352309374136, 7.517294793644466 52.00331571279166, 7.516139816850598 52.00331571279166, 7.516139816850598 52.00352309374136))",54300_5_5,5,5,102.0 +"POLYGON ((7.516139816850598 52.00269356417743, 7.517294793644466 52.00269356417743, 7.517294793644466 52.0024861793843, 7.516139816850598 52.0024861793843, 7.516139816850598 52.00269356417743))",54300_5_9,5,9,88.77060320000001 +"POLYGON ((7.516139816850598 52.00041227860512, 7.517294793644466 52.00041227860512, 7.517294793644466 52.00020488324237, 7.516139816850598 52.00020488324237, 7.516139816850598 52.00041227860512))",54300_5_20,5,20,110.499999 +"POLYGON ((7.516139816850598 51.99979008963424, 7.517294793644466 51.99979008963424, 7.517294793644466 51.99958269138885, 7.516139816850598 51.99958269138885, 7.516139816850598 51.99979008963424))",54300_5_23,5,23,93.8698225 +"POLYGON ((7.517294793644466 52.00269356417743, 7.518449770438334 52.00269356417743, 7.518449770438334 52.0024861793843, 7.517294793644466 52.0024861793843, 7.517294793644466 52.00269356417743))",54300_6_9,6,9,104.75 +"POLYGON ((7.517294793644466 52.00207140691544, 7.518449770438334 52.00207140691544, 7.518449770438334 52.0018640192397, 7.517294793644466 52.0018640192397, 7.517294793644466 52.00207140691544))",54300_6_12,6,12,81.6 +"POLYGON ((7.517294793644466 52.0018640192397, 7.518449770438334 52.0018640192397, 7.518449770438334 52.0016566306031, 7.517294793644466 52.0016566306031, 7.517294793644466 52.0018640192397))",54300_6_13,6,13,93.73688562500001 +"POLYGON ((7.517294793644466 52.0016566306031, 7.518449770438334 52.0016566306031, 7.518449770438334 52.00144924100562, 7.517294793644466 52.00144924100562, 7.517294793644466 52.0016566306031))",54300_6_14,6,14,95.559867125 +"POLYGON ((7.51498484005673 50.5695361587284, 7.516139816850598 50.5695361587284, 7.516139816850598 50.56932219932229, 7.51498484005673 50.56932219932229, 7.51498484005673 50.5695361587284))",54555_4_12,4,12,129.33333333333334 +"POLYGON ((7.522813016104058 53.37926693132407, 7.523967992897926 53.37926693132407, 7.523967992897926 53.37906598378103, 7.522813016104058 53.37906598378103, 7.522813016104058 53.37926693132407))",54722_3_13,3,13,85.0 +"POLYGON ((7.523967992897926 53.37846313546243, 7.525122969691794 53.37846313546243, 7.525122969691794 53.37826218412638, 7.523967992897926 53.37826218412638, 7.523967992897926 53.37846313546243))",54722_4_17,4,17,84.0 +"POLYGON ((7.525122969691794 53.37946787791888, 7.526277946485662 53.37946787791888, 7.526277946485662 53.37926693132407, 7.525122969691794 53.37926693132407, 7.525122969691794 53.37946787791888))",54722_5_12,5,12,85.0 +"POLYGON ((7.526277946485662 53.37966882356544, 7.527432923279529 53.37966882356544, 7.527432923279529 53.37946787791888, 7.526277946485662 53.37946787791888, 7.526277946485662 53.37966882356544))",54722_6_11,6,11,93.783991 +"POLYGON ((7.519348085722454 53.37250117593446, 7.520503062516323 53.37250117593446, 7.520503062516323 53.3723001964661, 7.519348085722454 53.3723001964661, 7.519348085722454 53.37250117593446))",54723_0_20,0,20,84.98252216666667 +"POLYGON ((7.522813016104058 53.37390800566042, 7.523967992897926 53.37390800566042, 7.523967992897926 53.37370703283018, 7.522813016104058 53.37370703283018, 7.522813016104058 53.37390800566042))",54723_3_13,3,13,88.6 +"POLYGON ((7.523967992897926 53.37310410864968, 7.525122969691794 53.37310410864968, 7.525122969691794 53.37290313202624, 7.523967992897926 53.37290313202624, 7.523967992897926 53.37310410864968))",54723_4_17,4,17,83.800001 +"POLYGON ((7.525122969691794 53.37410897754236, 7.526277946485662 53.37410897754236, 7.526277946485662 53.37390800566042, 7.525122969691794 53.37390800566042, 7.525122969691794 53.37410897754236))",54723_5_12,5,12,88.2 +"POLYGON ((7.525122969691794 53.3723001964661, 7.526277946485662 53.3723001964661, 7.526277946485662 53.37209921604943, 7.525122969691794 53.37209921604943, 7.525122969691794 53.3723001964661))",54723_5_21,5,21,80.305587 +"POLYGON ((7.526277946485662 53.37430994847601, 7.527432923279529 53.37430994847601, 7.527432923279529 53.37410897754236, 7.526277946485662 53.37410897754236, 7.526277946485662 53.37430994847601))",54723_6_11,6,11,95.6000004 +"POLYGON ((7.519348085722454 53.36714139890604, 7.520503062516323 53.36714139890604, 7.520503062516323 53.36694039414869, 7.519348085722454 53.36694039414869, 7.519348085722454 53.36714139890604))",54724_0_20,0,20,57.92234511111111 +"POLYGON ((7.522813016104058 53.36854840565343, 7.523967992897926 53.36854840565343, 7.523967992897926 53.36834740753458, 7.522813016104058 53.36834740753458, 7.522813016104058 53.36854840565343))",54724_3_13,3,13,60.25 +"POLYGON ((7.523967992897926 53.36774440748791, 7.525122969691794 53.36774440748791, 7.525122969691794 53.36754340557565, 7.523967992897926 53.36754340557565, 7.523967992897926 53.36774440748791))",54724_4_17,4,17,63.42971011111111 +"POLYGON ((7.525122969691794 53.36874940282392, 7.526277946485662 53.36874940282392, 7.526277946485662 53.36854840565343, 7.525122969691794 53.36854840565343, 7.525122969691794 53.36874940282392))",54724_5_12,5,12,34.142857142857146 +"POLYGON ((7.525122969691794 53.36694039414869, 7.526277946485662 53.36694039414869, 7.526277946485662 53.36673938844298, 7.525122969691794 53.36673938844298, 7.525122969691794 53.36694039414869))",54724_5_21,5,21,64.72649333333334 +"POLYGON ((7.526277946485662 53.36895039904608, 7.527432923279529 53.36895039904608, 7.527432923279529 53.36874940282392, 7.526277946485662 53.36874940282392, 7.526277946485662 53.36895039904608))",54724_6_11,6,11,65.924254 +"POLYGON ((7.519348085722454 53.36178094748636, 7.520503062516323 53.36178094748636, 7.520503062516323 53.3615799174386, 7.519348085722454 53.3615799174386, 7.519348085722454 53.36178094748636))",54725_0_20,0,20,46.950458 +"POLYGON ((7.522813016104058 53.36318813126513, 7.523967992897926 53.36318813126513, 7.523967992897926 53.36298710785623, 7.522813016104058 53.36298710785623, 7.522813016104058 53.36318813126513))",54725_3_13,3,13,57.0 +"POLYGON ((7.523967992897926 53.36238403193914, 7.525122969691794 53.36238403193914, 7.525122969691794 53.36218300473663, 7.523967992897926 53.36218300473663, 7.523967992897926 53.36238403193914))",54725_4_17,4,17,48.66666766666666 +"POLYGON ((7.525122969691794 53.3633891537256, 7.526277946485662 53.3633891537256, 7.526277946485662 53.36318813126513, 7.525122969691794 53.36318813126513, 7.525122969691794 53.3633891537256))",54725_5_12,5,12,41.5 +"POLYGON ((7.525122969691794 53.3615799174386, 7.526277946485662 53.3615799174386, 7.526277946485662 53.36137888644242, 7.525122969691794 53.36137888644242, 7.525122969691794 53.3615799174386))",54725_5_21,5,21,48.31557266666667 +"POLYGON ((7.526277946485662 53.36359017523769, 7.527432923279529 53.36359017523769, 7.527432923279529 53.3633891537256, 7.526277946485662 53.3633891537256, 7.526277946485662 53.36359017523769))",54725_6_11,6,11,53.820996666666666 +"POLYGON ((7.523967992897926 52.29504390988756, 7.525122969691794 52.29504390988756, 7.525122969691794 52.29483788232101, 7.523967992897926 52.29483788232101, 7.523967992897926 52.29504390988756))",54922_4_8,4,8,125.50000075 +"POLYGON ((7.525122969691794 52.2940137624711, 7.526277946485662 52.2940137624711, 7.526277946485662 52.2938077301127, 7.525122969691794 52.2938077301127, 7.525122969691794 52.2940137624711))",54922_5_13,5,13,94.2000012 +"POLYGON ((7.525122969691794 52.29339566252073, 7.526277946485662 52.29339566252073, 7.526277946485662 52.29318962728718, 7.525122969691794 52.29318962728718, 7.525122969691794 52.29339566252073))",54922_5_16,5,16,172.0 +"POLYGON ((7.526277946485662 52.2936016967959, 7.527432923279529 52.2936016967959, 7.527432923279529 52.29339566252073, 7.526277946485662 52.29339566252073, 7.526277946485662 52.2936016967959))",54922_6_15,6,15,158.0 +"POLYGON ((7.526277946485662 52.29318962728718, 7.527432923279529 52.29318962728718, 7.527432923279529 52.29298359109525, 7.526277946485662 52.29298359109525, 7.526277946485662 52.29318962728718))",54922_6_17,6,17,151.0 +"POLYGON ((7.519348085722454 52.00207140691544, 7.520503062516323 52.00207140691544, 7.520503062516323 52.0018640192397, 7.519348085722454 52.0018640192397, 7.519348085722454 52.00207140691544))",54975_0_12,0,12,84.33333333333333 +"POLYGON ((7.519348085722454 51.99999748691875, 7.520503062516323 51.99999748691875, 7.520503062516323 51.99979008963424, 7.519348085722454 51.99979008963424, 7.519348085722454 51.99999748691875))",54975_0_22,0,22,94.07067766666667 +"POLYGON ((7.520503062516323 52.0024861793843, 7.52165803931019 52.0024861793843, 7.52165803931019 52.0022787936303, 7.520503062516323 52.0022787936303, 7.520503062516323 52.0024861793843))",54975_1_10,1,10,89.66666666666667 +"POLYGON ((7.52165803931019 52.00207140691544, 7.522813016104058 52.00207140691544, 7.522813016104058 52.0018640192397, 7.52165803931019 52.0018640192397, 7.52165803931019 52.00207140691544))",54975_2_12,2,12,100.0 +"POLYGON ((7.522813016104058 52.00331571279166, 7.523967992897926 52.00331571279166, 7.523967992897926 52.00310833088111, 7.522813016104058 52.00310833088111, 7.522813016104058 52.00331571279166))",54975_3_6,3,6,78.33333333333333 +"POLYGON ((7.522813016104058 52.00207140691544, 7.523967992897926 52.00207140691544, 7.523967992897926 52.0018640192397, 7.522813016104058 52.0018640192397, 7.522813016104058 52.00207140691544))",54975_3_12,3,12,102.0 +"POLYGON ((7.522813016104058 52.00124185044727, 7.523967992897926 52.00124185044727, 7.523967992897926 52.00103445892805, 7.522813016104058 52.00103445892805, 7.522813016104058 52.00124185044727))",54975_3_16,3,16,78.25 +"POLYGON ((7.523967992897926 52.00393785275818, 7.525122969691794 52.00393785275818, 7.525122969691794 52.0037304737302, 7.523967992897926 52.0037304737302, 7.523967992897926 52.00393785275818))",54975_4_3,4,3,101.0 +"POLYGON ((7.523967992897926 52.00352309374136, 7.525122969691794 52.00352309374136, 7.525122969691794 52.00331571279166, 7.523967992897926 52.00331571279166, 7.523967992897926 52.00352309374136))",54975_4_5,4,5,96.33333333333333 +"POLYGON ((7.523967992897926 52.00124185044727, 7.525122969691794 52.00124185044727, 7.525122969691794 52.00103445892805, 7.523967992897926 52.00103445892805, 7.523967992897926 52.00124185044727))",54975_4_16,4,16,94.66666666666667 +"POLYGON ((7.525122969691794 52.00393785275818, 7.526277946485662 52.00393785275818, 7.526277946485662 52.0037304737302, 7.525122969691794 52.0037304737302, 7.525122969691794 52.00393785275818))",54975_5_3,5,3,103.66666666666667 +"POLYGON ((7.525122969691794 52.00352309374136, 7.526277946485662 52.00352309374136, 7.526277946485662 52.00331571279166, 7.525122969691794 52.00331571279166, 7.525122969691794 52.00352309374136))",54975_5_5,5,5,67.0 +"POLYGON ((7.525122969691794 52.00269356417743, 7.526277946485662 52.00269356417743, 7.526277946485662 52.0024861793843, 7.525122969691794 52.0024861793843, 7.525122969691794 52.00269356417743))",54975_5_9,5,9,83.55145066666667 +"POLYGON ((7.525122969691794 52.00041227860512, 7.526277946485662 52.00041227860512, 7.526277946485662 52.00020488324237, 7.525122969691794 52.00020488324237, 7.525122969691794 52.00041227860512))",54975_5_20,5,20,108.33333333333333 +"POLYGON ((7.525122969691794 51.99979008963424, 7.526277946485662 51.99979008963424, 7.526277946485662 51.99958269138885, 7.525122969691794 51.99958269138885, 7.525122969691794 51.99979008963424))",54975_5_23,5,23,94.32211099999999 +"POLYGON ((7.526277946485662 52.00269356417743, 7.527432923279529 52.00269356417743, 7.527432923279529 52.0024861793843, 7.526277946485662 52.0024861793843, 7.526277946485662 52.00269356417743))",54975_6_9,6,9,98.520715 +"POLYGON ((7.526277946485662 52.00207140691544, 7.527432923279529 52.00207140691544, 7.527432923279529 52.0018640192397, 7.526277946485662 52.0018640192397, 7.526277946485662 52.00207140691544))",54975_6_12,6,12,77.75 +"POLYGON ((7.526277946485662 52.0018640192397, 7.527432923279529 52.0018640192397, 7.527432923279529 52.0016566306031, 7.526277946485662 52.0016566306031, 7.526277946485662 52.0018640192397))",54975_6_13,6,13,94.99999940000001 +"POLYGON ((7.526277946485662 52.0016566306031, 7.527432923279529 52.0016566306031, 7.527432923279529 52.00144924100562, 7.526277946485662 52.00144924100562, 7.526277946485662 52.0016566306031))",54975_6_14,6,14,93.2547012 +"POLYGON ((7.519348085722454 51.99654074006, 7.520503062516323 51.99654074006, 7.520503062516323 51.99633332676047, 7.519348085722454 51.99633332676047, 7.519348085722454 51.99654074006))",54976_0_12,0,12,85.33333333333333 +"POLYGON ((7.519348085722454 51.99446656382334, 7.520503062516323 51.99446656382334, 7.520503062516323 51.99425914091458, 7.519348085722454 51.99425914091458, 7.519348085722454 51.99446656382334))",54976_0_22,0,22,96.99999966666667 +"POLYGON ((7.520503062516323 51.99695556377629, 7.52165803931019 51.99695556377629, 7.52165803931019 51.99674815239861, 7.520503062516323 51.99674815239861, 7.520503062516323 51.99695556377629))",54976_1_10,1,10,94.0 +"POLYGON ((7.52165803931019 51.99654074006, 7.522813016104058 51.99654074006, 7.522813016104058 51.99633332676047, 7.52165803931019 51.99633332676047, 7.52165803931019 51.99654074006))",54976_2_12,2,12,95.66666666666667 +"POLYGON ((7.522813016104058 51.99778519967798, 7.523967992897926 51.99778519967798, 7.523967992897926 51.99757779214393, 7.522813016104058 51.99757779214393, 7.522813016104058 51.99778519967798))",54976_3_6,3,6,80.33333333333333 +"POLYGON ((7.522813016104058 51.99654074006, 7.523967992897926 51.99654074006, 7.523967992897926 51.99633332676047, 7.522813016104058 51.99633332676047, 7.522813016104058 51.99654074006))",54976_3_12,3,12,103.0 +"POLYGON ((7.522813016104058 51.99571108109641, 7.523967992897926 51.99571108109641, 7.523967992897926 51.99550366395321, 7.522813016104058 51.99550366395321, 7.522813016104058 51.99571108109641))",54976_3_16,3,16,75.66666666666667 +"POLYGON ((7.523967992897926 51.99840741651475, 7.525122969691794 51.99840741651475, 7.525122969691794 51.9982000118634, 7.523967992897926 51.9982000118634, 7.523967992897926 51.99840741651475))",54976_4_3,4,3,104.0 +"POLYGON ((7.523967992897926 51.99799260625115, 7.525122969691794 51.99799260625115, 7.525122969691794 51.99778519967798, 7.523967992897926 51.99778519967798, 7.523967992897926 51.99799260625115))",54976_4_5,4,5,91.0 +"POLYGON ((7.523967992897926 51.99571108109641, 7.525122969691794 51.99571108109641, 7.525122969691794 51.99550366395321, 7.523967992897926 51.99550366395321, 7.523967992897926 51.99571108109641))",54976_4_16,4,16,87.0 +"POLYGON ((7.525122969691794 51.99840741651475, 7.526277946485662 51.99840741651475, 7.526277946485662 51.9982000118634, 7.525122969691794 51.9982000118634, 7.525122969691794 51.99840741651475))",54976_5_3,5,3,102.0 +"POLYGON ((7.525122969691794 51.99799260625115, 7.526277946485662 51.99799260625115, 7.526277946485662 51.99778519967798, 7.525122969691794 51.99778519967798, 7.525122969691794 51.99799260625115))",54976_5_5,5,5,78.66666666666667 +"POLYGON ((7.525122969691794 51.99716297419308, 7.526277946485662 51.99716297419308, 7.526277946485662 51.99695556377629, 7.525122969691794 51.99695556377629, 7.525122969691794 51.99716297419308))",54976_5_9,5,9,87.66666666666667 +"POLYGON ((7.525122969691794 51.99425914091458, 7.526277946485662 51.99425914091458, 7.526277946485662 51.99405171704489, 7.525122969691794 51.99405171704489, 7.525122969691794 51.99425914091458))",54976_5_23,5,23,93.729646 +"POLYGON ((7.526277946485662 51.99716297419308, 7.527432923279529 51.99716297419308, 7.527432923279529 51.99695556377629, 7.526277946485662 51.99695556377629, 7.526277946485662 51.99716297419308))",54976_6_9,6,9,99.5 +"POLYGON ((7.526277946485662 51.99654074006, 7.527432923279529 51.99654074006, 7.527432923279529 51.99633332676047, 7.526277946485662 51.99633332676047, 7.526277946485662 51.99654074006))",54976_6_12,6,12,81.0 +"POLYGON ((7.526277946485662 51.99633332676047, 7.527432923279529 51.99633332676047, 7.527432923279529 51.99612591250003, 7.526277946485662 51.99612591250003, 7.526277946485662 51.99633332676047))",54976_6_13,6,13,93.0 +"POLYGON ((7.526277946485662 51.99612591250003, 7.527432923279529 51.99612591250003, 7.527432923279529 51.99591849727867, 7.526277946485662 51.99591849727867, 7.526277946485662 51.99612591250003))",54976_6_14,6,14,94.36155237499999 +"POLYGON ((7.523967992897926 50.5695361587284, 7.525122969691794 50.5695361587284, 7.525122969691794 50.56932219932229, 7.523967992897926 50.56932219932229, 7.523967992897926 50.5695361587284))",55230_4_12,4,12,134.0 +"POLYGON ((7.523967992897926 50.56383024204225, 7.525122969691794 50.56383024204225, 7.525122969691794 50.56361625672506, 7.523967992897926 50.56361625672506, 7.523967992897926 50.56383024204225))",55231_4_12,4,12,125.66666666666667 +"POLYGON ((7.531796168945254 53.38462518268234, 7.53295114573912 53.38462518268234, 7.53295114573912 53.38442426042506, 7.531796168945254 53.38442426042506, 7.531796168945254 53.38462518268234))",55396_3_13,3,13,67.5 +"POLYGON ((7.53295114573912 53.38382148796407, 7.53410612253299 53.38382148796407, 7.53410612253299 53.38362056191401, 7.53295114573912 53.38362056191401, 7.53295114573912 53.38382148796407))",55396_4_17,4,17,67.81144499999999 +"POLYGON ((7.53410612253299 53.38482610399144, 7.535261099326856 53.38482610399144, 7.535261099326856 53.38462518268234, 7.53410612253299 53.38462518268234, 7.53410612253299 53.38482610399144))",55396_5_12,5,12,60.5 +"POLYGON ((7.535261099326856 53.38502702435233, 7.536416076120724 53.38502702435233, 7.536416076120724 53.38482610399144, 7.535261099326856 53.38482610399144, 7.535261099326856 53.38502702435233))",55396_6_11,6,11,65.44831216666667 +"POLYGON ((7.531796168945254 53.37926693132407, 7.53295114573912 53.37926693132407, 7.53295114573912 53.37906598378103, 7.531796168945254 53.37906598378103, 7.531796168945254 53.37926693132407))",55397_3_13,3,13,74.6 +"POLYGON ((7.53295114573912 53.37846313546243, 7.53410612253299 53.37846313546243, 7.53410612253299 53.37826218412638, 7.53295114573912 53.37826218412638, 7.53295114573912 53.37846313546243))",55397_4_17,4,17,69.10177033333333 +"POLYGON ((7.53410612253299 53.37946787791888, 7.535261099326856 53.37946787791888, 7.535261099326856 53.37926693132407, 7.53410612253299 53.37926693132407, 7.53410612253299 53.37946787791888))",55397_5_12,5,12,72.75 +"POLYGON ((7.535261099326856 53.37966882356544, 7.536416076120724 53.37966882356544, 7.536416076120724 53.37946787791888, 7.535261099326856 53.37946787791888, 7.535261099326856 53.37966882356544))",55397_6_11,6,11,72.181432 +"POLYGON ((7.53295114573912 52.29504390988756, 7.53410612253299 52.29504390988756, 7.53410612253299 52.29483788232101, 7.53295114573912 52.29483788232101, 7.53295114573912 52.29504390988756))",55597_4_8,4,8,122.9999975 +"POLYGON ((7.53410612253299 52.2940137624711, 7.535261099326856 52.2940137624711, 7.535261099326856 52.2938077301127, 7.53410612253299 52.2938077301127, 7.53410612253299 52.2940137624711))",55597_5_13,5,13,93.99999833333334 +"POLYGON ((7.53410612253299 52.29339566252073, 7.535261099326856 52.29339566252073, 7.535261099326856 52.29318962728718, 7.53410612253299 52.29318962728718, 7.53410612253299 52.29339566252073))",55597_5_16,5,16,156.0 +"POLYGON ((7.535261099326856 52.2936016967959, 7.536416076120724 52.2936016967959, 7.536416076120724 52.29339566252073, 7.535261099326856 52.29339566252073, 7.535261099326856 52.2936016967959))",55597_6_15,6,15,176.0 +"POLYGON ((7.535261099326856 52.29318962728718, 7.536416076120724 52.29318962728718, 7.536416076120724 52.29298359109525, 7.535261099326856 52.29298359109525, 7.535261099326856 52.29318962728718))",55597_6_17,6,17,152.5 +"POLYGON ((7.53295114573912 52.28954951346605, 7.53410612253299 52.28954951346605, 7.53410612253299 52.28934346034238, 7.53295114573912 52.28934346034238, 7.53295114573912 52.28954951346605))",55598_4_8,4,8,123.0 +"POLYGON ((7.53410612253299 52.28851923826352, 7.535261099326856 52.28851923826352, 7.535261099326856 52.28831318034776, 7.53410612253299 52.28831318034776, 7.53410612253299 52.28851923826352))",55598_5_13,5,13,95.4999995 +"POLYGON ((7.53410612253299 52.28790106164093, 7.535261099326856 52.28790106164093, 7.535261099326856 52.28769500084988, 7.53410612253299 52.28769500084988, 7.53410612253299 52.28790106164093))",55598_5_16,5,16,151.0 +"POLYGON ((7.535261099326856 52.28810712147355, 7.536416076120724 52.28810712147355, 7.536416076120724 52.28790106164093, 7.535261099326856 52.28790106164093, 7.535261099326856 52.28810712147355))",55598_6_15,6,15,163.0 +"POLYGON ((7.535261099326856 52.28769500084988, 7.536416076120724 52.28769500084988, 7.536416076120724 52.2874889391004, 7.535261099326856 52.2874889391004, 7.535261099326856 52.28769500084988))",55598_6_17,6,17,156.0 +"POLYGON ((7.52833123856365 51.99654074006, 7.529486215357518 51.99654074006, 7.529486215357518 51.99633332676047, 7.52833123856365 51.99633332676047, 7.52833123856365 51.99654074006))",55651_0_12,0,12,102.75 +"POLYGON ((7.52833123856365 51.99446656382334, 7.529486215357518 51.99446656382334, 7.529486215357518 51.99425914091458, 7.52833123856365 51.99425914091458, 7.52833123856365 51.99446656382334))",55651_0_22,0,22,97.56149049999999 +"POLYGON ((7.529486215357518 51.99695556377629, 7.530641192151384 51.99695556377629, 7.530641192151384 51.99674815239861, 7.529486215357518 51.99674815239861, 7.529486215357518 51.99695556377629))",55651_1_10,1,10,98.75 +"POLYGON ((7.530641192151384 51.99654074006, 7.531796168945254 51.99654074006, 7.531796168945254 51.99633332676047, 7.530641192151384 51.99633332676047, 7.530641192151384 51.99654074006))",55651_2_12,2,12,105.0 +"POLYGON ((7.531796168945254 51.99778519967798, 7.53295114573912 51.99778519967798, 7.53295114573912 51.99757779214393, 7.531796168945254 51.99757779214393, 7.531796168945254 51.99778519967798))",55651_3_6,3,6,87.0 +"POLYGON ((7.531796168945254 51.99654074006, 7.53295114573912 51.99654074006, 7.53295114573912 51.99633332676047, 7.531796168945254 51.99633332676047, 7.531796168945254 51.99654074006))",55651_3_12,3,12,102.75 +"POLYGON ((7.531796168945254 51.99571108109641, 7.53295114573912 51.99571108109641, 7.53295114573912 51.99550366395321, 7.531796168945254 51.99550366395321, 7.531796168945254 51.99571108109641))",55651_3_16,3,16,85.25 +"POLYGON ((7.53295114573912 51.99840741651475, 7.53410612253299 51.99840741651475, 7.53410612253299 51.9982000118634, 7.53295114573912 51.9982000118634, 7.53295114573912 51.99840741651475))",55651_4_3,4,3,108.75 +"POLYGON ((7.53295114573912 51.99799260625115, 7.53410612253299 51.99799260625115, 7.53410612253299 51.99778519967798, 7.53295114573912 51.99778519967798, 7.53295114573912 51.99799260625115))",55651_4_5,4,5,89.2 +"POLYGON ((7.53295114573912 51.99571108109641, 7.53410612253299 51.99571108109641, 7.53410612253299 51.99550366395321, 7.53295114573912 51.99550366395321, 7.53295114573912 51.99571108109641))",55651_4_16,4,16,92.5 +"POLYGON ((7.53410612253299 51.99840741651475, 7.535261099326856 51.99840741651475, 7.535261099326856 51.9982000118634, 7.53410612253299 51.9982000118634, 7.53410612253299 51.99840741651475))",55651_5_3,5,3,99.5 +"POLYGON ((7.53410612253299 51.99799260625115, 7.535261099326856 51.99799260625115, 7.535261099326856 51.99778519967798, 7.53410612253299 51.99778519967798, 7.53410612253299 51.99799260625115))",55651_5_5,5,5,105.25 +"POLYGON ((7.53410612253299 51.99716297419308, 7.535261099326856 51.99716297419308, 7.535261099326856 51.99695556377629, 7.53410612253299 51.99695556377629, 7.53410612253299 51.99716297419308))",55651_5_9,5,9,92.9960062 +"POLYGON ((7.53410612253299 51.99488140675807, 7.535261099326856 51.99488140675807, 7.535261099326856 51.99467398577117, 7.53410612253299 51.99467398577117, 7.53410612253299 51.99488140675807))",55651_5_20,5,20,108.0 +"POLYGON ((7.53410612253299 51.99425914091458, 7.535261099326856 51.99425914091458, 7.535261099326856 51.99405171704489, 7.53410612253299 51.99405171704489, 7.53410612253299 51.99425914091458))",55651_5_23,5,23,100.411733 +"POLYGON ((7.535261099326856 51.99716297419308, 7.536416076120724 51.99716297419308, 7.536416076120724 51.99695556377629, 7.535261099326856 51.99695556377629, 7.535261099326856 51.99716297419308))",55651_6_9,6,9,102.0000004 +"POLYGON ((7.535261099326856 51.99654074006, 7.536416076120724 51.99654074006, 7.536416076120724 51.99633332676047, 7.535261099326856 51.99633332676047, 7.535261099326856 51.99654074006))",55651_6_12,6,12,90.25 +"POLYGON ((7.535261099326856 51.99633332676047, 7.536416076120724 51.99633332676047, 7.536416076120724 51.99612591250003, 7.535261099326856 51.99612591250003, 7.535261099326856 51.99633332676047))",55651_6_13,6,13,94.25 +"POLYGON ((7.535261099326856 51.99612591250003, 7.536416076120724 51.99612591250003, 7.536416076120724 51.99591849727867, 7.535261099326856 51.99591849727867, 7.535261099326856 51.99612591250003))",55651_6_14,6,14,96.65677146153847 +"POLYGON ((7.52833123856365 51.98893495739874, 7.529486215357518 51.98893495739874, 7.529486215357518 51.9887275088645, 7.52833123856365 51.9887275088645, 7.52833123856365 51.98893495739874))",55652_0_22,0,22,98.9999985 +"POLYGON ((7.529486215357518 51.9914242648539, 7.530641192151384 51.9914242648539, 7.530641192151384 51.99121682785128, 7.529486215357518 51.99121682785128, 7.529486215357518 51.9914242648539))",55652_1_10,1,10,97.5 +"POLYGON ((7.530641192151384 51.99100938988769, 7.531796168945254 51.99100938988769, 7.531796168945254 51.99080195096315, 7.530641192151384 51.99080195096315, 7.530641192151384 51.99100938988769))",55652_2_12,2,12,111.0 +"POLYGON ((7.531796168945254 51.99225400325485, 7.53295114573912 51.99225400325485, 7.53295114573912 51.99204657009604, 7.531796168945254 51.99204657009604, 7.531796168945254 51.99225400325485))",55652_3_6,3,6,95.0 +"POLYGON ((7.531796168945254 51.99100938988769, 7.53295114573912 51.99100938988769, 7.53295114573912 51.99080195096315, 7.531796168945254 51.99080195096315, 7.531796168945254 51.99100938988769))",55652_3_12,3,12,103.0 +"POLYGON ((7.531796168945254 51.99017962842374, 7.53295114573912 51.99017962842374, 7.53295114573912 51.98997218565533, 7.531796168945254 51.98997218565533, 7.531796168945254 51.99017962842374))",55652_3_16,3,16,92.0 +"POLYGON ((7.53295114573912 51.99287629696557, 7.53410612253299 51.99287629696557, 7.53410612253299 51.99266886668961, 7.53295114573912 51.99266886668961, 7.53295114573912 51.99287629696557))",55652_4_3,4,3,102.0 +"POLYGON ((7.53295114573912 51.9924614354527, 7.53410612253299 51.9924614354527, 7.53410612253299 51.99225400325485, 7.53295114573912 51.99225400325485, 7.53295114573912 51.9924614354527))",55652_4_5,4,5,94.0 +"POLYGON ((7.53295114573912 51.99017962842374, 7.53410612253299 51.99017962842374, 7.53410612253299 51.98997218565533, 7.53295114573912 51.98997218565533, 7.53295114573912 51.99017962842374))",55652_4_16,4,16,112.0 +"POLYGON ((7.53410612253299 51.99287629696557, 7.535261099326856 51.99287629696557, 7.535261099326856 51.99266886668961, 7.53410612253299 51.99266886668961, 7.53410612253299 51.99287629696557))",55652_5_3,5,3,95.0 +"POLYGON ((7.53410612253299 51.9924614354527, 7.535261099326856 51.9924614354527, 7.535261099326856 51.99225400325485, 7.53410612253299 51.99225400325485, 7.53410612253299 51.9924614354527))",55652_5_5,5,5,109.0 +"POLYGON ((7.53410612253299 51.99163170089557, 7.535261099326856 51.99163170089557, 7.535261099326856 51.9914242648539, 7.53410612253299 51.9914242648539, 7.53410612253299 51.99163170089557))",55652_5_9,5,9,93.357868 +"POLYGON ((7.53410612253299 51.98934985158429, 7.535261099326856 51.98934985158429, 7.535261099326856 51.989142404972, 7.53410612253299 51.989142404972, 7.53410612253299 51.98934985158429))",55652_5_20,5,20,109.0 +"POLYGON ((7.53410612253299 51.9887275088645, 7.535261099326856 51.9887275088645, 7.535261099326856 51.98852005936927, 7.53410612253299 51.98852005936927, 7.53410612253299 51.9887275088645))",55652_5_23,5,23,104.2850885 +"POLYGON ((7.535261099326856 51.99163170089557, 7.536416076120724 51.99163170089557, 7.536416076120724 51.9914242648539, 7.535261099326856 51.9914242648539, 7.535261099326856 51.99163170089557))",55652_6_9,6,9,100.999999 +"POLYGON ((7.535261099326856 51.99100938988769, 7.536416076120724 51.99100938988769, 7.536416076120724 51.99080195096315, 7.535261099326856 51.99080195096315, 7.535261099326856 51.99100938988769))",55652_6_12,6,12,103.0 +"POLYGON ((7.535261099326856 51.99080195096315, 7.536416076120724 51.99080195096315, 7.536416076120724 51.99059451107764, 7.535261099326856 51.99059451107764, 7.535261099326856 51.99080195096315))",55652_6_13,6,13,88.0 +"POLYGON ((7.535261099326856 51.99059451107764, 7.536416076120724 51.99059451107764, 7.536416076120724 51.99038707023117, 7.535261099326856 51.99038707023117, 7.535261099326856 51.99059451107764))",55652_6_14,6,14,98.89634125 +"POLYGON ((7.53295114573912 50.56383024204225, 7.53410612253299 50.56383024204225, 7.53410612253299 50.56361625672506, 7.53295114573912 50.56361625672506, 7.53295114573912 50.56383024204225))",55906_4_12,4,12,133.33333333333334 +"POLYGON ((7.53295114573912 50.55812363438112, 7.53410612253299 50.55812363438112, 7.53410612253299 50.55790962315186, 7.53295114573912 50.55790962315186, 7.53295114573912 50.55812363438112))",55907_4_12,4,12,137.0 +"POLYGON ((7.544244252168052 53.38502702435233, 7.545399228961919 53.38502702435233, 7.545399228961919 53.38482610399144, 7.544244252168052 53.38482610399144, 7.544244252168052 53.38502702435233))",56071_6_11,6,11,68.600237 +"POLYGON ((7.541934298580315 52.28954951346605, 7.543089275374184 52.28954951346605, 7.543089275374184 52.28934346034238, 7.541934298580315 52.28934346034238, 7.541934298580315 52.28954951346605))",56273_4_8,4,8,123.48685275 +"POLYGON ((7.543089275374184 52.28851923826352, 7.544244252168052 52.28851923826352, 7.544244252168052 52.28831318034776, 7.543089275374184 52.28831318034776, 7.543089275374184 52.28851923826352))",56273_5_13,5,13,99.249999 +"POLYGON ((7.543089275374184 52.28790106164093, 7.544244252168052 52.28790106164093, 7.544244252168052 52.28769500084988, 7.543089275374184 52.28769500084988, 7.543089275374184 52.28790106164093))",56273_5_16,5,16,169.0 +"POLYGON ((7.544244252168052 52.28810712147355, 7.545399228961919 52.28810712147355, 7.545399228961919 52.28790106164093, 7.544244252168052 52.28790106164093, 7.544244252168052 52.28810712147355))",56273_6_15,6,15,163.0 +"POLYGON ((7.544244252168052 52.28769500084988, 7.545399228961919 52.28769500084988, 7.545399228961919 52.2874889391004, 7.544244252168052 52.2874889391004, 7.544244252168052 52.28769500084988))",56273_6_17,6,17,154.66666666666666 +"POLYGON ((7.537314391404844 51.99100938988769, 7.538469368198712 51.99100938988769, 7.538469368198712 51.99080195096315, 7.537314391404844 51.99080195096315, 7.537314391404844 51.99100938988769))",56327_0_12,0,12,119.5 +"POLYGON ((7.537314391404844 51.98893495739874, 7.538469368198712 51.98893495739874, 7.538469368198712 51.9887275088645, 7.537314391404844 51.9887275088645, 7.537314391404844 51.98893495739874))",56327_0_22,0,22,89.5392118 +"POLYGON ((7.538469368198712 51.9914242648539, 7.53962434499258 51.9914242648539, 7.53962434499258 51.99121682785128, 7.538469368198712 51.99121682785128, 7.538469368198712 51.9914242648539))",56327_1_10,1,10,96.75 +"POLYGON ((7.53962434499258 51.99100938988769, 7.540779321786448 51.99100938988769, 7.540779321786448 51.99080195096315, 7.53962434499258 51.99080195096315, 7.53962434499258 51.99100938988769))",56327_2_12,2,12,109.5 +"POLYGON ((7.540779321786448 51.99225400325485, 7.541934298580315 51.99225400325485, 7.541934298580315 51.99204657009604, 7.540779321786448 51.99204657009604, 7.540779321786448 51.99225400325485))",56327_3_6,3,6,94.0 +"POLYGON ((7.540779321786448 51.99100938988769, 7.541934298580315 51.99100938988769, 7.541934298580315 51.99080195096315, 7.540779321786448 51.99080195096315, 7.540779321786448 51.99100938988769))",56327_3_12,3,12,102.5 +"POLYGON ((7.540779321786448 51.99017962842374, 7.541934298580315 51.99017962842374, 7.541934298580315 51.98997218565533, 7.540779321786448 51.98997218565533, 7.540779321786448 51.99017962842374))",56327_3_16,3,16,93.0 +"POLYGON ((7.541934298580315 51.99287629696557, 7.543089275374184 51.99287629696557, 7.543089275374184 51.99266886668961, 7.541934298580315 51.99266886668961, 7.541934298580315 51.99287629696557))",56327_4_3,4,3,107.25 +"POLYGON ((7.541934298580315 51.9924614354527, 7.543089275374184 51.9924614354527, 7.543089275374184 51.99225400325485, 7.541934298580315 51.99225400325485, 7.541934298580315 51.9924614354527))",56327_4_5,4,5,99.75 +"POLYGON ((7.541934298580315 51.99017962842374, 7.543089275374184 51.99017962842374, 7.543089275374184 51.98997218565533, 7.541934298580315 51.98997218565533, 7.541934298580315 51.99017962842374))",56327_4_16,4,16,108.0 +"POLYGON ((7.543089275374184 51.99287629696557, 7.544244252168052 51.99287629696557, 7.544244252168052 51.99266886668961, 7.543089275374184 51.99266886668961, 7.543089275374184 51.99287629696557))",56327_5_3,5,3,95.75 +"POLYGON ((7.543089275374184 51.9924614354527, 7.544244252168052 51.9924614354527, 7.544244252168052 51.99225400325485, 7.543089275374184 51.99225400325485, 7.543089275374184 51.9924614354527))",56327_5_5,5,5,108.25 +"POLYGON ((7.543089275374184 51.99163170089557, 7.544244252168052 51.99163170089557, 7.544244252168052 51.9914242648539, 7.543089275374184 51.9914242648539, 7.543089275374184 51.99163170089557))",56327_5_9,5,9,90.1835755 +"POLYGON ((7.543089275374184 51.98934985158429, 7.544244252168052 51.98934985158429, 7.544244252168052 51.989142404972, 7.543089275374184 51.989142404972, 7.543089275374184 51.98934985158429))",56327_5_20,5,20,109.199999 +"POLYGON ((7.543089275374184 51.9887275088645, 7.544244252168052 51.9887275088645, 7.544244252168052 51.98852005936927, 7.543089275374184 51.98852005936927, 7.543089275374184 51.9887275088645))",56327_5_23,5,23,104.330499 +"POLYGON ((7.544244252168052 51.99163170089557, 7.545399228961919 51.99163170089557, 7.545399228961919 51.9914242648539, 7.544244252168052 51.9914242648539, 7.544244252168052 51.99163170089557))",56327_6_9,6,9,100.3660646 +"POLYGON ((7.544244252168052 51.99100938988769, 7.545399228961919 51.99100938988769, 7.545399228961919 51.99080195096315, 7.544244252168052 51.99080195096315, 7.544244252168052 51.99100938988769))",56327_6_12,6,12,106.5 +"POLYGON ((7.544244252168052 51.99080195096315, 7.545399228961919 51.99080195096315, 7.545399228961919 51.99059451107764, 7.544244252168052 51.99059451107764, 7.544244252168052 51.99080195096315))",56327_6_13,6,13,91.4 +"POLYGON ((7.544244252168052 51.99059451107764, 7.545399228961919 51.99059451107764, 7.545399228961919 51.99038707023117, 7.544244252168052 51.99038707023117, 7.544244252168052 51.99059451107764))",56327_6_14,6,14,98.65690007142858 +"POLYGON ((7.541934298580315 50.55812363438112, 7.543089275374184 50.55812363438112, 7.543089275374184 50.55790962315186, 7.541934298580315 50.55790962315186, 7.541934298580315 50.55812363438112))",56582_4_12,4,12,140.5 +"POLYGON ((7.550917451421512 52.28954951346605, 7.552072428215379 52.28954951346605, 7.552072428215379 52.28934346034238, 7.550917451421512 52.28934346034238, 7.550917451421512 52.28954951346605))",56948_4_8,4,8,116.56090533333334 +"POLYGON ((7.552072428215379 52.28851923826352, 7.553227405009248 52.28851923826352, 7.553227405009248 52.28831318034776, 7.552072428215379 52.28831318034776, 7.552072428215379 52.28851923826352))",56948_5_13,5,13,107.000001 +"POLYGON ((7.552072428215379 52.28790106164093, 7.553227405009248 52.28790106164093, 7.553227405009248 52.28769500084988, 7.552072428215379 52.28769500084988, 7.552072428215379 52.28790106164093))",56948_5_16,5,16,177.0 +"POLYGON ((7.553227405009248 52.28810712147355, 7.554382381803116 52.28810712147355, 7.554382381803116 52.28790106164093, 7.553227405009248 52.28790106164093, 7.553227405009248 52.28810712147355))",56948_6_15,6,15,178.0 +"POLYGON ((7.553227405009248 52.28769500084988, 7.554382381803116 52.28769500084988, 7.554382381803116 52.2874889391004, 7.553227405009248 52.2874889391004, 7.553227405009248 52.28769500084988))",56948_6_17,6,17,156.0 +"POLYGON ((7.54629754424604 51.99100938988769, 7.547452521039908 51.99100938988769, 7.547452521039908 51.99080195096315, 7.54629754424604 51.99080195096315, 7.54629754424604 51.99100938988769))",57002_0_12,0,12,114.33333333333333 +"POLYGON ((7.54629754424604 51.98893495739874, 7.547452521039908 51.98893495739874, 7.547452521039908 51.9887275088645, 7.54629754424604 51.9887275088645, 7.54629754424604 51.98893495739874))",57002_0_22,0,22,76.333334 +"POLYGON ((7.547452521039908 51.9914242648539, 7.548607497833776 51.9914242648539, 7.548607497833776 51.99121682785128, 7.547452521039908 51.99121682785128, 7.547452521039908 51.9914242648539))",57002_1_10,1,10,85.2 +"POLYGON ((7.548607497833776 51.99100938988769, 7.549762474627644 51.99100938988769, 7.549762474627644 51.99080195096315, 7.548607497833776 51.99080195096315, 7.548607497833776 51.99100938988769))",57002_2_12,2,12,106.33333333333333 +"POLYGON ((7.549762474627644 51.99225400325485, 7.550917451421512 51.99225400325485, 7.550917451421512 51.99204657009604, 7.549762474627644 51.99204657009604, 7.549762474627644 51.99225400325485))",57002_3_6,3,6,93.0 +"POLYGON ((7.549762474627644 51.99121682785128, 7.550917451421512 51.99121682785128, 7.550917451421512 51.99100938988769, 7.549762474627644 51.99100938988769, 7.549762474627644 51.99121682785128))",57002_3_11,3,11,96.5 +"POLYGON ((7.549762474627644 51.99100938988769, 7.550917451421512 51.99100938988769, 7.550917451421512 51.99080195096315, 7.549762474627644 51.99080195096315, 7.549762474627644 51.99100938988769))",57002_3_12,3,12,102.0 +"POLYGON ((7.549762474627644 51.99017962842374, 7.550917451421512 51.99017962842374, 7.550917451421512 51.98997218565533, 7.549762474627644 51.98997218565533, 7.549762474627644 51.99017962842374))",57002_3_16,3,16,94.25 +"POLYGON ((7.550917451421512 51.99287629696557, 7.552072428215379 51.99287629696557, 7.552072428215379 51.99266886668961, 7.550917451421512 51.99266886668961, 7.550917451421512 51.99287629696557))",57002_4_3,4,3,113.0 +"POLYGON ((7.550917451421512 51.9924614354527, 7.552072428215379 51.9924614354527, 7.552072428215379 51.99225400325485, 7.550917451421512 51.99225400325485, 7.550917451421512 51.9924614354527))",57002_4_5,4,5,95.0 +"POLYGON ((7.550917451421512 51.99017962842374, 7.552072428215379 51.99017962842374, 7.552072428215379 51.98997218565533, 7.550917451421512 51.98997218565533, 7.550917451421512 51.99017962842374))",57002_4_16,4,16,96.25 +"POLYGON ((7.552072428215379 51.99287629696557, 7.553227405009248 51.99287629696557, 7.553227405009248 51.99266886668961, 7.552072428215379 51.99266886668961, 7.552072428215379 51.99287629696557))",57002_5_3,5,3,94.75 +"POLYGON ((7.552072428215379 51.9924614354527, 7.553227405009248 51.9924614354527, 7.553227405009248 51.99225400325485, 7.552072428215379 51.99225400325485, 7.552072428215379 51.9924614354527))",57002_5_5,5,5,108.75 +"POLYGON ((7.552072428215379 51.99163170089557, 7.553227405009248 51.99163170089557, 7.553227405009248 51.9914242648539, 7.552072428215379 51.9914242648539, 7.552072428215379 51.99163170089557))",57002_5_9,5,9,87.5631292 +"POLYGON ((7.552072428215379 51.98934985158429, 7.553227405009248 51.98934985158429, 7.553227405009248 51.989142404972, 7.552072428215379 51.989142404972, 7.552072428215379 51.98934985158429))",57002_5_20,5,20,108.00000025 +"POLYGON ((7.552072428215379 51.9887275088645, 7.553227405009248 51.9887275088645, 7.553227405009248 51.98852005936927, 7.552072428215379 51.98852005936927, 7.552072428215379 51.9887275088645))",57002_5_23,5,23,97.6889798 +"POLYGON ((7.553227405009248 51.99163170089557, 7.554382381803116 51.99163170089557, 7.554382381803116 51.9914242648539, 7.553227405009248 51.9914242648539, 7.553227405009248 51.99163170089557))",57002_6_9,6,9,98.49689075 +"POLYGON ((7.553227405009248 51.99100938988769, 7.554382381803116 51.99100938988769, 7.554382381803116 51.99080195096315, 7.553227405009248 51.99080195096315, 7.553227405009248 51.99100938988769))",57002_6_12,6,12,100.25 +"POLYGON ((7.553227405009248 51.99080195096315, 7.554382381803116 51.99080195096315, 7.554382381803116 51.99059451107764, 7.553227405009248 51.99059451107764, 7.553227405009248 51.99080195096315))",57002_6_13,6,13,88.5 +"POLYGON ((7.553227405009248 51.99059451107764, 7.554382381803116 51.99059451107764, 7.554382381803116 51.99038707023117, 7.553227405009248 51.99038707023117, 7.553227405009248 51.99059451107764))",57002_6_14,6,14,92.5124664 +"POLYGON ((7.547452521039908 51.98589228258424, 7.548607497833776 51.98589228258424, 7.548607497833776 51.98568481995545, 7.547452521039908 51.98568481995545, 7.547452521039908 51.98589228258424))",57003_1_10,1,10,90.0 +"POLYGON ((7.550917451421512 51.98692958131315, 7.552072428215379 51.98692958131315, 7.552072428215379 51.98672212348936, 7.550917451421512 51.98672212348936, 7.550917451421512 51.98692958131315))",57003_4_5,4,5,108.0 +"POLYGON ((7.547452521039908 51.98035961693446, 7.548607497833776 51.98035961693446, 7.548607497833776 51.98015212867828, 7.547452521039908 51.98015212867828, 7.547452521039908 51.98035961693446))",57004_1_10,1,10,114.0 +"POLYGON ((7.550917451421512 51.98139704379965, 7.552072428215379 51.98139704379965, 7.552072428215379 51.9811895603487, 7.550917451421512 51.9811895603487, 7.550917451421512 51.98139704379965))",57004_4_5,4,5,101.75 +"POLYGON ((7.547452521039908 51.97482626787175, 7.548607497833776 51.97482626787175, 7.548607497833776 51.97461875398695, 7.547452521039908 51.97461875398695, 7.547452521039908 51.97482626787175))",57005_1_10,1,10,130.33333333333334 +"POLYGON ((7.550917451421512 51.97586382287936, 7.552072428215379 51.97586382287936, 7.552072428215379 51.97565631380002, 7.550917451421512 51.97565631380002, 7.550917451421512 51.97586382287936))",57005_4_5,4,5,115.33333333333333 +"POLYGON ((7.547452521039908 51.96929223536331, 7.548607497833776 51.96929223536331, 7.548607497833776 51.96908469584864, 7.547452521039908 51.96908469584864, 7.547452521039908 51.96929223536331))",57006_1_10,1,10,122.25 +"POLYGON ((7.550917451421512 51.97032991851949, 7.552072428215379 51.97032991851949, 7.552072428215379 51.97012238381052, 7.550917451421512 51.97012238381052, 7.550917451421512 51.97032991851949))",57006_4_5,4,5,134.66666666666666 +"POLYGON ((7.547452521039908 51.96375751937633, 7.548607497833776 51.96375751937633, 7.548607497833776 51.9635499542306, 7.547452521039908 51.9635499542306, 7.547452521039908 51.96375751937633))",57007_1_10,1,10,129.33333333333334 +"POLYGON ((7.550917451421512 51.96479533068724, 7.552072428215379 51.96479533068724, 7.552072428215379 51.96458777034742, 7.550917451421512 51.96458777034742, 7.550917451421512 51.96479533068724))",57007_4_5,4,5,137.66666666666666 +"POLYGON ((7.547452521039908 51.95822211987809, 7.548607497833776 51.95822211987809, 7.548607497833776 51.95801452910005, 7.547452521039908 51.95801452910005, 7.547452521039908 51.95822211987809))",57008_1_10,1,10,138.5 +"POLYGON ((7.550917451421512 51.95926005934985, 7.552072428215379 51.95926005934985, 7.552072428215379 51.95905247337796, 7.550917451421512 51.95905247337796, 7.550917451421512 51.95926005934985))",57008_4_5,4,5,127.0 +"POLYGON ((7.547452521039908 51.95268603683583, 7.548607497833776 51.95268603683583, 7.548607497833776 51.95247842042424, 7.547452521039908 51.95247842042424, 7.547452521039908 51.95268603683583))",57009_1_10,1,10,141.0 +"POLYGON ((7.550917451421512 51.95372410447459, 7.552072428215379 51.95372410447459, 7.552072428215379 51.95351649286938, 7.550917451421512 51.95351649286938, 7.550917451421512 51.95372410447459))",57009_4_5,4,5,123.66666666666667 +"POLYGON ((7.547452521039908 51.94714927021683, 7.548607497833776 51.94714927021683, 7.548607497833776 51.94694162817048, 7.547452521039908 51.94694162817048, 7.547452521039908 51.94714927021683))",57010_1_10,1,10,141.33333333333334 +"POLYGON ((7.550917451421512 51.94818746602871, 7.552072428215379 51.94818746602871, 7.552072428215379 51.94797982878898, 7.550917451421512 51.94797982878898, 7.550917451421512 51.94818746602871))",57010_4_5,4,5,134.33333333333334 +"POLYGON ((7.547452521039908 51.9416118199884, 7.548607497833776 51.9416118199884, 7.548607497833776 51.94140415230606, 7.547452521039908 51.94140415230606, 7.547452521039908 51.9416118199884))",57011_1_10,1,10,130.25 +"POLYGON ((7.550917451421512 51.94265014397956, 7.552072428215379 51.94265014397956, 7.552072428215379 51.94244248110405, 7.550917451421512 51.94244248110405, 7.550917451421512 51.94265014397956))",57011_4_5,4,5,133.66666666666666 +"POLYGON ((7.547452521039908 51.93607368611787, 7.548607497833776 51.93607368611787, 7.548607497833776 51.93586599279832, 7.547452521039908 51.93586599279832, 7.547452521039908 51.93607368611787))",57012_1_10,1,10,105.5 +"POLYGON ((7.550917451421512 51.9371121382944, 7.552072428215379 51.9371121382944, 7.552072428215379 51.93690444978191, 7.550917451421512 51.93690444978191, 7.550917451421512 51.9371121382944))",57012_4_5,4,5,134.66666666666666 +"POLYGON ((7.547452521039908 51.93053486857259, 7.548607497833776 51.93053486857259, 7.548607497833776 51.93032714961459, 7.547452521039908 51.93032714961459, 7.547452521039908 51.93053486857259))",57013_1_10,1,10,98.0 +"POLYGON ((7.550917451421512 51.93157344894061, 7.552072428215379 51.93157344894061, 7.552072428215379 51.93136573478993, 7.550917451421512 51.93136573478993, 7.550917451421512 51.93157344894061))",57013_4_5,4,5,143.0 +"POLYGON ((7.550917451421512 50.55812363438112, 7.552072428215379 50.55812363438112, 7.552072428215379 50.55790962315186, 7.550917451421512 50.55790962315186, 7.550917451421512 50.55812363438112))",57257_4_12,4,12,140.0 +"POLYGON ((7.559900604262705 52.28954951346605, 7.561055581056576 52.28954951346605, 7.561055581056576 52.28934346034238, 7.559900604262705 52.28934346034238, 7.559900604262705 52.28954951346605))",57623_4_8,4,8,120.66029925 +"POLYGON ((7.561055581056576 52.28851923826352, 7.562210557850442 52.28851923826352, 7.562210557850442 52.28831318034776, 7.561055581056576 52.28831318034776, 7.561055581056576 52.28851923826352))",57623_5_13,5,13,104.6000006 +"POLYGON ((7.561055581056576 52.28790106164093, 7.562210557850442 52.28790106164093, 7.562210557850442 52.28769500084988, 7.561055581056576 52.28769500084988, 7.561055581056576 52.28790106164093))",57623_5_16,5,16,163.0 +"POLYGON ((7.562210557850442 52.28810712147355, 7.563365534644309 52.28810712147355, 7.563365534644309 52.28790106164093, 7.562210557850442 52.28790106164093, 7.562210557850442 52.28810712147355))",57623_6_15,6,15,161.66666666666666 +"POLYGON ((7.562210557850442 52.28769500084988, 7.563365534644309 52.28769500084988, 7.563365534644309 52.2874889391004, 7.562210557850442 52.2874889391004, 7.562210557850442 52.28769500084988))",57623_6_17,6,17,134.33333333333334 +"POLYGON ((7.555280697087234 51.99100938988769, 7.556435673881103 51.99100938988769, 7.556435673881103 51.99080195096315, 7.555280697087234 51.99080195096315, 7.555280697087234 51.99100938988769))",57677_0_12,0,12,107.5 +"POLYGON ((7.555280697087234 51.98893495739874, 7.556435673881103 51.98893495739874, 7.556435673881103 51.9887275088645, 7.555280697087234 51.9887275088645, 7.555280697087234 51.98893495739874))",57677_0_22,0,22,80.52482166666667 +"POLYGON ((7.556435673881103 51.9914242648539, 7.55759065067497 51.9914242648539, 7.55759065067497 51.99121682785128, 7.556435673881103 51.99121682785128, 7.556435673881103 51.9914242648539))",57677_1_10,1,10,60.666666666666664 +"POLYGON ((7.55759065067497 51.99100938988769, 7.55874562746884 51.99100938988769, 7.55874562746884 51.99080195096315, 7.55759065067497 51.99080195096315, 7.55759065067497 51.99100938988769))",57677_2_12,2,12,89.5 +"POLYGON ((7.55874562746884 51.99225400325485, 7.559900604262705 51.99225400325485, 7.559900604262705 51.99204657009604, 7.55874562746884 51.99204657009604, 7.55874562746884 51.99225400325485))",57677_3_6,3,6,84.0 +"POLYGON ((7.55874562746884 51.99121682785128, 7.559900604262705 51.99121682785128, 7.559900604262705 51.99100938988769, 7.55874562746884 51.99100938988769, 7.55874562746884 51.99121682785128))",57677_3_11,3,11,90.0 +"POLYGON ((7.55874562746884 51.99017962842374, 7.559900604262705 51.99017962842374, 7.559900604262705 51.98997218565533, 7.55874562746884 51.98997218565533, 7.55874562746884 51.99017962842374))",57677_3_16,3,16,74.83333333333333 +"POLYGON ((7.559900604262705 51.99287629696557, 7.561055581056576 51.99287629696557, 7.561055581056576 51.99266886668961, 7.559900604262705 51.99266886668961, 7.559900604262705 51.99287629696557))",57677_4_3,4,3,109.0 +"POLYGON ((7.559900604262705 51.9924614354527, 7.561055581056576 51.9924614354527, 7.561055581056576 51.99225400325485, 7.559900604262705 51.99225400325485, 7.559900604262705 51.9924614354527))",57677_4_5,4,5,69.875 +"POLYGON ((7.559900604262705 51.99017962842374, 7.561055581056576 51.99017962842374, 7.561055581056576 51.98997218565533, 7.559900604262705 51.98997218565533, 7.559900604262705 51.99017962842374))",57677_4_16,4,16,81.75 +"POLYGON ((7.561055581056576 51.99287629696557, 7.562210557850442 51.99287629696557, 7.562210557850442 51.99266886668961, 7.561055581056576 51.99266886668961, 7.561055581056576 51.99287629696557))",57677_5_3,5,3,88.0 +"POLYGON ((7.561055581056576 51.9924614354527, 7.562210557850442 51.9924614354527, 7.562210557850442 51.99225400325485, 7.561055581056576 51.99225400325485, 7.561055581056576 51.9924614354527))",57677_5_5,5,5,108.75 +"POLYGON ((7.561055581056576 51.99163170089557, 7.562210557850442 51.99163170089557, 7.562210557850442 51.9914242648539, 7.561055581056576 51.9914242648539, 7.561055581056576 51.99163170089557))",57677_5_9,5,9,77.7358901 +"POLYGON ((7.561055581056576 51.98934985158429, 7.562210557850442 51.98934985158429, 7.562210557850442 51.989142404972, 7.561055581056576 51.989142404972, 7.561055581056576 51.98934985158429))",57677_5_20,5,20,102.7499995 +"POLYGON ((7.561055581056576 51.9887275088645, 7.562210557850442 51.9887275088645, 7.562210557850442 51.98852005936927, 7.561055581056576 51.98852005936927, 7.561055581056576 51.9887275088645))",57677_5_23,5,23,95.93317280000001 +"POLYGON ((7.562210557850442 51.99163170089557, 7.563365534644309 51.99163170089557, 7.563365534644309 51.9914242648539, 7.562210557850442 51.9914242648539, 7.562210557850442 51.99163170089557))",57677_6_9,6,9,94.77228840000001 +"POLYGON ((7.562210557850442 51.99100938988769, 7.563365534644309 51.99100938988769, 7.563365534644309 51.99080195096315, 7.562210557850442 51.99080195096315, 7.562210557850442 51.99100938988769))",57677_6_12,6,12,94.2 +"POLYGON ((7.562210557850442 51.99080195096315, 7.563365534644309 51.99080195096315, 7.563365534644309 51.99059451107764, 7.562210557850442 51.99059451107764, 7.562210557850442 51.99080195096315))",57677_6_13,6,13,83.0 +"POLYGON ((7.562210557850442 51.99059451107764, 7.563365534644309 51.99059451107764, 7.563365534644309 51.99038707023117, 7.562210557850442 51.99038707023117, 7.562210557850442 51.99059451107764))",57677_6_14,6,14,84.093819625 +"POLYGON ((7.556435673881103 51.98589228258424, 7.55759065067497 51.98589228258424, 7.55759065067497 51.98568481995545, 7.556435673881103 51.98568481995545, 7.556435673881103 51.98589228258424))",57678_1_10,1,10,74.25 +"POLYGON ((7.559900604262705 51.98692958131315, 7.561055581056576 51.98692958131315, 7.561055581056576 51.98672212348936, 7.559900604262705 51.98672212348936, 7.559900604262705 51.98692958131315))",57678_4_5,4,5,99.25 +"POLYGON ((7.556435673881103 51.93053486857259, 7.55759065067497 51.93053486857259, 7.55759065067497 51.93032714961459, 7.556435673881103 51.93032714961459, 7.556435673881103 51.93053486857259))",57688_1_10,1,10,108.0 +"POLYGON ((7.556435673881103 51.92499536731991, 7.55759065067497 51.92499536731991, 7.55759065067497 51.92478762272226, 7.556435673881103 51.92478762272226, 7.556435673881103 51.92499536731991))",57689_1_10,1,10,111.33333333333333 +"POLYGON ((7.556435673881103 51.91945518232724, 7.55759065067497 51.91945518232724, 7.55759065067497 51.9192474120887, 7.556435673881103 51.9192474120887, 7.556435673881103 51.91945518232724))",57690_1_10,1,10,113.0 +"POLYGON ((7.556435673881103 51.91391431356198, 7.55759065067497 51.91391431356198, 7.55759065067497 51.91370651768134, 7.556435673881103 51.91370651768134, 7.556435673881103 51.91391431356198))",57691_1_10,1,10,116.25 +"POLYGON ((7.556435673881103 51.90837276099158, 7.55759065067497 51.90837276099158, 7.55759065067497 51.90816493946761, 7.556435673881103 51.90816493946761, 7.556435673881103 51.90837276099158))",57692_1_10,1,10,116.0 +"POLYGON ((7.559900604262705 50.55812363438112, 7.561055581056576 50.55812363438112, 7.561055581056576 50.55790962315186, 7.559900604262705 50.55790962315186, 7.559900604262705 50.55812363438112))",57932_4_12,4,12,144.0 +"POLYGON ((7.568883757103902 52.28954951346605, 7.570038733897769 52.28954951346605, 7.570038733897769 52.28934346034238, 7.568883757103902 52.28934346034238, 7.568883757103902 52.28954951346605))",58298_4_8,4,8,118.74999925 +"POLYGON ((7.570038733897769 52.28851923826352, 7.571193710691638 52.28851923826352, 7.571193710691638 52.28831318034776, 7.570038733897769 52.28831318034776, 7.570038733897769 52.28851923826352))",58298_5_13,5,13,100.75 +"POLYGON ((7.570038733897769 52.28790106164093, 7.571193710691638 52.28790106164093, 7.571193710691638 52.28769500084988, 7.570038733897769 52.28769500084988, 7.570038733897769 52.28790106164093))",58298_5_16,5,16,165.0 +"POLYGON ((7.571193710691638 52.28810712147355, 7.572348687485506 52.28810712147355, 7.572348687485506 52.28790106164093, 7.571193710691638 52.28790106164093, 7.571193710691638 52.28810712147355))",58298_6_15,6,15,165.0 +"POLYGON ((7.571193710691638 52.28769500084988, 7.572348687485506 52.28769500084988, 7.572348687485506 52.2874889391004, 7.571193710691638 52.2874889391004, 7.571193710691638 52.28769500084988))",58298_6_17,6,17,141.66666666666666 +"POLYGON ((7.570038733897769 52.00269356417743, 7.571193710691638 52.00269356417743, 7.571193710691638 52.0024861793843, 7.570038733897769 52.0024861793843, 7.570038733897769 52.00269356417743))",58350_5_9,5,9,109.33333333333333 +"POLYGON ((7.570038733897769 51.99716297419308, 7.571193710691638 51.99716297419308, 7.571193710691638 51.99695556377629, 7.570038733897769 51.99695556377629, 7.570038733897769 51.99716297419308))",58351_5_9,5,9,99.5 +"POLYGON ((7.56426384992843 51.99100938988769, 7.565418826722298 51.99100938988769, 7.565418826722298 51.99080195096315, 7.56426384992843 51.99080195096315, 7.56426384992843 51.99100938988769))",58352_0_12,0,12,99.66666666666667 +"POLYGON ((7.56426384992843 51.98893495739874, 7.565418826722298 51.98893495739874, 7.565418826722298 51.9887275088645, 7.56426384992843 51.9887275088645, 7.56426384992843 51.98893495739874))",58352_0_22,0,22,79.99999983333333 +"POLYGON ((7.566573803516166 51.99100938988769, 7.567728780310034 51.99100938988769, 7.567728780310034 51.99080195096315, 7.566573803516166 51.99080195096315, 7.566573803516166 51.99100938988769))",58352_2_12,2,12,92.4 +"POLYGON ((7.567728780310034 51.99225400325485, 7.568883757103902 51.99225400325485, 7.568883757103902 51.99204657009604, 7.567728780310034 51.99204657009604, 7.567728780310034 51.99225400325485))",58352_3_6,3,6,87.75 +"POLYGON ((7.567728780310034 51.99121682785128, 7.568883757103902 51.99121682785128, 7.568883757103902 51.99100938988769, 7.567728780310034 51.99100938988769, 7.567728780310034 51.99121682785128))",58352_3_11,3,11,87.75 +"POLYGON ((7.567728780310034 51.99017962842374, 7.568883757103902 51.99017962842374, 7.568883757103902 51.98997218565533, 7.567728780310034 51.98997218565533, 7.567728780310034 51.99017962842374))",58352_3_16,3,16,86.0 +"POLYGON ((7.568883757103902 51.99287629696557, 7.570038733897769 51.99287629696557, 7.570038733897769 51.99266886668961, 7.568883757103902 51.99266886668961, 7.568883757103902 51.99287629696557))",58352_4_3,4,3,106.75 +"POLYGON ((7.568883757103902 51.99017962842374, 7.570038733897769 51.99017962842374, 7.570038733897769 51.98997218565533, 7.568883757103902 51.98997218565533, 7.568883757103902 51.99017962842374))",58352_4_16,4,16,79.6 +"POLYGON ((7.570038733897769 51.99287629696557, 7.571193710691638 51.99287629696557, 7.571193710691638 51.99266886668961, 7.570038733897769 51.99266886668961, 7.570038733897769 51.99287629696557))",58352_5_3,5,3,85.6 +"POLYGON ((7.570038733897769 51.9924614354527, 7.571193710691638 51.9924614354527, 7.571193710691638 51.99225400325485, 7.570038733897769 51.99225400325485, 7.570038733897769 51.9924614354527))",58352_5_5,5,5,108.33333333333333 +"POLYGON ((7.570038733897769 51.99163170089557, 7.571193710691638 51.99163170089557, 7.571193710691638 51.9914242648539, 7.570038733897769 51.9914242648539, 7.570038733897769 51.99163170089557))",58352_5_9,5,9,84.50010458333334 +"POLYGON ((7.570038733897769 51.98934985158429, 7.571193710691638 51.98934985158429, 7.571193710691638 51.989142404972, 7.570038733897769 51.989142404972, 7.570038733897769 51.98934985158429))",58352_5_20,5,20,98.9086604 +"POLYGON ((7.570038733897769 51.9887275088645, 7.571193710691638 51.9887275088645, 7.571193710691638 51.98852005936927, 7.570038733897769 51.98852005936927, 7.570038733897769 51.9887275088645))",58352_5_23,5,23,92.5835276 +"POLYGON ((7.571193710691638 51.99163170089557, 7.572348687485506 51.99163170089557, 7.572348687485506 51.9914242648539, 7.571193710691638 51.9914242648539, 7.571193710691638 51.99163170089557))",58352_6_9,6,9,92.21688759999999 +"POLYGON ((7.571193710691638 51.99100938988769, 7.572348687485506 51.99100938988769, 7.572348687485506 51.99080195096315, 7.571193710691638 51.99080195096315, 7.571193710691638 51.99100938988769))",58352_6_12,6,12,96.0 +"POLYGON ((7.571193710691638 51.99080195096315, 7.572348687485506 51.99080195096315, 7.572348687485506 51.99059451107764, 7.571193710691638 51.99059451107764, 7.571193710691638 51.99080195096315))",58352_6_13,6,13,83.0 +"POLYGON ((7.571193710691638 51.99059451107764, 7.572348687485506 51.99059451107764, 7.572348687485506 51.99038707023117, 7.571193710691638 51.99038707023117, 7.571193710691638 51.99059451107764))",58352_6_14,6,14,83.58858676470587 +"POLYGON ((7.565418826722298 51.90837276099158, 7.566573803516166 51.90837276099158, 7.566573803516166 51.90816493946761, 7.565418826722298 51.90816493946761, 7.565418826722298 51.90837276099158))",58367_1_10,1,10,121.0 +"POLYGON ((7.565418826722298 51.90283052458348, 7.566573803516166 51.90283052458348, 7.566573803516166 51.90262267741496, 7.565418826722298 51.90262267741496, 7.565418826722298 51.90283052458348))",58368_1_10,1,10,123.33333333333333 +"POLYGON ((7.565418826722298 51.89728760430516, 7.566573803516166 51.89728760430516, 7.566573803516166 51.89707973149088, 7.565418826722298 51.89707973149088, 7.565418826722298 51.89728760430516))",58369_1_10,1,10,112.25 +"POLYGON ((7.565418826722298 51.89174400012412, 7.566573803516166 51.89174400012412, 7.566573803516166 51.89153610166287, 7.565418826722298 51.89153610166287, 7.565418826722298 51.89174400012412))",58370_1_10,1,10,93.5 +"POLYGON ((7.565418826722298 51.88619971200789, 7.566573803516166 51.88619971200789, 7.566573803516166 51.88599178789842, 7.565418826722298 51.88599178789842, 7.565418826722298 51.88619971200789))",58371_1_10,1,10,17.333333333333332 +"POLYGON ((7.568883757103902 50.55812363438112, 7.570038733897769 50.55812363438112, 7.570038733897769 50.55790962315186, 7.568883757103902 50.55790962315186, 7.568883757103902 50.55812363438112))",58607_4_12,4,12,146.66666666666666 +"POLYGON ((7.577866909945097 52.28954951346605, 7.579021886738966 52.28954951346605, 7.579021886738966 52.28934346034238, 7.577866909945097 52.28934346034238, 7.577866909945097 52.28954951346605))",58973_4_8,4,8,126.19005633333332 +"POLYGON ((7.579021886738966 52.28851923826352, 7.580176863532832 52.28851923826352, 7.580176863532832 52.28831318034776, 7.579021886738966 52.28831318034776, 7.579021886738966 52.28851923826352))",58973_5_13,5,13,97.8000002 +"POLYGON ((7.579021886738966 52.28790106164093, 7.580176863532832 52.28790106164093, 7.580176863532832 52.28769500084988, 7.579021886738966 52.28769500084988, 7.579021886738966 52.28790106164093))",58973_5_16,5,16,184.5 +"POLYGON ((7.580176863532832 52.28810712147355, 7.581331840326701 52.28810712147355, 7.581331840326701 52.28790106164093, 7.580176863532832 52.28790106164093, 7.580176863532832 52.28810712147355))",58973_6_15,6,15,169.0 +"POLYGON ((7.580176863532832 52.28769500084988, 7.581331840326701 52.28769500084988, 7.581331840326701 52.2874889391004, 7.580176863532832 52.2874889391004, 7.580176863532832 52.28769500084988))",58973_6_17,6,17,146.0 +"POLYGON ((7.579021886738966 52.01375269433822, 7.580176863532832 52.01375269433822, 7.580176863532832 52.01354536078868, 7.579021886738966 52.01354536078868, 7.579021886738966 52.01375269433822))",59023_5_9,5,9,135.0 +"POLYGON ((7.579021886738966 52.00822347088151, 7.580176863532832 52.00822347088151, 7.580176863532832 52.00801611171079, 7.579021886738966 52.00801611171079, 7.579021886738966 52.00822347088151))",59024_5_9,5,9,131.33333333333334 +"POLYGON ((7.579021886738966 52.00269356417743, 7.580176863532832 52.00269356417743, 7.580176863532832 52.0024861793843, 7.579021886738966 52.0024861793843, 7.579021886738966 52.00269356417743))",59025_5_9,5,9,114.5 +"POLYGON ((7.573247002769626 51.99100938988769, 7.574401979563493 51.99100938988769, 7.574401979563493 51.99080195096315, 7.573247002769626 51.99080195096315, 7.573247002769626 51.99100938988769))",59027_0_12,0,12,85.0 +"POLYGON ((7.573247002769626 51.98893495739874, 7.574401979563493 51.98893495739874, 7.574401979563493 51.9887275088645, 7.573247002769626 51.9887275088645, 7.573247002769626 51.98893495739874))",59027_0_22,0,22,79.81031833333333 +"POLYGON ((7.575556956357362 51.99100938988769, 7.57671193315123 51.99100938988769, 7.57671193315123 51.99080195096315, 7.575556956357362 51.99080195096315, 7.575556956357362 51.99100938988769))",59027_2_12,2,12,94.5 +"POLYGON ((7.57671193315123 51.99225400325485, 7.577866909945097 51.99225400325485, 7.577866909945097 51.99204657009604, 7.57671193315123 51.99204657009604, 7.57671193315123 51.99225400325485))",59027_3_6,3,6,92.33333333333333 +"POLYGON ((7.57671193315123 51.99121682785128, 7.577866909945097 51.99121682785128, 7.577866909945097 51.99100938988769, 7.57671193315123 51.99100938988769, 7.57671193315123 51.99121682785128))",59027_3_11,3,11,76.75 +"POLYGON ((7.57671193315123 51.99017962842374, 7.577866909945097 51.99017962842374, 7.577866909945097 51.98997218565533, 7.57671193315123 51.98997218565533, 7.57671193315123 51.99017962842374))",59027_3_16,3,16,79.0 +"POLYGON ((7.577866909945097 51.99287629696557, 7.579021886738966 51.99287629696557, 7.579021886738966 51.99266886668961, 7.577866909945097 51.99266886668961, 7.577866909945097 51.99287629696557))",59027_4_3,4,3,97.66666666666667 +"POLYGON ((7.577866909945097 51.99017962842374, 7.579021886738966 51.99017962842374, 7.579021886738966 51.98997218565533, 7.577866909945097 51.98997218565533, 7.577866909945097 51.99017962842374))",59027_4_16,4,16,69.25 +"POLYGON ((7.579021886738966 51.99287629696557, 7.580176863532832 51.99287629696557, 7.580176863532832 51.99266886668961, 7.579021886738966 51.99266886668961, 7.579021886738966 51.99287629696557))",59027_5_3,5,3,78.66666666666667 +"POLYGON ((7.579021886738966 51.9924614354527, 7.580176863532832 51.9924614354527, 7.580176863532832 51.99225400325485, 7.579021886738966 51.99225400325485, 7.579021886738966 51.9924614354527))",59027_5_5,5,5,97.25 +"POLYGON ((7.579021886738966 51.99163170089557, 7.580176863532832 51.99163170089557, 7.580176863532832 51.9914242648539, 7.579021886738966 51.9914242648539, 7.579021886738966 51.99163170089557))",59027_5_9,5,9,80.10664875 +"POLYGON ((7.579021886738966 51.98934985158429, 7.580176863532832 51.98934985158429, 7.580176863532832 51.989142404972, 7.579021886738966 51.989142404972, 7.579021886738966 51.98934985158429))",59027_5_20,5,20,82.00000075 +"POLYGON ((7.579021886738966 51.9887275088645, 7.580176863532832 51.9887275088645, 7.580176863532832 51.98852005936927, 7.579021886738966 51.98852005936927, 7.579021886738966 51.9887275088645))",59027_5_23,5,23,76.04515425 +"POLYGON ((7.580176863532832 51.99163170089557, 7.581331840326701 51.99163170089557, 7.581331840326701 51.9914242648539, 7.580176863532832 51.9914242648539, 7.580176863532832 51.99163170089557))",59027_6_9,6,9,83.99783925 +"POLYGON ((7.580176863532832 51.99100938988769, 7.581331840326701 51.99100938988769, 7.581331840326701 51.99080195096315, 7.580176863532832 51.99080195096315, 7.580176863532832 51.99100938988769))",59027_6_12,6,12,82.33333333333333 +"POLYGON ((7.580176863532832 51.99080195096315, 7.581331840326701 51.99080195096315, 7.581331840326701 51.99059451107764, 7.580176863532832 51.99059451107764, 7.580176863532832 51.99080195096315))",59027_6_13,6,13,78.33333333333333 +"POLYGON ((7.580176863532832 51.99059451107764, 7.581331840326701 51.99059451107764, 7.581331840326701 51.99038707023117, 7.580176863532832 51.99038707023117, 7.580176863532832 51.99059451107764))",59027_6_14,6,14,76.78594590909091 +"POLYGON ((7.573247002769626 51.98547735636565, 7.574401979563493 51.98547735636565, 7.574401979563493 51.98526989181486, 7.573247002769626 51.98526989181486, 7.573247002769626 51.98547735636565))",59028_0_12,0,12,34.75 +"POLYGON ((7.573247002769626 51.98340266761208, 7.574401979563493 51.98340266761208, 7.574401979563493 51.98319519345113, 7.573247002769626 51.98319519345113, 7.573247002769626 51.98340266761208))",59028_0_22,0,22,69.80270266666666 +"POLYGON ((7.575556956357362 51.98547735636565, 7.57671193315123 51.98547735636565, 7.57671193315123 51.98526989181486, 7.575556956357362 51.98526989181486, 7.575556956357362 51.98547735636565))",59028_2_12,2,12,17.11111111111111 +"POLYGON ((7.57671193315123 51.98672212348936, 7.577866909945097 51.98672212348936, 7.577866909945097 51.98651466470457, 7.57671193315123 51.98651466470457, 7.57671193315123 51.98672212348936))",59028_3_6,3,6,77.0 +"POLYGON ((7.57671193315123 51.98568481995545, 7.577866909945097 51.98568481995545, 7.577866909945097 51.98547735636565, 7.57671193315123 51.98547735636565, 7.57671193315123 51.98568481995545))",59028_3_11,3,11,28.333333333333332 +"POLYGON ((7.57671193315123 51.98464749239641, 7.577866909945097 51.98464749239641, 7.577866909945097 51.98444002400156, 7.57671193315123 51.98444002400156, 7.57671193315123 51.98464749239641))",59028_3_16,3,16,27.333333333333332 +"POLYGON ((7.577866909945097 51.98734449407775, 7.579021886738966 51.98734449407775, 7.579021886738966 51.98713703817594, 7.577866909945097 51.98713703817594, 7.577866909945097 51.98734449407775))",59028_4_3,4,3,87.0 +"POLYGON ((7.577866909945097 51.98464749239641, 7.579021886738966 51.98464749239641, 7.579021886738966 51.98444002400156, 7.577866909945097 51.98444002400156, 7.577866909945097 51.98464749239641))",59028_4_16,4,16,6.636363636363637 +"POLYGON ((7.579021886738966 51.98734449407775, 7.580176863532832 51.98734449407775, 7.580176863532832 51.98713703817594, 7.579021886738966 51.98713703817594, 7.579021886738966 51.98734449407775))",59028_5_3,5,3,65.0 +"POLYGON ((7.579021886738966 51.98692958131315, 7.580176863532832 51.98692958131315, 7.580176863532832 51.98672212348936, 7.579021886738966 51.98672212348936, 7.579021886738966 51.98692958131315))",59028_5_5,5,5,72.0 +"POLYGON ((7.579021886738966 51.98609974425202, 7.580176863532832 51.98609974425202, 7.580176863532832 51.98589228258424, 7.579021886738966 51.98589228258424, 7.579021886738966 51.98609974425202))",59028_5_9,5,9,26.025921166666667 +"POLYGON ((7.579021886738966 51.98381761305094, 7.580176863532832 51.98381761305094, 7.580176863532832 51.98361014081202, 7.579021886738966 51.98361014081202, 7.579021886738966 51.98381761305094))",59028_5_20,5,20,75.5000005 +"POLYGON ((7.579021886738966 51.98319519345113, 7.580176863532832 51.98319519345113, 7.580176863532832 51.98298771832913, 7.579021886738966 51.98298771832913, 7.579021886738966 51.98319519345113))",59028_5_23,5,23,72.000002 +"POLYGON ((7.580176863532832 51.98609974425202, 7.581331840326701 51.98609974425202, 7.581331840326701 51.98589228258424, 7.580176863532832 51.98589228258424, 7.580176863532832 51.98609974425202))",59028_6_9,6,9,28.629546400000002 +"POLYGON ((7.580176863532832 51.98547735636565, 7.581331840326701 51.98547735636565, 7.581331840326701 51.98526989181486, 7.580176863532832 51.98526989181486, 7.580176863532832 51.98547735636565))",59028_6_12,6,12,75.0 +"POLYGON ((7.580176863532832 51.98526989181486, 7.581331840326701 51.98526989181486, 7.581331840326701 51.98506242630305, 7.580176863532832 51.98506242630305, 7.580176863532832 51.98526989181486))",59028_6_13,6,13,55.0 +"POLYGON ((7.580176863532832 51.98506242630305, 7.581331840326701 51.98506242630305, 7.581331840326701 51.98485495983024, 7.580176863532832 51.98485495983024, 7.580176863532832 51.98506242630305))",59028_6_14,6,14,45.9650668 +"POLYGON ((7.579021886738966 51.97275108577414, 7.580176863532832 51.97275108577414, 7.580176863532832 51.97254356227828, 7.579021886738966 51.97254356227828, 7.579021886738966 51.97275108577414))",59030_5_20,5,20,21.141943222222224 +"POLYGON ((7.579021886738966 51.96721679696509, 7.580176863532832 51.96721679696509, 7.580176863532832 51.96700924783892, 7.579021886738966 51.96700924783892, 7.579021886738966 51.96721679696509))",59031_5_20,5,20,33.763298 +"POLYGON ((7.574401979563493 51.89174400012412, 7.575556956357362 51.89174400012412, 7.575556956357362 51.89153610166287, 7.574401979563493 51.89153610166287, 7.574401979563493 51.89174400012412))",59045_1_10,1,10,52.54545454545455 +"POLYGON ((7.574401979563493 51.88619971200789, 7.575556956357362 51.88619971200789, 7.575556956357362 51.88599178789842, 7.574401979563493 51.88599178789842, 7.574401979563493 51.88619971200789))",59046_1_10,1,10,43.785714285714285 +"POLYGON ((7.577866909945097 50.55241633571798, 7.579021886738966 50.55241633571798, 7.579021886738966 50.5522022985756, 7.577866909945097 50.5522022985756, 7.577866909945097 50.55241633571798))",59283_4_12,4,12,137.5 +"POLYGON ((7.586850062786292 52.28954951346605, 7.588005039580159 52.28954951346605, 7.588005039580159 52.28934346034238, 7.586850062786292 52.28934346034238, 7.586850062786292 52.28954951346605))",59648_4_8,4,8,115.93475225 +"POLYGON ((7.588005039580159 52.28851923826352, 7.589160016374027 52.28851923826352, 7.589160016374027 52.28831318034776, 7.588005039580159 52.28831318034776, 7.588005039580159 52.28851923826352))",59648_5_13,5,13,96.2500015 +"POLYGON ((7.588005039580159 52.28790106164093, 7.589160016374027 52.28790106164093, 7.589160016374027 52.28769500084988, 7.588005039580159 52.28769500084988, 7.588005039580159 52.28790106164093))",59648_5_16,5,16,194.5 +"POLYGON ((7.589160016374027 52.28810712147355, 7.590314993167896 52.28810712147355, 7.590314993167896 52.28790106164093, 7.589160016374027 52.28790106164093, 7.589160016374027 52.28810712147355))",59648_6_15,6,15,163.5 +"POLYGON ((7.589160016374027 52.28769500084988, 7.590314993167896 52.28769500084988, 7.590314993167896 52.2874889391004, 7.589160016374027 52.2874889391004, 7.589160016374027 52.28769500084988))",59648_6_17,6,17,157.0 +"POLYGON ((7.588005039580159 52.0192812345805, 7.589160016374027 52.0192812345805, 7.589160016374027 52.0190739266509, 7.588005039580159 52.0190739266509, 7.588005039580159 52.0192812345805))",59697_5_9,5,9,139.0 +"POLYGON ((7.588005039580159 52.01375269433822, 7.589160016374027 52.01375269433822, 7.589160016374027 52.01354536078868, 7.588005039580159 52.01354536078868, 7.588005039580159 52.01375269433822))",59698_5_9,5,9,130.0 +"POLYGON ((7.58223015561082 51.98547735636565, 7.58338513240469 51.98547735636565, 7.58338513240469 51.98526989181486, 7.58223015561082 51.98526989181486, 7.58223015561082 51.98547735636565))",59703_0_12,0,12,76.0 +"POLYGON ((7.58223015561082 51.98340266761208, 7.58338513240469 51.98340266761208, 7.58338513240469 51.98319519345113, 7.58223015561082 51.98319519345113, 7.58223015561082 51.98340266761208))",59703_0_22,0,22,69.20576877777778 +"POLYGON ((7.584540109198556 51.98547735636565, 7.585695085992425 51.98547735636565, 7.585695085992425 51.98526989181486, 7.584540109198556 51.98526989181486, 7.584540109198556 51.98547735636565))",59703_2_12,2,12,44.81818181818182 +"POLYGON ((7.585695085992425 51.98692958131315, 7.586850062786292 51.98692958131315, 7.586850062786292 51.98672212348936, 7.585695085992425 51.98672212348936, 7.585695085992425 51.98692958131315))",59703_3_5,3,5,21.0 +"POLYGON ((7.585695085992425 51.98672212348936, 7.586850062786292 51.98672212348936, 7.586850062786292 51.98651466470457, 7.585695085992425 51.98651466470457, 7.585695085992425 51.98672212348936))",59703_3_6,3,6,71.66666666666667 +"POLYGON ((7.585695085992425 51.98568481995545, 7.586850062786292 51.98568481995545, 7.586850062786292 51.98547735636565, 7.585695085992425 51.98547735636565, 7.585695085992425 51.98568481995545))",59703_3_11,3,11,36.666666666666664 +"POLYGON ((7.585695085992425 51.98464749239641, 7.586850062786292 51.98464749239641, 7.586850062786292 51.98444002400156, 7.585695085992425 51.98444002400156, 7.585695085992425 51.98464749239641))",59703_3_16,3,16,28.94736842105263 +"POLYGON ((7.586850062786292 51.98464749239641, 7.588005039580159 51.98464749239641, 7.588005039580159 51.98444002400156, 7.586850062786292 51.98444002400156, 7.586850062786292 51.98464749239641))",59703_4_16,4,16,40.27272727272727 +"POLYGON ((7.588005039580159 51.98734449407775, 7.589160016374027 51.98734449407775, 7.589160016374027 51.98713703817594, 7.588005039580159 51.98713703817594, 7.588005039580159 51.98734449407775))",59703_5_3,5,3,65.5 +"POLYGON ((7.588005039580159 51.98692958131315, 7.589160016374027 51.98692958131315, 7.589160016374027 51.98672212348936, 7.588005039580159 51.98672212348936, 7.588005039580159 51.98692958131315))",59703_5_5,5,5,72.375 +"POLYGON ((7.588005039580159 51.9863072049588, 7.589160016374027 51.9863072049588, 7.589160016374027 51.98609974425202, 7.588005039580159 51.98609974425202, 7.588005039580159 51.9863072049588))",59703_5_8,5,8,36.57142857142857 +"POLYGON ((7.588005039580159 51.98609974425202, 7.589160016374027 51.98609974425202, 7.589160016374027 51.98589228258424, 7.588005039580159 51.98589228258424, 7.588005039580159 51.98609974425202))",59703_5_9,5,9,40.40117864705882 +"POLYGON ((7.588005039580159 51.98381761305094, 7.589160016374027 51.98381761305094, 7.589160016374027 51.98361014081202, 7.588005039580159 51.98361014081202, 7.588005039580159 51.98381761305094))",59703_5_20,5,20,53.169109909090906 +"POLYGON ((7.588005039580159 51.98319519345113, 7.589160016374027 51.98319519345113, 7.589160016374027 51.98298771832913, 7.588005039580159 51.98298771832913, 7.588005039580159 51.98319519345113))",59703_5_23,5,23,70.761771625 +"POLYGON ((7.589160016374027 51.98609974425202, 7.590314993167896 51.98609974425202, 7.590314993167896 51.98589228258424, 7.589160016374027 51.98589228258424, 7.589160016374027 51.98609974425202))",59703_6_9,6,9,43.780581642857136 +"POLYGON ((7.589160016374027 51.98547735636565, 7.590314993167896 51.98547735636565, 7.590314993167896 51.98526989181486, 7.589160016374027 51.98526989181486, 7.589160016374027 51.98547735636565))",59703_6_12,6,12,75.42857142857143 +"POLYGON ((7.589160016374027 51.98526989181486, 7.590314993167896 51.98526989181486, 7.590314993167896 51.98506242630305, 7.589160016374027 51.98506242630305, 7.589160016374027 51.98526989181486))",59703_6_13,6,13,55.666666666666664 +"POLYGON ((7.589160016374027 51.98506242630305, 7.590314993167896 51.98506242630305, 7.590314993167896 51.98485495983024, 7.589160016374027 51.98485495983024, 7.589160016374027 51.98506242630305))",59703_6_14,6,14,66.137279625 +"POLYGON ((7.58223015561082 51.97233603782132, 7.58338513240469 51.97233603782132, 7.58338513240469 51.97212851240323, 7.58223015561082 51.97212851240323, 7.58223015561082 51.97233603782132))",59705_0_22,0,22,36.501659857142855 +"POLYGON ((7.585695085992425 51.97461875398695, 7.586850062786292 51.97461875398695, 7.586850062786292 51.97441123914105, 7.585695085992425 51.97441123914105, 7.585695085992425 51.97461875398695))",59705_3_11,3,11,25.0 +"POLYGON ((7.585695085992425 51.97358117014645, 7.586850062786292 51.97358117014645, 7.586850062786292 51.97337365049503, 7.585695085992425 51.97337365049503, 7.585695085992425 51.97358117014645))",59705_3_16,3,16,25.0 +"POLYGON ((7.588005039580159 51.97524129275806, 7.589160016374027 51.97524129275806, 7.589160016374027 51.97503378079545, 7.588005039580159 51.97503378079545, 7.588005039580159 51.97524129275806))",59705_5_8,5,8,27.0 +"POLYGON ((7.588005039580159 51.97503378079545, 7.589160016374027 51.97503378079545, 7.589160016374027 51.97482626787175, 7.588005039580159 51.97482626787175, 7.588005039580159 51.97503378079545))",59705_5_9,5,9,29.071161 +"POLYGON ((7.588005039580159 51.97275108577414, 7.589160016374027 51.97275108577414, 7.589160016374027 51.97254356227828, 7.588005039580159 51.97254356227828, 7.588005039580159 51.97275108577414))",59705_5_20,5,20,36.272749857142855 +"POLYGON ((7.588005039580159 51.97212851240323, 7.589160016374027 51.97212851240323, 7.589160016374027 51.97192098602404, 7.588005039580159 51.97192098602404, 7.588005039580159 51.97212851240323))",59705_5_23,5,23,37.839786833333335 +"POLYGON ((7.589160016374027 51.97441123914105, 7.590314993167896 51.97441123914105, 7.590314993167896 51.97420372333405, 7.589160016374027 51.97420372333405, 7.589160016374027 51.97441123914105))",59705_6_12,6,12,44.4 +"POLYGON ((7.589160016374027 51.97420372333405, 7.590314993167896 51.97420372333405, 7.590314993167896 51.97399620656594, 7.589160016374027 51.97399620656594, 7.589160016374027 51.97420372333405))",59705_6_13,6,13,38.2 +"POLYGON ((7.589160016374027 51.97399620656594, 7.590314993167896 51.97399620656594, 7.590314993167896 51.97378868883675, 7.589160016374027 51.97378868883675, 7.589160016374027 51.97399620656594))",59705_6_14,6,14,41.34421681818181 +"POLYGON ((7.58223015561082 51.96680169775159, 7.58338513240469 51.96680169775159, 7.58338513240469 51.9665941467031, 7.58223015561082 51.9665941467031, 7.58223015561082 51.96680169775159))",59706_0_22,0,22,39.32664763636364 +"POLYGON ((7.588005039580159 51.96721679696509, 7.589160016374027 51.96721679696509, 7.589160016374027 51.96700924783892, 7.588005039580159 51.96700924783892, 7.588005039580159 51.96721679696509))",59706_5_20,5,20,46.79482925 +"POLYGON ((7.588005039580159 51.9665941467031, 7.589160016374027 51.9665941467031, 7.589160016374027 51.96638659469345, 7.588005039580159 51.96638659469345, 7.588005039580159 51.9665941467031))",59706_5_23,5,23,36.17154757142857 +"POLYGON ((7.589160016374027 51.96887715537285, 7.590314993167896 51.96887715537285, 7.590314993167896 51.9686696139359, 7.589160016374027 51.9686696139359, 7.589160016374027 51.96887715537285))",59706_6_12,6,12,31.833333333333332 +"POLYGON ((7.589160016374027 51.9686696139359, 7.590314993167896 51.9686696139359, 7.590314993167896 51.96846207153781, 7.589160016374027 51.96846207153781, 7.589160016374027 51.9686696139359))",59706_6_13,6,13,39.166666666666664 +"POLYGON ((7.589160016374027 51.96846207153781, 7.590314993167896 51.96846207153781, 7.590314993167896 51.96825452817857, 7.589160016374027 51.96825452817857, 7.589160016374027 51.96846207153781))",59706_6_14,6,14,43.34388535294118 +"POLYGON ((7.58223015561082 51.96126667418861, 7.58338513240469 51.96126667418861, 7.58338513240469 51.96105909750847, 7.58223015561082 51.96105909750847, 7.58223015561082 51.96126667418861))",59707_0_22,0,22,11.882871928571427 +"POLYGON ((7.58338513240469 51.89174400012412, 7.584540109198556 51.89174400012412, 7.584540109198556 51.89153610166287, 7.58338513240469 51.89153610166287, 7.58338513240469 51.89174400012412))",59720_1_10,1,10,36.583333333333336 +"POLYGON ((7.586850062786292 50.54670834602576, 7.588005039580159 50.54670834602576, 7.588005039580159 50.54649428296926, 7.586850062786292 50.54649428296926, 7.586850062786292 50.54670834602576))",59959_4_12,4,12,134.25 +"POLYGON ((7.586850062786292 50.54099966527748, 7.588005039580159 50.54099966527748, 7.588005039580159 50.54078557630584, 7.586850062786292 50.54078557630584, 7.586850062786292 50.54099966527748))",59960_4_12,4,12,140.0 +"POLYGON ((7.595833215627487 52.28954951346605, 7.596988192421356 52.28954951346605, 7.596988192421356 52.28934346034238, 7.595833215627487 52.28934346034238, 7.595833215627487 52.28954951346605))",60323_4_8,4,8,64.77866642857143 +"POLYGON ((7.596988192421356 52.28851923826352, 7.598143169215223 52.28851923826352, 7.598143169215223 52.28831318034776, 7.596988192421356 52.28831318034776, 7.596988192421356 52.28851923826352))",60323_5_13,5,13,66.24343525 +"POLYGON ((7.596988192421356 52.28790106164093, 7.598143169215223 52.28790106164093, 7.598143169215223 52.28769500084988, 7.596988192421356 52.28769500084988, 7.596988192421356 52.28790106164093))",60323_5_16,5,16,184.5 +"POLYGON ((7.598143169215223 52.28810712147355, 7.599298146009091 52.28810712147355, 7.599298146009091 52.28790106164093, 7.598143169215223 52.28790106164093, 7.598143169215223 52.28810712147355))",60323_6_15,6,15,147.66666666666666 +"POLYGON ((7.598143169215223 52.28769500084988, 7.599298146009091 52.28769500084988, 7.599298146009091 52.2874889391004, 7.598143169215223 52.2874889391004, 7.598143169215223 52.28769500084988))",60323_6_17,6,17,157.5 +"POLYGON ((7.596988192421356 52.02480909164129, 7.598143169215223 52.02480909164129, 7.598143169215223 52.02460180933041, 7.596988192421356 52.02460180933041, 7.596988192421356 52.02480909164129))",60371_5_9,5,9,140.75 +"POLYGON ((7.596988192421356 52.0192812345805, 7.598143169215223 52.0192812345805, 7.598143169215223 52.0190739266509, 7.596988192421356 52.0190739266509, 7.596988192421356 52.0192812345805))",60372_5_9,5,9,140.0 +"POLYGON ((7.596988192421356 51.98319519345113, 7.598143169215223 51.98319519345113, 7.598143169215223 51.98298771832913, 7.596988192421356 51.98298771832913, 7.596988192421356 51.98319519345113))",60378_5_23,5,23,73.0 +"POLYGON ((7.591213308452016 51.97994463946105, 7.592368285245883 51.97994463946105, 7.592368285245883 51.97973714928277, 7.591213308452016 51.97973714928277, 7.591213308452016 51.97994463946105))",60379_0_12,0,12,51.9 +"POLYGON ((7.591213308452016 51.97786969443056, 7.592368285245883 51.97786969443056, 7.592368285245883 51.97766219464164, 7.591213308452016 51.97766219464164, 7.591213308452016 51.97786969443056))",60379_0_22,0,22,51.232672666666666 +"POLYGON ((7.593523262039752 51.97994463946105, 7.59467823883362 51.97994463946105, 7.59467823883362 51.97973714928277, 7.593523262039752 51.97973714928277, 7.593523262039752 51.97994463946105))",60379_2_12,2,12,44.54545454545455 +"POLYGON ((7.59467823883362 51.98015212867828, 7.595833215627487 51.98015212867828, 7.595833215627487 51.97994463946105, 7.59467823883362 51.97994463946105, 7.59467823883362 51.98015212867828))",60379_3_11,3,11,27.45 +"POLYGON ((7.59467823883362 51.97911467298158, 7.595833215627487 51.97911467298158, 7.595833215627487 51.97890717895908, 7.59467823883362 51.97890717895908, 7.59467823883362 51.97911467298158))",60379_3_16,3,16,36.53333333333333 +"POLYGON ((7.595833215627487 51.97911467298158, 7.596988192421356 51.97911467298158, 7.596988192421356 51.97890717895908, 7.595833215627487 51.97890717895908, 7.595833215627487 51.97911467298158))",60379_4_16,4,16,33.642857142857146 +"POLYGON ((7.596988192421356 51.98181200781843, 7.598143169215223 51.98181200781843, 7.598143169215223 51.98160452628956, 7.596988192421356 51.98160452628956, 7.596988192421356 51.98181200781843))",60379_5_3,5,3,74.5 +"POLYGON ((7.596988192421356 51.98139704379965, 7.598143169215223 51.98139704379965, 7.598143169215223 51.9811895603487, 7.596988192421356 51.9811895603487, 7.596988192421356 51.98139704379965))",60379_5_5,5,5,76.0 +"POLYGON ((7.596988192421356 51.98077459056368, 7.598143169215223 51.98077459056368, 7.598143169215223 51.98056710422959, 7.596988192421356 51.98056710422959, 7.596988192421356 51.98077459056368))",60379_5_8,5,8,28.0 +"POLYGON ((7.596988192421356 51.98056710422959, 7.598143169215223 51.98056710422959, 7.598143169215223 51.98035961693446, 7.596988192421356 51.98035961693446, 7.596988192421356 51.98056710422959))",60379_5_9,5,9,27.055769869565214 +"POLYGON ((7.596988192421356 51.97828469112515, 7.598143169215223 51.97828469112515, 7.598143169215223 51.97807719325839, 7.596988192421356 51.97807719325839, 7.596988192421356 51.97828469112515))",60379_5_20,5,20,60.51146309999999 +"POLYGON ((7.596988192421356 51.97766219464164, 7.598143169215223 51.97766219464164, 7.598143169215223 51.97745469389167, 7.596988192421356 51.97745469389167, 7.596988192421356 51.97766219464164))",60379_5_23,5,23,46.979956692307695 +"POLYGON ((7.598143169215223 51.98056710422959, 7.599298146009091 51.98056710422959, 7.599298146009091 51.98035961693446, 7.598143169215223 51.98035961693446, 7.598143169215223 51.98056710422959))",60379_6_9,6,9,74.898362 +"POLYGON ((7.598143169215223 51.97994463946105, 7.599298146009091 51.97994463946105, 7.599298146009091 51.97973714928277, 7.598143169215223 51.97973714928277, 7.598143169215223 51.97994463946105))",60379_6_12,6,12,36.5 +"POLYGON ((7.598143169215223 51.97973714928277, 7.599298146009091 51.97973714928277, 7.599298146009091 51.97952965814343, 7.598143169215223 51.97952965814343, 7.598143169215223 51.97973714928277))",60379_6_13,6,13,54.2 +"POLYGON ((7.598143169215223 51.97952965814343, 7.599298146009091 51.97952965814343, 7.599298146009091 51.97932216604303, 7.598143169215223 51.97932216604303, 7.598143169215223 51.97952965814343))",60379_6_14,6,14,47.88368794871795 +"POLYGON ((7.591213308452016 51.97233603782132, 7.592368285245883 51.97233603782132, 7.592368285245883 51.97212851240323, 7.591213308452016 51.97212851240323, 7.591213308452016 51.97233603782132))",60380_0_22,0,22,38.67338588888888 +"POLYGON ((7.59467823883362 51.97461875398695, 7.595833215627487 51.97461875398695, 7.595833215627487 51.97441123914105, 7.59467823883362 51.97441123914105, 7.59467823883362 51.97461875398695))",60380_3_11,3,11,44.61538461538461 +"POLYGON ((7.59467823883362 51.97358117014645, 7.595833215627487 51.97358117014645, 7.595833215627487 51.97337365049503, 7.59467823883362 51.97337365049503, 7.59467823883362 51.97358117014645))",60380_3_16,3,16,46.25 +"POLYGON ((7.596988192421356 51.97524129275806, 7.598143169215223 51.97524129275806, 7.598143169215223 51.97503378079545, 7.596988192421356 51.97503378079545, 7.596988192421356 51.97524129275806))",60380_5_8,5,8,50.0 +"POLYGON ((7.596988192421356 51.97503378079545, 7.598143169215223 51.97503378079545, 7.598143169215223 51.97482626787175, 7.596988192421356 51.97482626787175, 7.596988192421356 51.97503378079545))",60380_5_9,5,9,47.778712500000005 +"POLYGON ((7.596988192421356 51.97275108577414, 7.598143169215223 51.97275108577414, 7.598143169215223 51.97254356227828, 7.596988192421356 51.97254356227828, 7.596988192421356 51.97275108577414))",60380_5_20,5,20,45.659449124999995 +"POLYGON ((7.596988192421356 51.97212851240323, 7.598143169215223 51.97212851240323, 7.598143169215223 51.97192098602404, 7.596988192421356 51.97192098602404, 7.596988192421356 51.97212851240323))",60380_5_23,5,23,39.90408911111111 +"POLYGON ((7.598143169215223 51.97441123914105, 7.599298146009091 51.97441123914105, 7.599298146009091 51.97420372333405, 7.598143169215223 51.97420372333405, 7.598143169215223 51.97441123914105))",60380_6_12,6,12,50.166666666666664 +"POLYGON ((7.598143169215223 51.97420372333405, 7.599298146009091 51.97420372333405, 7.599298146009091 51.97399620656594, 7.598143169215223 51.97399620656594, 7.598143169215223 51.97420372333405))",60380_6_13,6,13,45.42857142857143 +"POLYGON ((7.598143169215223 51.97399620656594, 7.599298146009091 51.97399620656594, 7.599298146009091 51.97378868883675, 7.598143169215223 51.97378868883675, 7.598143169215223 51.97399620656594))",60380_6_14,6,14,42.68454162500001 +"POLYGON ((7.59467823883362 51.96908469584864, 7.595833215627487 51.96908469584864, 7.595833215627487 51.96887715537285, 7.59467823883362 51.96887715537285, 7.59467823883362 51.96908469584864))",60381_3_11,3,11,32.57142857142857 +"POLYGON ((7.59467823883362 51.96804698385818, 7.595833215627487 51.96804698385818, 7.595833215627487 51.96783943857664, 7.59467823883362 51.96783943857664, 7.59467823883362 51.96804698385818))",60381_3_16,3,16,34.8 +"POLYGON ((7.596988192421356 51.96970731150919, 7.598143169215223 51.96970731150919, 7.598143169215223 51.96949977391682, 7.596988192421356 51.96949977391682, 7.596988192421356 51.96970731150919))",60381_5_8,5,8,24.473684210526315 +"POLYGON ((7.596988192421356 51.9665941467031, 7.598143169215223 51.9665941467031, 7.598143169215223 51.96638659469345, 7.596988192421356 51.96638659469345, 7.596988192421356 51.9665941467031))",60381_5_23,5,23,48.768170600000005 +"POLYGON ((7.598143169215223 51.96887715537285, 7.599298146009091 51.96887715537285, 7.599298146009091 51.9686696139359, 7.598143169215223 51.9686696139359, 7.598143169215223 51.96887715537285))",60381_6_12,6,12,63.666666666666664 +"POLYGON ((7.598143169215223 51.9686696139359, 7.599298146009091 51.9686696139359, 7.599298146009091 51.96846207153781, 7.598143169215223 51.96846207153781, 7.598143169215223 51.9686696139359))",60381_6_13,6,13,68.5 +"POLYGON ((7.592368285245883 51.89174400012412, 7.593523262039752 51.89174400012412, 7.593523262039752 51.89153610166287, 7.592368285245883 51.89153610166287, 7.592368285245883 51.89174400012412))",60395_1_10,1,10,52.5 +"POLYGON ((7.595833215627487 50.54099966527748, 7.596988192421356 50.54099966527748, 7.596988192421356 50.54078557630584, 7.595833215627487 50.54078557630584, 7.595833215627487 50.54099966527748))",60635_4_12,4,12,144.0 +"POLYGON ((7.595833215627487 50.53529029344612, 7.596988192421356 50.53529029344612, 7.596988192421356 50.53507617855837, 7.595833215627487 50.53507617855837, 7.595833215627487 50.53529029344612))",60636_4_12,4,12,135.0 +"POLYGON ((7.604816368468682 52.28954951346605, 7.605971345262551 52.28954951346605, 7.605971345262551 52.28934346034238, 7.604816368468682 52.28934346034238, 7.604816368468682 52.28954951346605))",60998_4_8,4,8,52.81716183333334 +"POLYGON ((7.605971345262551 52.28851923826352, 7.607126322056417 52.28851923826352, 7.607126322056417 52.28831318034776, 7.605971345262551 52.28831318034776, 7.605971345262551 52.28851923826352))",60998_5_13,5,13,51.86907933333333 +"POLYGON ((7.605971345262551 52.28790106164093, 7.607126322056417 52.28790106164093, 7.607126322056417 52.28769500084988, 7.605971345262551 52.28769500084988, 7.605971345262551 52.28790106164093))",60998_5_16,5,16,173.0 +"POLYGON ((7.607126322056417 52.28810712147355, 7.608281298850287 52.28810712147355, 7.608281298850287 52.28790106164093, 7.607126322056417 52.28790106164093, 7.607126322056417 52.28810712147355))",60998_6_15,6,15,152.66666666666666 +"POLYGON ((7.607126322056417 52.28769500084988, 7.608281298850287 52.28769500084988, 7.608281298850287 52.2874889391004, 7.607126322056417 52.2874889391004, 7.607126322056417 52.28769500084988))",60998_6_17,6,17,152.33333333333334 +"POLYGON ((7.604816368468682 52.28405443550502, 7.605971345262551 52.28405443550502, 7.605971345262551 52.28384835682296, 7.604816368468682 52.28384835682296, 7.604816368468682 52.28405443550502))",60999_4_8,4,8,65.00407844444446 +"POLYGON ((7.605971345262551 52.28302403251005, 7.607126322056417 52.28302403251005, 7.607126322056417 52.28281794903565, 7.605971345262551 52.28281794903565, 7.605971345262551 52.28302403251005))",60999_5_13,5,13,63.342911400000006 +"POLYGON ((7.604816368468682 52.27855867597049, 7.605971345262551 52.27855867597049, 7.605971345262551 52.27835257172875, 7.604816368468682 52.27835257172875, 7.604816368468682 52.27855867597049))",61000_4_8,4,8,56.53832142857143 +"POLYGON ((7.605971345262551 52.2775281451767, 7.607126322056417 52.2775281451767, 7.607126322056417 52.27732203614239, 7.605971345262551 52.27732203614239, 7.605971345262551 52.2775281451767))",61000_5_13,5,13,54.916168375 +"POLYGON ((7.607126322056417 52.11150691138511, 7.608281298850287 52.11150691138511, 7.608281298850287 52.11130003112532, 7.607126322056417 52.11130003112532, 7.607126322056417 52.11150691138511))",61030_6_17,6,17,23.0 +"POLYGON ((7.605971345262551 52.04138856406467, 7.607126322056417 52.04138856406467, 7.607126322056417 52.0411813586025, 7.605971345262551 52.0411813586025, 7.605971345262551 52.04138856406467))",61043_5_9,5,9,144.0 +"POLYGON ((7.605971345262551 52.03586275635038, 7.607126322056417 52.03586275635038, 7.607126322056417 52.0356555252732, 7.605971345262551 52.0356555252732, 7.605971345262551 52.03586275635038))",61044_5_9,5,9,140.66666666666666 +"POLYGON ((7.605971345262551 52.03033626555359, 7.607126322056417 52.03033626555359, 7.607126322056417 52.03012900886018, 7.605971345262551 52.03012900886018, 7.605971345262551 52.03033626555359))",61045_5_9,5,9,141.33333333333334 +"POLYGON ((7.600196461293211 51.97994463946105, 7.60135143808708 51.97994463946105, 7.60135143808708 51.97973714928277, 7.600196461293211 51.97973714928277, 7.600196461293211 51.97994463946105))",61054_0_12,0,12,58.0 +"POLYGON ((7.602506414880947 51.97994463946105, 7.603661391674815 51.97994463946105, 7.603661391674815 51.97973714928277, 7.602506414880947 51.97973714928277, 7.602506414880947 51.97994463946105))",61054_2_12,2,12,64.0 +"POLYGON ((7.604816368468682 51.97911467298158, 7.605971345262551 51.97911467298158, 7.605971345262551 51.97890717895908, 7.604816368468682 51.97890717895908, 7.604816368468682 51.97911467298158))",61054_4_16,4,16,7.25 +"POLYGON ((7.605971345262551 51.98181200781843, 7.607126322056417 51.98181200781843, 7.607126322056417 51.98160452628956, 7.605971345262551 51.98160452628956, 7.605971345262551 51.98181200781843))",61054_5_3,5,3,6.0 +"POLYGON ((7.607126322056417 51.97952965814343, 7.608281298850287 51.97952965814343, 7.608281298850287 51.97932216604303, 7.607126322056417 51.97932216604303, 7.607126322056417 51.97952965814343))",61054_6_14,6,14,52.836316 +"POLYGON ((7.600196461293211 51.97420372333405, 7.60135143808708 51.97420372333405, 7.60135143808708 51.97399620656594, 7.600196461293211 51.97399620656594, 7.600196461293211 51.97420372333405))",61055_0_13,0,13,30.133333333333333 +"POLYGON ((7.602506414880947 51.97441123914105, 7.603661391674815 51.97441123914105, 7.603661391674815 51.97420372333405, 7.602506414880947 51.97420372333405, 7.602506414880947 51.97441123914105))",61055_2_12,2,12,28.666666666666668 +"POLYGON ((7.605971345262551 51.97627883815479, 7.607126322056417 51.97627883815479, 7.607126322056417 51.97607133099761, 7.605971345262551 51.97607133099761, 7.605971345262551 51.97627883815479))",61055_5_3,5,3,44.90909090909091 +"POLYGON ((7.607126322056417 51.97399620656594, 7.608281298850287 51.97399620656594, 7.608281298850287 51.97378868883675, 7.607126322056417 51.97378868883675, 7.607126322056417 51.97399620656594))",61055_6_14,6,14,32.62198952941177 +"POLYGON ((7.60135143808708 51.89174400012412, 7.602506414880947 51.89174400012412, 7.602506414880947 51.89153610166287, 7.60135143808708 51.89153610166287, 7.60135143808708 51.89174400012412))",61070_1_10,1,10,37.666666666666664 +"POLYGON ((7.60135143808708 51.88619971200789, 7.602506414880947 51.88619971200789, 7.602506414880947 51.88599178789842, 7.60135143808708 51.88599178789842, 7.60135143808708 51.88619971200789))",61071_1_10,1,10,60.5 +"POLYGON ((7.604816368468682 50.52958023050475, 7.605971345262551 50.52958023050475, 7.605971345262551 50.52936608969985, 7.604816368468682 50.52936608969985, 7.604816368468682 50.52958023050475))",61312_4_12,4,12,145.0 +"POLYGON ((7.614954498103746 52.28790106164093, 7.616109474897613 52.28790106164093, 7.616109474897613 52.28769500084988, 7.614954498103746 52.28769500084988, 7.614954498103746 52.28790106164093))",61673_5_16,5,16,167.0 +"POLYGON ((7.616109474897613 52.28810712147355, 7.617264451691481 52.28810712147355, 7.617264451691481 52.28790106164093, 7.616109474897613 52.28790106164093, 7.616109474897613 52.28810712147355))",61673_6_15,6,15,144.5 +"POLYGON ((7.616109474897613 52.28769500084988, 7.617264451691481 52.28769500084988, 7.617264451691481 52.2874889391004, 7.616109474897613 52.2874889391004, 7.616109474897613 52.28769500084988))",61673_6_17,6,17,150.66666666666666 +"POLYGON ((7.613799521309877 52.27855867597049, 7.614954498103746 52.27855867597049, 7.614954498103746 52.27835257172875, 7.613799521309877 52.27835257172875, 7.613799521309877 52.27855867597049))",61675_4_8,4,8,84.8465895 +"POLYGON ((7.614954498103746 52.2775281451767, 7.616109474897613 52.2775281451767, 7.616109474897613 52.27732203614239, 7.614954498103746 52.27732203614239, 7.614954498103746 52.2775281451767))",61675_5_13,5,13,71.5000005 +"POLYGON ((7.613799521309877 52.27306223482848, 7.614954498103746 52.27306223482848, 7.614954498103746 52.2728561050258, 7.613799521309877 52.2728561050258, 7.613799521309877 52.27306223482848))",61676_4_8,4,8,76.2658156 +"POLYGON ((7.614954498103746 52.27203157622951, 7.616109474897613 52.27203157622951, 7.616109474897613 52.27182544163402, 7.614954498103746 52.27182544163402, 7.614954498103746 52.27203157622951))",61676_5_13,5,13,70.9006132 +"POLYGON ((7.613799521309877 52.26777126645133, 7.614954498103746 52.26777126645133, 7.614954498103746 52.26756511204504, 7.613799521309877 52.26756511204504, 7.613799521309877 52.26777126645133))",61677_4_7,4,7,45.406020999999996 +"POLYGON ((7.614954498103746 52.26653432563454, 7.616109474897613 52.26653432563454, 7.616109474897613 52.2663281654766, 7.614954498103746 52.2663281654766, 7.614954498103746 52.26653432563454))",61677_5_13,5,13,35.187804299999996 +"POLYGON ((7.616109474897613 52.12253913443062, 7.617264451691481 52.12253913443062, 7.617264451691481 52.12233230536548, 7.616109474897613 52.12233230536548, 7.616109474897613 52.12253913443062))",61703_6_17,6,17,99.66666666666667 +"POLYGON ((7.616109474897613 52.1170233642052, 7.617264451691481 52.1170233642052, 7.617264451691481 52.11681650954336, 7.616109474897613 52.11681650954336, 7.616109474897613 52.1170233642052))",61704_6_17,6,17,86.16666666666667 +"POLYGON ((7.616109474897613 52.11150691138511, 7.617264451691481 52.11150691138511, 7.617264451691481 52.11130003112532, 7.616109474897613 52.11130003112532, 7.616109474897613 52.11150691138511))",61705_6_17,6,17,32.529411764705884 +"POLYGON ((7.616109474897613 52.10598977593701, 7.617264451691481 52.10598977593701, 7.617264451691481 52.10578287007802, 7.616109474897613 52.10578287007802, 7.616109474897613 52.10598977593701))",61706_6_17,6,17,77.0 +"POLYGON ((7.614954498103746 52.05243813037796, 7.616109474897613 52.05243813037796, 7.616109474897613 52.05223097614206, 7.614954498103746 52.05223097614206, 7.614954498103746 52.05243813037796))",61716_5_9,5,9,146.0 +"POLYGON ((7.614954498103746 52.0469136887295, 7.616109474897613 52.0469136887295, 7.616109474897613 52.0467065088811, 7.614954498103746 52.0467065088811, 7.614954498103746 52.0469136887295))",61717_5_9,5,9,147.33333333333334 +"POLYGON ((7.614954498103746 52.04138856406467, 7.616109474897613 52.04138856406467, 7.616109474897613 52.0411813586025, 7.614954498103746 52.0411813586025, 7.614954498103746 52.04138856406467))",61718_5_9,5,9,146.0 +"POLYGON ((7.609179614134406 51.97420372333405, 7.610334590928275 51.97420372333405, 7.610334590928275 51.97399620656594, 7.609179614134406 51.97399620656594, 7.609179614134406 51.97420372333405))",61730_0_13,0,13,52.714285714285715 +"POLYGON ((7.611489567722142 51.97441123914105, 7.61264454451601 51.97441123914105, 7.61264454451601 51.97420372333405, 7.611489567722142 51.97420372333405, 7.611489567722142 51.97441123914105))",61730_2_12,2,12,34.63636363636363 +"POLYGON ((7.614954498103746 51.97627883815479, 7.616109474897613 51.97627883815479, 7.616109474897613 51.97607133099761, 7.614954498103746 51.97607133099761, 7.614954498103746 51.97627883815479))",61730_5_3,5,3,21.88235294117647 +"POLYGON ((7.616109474897613 51.97399620656594, 7.617264451691481 51.97399620656594, 7.617264451691481 51.97378868883675, 7.616109474897613 51.97378868883675, 7.616109474897613 51.97399620656594))",61730_6_14,6,14,42.4321186 +"POLYGON ((7.610334590928275 51.89728760430516, 7.611489567722142 51.89728760430516, 7.611489567722142 51.89707973149088, 7.610334590928275 51.89707973149088, 7.610334590928275 51.89728760430516))",61744_1_10,1,10,46.75 +"POLYGON ((7.610334590928275 51.89174400012412, 7.611489567722142 51.89174400012412, 7.611489567722142 51.89153610166287, 7.610334590928275 51.89153610166287, 7.610334590928275 51.89174400012412))",61745_1_10,1,10,76.2 +"POLYGON ((7.613799521309877 50.52958023050475, 7.614954498103746 50.52958023050475, 7.614954498103746 50.52936608969985, 7.613799521309877 50.52936608969985, 7.613799521309877 50.52958023050475))",61987_4_12,4,12,154.0 +"POLYGON ((7.613799521309877 50.52386947642643, 7.614954498103746 50.52386947642643, 7.614954498103746 50.52365530970336, 7.613799521309877 50.52365530970336, 7.613799521309877 50.52386947642643))",61988_4_12,4,12,155.5 +"POLYGON ((7.625092627738809 52.28810712147355, 7.626247604532677 52.28810712147355, 7.626247604532677 52.28790106164093, 7.625092627738809 52.28790106164093, 7.625092627738809 52.28810712147355))",62348_6_15,6,15,139.0 +"POLYGON ((7.623937650944941 52.28240577921142, 7.625092627738809 52.28240577921142, 7.625092627738809 52.28219969286159, 7.623937650944941 52.28219969286159, 7.623937650944941 52.28240577921142))",62349_5_16,5,16,174.5 +"POLYGON ((7.625092627738809 52.28261186460276, 7.626247604532677 52.28261186460276, 7.626247604532677 52.28240577921142, 7.625092627738809 52.28240577921142, 7.625092627738809 52.28261186460276))",62349_6_15,6,15,139.5 +"POLYGON ((7.625092627738809 52.28219969286159, 7.626247604532677 52.28219969286159, 7.626247604532677 52.28199360555329, 7.625092627738809 52.28199360555329, 7.625092627738809 52.28219969286159))",62349_6_17,6,17,151.66666666666666 +"POLYGON ((7.622782674151074 52.27306223482848, 7.623937650944941 52.27306223482848, 7.623937650944941 52.2728561050258, 7.622782674151074 52.2728561050258, 7.622782674151074 52.27306223482848))",62351_4_8,4,8,59.5107655 +"POLYGON ((7.623937650944941 52.27203157622951, 7.625092627738809 52.27203157622951, 7.625092627738809 52.27182544163402, 7.623937650944941 52.27182544163402, 7.623937650944941 52.27203157622951))",62351_5_13,5,13,61.099206 +"POLYGON ((7.622782674151074 52.26777126645133, 7.623937650944941 52.26777126645133, 7.623937650944941 52.26756511204504, 7.622782674151074 52.26756511204504, 7.622782674151074 52.26777126645133))",62352_4_7,4,7,62.7483105 +"POLYGON ((7.623937650944941 52.26653432563454, 7.625092627738809 52.26653432563454, 7.625092627738809 52.2663281654766, 7.623937650944941 52.2663281654766, 7.623937650944941 52.26653432563454))",62352_5_13,5,13,60.722533999999996 +"POLYGON ((7.622782674151074 52.26227348755599, 7.623937650944941 52.26227348755599, 7.623937650944941 52.26206730758627, 7.622782674151074 52.26206730758627, 7.622782674151074 52.26227348755599))",62353_4_7,4,7,29.524664944444446 +"POLYGON ((7.623937650944941 52.26103639335786, 7.625092627738809 52.26103639335786, 7.625092627738809 52.2608302076362, 7.623937650944941 52.2608302076362, 7.623937650944941 52.26103639335786))",62353_5_13,5,13,34.019510000000004 +"POLYGON ((7.622782674151074 52.25677502695267, 7.623937650944941 52.25677502695267, 7.623937650944941 52.25656882141824, 7.622782674151074 52.25656882141824, 7.622782674151074 52.25677502695267))",62354_4_7,4,7,19.091613615384613 +"POLYGON ((7.623937650944941 52.25553777936558, 7.625092627738809 52.25553777936558, 7.625092627738809 52.25533156807892, 7.623937650944941 52.25533156807892, 7.623937650944941 52.25553777936558))",62354_5_13,5,13,23.9999998 +"POLYGON ((7.625092627738809 52.13908234987242, 7.626247604532677 52.13908234987242, 7.626247604532677 52.13887559758987, 7.625092627738809 52.13887559758987, 7.625092627738809 52.13908234987242))",62375_6_17,6,17,103.0 +"POLYGON ((7.625092627738809 52.13356862723085, 7.626247604532677 52.13356862723085, 7.626247604532677 52.13336184935535, 7.625092627738809 52.13336184935535, 7.625092627738809 52.13356862723085))",62376_6_17,6,17,102.25 +"POLYGON ((7.625092627738809 52.12805422209471, 7.626247604532677 52.12805422209471, 7.626247604532677 52.12784741862501, 7.625092627738809 52.12784741862501, 7.625092627738809 52.12805422209471))",62377_6_17,6,17,82.33333333333333 +"POLYGON ((7.625092627738809 52.12253913443062, 7.626247604532677 52.12253913443062, 7.626247604532677 52.12233230536548, 7.625092627738809 52.12233230536548, 7.625092627738809 52.12253913443062))",62378_6_17,6,17,96.0 +"POLYGON ((7.625092627738809 52.10598977593701, 7.626247604532677 52.10598977593701, 7.626247604532677 52.10578287007802, 7.625092627738809 52.10578287007802, 7.625092627738809 52.10598977593701))",62381_6_17,6,17,28.0 +"POLYGON ((7.623937650944941 52.06348496475803, 7.625092627738809 52.06348496475803, 7.625092627738809 52.06327786174344, 7.623937650944941 52.06327786174344, 7.623937650944941 52.06348496475803))",62389_5_9,5,9,134.0 +"POLYGON ((7.623937650944941 52.05796188904309, 7.625092627738809 52.05796188904309, 7.625092627738809 52.05775476041848, 7.623937650944941 52.05775476041848, 7.623937650944941 52.05796188904309))",62390_5_9,5,9,133.33333333333334 +"POLYGON ((7.618162766975601 51.97420372333405, 7.61931774376947 51.97420372333405, 7.61931774376947 51.97399620656594, 7.618162766975601 51.97399620656594, 7.618162766975601 51.97420372333405))",62405_0_13,0,13,54.857142857142854 +"POLYGON ((7.620472720563337 51.97441123914105, 7.621627697357205 51.97441123914105, 7.621627697357205 51.97420372333405, 7.620472720563337 51.97420372333405, 7.620472720563337 51.97441123914105))",62405_2_12,2,12,22.266666666666666 +"POLYGON ((7.623937650944941 51.97627883815479, 7.625092627738809 51.97627883815479, 7.625092627738809 51.97607133099761, 7.623937650944941 51.97607133099761, 7.623937650944941 51.97627883815479))",62405_5_3,5,3,52.166666666666664 +"POLYGON ((7.625092627738809 51.97399620656594, 7.626247604532677 51.97399620656594, 7.626247604532677 51.97378868883675, 7.625092627738809 51.97378868883675, 7.625092627738809 51.97399620656594))",62405_6_14,6,14,54.750000375 +"POLYGON ((7.61931774376947 51.90283052458348, 7.620472720563337 51.90283052458348, 7.620472720563337 51.90262267741496, 7.61931774376947 51.90262267741496, 7.61931774376947 51.90283052458348))",62418_1_10,1,10,10.961538461538462 +"POLYGON ((7.61931774376947 51.89728760430516, 7.620472720563337 51.89728760430516, 7.620472720563337 51.89707973149088, 7.61931774376947 51.89707973149088, 7.61931774376947 51.89728760430516))",62419_1_10,1,10,40.1 +"POLYGON ((7.622782674151074 50.52386947642643, 7.623937650944941 50.52386947642643, 7.623937650944941 50.52365530970336, 7.622782674151074 50.52365530970336, 7.622782674151074 50.52386947642643))",62663_4_12,4,12,154.0 +"POLYGON ((7.632920803786137 52.28240577921142, 7.634075780580003 52.28240577921142, 7.634075780580003 52.28219969286159, 7.632920803786137 52.28219969286159, 7.632920803786137 52.28240577921142))",63024_5_16,5,16,178.5 +"POLYGON ((7.634075780580003 52.28261186460276, 7.635230757373873 52.28261186460276, 7.635230757373873 52.28240577921142, 7.634075780580003 52.28240577921142, 7.634075780580003 52.28261186460276))",63024_6_15,6,15,144.0 +"POLYGON ((7.634075780580003 52.28219969286159, 7.635230757373873 52.28219969286159, 7.635230757373873 52.28199360555329, 7.634075780580003 52.28199360555329, 7.634075780580003 52.28219969286159))",63024_6_17,6,17,156.33333333333334 +"POLYGON ((7.634075780580003 52.15010774780558, 7.635230757373873 52.15010774780558, 7.635230757373873 52.14990104670515, 7.634075780580003 52.14990104670515, 7.634075780580003 52.15010774780558))",63048_6_17,6,17,94.0 +"POLYGON ((7.634075780580003 52.14459539005286, 7.635230757373873 52.14459539005286, 7.635230757373873 52.14438866336199, 7.634075780580003 52.14438866336199, 7.634075780580003 52.14459539005286))",63049_6_17,6,17,87.2 +"POLYGON ((7.634075780580003 52.13908234987242, 7.635230757373873 52.13908234987242, 7.635230757373873 52.13887559758987, 7.634075780580003 52.13887559758987, 7.634075780580003 52.13908234987242))",63050_6_17,6,17,99.25 +"POLYGON ((7.634075780580003 52.10598977593701, 7.635230757373873 52.10598977593701, 7.635230757373873 52.10578287007802, 7.634075780580003 52.10578287007802, 7.634075780580003 52.10598977593701))",63056_6_17,6,17,34.666666666666664 +"POLYGON ((7.634075780580003 52.1004719578276, 7.635230757373873 52.1004719578276, 7.635230757373873 52.10026502636816, 7.634075780580003 52.10026502636816, 7.634075780580003 52.1004719578276))",63057_6_17,6,17,72.66666666666667 +"POLYGON ((7.634075780580003 52.09495345702358, 7.635230757373873 52.09495345702358, 7.635230757373873 52.09474649996245, 7.634075780580003 52.09474649996245, 7.634075780580003 52.09495345702358))",63058_6_17,6,17,89.0 +"POLYGON ((7.634075780580003 52.08943427349168, 7.635230757373873 52.08943427349168, 7.635230757373873 52.08922729082762, 7.634075780580003 52.08922729082762, 7.634075780580003 52.08943427349168))",63059_6_17,6,17,83.0 +"POLYGON ((7.632920803786137 52.07452906746978, 7.634075780580003 52.07452906746978, 7.634075780580003 52.07432201567154, 7.632920803786137 52.07432201567154, 7.632920803786137 52.07452906746978))",63062_5_9,5,9,123.0 +"POLYGON ((7.632920803786137 52.06900735755588, 7.634075780580003 52.06900735755588, 7.634075780580003 52.06880028015009, 7.632920803786137 52.06880028015009, 7.632920803786137 52.06900735755588))",63063_5_9,5,9,135.33333333333334 +"POLYGON ((7.627145919816797 51.97420372333405, 7.628300896610665 51.97420372333405, 7.628300896610665 51.97399620656594, 7.627145919816797 51.97399620656594, 7.627145919816797 51.97420372333405))",63080_0_13,0,13,21.22222222222222 +"POLYGON ((7.629455873404532 51.97441123914105, 7.630610850198401 51.97441123914105, 7.630610850198401 51.97420372333405, 7.629455873404532 51.97420372333405, 7.629455873404532 51.97441123914105))",63080_2_12,2,12,23.666666666666668 +"POLYGON ((7.634075780580003 51.97399620656594, 7.635230757373873 51.97399620656594, 7.635230757373873 51.97378868883675, 7.634075780580003 51.97378868883675, 7.634075780580003 51.97399620656594))",63080_6_14,6,14,53.153108875 +"POLYGON ((7.629455873404532 51.96887715537285, 7.630610850198401 51.96887715537285, 7.630610850198401 51.9686696139359, 7.629455873404532 51.9686696139359, 7.629455873404532 51.96887715537285))",63081_2_12,2,12,45.22222222222222 +"POLYGON ((7.629455873404532 51.96334238812367, 7.630610850198401 51.96334238812367, 7.630610850198401 51.96313482105555, 7.629455873404532 51.96313482105555, 7.629455873404532 51.96334238812367))",63082_2_12,2,12,19.823529411764707 +"POLYGON ((7.629455873404532 51.95780693736076, 7.630610850198401 51.95780693736076, 7.630610850198401 51.95759934466024, 7.629455873404532 51.95759934466024, 7.629455873404532 51.95780693736076))",63083_2_12,2,12,5.266666666666667 +"POLYGON ((7.631765826992267 50.52386947642643, 7.632920803786137 50.52386947642643, 7.632920803786137 50.52365530970336, 7.631765826992267 50.52365530970336, 7.631765826992267 50.52386947642643))",63338_4_12,4,12,160.0 +"POLYGON ((7.641903956627331 52.28240577921142, 7.643058933421199 52.28240577921142, 7.643058933421199 52.28219969286159, 7.641903956627331 52.28219969286159, 7.641903956627331 52.28240577921142))",63699_5_16,5,16,166.0 +"POLYGON ((7.643058933421199 52.28261186460276, 7.644213910215067 52.28261186460276, 7.644213910215067 52.28240577921142, 7.643058933421199 52.28240577921142, 7.643058933421199 52.28261186460276))",63699_6_15,6,15,157.0 +"POLYGON ((7.641903956627331 52.2769098151982, 7.643058933421199 52.2769098151982, 7.643058933421199 52.27670370328833, 7.641903956627331 52.27670370328833, 7.641903956627331 52.2769098151982))",63700_5_16,5,16,156.5 +"POLYGON ((7.643058933421199 52.27711592614956, 7.644213910215067 52.27711592614956, 7.644213910215067 52.2769098151982, 7.643058933421199 52.2769098151982, 7.643058933421199 52.27711592614956))",63700_6_15,6,15,149.0 +"POLYGON ((7.643058933421199 52.27670370328833, 7.644213910215067 52.27670370328833, 7.644213910215067 52.27649759041993, 7.643058933421199 52.27649759041993, 7.643058933421199 52.27670370328833))",63700_6_17,6,17,150.66666666666666 +"POLYGON ((7.643058933421199 52.16113041616175, 7.644213910215067 52.16113041616175, 7.644213910215067 52.16092376623842, 7.643058933421199 52.16092376623842, 7.643058933421199 52.16113041616175))",63721_6_17,6,17,96.25 +"POLYGON ((7.643058933421199 52.15561942316405, 7.644213910215067 52.15561942316405, 7.644213910215067 52.15541274765279, 7.643058933421199 52.15541274765279, 7.643058933421199 52.15561942316405))",63722_6_17,6,17,103.8 +"POLYGON ((7.643058933421199 52.15010774780558, 7.644213910215067 52.15010774780558, 7.644213910215067 52.14990104670515, 7.643058933421199 52.14990104670515, 7.643058933421199 52.15010774780558))",63723_6_17,6,17,99.0 +"POLYGON ((7.643058933421199 52.08943427349168, 7.644213910215067 52.08943427349168, 7.644213910215067 52.08922729082762, 7.643058933421199 52.08922729082762, 7.643058933421199 52.08943427349168))",63734_6_17,6,17,101.66666666666667 +"POLYGON ((7.641903956627331 52.08557043877848, 7.643058933421199 52.08557043877848, 7.643058933421199 52.0853634381916, 7.641903956627331 52.0853634381916, 7.641903956627331 52.08557043877848))",63735_5_9,5,9,127.0 +"POLYGON ((7.643058933421199 52.08391440719868, 7.644213910215067 52.08391440719868, 7.644213910215067 52.08370739893042, 7.643058933421199 52.08370739893042, 7.643058933421199 52.08391440719868))",63735_6_17,6,17,77.6 +"POLYGON ((7.641903956627331 52.08005009453292, 7.643058933421199 52.08005009453292, 7.643058933421199 52.07984306834098, 7.641903956627331 52.07984306834098, 7.641903956627331 52.08005009453292))",63736_5_9,5,9,132.5 +"POLYGON ((7.636129072657991 51.97420372333405, 7.637284049451861 51.97420372333405, 7.637284049451861 51.97399620656594, 7.636129072657991 51.97399620656594, 7.636129072657991 51.97420372333405))",63755_0_13,0,13,48.75 +"POLYGON ((7.638439026245727 51.97441123914105, 7.639594003039595 51.97441123914105, 7.639594003039595 51.97420372333405, 7.638439026245727 51.97420372333405, 7.638439026245727 51.97441123914105))",63755_2_12,2,12,7.5 +"POLYGON ((7.643058933421199 51.97399620656594, 7.644213910215067 51.97399620656594, 7.644213910215067 51.97378868883675, 7.643058933421199 51.97378868883675, 7.643058933421199 51.97399620656594))",63755_6_14,6,14,52.8892255 +"POLYGON ((7.636129072657991 51.9686696139359, 7.637284049451861 51.9686696139359, 7.637284049451861 51.96846207153781, 7.636129072657991 51.96846207153781, 7.636129072657991 51.9686696139359))",63756_0_13,0,13,30.0 +"POLYGON ((7.643058933421199 51.96846207153781, 7.644213910215067 51.96846207153781, 7.644213910215067 51.96825452817857, 7.643058933421199 51.96825452817857, 7.643058933421199 51.96846207153781))",63756_6_14,6,14,49.714285857142855 +"POLYGON ((7.638439026245727 51.95780693736076, 7.639594003039595 51.95780693736076, 7.639594003039595 51.95759934466024, 7.638439026245727 51.95759934466024, 7.638439026245727 51.95780693736076))",63758_2_12,2,12,27.533333333333335 +"POLYGON ((7.640748979833464 50.52386947642643, 7.641903956627331 50.52386947642643, 7.641903956627331 50.52365530970336, 7.640748979833464 50.52365530970336, 7.640748979833464 50.52386947642643))",64013_4_12,4,12,155.66666666666666 +"POLYGON ((7.652042086262395 52.29909559060381, 7.653197063056263 52.29909559060381, 7.653197063056263 52.29888958188481, 7.652042086262395 52.29888958188481, 7.652042086262395 52.29909559060381))",64371_6_15,6,15,55.5 +"POLYGON ((7.650887109468527 52.2769098151982, 7.652042086262395 52.2769098151982, 7.652042086262395 52.27670370328833, 7.650887109468527 52.27670370328833, 7.650887109468527 52.2769098151982))",64375_5_16,5,16,138.5 +"POLYGON ((7.652042086262395 52.27711592614956, 7.653197063056263 52.27711592614956, 7.653197063056263 52.2769098151982, 7.652042086262395 52.2769098151982, 7.652042086262395 52.27711592614956))",64375_6_15,6,15,140.5 +"POLYGON ((7.652042086262395 52.27670370328833, 7.653197063056263 52.27670370328833, 7.653197063056263 52.27649759041993, 7.652042086262395 52.27649759041993, 7.652042086262395 52.27670370328833))",64375_6_17,6,17,153.5 +"POLYGON ((7.650887109468527 52.27141316956734, 7.652042086262395 52.27141316956734, 7.652042086262395 52.27120703209614, 7.650887109468527 52.27120703209614, 7.650887109468527 52.27141316956734))",64376_5_16,5,16,114.5 +"POLYGON ((7.652042086262395 52.27161930607997, 7.653197063056263 52.27161930607997, 7.653197063056263 52.27141316956734, 7.652042086262395 52.27141316956734, 7.652042086262395 52.27161930607997))",64376_6_15,6,15,118.0 +"POLYGON ((7.652042086262395 52.27120703209614, 7.653197063056263 52.27120703209614, 7.653197063056263 52.27100089366637, 7.652042086262395 52.27100089366637, 7.652042086262395 52.27120703209614))",64376_6_17,6,17,160.0 +"POLYGON ((7.652042086262395 52.18867514691184, 7.653197063056263 52.18867514691184, 7.653197063056263 52.18846862490928, 7.652042086262395 52.18846862490928, 7.652042086262395 52.18867514691184))",64391_6_17,6,17,92.5 +"POLYGON ((7.652042086262395 52.1831675652151, 7.653197063056263 52.1831675652151, 7.653197063056263 52.1829610176309, 7.652042086262395 52.1829610176309, 7.652042086262395 52.1831675652151))",64392_6_17,6,17,88.0 +"POLYGON ((7.652042086262395 52.1776593013253, 7.653197063056263 52.1776593013253, 7.653197063056263 52.17745272815821, 7.652042086262395 52.17745272815821, 7.652042086262395 52.1776593013253))",64393_6_17,6,17,108.25 +"POLYGON ((7.652042086262395 52.17215035520885, 7.653197063056263 52.17215035520885, 7.653197063056263 52.17194375645759, 7.652042086262395 52.17194375645759, 7.652042086262395 52.17215035520885))",64394_6_17,6,17,110.5 +"POLYGON ((7.652042086262395 52.16664072683218, 7.653197063056263 52.16664072683218, 7.653197063056263 52.16643410249551, 7.652042086262395 52.16643410249551, 7.652042086262395 52.16664072683218))",64395_6_17,6,17,104.5 +"POLYGON ((7.650887109468527 52.09109010023966, 7.652042086262395 52.09109010023966, 7.652042086262395 52.0908831252566, 7.650887109468527 52.0908831252566, 7.650887109468527 52.09109010023966))",64409_5_9,5,9,128.5 +"POLYGON ((7.650887109468527 52.08557043877848, 7.652042086262395 52.08557043877848, 7.652042086262395 52.0853634381916, 7.650887109468527 52.0853634381916, 7.650887109468527 52.08557043877848))",64410_5_9,5,9,117.0 +"POLYGON ((7.652042086262395 52.08391440719868, 7.653197063056263 52.08391440719868, 7.653197063056263 52.08370739893042, 7.652042086262395 52.08370739893042, 7.652042086262395 52.08391440719868))",64410_6_17,6,17,99.0 +"POLYGON ((7.652042086262395 52.07839385811133, 7.653197063056263 52.07839385811133, 7.653197063056263 52.07818682423764, 7.652042086262395 52.07818682423764, 7.652042086262395 52.07839385811133))",64411_6_17,6,17,108.25 +"POLYGON ((7.645112225499187 51.9686696139359, 7.646267202293055 51.9686696139359, 7.646267202293055 51.96846207153781, 7.645112225499187 51.96846207153781, 7.645112225499187 51.9686696139359))",64431_0_13,0,13,25.285714285714285 +"POLYGON ((7.652042086262395 51.96846207153781, 7.653197063056263 51.96846207153781, 7.653197063056263 51.96825452817857, 7.652042086262395 51.96825452817857, 7.652042086262395 51.96846207153781))",64431_6_14,6,14,44.2000002 +"POLYGON ((7.645112225499187 51.96313482105555, 7.646267202293055 51.96313482105555, 7.646267202293055 51.96292725302624, 7.645112225499187 51.96292725302624, 7.645112225499187 51.96313482105555))",64432_0_13,0,13,23.523809523809526 +"POLYGON ((7.652042086262395 51.96292725302624, 7.653197063056263 51.96292725302624, 7.653197063056263 51.96271968403573, 7.652042086262395 51.96271968403573, 7.652042086262395 51.96292725302624))",64432_6_14,6,14,18.378469478260868 +"POLYGON ((7.647422179086923 51.95780693736076, 7.648577155880791 51.95780693736076, 7.648577155880791 51.95759934466024, 7.647422179086923 51.95759934466024, 7.647422179086923 51.95780693736076))",64433_2_12,2,12,19.22222222222222 +"POLYGON ((7.652042086262395 51.95739175099848, 7.653197063056263 51.95739175099848, 7.653197063056263 51.95718415637548, 7.652042086262395 51.95718415637548, 7.652042086262395 51.95739175099848))",64433_6_14,6,14,18.721513722222223 +"POLYGON ((7.647422179086923 51.95227080305138, 7.648577155880791 51.95227080305138, 7.648577155880791 51.95206318471723, 7.647422179086923 51.95206318471723, 7.647422179086923 51.95227080305138))",64434_2_12,2,12,12.526315789473685 +"POLYGON ((7.652042086262395 51.95185556542179, 7.653197063056263 51.95185556542179, 7.653197063056263 51.95164794516507, 7.652042086262395 51.95164794516507, 7.652042086262395 51.95185556542179))",64434_6_14,6,14,5.28578875 +"POLYGON ((7.649732132674659 50.52386947642643, 7.650887109468527 50.52386947642643, 7.650887109468527 50.52365530970336, 7.649732132674659 50.52365530970336, 7.649732132674659 50.52386947642643))",64688_4_12,4,12,129.33333333333334 +"POLYGON ((7.661025239103589 52.29909559060381, 7.662180215897457 52.29909559060381, 7.662180215897457 52.29888958188481, 7.661025239103589 52.29888958188481, 7.661025239103589 52.29909559060381))",65046_6_15,6,15,54.0 +"POLYGON ((7.661025239103589 52.2936016967959, 7.662180215897457 52.2936016967959, 7.662180215897457 52.29339566252073, 7.661025239103589 52.29339566252073, 7.661025239103589 52.2936016967959))",65047_6_15,6,15,55.714285714285715 +"POLYGON ((7.659870262309723 52.27141316956734, 7.661025239103589 52.27141316956734, 7.661025239103589 52.27120703209614, 7.659870262309723 52.27120703209614, 7.659870262309723 52.27141316956734))",65051_5_16,5,16,100.0 +"POLYGON ((7.661025239103589 52.27161930607997, 7.662180215897457 52.27161930607997, 7.662180215897457 52.27141316956734, 7.661025239103589 52.27141316956734, 7.661025239103589 52.27161930607997))",65051_6_15,6,15,74.45454545454545 +"POLYGON ((7.661025239103589 52.27120703209614, 7.662180215897457 52.27120703209614, 7.662180215897457 52.27100089366637, 7.661025239103589 52.27100089366637, 7.661025239103589 52.27120703209614))",65051_6_17,6,17,160.0 +"POLYGON ((7.659870262309723 52.26591584228486, 7.661025239103589 52.26591584228486, 7.661025239103589 52.26570967925107, 7.659870262309723 52.26570967925107, 7.659870262309723 52.26591584228486))",65052_5_16,5,16,122.0 +"POLYGON ((7.661025239103589 52.19418204644913, 7.662180215897457 52.19418204644913, 7.662180215897457 52.19397555002692, 7.661025239103589 52.19397555002692, 7.661025239103589 52.19418204644913))",65065_6_17,6,17,117.0 +"POLYGON ((7.661025239103589 52.18867514691184, 7.662180215897457 52.18867514691184, 7.662180215897457 52.18846862490928, 7.661025239103589 52.18846862490928, 7.661025239103589 52.18867514691184))",65066_6_17,6,17,106.0 +"POLYGON ((7.659870262309723 52.09109010023966, 7.661025239103589 52.09109010023966, 7.661025239103589 52.0908831252566, 7.659870262309723 52.0908831252566, 7.659870262309723 52.09109010023966))",65084_5_9,5,9,134.33333333333334 +"POLYGON ((7.661025239103589 52.07839385811133, 7.662180215897457 52.07839385811133, 7.662180215897457 52.07818682423764, 7.661025239103589 52.07818682423764, 7.661025239103589 52.07839385811133))",65086_6_17,6,17,106.33333333333333 +"POLYGON ((7.661025239103589 52.07287262619646, 7.662180215897457 52.07287262619646, 7.662180215897457 52.07266556671608, 7.661025239103589 52.07266556671608, 7.661025239103589 52.07287262619646))",65087_6_17,6,17,106.0 +"POLYGON ((7.661025239103589 51.98444002400156, 7.662180215897457 51.98444002400156, 7.662180215897457 51.98423255464571, 7.661025239103589 51.98423255464571, 7.661025239103589 51.98444002400156))",65103_6_17,6,17,34.5 +"POLYGON ((7.654095378340383 51.9686696139359, 7.655250355134251 51.9686696139359, 7.655250355134251 51.96846207153781, 7.654095378340383 51.96846207153781, 7.654095378340383 51.9686696139359))",65106_0_13,0,13,21.25 +"POLYGON ((7.658715285515854 50.52386947642643, 7.659870262309723 50.52386947642643, 7.659870262309723 50.52365530970336, 7.658715285515854 50.52365530970336, 7.658715285515854 50.52386947642643))",65363_4_12,4,12,134.33333333333334 +"POLYGON ((7.670008391944785 52.2936016967959, 7.671163368738653 52.2936016967959, 7.671163368738653 52.29339566252073, 7.670008391944785 52.29339566252073, 7.670008391944785 52.2936016967959))",65722_6_15,6,15,75.66666666666667 +"POLYGON ((7.670008391944785 52.28261186460276, 7.671163368738653 52.28261186460276, 7.671163368738653 52.28240577921142, 7.670008391944785 52.28240577921142, 7.670008391944785 52.28261186460276))",65724_6_15,6,15,64.0 +"POLYGON ((7.670008391944785 52.27711592614956, 7.671163368738653 52.27711592614956, 7.671163368738653 52.2769098151982, 7.670008391944785 52.2769098151982, 7.670008391944785 52.27711592614956))",65725_6_15,6,15,55.44444444444444 +"POLYGON ((7.670008391944785 52.27161930607997, 7.671163368738653 52.27161930607997, 7.671163368738653 52.27141316956734, 7.670008391944785 52.27141316956734, 7.670008391944785 52.27161930607997))",65726_6_15,6,15,78.0 +"POLYGON ((7.668853415150917 52.26591584228486, 7.670008391944785 52.26591584228486, 7.670008391944785 52.26570967925107, 7.668853415150917 52.26570967925107, 7.668853415150917 52.26591584228486))",65727_5_16,5,16,118.0 +"POLYGON ((7.670008391944785 52.26570967925107, 7.671163368738653 52.26570967925107, 7.671163368738653 52.26550351525865, 7.670008391944785 52.26550351525865, 7.670008391944785 52.26570967925107))",65727_6_17,6,17,158.33333333333334 +"POLYGON ((7.670008391944785 52.20519379917982, 7.671163368738653 52.20519379917982, 7.671163368738653 52.20498735391458, 7.670008391944785 52.20498735391458, 7.670008391944785 52.20519379917982))",65738_6_17,6,17,97.0 +"POLYGON ((7.670008391944785 52.19968826386057, 7.671163368738653 52.19968826386057, 7.671163368738653 52.19948179301748, 7.670008391944785 52.19948179301748, 7.670008391944785 52.19968826386057))",65739_6_17,6,17,99.25 +"POLYGON ((7.670008391944785 52.19418204644913, 7.671163368738653 52.19418204644913, 7.671163368738653 52.19397555002692, 7.670008391944785 52.19397555002692, 7.670008391944785 52.19418204644913))",65740_6_17,6,17,106.0 +"POLYGON ((7.668853415150917 52.09660907894969, 7.670008391944785 52.09660907894969, 7.670008391944785 52.0964021295692, 7.668853415150917 52.0964021295692, 7.668853415150917 52.09660907894969))",65758_5_9,5,9,132.0 +"POLYGON ((7.670008391944785 52.06735071142084, 7.671163368738653 52.06735071142084, 7.671163368738653 52.06714362633254, 7.670008391944785 52.06714362633254, 7.670008391944785 52.06735071142084))",65763_6_17,6,17,99.6 +"POLYGON ((7.670008391944785 52.06182811375135, 7.671163368738653 52.06182811375135, 7.671163368738653 52.06162100305388, 7.670008391944785 52.06162100305388, 7.670008391944785 52.06182811375135))",65764_6_17,6,17,105.0 +"POLYGON ((7.670008391944785 52.00103445892805, 7.671163368738653 52.00103445892805, 7.671163368738653 52.00082706644795, 7.670008391944785 52.00082706644795, 7.670008391944785 52.00103445892805))",65775_6_17,6,17,81.5 +"POLYGON ((7.670008391944785 51.99550366395321, 7.671163368738653 51.99550366395321, 7.671163368738653 51.99529624584908, 7.670008391944785 51.99529624584908, 7.670008391944785 51.99550366395321))",65776_6_17,6,17,71.0 +"POLYGON ((7.670008391944785 51.98997218565533, 7.671163368738653 51.98997218565533, 7.671163368738653 51.98976474192596, 7.670008391944785 51.98976474192596, 7.670008391944785 51.98997218565533))",65777_6_17,6,17,43.666666666666664 +"POLYGON ((7.670008391944785 51.98444002400156, 7.671163368738653 51.98444002400156, 7.671163368738653 51.98423255464571, 7.670008391944785 51.98423255464571, 7.670008391944785 51.98444002400156))",65778_6_17,6,17,47.916666666666664 +"POLYGON ((7.663078531181577 51.9686696139359, 7.664233507975445 51.9686696139359, 7.664233507975445 51.96846207153781, 7.663078531181577 51.96846207153781, 7.663078531181577 51.9686696139359))",65781_0_13,0,13,42.125 +"POLYGON ((7.667698438357049 50.52386947642643, 7.668853415150917 50.52386947642643, 7.668853415150917 50.52365530970336, 7.667698438357049 50.52365530970336, 7.667698438357049 50.52386947642643))",66038_4_12,4,12,147.66666666666666 +"POLYGON ((7.678991544785979 52.2936016967959, 7.680146521579848 52.2936016967959, 7.680146521579848 52.29339566252073, 7.678991544785979 52.29339566252073, 7.678991544785979 52.2936016967959))",66397_6_15,6,15,5.0 +"POLYGON ((7.678991544785979 52.28810712147355, 7.680146521579848 52.28810712147355, 7.680146521579848 52.28790106164093, 7.678991544785979 52.28790106164093, 7.678991544785979 52.28810712147355))",66398_6_15,6,15,37.89473684210526 +"POLYGON ((7.678991544785979 52.28261186460276, 7.680146521579848 52.28261186460276, 7.680146521579848 52.28240577921142, 7.678991544785979 52.28240577921142, 7.678991544785979 52.28261186460276))",66399_6_15,6,15,72.5 +"POLYGON ((7.677836567992113 52.26591584228486, 7.678991544785979 52.26591584228486, 7.678991544785979 52.26570967925107, 7.677836567992113 52.26570967925107, 7.677836567992113 52.26591584228486))",66402_5_16,5,16,125.5 +"POLYGON ((7.678991544785979 52.26570967925107, 7.680146521579848 52.26570967925107, 7.680146521579848 52.26550351525865, 7.678991544785979 52.26550351525865, 7.678991544785979 52.26570967925107))",66402_6_17,6,17,158.33333333333334 +"POLYGON ((7.678991544785979 52.22170631292122, 7.680146521579848 52.22170631292122, 7.680146521579848 52.22149994438195, 7.678991544785979 52.22149994438195, 7.678991544785979 52.22170631292122))",66410_6_17,6,17,110.5 +"POLYGON ((7.678991544785979 52.21620282367644, 7.680146521579848 52.21620282367644, 7.680146521579848 52.21599642956312, 7.678991544785979 52.21599642956312, 7.678991544785979 52.21620282367644))",66411_6_17,6,17,72.66666666666667 +"POLYGON ((7.678991544785979 52.21069865244054, 7.680146521579848 52.21069865244054, 7.680146521579848 52.2104922327519, 7.678991544785979 52.2104922327519, 7.678991544785979 52.21069865244054))",66412_6_17,6,17,90.6 +"POLYGON ((7.678991544785979 52.20519379917982, 7.680146521579848 52.20519379917982, 7.680146521579848 52.20498735391458, 7.678991544785979 52.20498735391458, 7.678991544785979 52.20519379917982))",66413_6_17,6,17,100.5 +"POLYGON ((7.677836567992113 52.10212737494184, 7.678991544785979 52.10212737494184, 7.678991544785979 52.10192045116266, 7.677836567992113 52.10192045116266, 7.677836567992113 52.10212737494184))",66432_5_9,5,9,124.0 +"POLYGON ((7.678991544785979 52.06182811375135, 7.680146521579848 52.06182811375135, 7.680146521579848 52.06162100305388, 7.678991544785979 52.06162100305388, 7.678991544785979 52.06182811375135))",66439_6_17,6,17,105.5 +"POLYGON ((7.678991544785979 52.05630483315483, 7.680146521579848 52.05630483315483, 7.680146521579848 52.05609769684697, 7.678991544785979 52.05609769684697, 7.678991544785979 52.05630483315483))",66440_6_17,6,17,101.6 +"POLYGON ((7.678991544785979 52.05078086959817, 7.680146521579848 52.05078086959817, 7.680146521579848 52.05057370767865, 7.678991544785979 52.05057370767865, 7.678991544785979 52.05078086959817))",66441_6_17,6,17,101.33333333333333 +"POLYGON ((7.678991544785979 52.0342048808365, 7.680146521579848 52.0342048808365, 7.680146521579848 52.03399764207459, 7.678991544785979 52.03399764207459, 7.678991544785979 52.0342048808365))",66444_6_17,6,17,105.5 +"POLYGON ((7.678991544785979 52.02867818510853, 7.680146521579848 52.02867818510853, 7.680146521579848 52.02847092073001, 7.678991544785979 52.02847092073001, 7.678991544785979 52.02867818510853))",66445_6_17,6,17,106.0 +"POLYGON ((7.678991544785979 52.01762274424336, 7.680146521579848 52.01762274424336, 7.680146521579848 52.01741542862793, 7.678991544785979 52.01741542862793, 7.678991544785979 52.01762274424336))",66447_6_17,6,17,88.33333333333333 +"POLYGON ((7.678991544785979 52.01209399904022, 7.680146521579848 52.01209399904022, 7.680146521579848 52.01188665780446, 7.678991544785979 52.01188665780446, 7.678991544785979 52.01209399904022))",66448_6_17,6,17,85.75 +"POLYGON ((7.678991544785979 52.00656457061276, 7.680146521579848 52.00656457061276, 7.680146521579848 52.00635720375544, 7.678991544785979 52.00635720375544, 7.678991544785979 52.00656457061276))",66449_6_17,6,17,87.0 +"POLYGON ((7.678991544785979 52.00103445892805, 7.680146521579848 52.00103445892805, 7.680146521579848 52.00082706644795, 7.678991544785979 52.00082706644795, 7.678991544785979 52.00103445892805))",66450_6_17,6,17,92.0 +"POLYGON ((7.678991544785979 51.98997218565533, 7.680146521579848 51.98997218565533, 7.680146521579848 51.98976474192596, 7.678991544785979 51.98976474192596, 7.678991544785979 51.98997218565533))",66452_6_17,6,17,45.25 +"POLYGON ((7.678991544785979 51.98444002400156, 7.680146521579848 51.98444002400156, 7.680146521579848 51.98423255464571, 7.678991544785979 51.98423255464571, 7.678991544785979 51.98444002400156))",66453_6_17,6,17,68.66666666666667 +"POLYGON ((7.678991544785979 51.97890717895908, 7.680146521579848 51.97890717895908, 7.680146521579848 51.9786996839755, 7.678991544785979 51.9786996839755, 7.678991544785979 51.97890717895908))",66454_6_17,6,17,58.0 +"POLYGON ((7.672061684022773 51.9686696139359, 7.673216660816641 51.9686696139359, 7.673216660816641 51.96846207153781, 7.672061684022773 51.96846207153781, 7.672061684022773 51.9686696139359))",66456_0_13,0,13,47.63636363636363 +"POLYGON ((7.672061684022773 51.96313482105555, 7.673216660816641 51.96313482105555, 7.673216660816641 51.96292725302624, 7.672061684022773 51.96292725302624, 7.672061684022773 51.96313482105555))",66457_0_13,0,13,36.93333333333333 +"POLYGON ((7.676681591198244 50.52386947642643, 7.677836567992113 50.52386947642643, 7.677836567992113 50.52365530970336, 7.676681591198244 50.52365530970336, 7.676681591198244 50.52386947642643))",66713_4_12,4,12,148.5 +"POLYGON ((7.687974697627175 52.28810712147355, 7.689129674421043 52.28810712147355, 7.689129674421043 52.28790106164093, 7.687974697627175 52.28790106164093, 7.687974697627175 52.28810712147355))",67073_6_15,6,15,36.5 +"POLYGON ((7.686819720833308 52.26041783331687, 7.687974697627175 52.26041783331687, 7.687974697627175 52.26021164471921, 7.686819720833308 52.26021164471921, 7.686819720833308 52.26041783331687))",67078_5_16,5,16,141.33333333333334 +"POLYGON ((7.687974697627175 52.26021164471921, 7.689129674421043 52.26021164471921, 7.689129674421043 52.26000545516288, 7.687974697627175 52.26000545516288, 7.687974697627175 52.26021164471921))",67078_6_17,6,17,146.66666666666666 +"POLYGON ((7.687974697627175 52.22720912020861, 7.689129674421043 52.22720912020861, 7.689129674421043 52.22700277724212, 7.687974697627175 52.22700277724212, 7.687974697627175 52.22720912020861))",67084_6_17,6,17,68.66666666666667 +"POLYGON ((7.687974697627175 52.22170631292122, 7.689129674421043 52.22170631292122, 7.689129674421043 52.22149994438195, 7.687974697627175 52.22149994438195, 7.687974697627175 52.22170631292122))",67085_6_17,6,17,56.333333333333336 +"POLYGON ((7.686819720833308 52.10764498824936, 7.687974697627175 52.10764498824936, 7.687974697627175 52.10743809007026, 7.686819720833308 52.10743809007026, 7.686819720833308 52.10764498824936))",67106_5_9,5,9,120.0 +"POLYGON ((7.686819720833308 52.10212737494184, 7.687974697627175 52.10212737494184, 7.687974697627175 52.10192045116266, 7.686819720833308 52.10192045116266, 7.686819720833308 52.10212737494184))",67107_5_9,5,9,121.5 +"POLYGON ((7.687974697627175 52.05078086959817, 7.689129674421043 52.05078086959817, 7.689129674421043 52.05057370767865, 7.687974697627175 52.05057370767865, 7.687974697627175 52.05078086959817))",67116_6_17,6,17,102.0 +"POLYGON ((7.687974697627175 52.04525622304828, 7.689129674421043 52.04525622304828, 7.689129674421043 52.04504903551587, 7.687974697627175 52.04504903551587, 7.687974697627175 52.04525622304828))",67117_6_17,6,17,105.25 +"POLYGON ((7.687974697627175 52.03973089347208, 7.689129674421043 52.03973089347208, 7.689129674421043 52.03952368032553, 7.687974697627175 52.03952368032553, 7.687974697627175 52.03973089347208))",67118_6_17,6,17,105.75 +"POLYGON ((7.687974697627175 52.0342048808365, 7.689129674421043 52.0342048808365, 7.689129674421043 52.03399764207459, 7.687974697627175 52.03399764207459, 7.687974697627175 52.0342048808365))",67119_6_17,6,17,105.0 +"POLYGON ((7.687974697627175 52.02867818510853, 7.689129674421043 52.02867818510853, 7.689129674421043 52.02847092073001, 7.687974697627175 52.02847092073001, 7.687974697627175 52.02867818510853))",67120_6_17,6,17,105.66666666666667 +"POLYGON ((7.687974697627175 52.02315080625515, 7.689129674421043 52.02315080625515, 7.689129674421043 52.02294351625878, 7.687974697627175 52.02294351625878, 7.687974697627175 52.02315080625515))",67121_6_17,6,17,105.5 +"POLYGON ((7.687974697627175 52.01762274424336, 7.689129674421043 52.01762274424336, 7.689129674421043 52.01741542862793, 7.687974697627175 52.01741542862793, 7.687974697627175 52.01762274424336))",67122_6_17,6,17,99.0 +"POLYGON ((7.681044836863967 51.96313482105555, 7.682199813657837 51.96313482105555, 7.682199813657837 51.96292725302624, 7.681044836863967 51.96292725302624, 7.681044836863967 51.96313482105555))",67132_0_13,0,13,36.4 +"POLYGON ((7.685664744039439 50.52386947642643, 7.686819720833308 50.52386947642643, 7.686819720833308 50.52365530970336, 7.685664744039439 50.52365530970336, 7.685664744039439 50.52386947642643))",67388_4_12,4,12,129.0 +"POLYGON ((7.695802873674503 52.26041783331687, 7.696957850468371 52.26041783331687, 7.696957850468371 52.26021164471921, 7.695802873674503 52.26021164471921, 7.695802873674503 52.26041783331687))",67753_5_16,5,16,124.33333333333333 +"POLYGON ((7.696957850468371 52.26021164471921, 7.698112827262238 52.26021164471921, 7.698112827262238 52.26000545516288, 7.696957850468371 52.26000545516288, 7.696957850468371 52.26021164471921))",67753_6_17,6,17,130.5 +"POLYGON ((7.696957850468371 52.24921353045955, 7.698112827262238 52.24921353045955, 7.698112827262238 52.24900728977158, 7.696957850468371 52.24900728977158, 7.696957850468371 52.24921353045955))",67755_6_17,6,17,58.0 +"POLYGON ((7.696957850468371 52.24371345066402, 7.698112827262238 52.24371345066402, 7.698112827262238 52.24350718440832, 7.696957850468371 52.24350718440832, 7.696957850468371 52.24371345066402))",67756_6_17,6,17,70.33333333333333 +"POLYGON ((7.696957850468371 52.23821268904621, 7.698112827262238 52.23821268904621, 7.698112827262238 52.23800639722153, 7.696957850468371 52.23800639722153, 7.696957850468371 52.23821268904621))",67757_6_17,6,17,73.0 +"POLYGON ((7.696957850468371 52.23271124557235, 7.698112827262238 52.23271124557235, 7.698112827262238 52.23250492817739, 7.696957850468371 52.23250492817739, 7.696957850468371 52.23271124557235))",67758_6_17,6,17,69.66666666666667 +"POLYGON ((7.695802873674503 52.11316191890556, 7.696957850468371 52.11316191890556, 7.696957850468371 52.11295504632529, 7.695802873674503 52.11295504632529, 7.695802873674503 52.11316191890556))",67780_5_9,5,9,126.0 +"POLYGON ((7.695802873674503 52.10764498824936, 7.696957850468371 52.10764498824936, 7.696957850468371 52.10743809007026, 7.695802873674503 52.10743809007026, 7.695802873674503 52.10764498824936))",67781_5_9,5,9,122.5 +"POLYGON ((7.690027989705163 51.96313482105555, 7.691182966499031 51.96313482105555, 7.691182966499031 51.96292725302624, 7.690027989705163 51.96292725302624, 7.690027989705163 51.96313482105555))",67807_0_13,0,13,10.833333333333334 +"POLYGON ((7.694647896880634 50.52386947642643, 7.695802873674503 50.52386947642643, 7.695802873674503 50.52365530970336, 7.694647896880634 50.52365530970336, 7.694647896880634 50.52386947642643))",68063_4_12,4,12,127.0 +"POLYGON ((7.694647896880634 50.51815803118423, 7.695802873674503 50.51815803118423, 7.695802873674503 50.51794383854198, 7.694647896880634 50.51794383854198, 7.694647896880634 50.51815803118423))",68064_4_12,4,12,136.0 +"POLYGON ((7.704786026515698 52.26041783331687, 7.705941003309565 52.26041783331687, 7.705941003309565 52.26021164471921, 7.704786026515698 52.26021164471921, 7.704786026515698 52.26041783331687))",68428_5_16,5,16,106.0 +"POLYGON ((7.705941003309565 52.26021164471921, 7.707095980103435 52.26021164471921, 7.707095980103435 52.26000545516288, 7.705941003309565 52.26000545516288, 7.705941003309565 52.26021164471921))",68428_6_17,6,17,112.0 +"POLYGON ((7.704786026515698 52.25491914262947, 7.705941003309565 52.25491914262947, 7.705941003309565 52.25471292846667, 7.704786026515698 52.25471292846667, 7.704786026515698 52.25491914262947))",68429_5_16,5,16,76.0 +"POLYGON ((7.705941003309565 52.25471292846667, 7.707095980103435 52.25471292846667, 7.707095980103435 52.25450671334514, 7.705941003309565 52.25450671334514, 7.705941003309565 52.25471292846667))",68429_6_17,6,17,92.0 +"POLYGON ((7.705941003309565 52.24921353045955, 7.707095980103435 52.24921353045955, 7.707095980103435 52.24900728977158, 7.705941003309565 52.24900728977158, 7.705941003309565 52.24921353045955))",68430_6_17,6,17,70.28571428571429 +"POLYGON ((7.704786026515698 52.11867816694375, 7.705941003309565 52.11867816694375, 7.705941003309565 52.11847131996105, 7.704786026515698 52.11847131996105, 7.704786026515698 52.11867816694375))",68454_5_9,5,9,121.0 +"POLYGON ((7.704786026515698 52.11316191890556, 7.705941003309565 52.11316191890556, 7.705941003309565 52.11295504632529, 7.704786026515698 52.11295504632529, 7.704786026515698 52.11316191890556))",68455_5_9,5,9,121.0 +"POLYGON ((7.703631049721831 50.51244589475125, 7.704786026515698 50.51244589475125, 7.704786026515698 50.51223167618884, 7.703631049721831 50.51223167618884, 7.703631049721831 50.51244589475125))",68740_4_12,4,12,139.25 +"POLYGON ((7.713769179356893 52.26041783331687, 7.714924156150761 52.26041783331687, 7.714924156150761 52.26021164471921, 7.713769179356893 52.26021164471921, 7.713769179356893 52.26041783331687))",69103_5_16,5,16,42.666666666666664 +"POLYGON ((7.713769179356893 52.25491914262947, 7.714924156150761 52.25491914262947, 7.714924156150761 52.25471292846667, 7.713769179356893 52.25471292846667, 7.713769179356893 52.25491914262947))",69104_5_16,5,16,28.727272727272727 +"POLYGON ((7.714924156150761 52.25471292846667, 7.716079132944628 52.25471292846667, 7.716079132944628 52.25450671334514, 7.714924156150761 52.25450671334514, 7.714924156150761 52.25471292846667))",69104_6_17,6,17,56.875 +"POLYGON ((7.714924156150761 52.24921353045955, 7.716079132944628 52.24921353045955, 7.716079132944628 52.24900728977158, 7.714924156150761 52.24900728977158, 7.714924156150761 52.24921353045955))",69105_6_17,6,17,77.0 +"POLYGON ((7.713769179356893 52.12970861529947, 7.714924156150761 52.12970861529947, 7.714924156150761 52.12950181950816, 7.713769179356893 52.12950181950816, 7.713769179356893 52.12970861529947))",69127_5_9,5,9,154.0 +"POLYGON ((7.713769179356893 52.12419373239727, 7.714924156150761 52.12419373239727, 7.714924156150761 52.12398691101088, 7.713769179356893 52.12398691101088, 7.713769179356893 52.12419373239727))",69128_5_9,5,9,144.0 +"POLYGON ((7.712614202563024 50.50673306710065, 7.713769179356893 50.50673306710065, 7.713769179356893 50.50651882261705, 7.712614202563024 50.50651882261705, 7.712614202563024 50.50673306710065))",69416_4_12,4,12,140.33333333333334 +"POLYGON ((7.722752332198088 52.26041783331687, 7.723907308991956 52.26041783331687, 7.723907308991956 52.26021164471921, 7.722752332198088 52.26021164471921, 7.722752332198088 52.26041783331687))",69778_5_16,5,16,50.0 +"POLYGON ((7.722752332198088 52.25491914262947, 7.723907308991956 52.25491914262947, 7.723907308991956 52.25471292846667, 7.722752332198088 52.25471292846667, 7.722752332198088 52.25491914262947))",69779_5_16,5,16,50.833333333333336 +"POLYGON ((7.722752332198088 52.13522281568373, 7.723907308991956 52.13522281568373, 7.723907308991956 52.13501604548625, 7.722752332198088 52.13501604548625, 7.722752332198088 52.13522281568373))",69801_5_9,5,9,143.33333333333334 +"POLYGON ((7.722752332198088 52.12970861529947, 7.723907308991956 52.12970861529947, 7.723907308991956 52.12950181950816, 7.722752332198088 52.12950181950816, 7.722752332198088 52.12970861529947))",69802_5_9,5,9,155.0 +"POLYGON ((7.721597355404221 50.50673306710065, 7.722752332198088 50.50673306710065, 7.722752332198088 50.50651882261705, 7.721597355404221 50.50651882261705, 7.721597355404221 50.50673306710065))",70091_4_12,4,12,119.25 +"POLYGON ((7.731735485039284 52.26041783331687, 7.732890461833151 52.26041783331687, 7.732890461833151 52.26021164471921, 7.731735485039284 52.26021164471921, 7.731735485039284 52.26041783331687))",70453_5_16,5,16,49.22222222222222 +"POLYGON ((7.731735485039284 52.14624916903206, 7.732890461833151 52.14624916903206, 7.732890461833151 52.14604245001846, 7.731735485039284 52.14604245001846, 7.731735485039284 52.14624916903206))",70474_5_9,5,9,151.0 +"POLYGON ((7.731735485039284 52.14073633358345, 7.732890461833151 52.14073633358345, 7.732890461833151 52.14052958897853, 7.731735485039284 52.14052958897853, 7.731735485039284 52.14073633358345))",70475_5_9,5,9,149.66666666666666 +"POLYGON ((7.730580508245414 50.50101954820557, 7.731735485039284 50.50101954820557, 7.731735485039284 50.50080527779979, 7.730580508245414 50.50080527779979, 7.730580508245414 50.50101954820557))",70767_4_12,4,12,110.0 +"POLYGON ((7.730580508245414 50.4953053380392, 7.731735485039284 50.4953053380392, 7.731735485039284 50.49509104171023, 7.730580508245414 50.49509104171023, 7.730580508245414 50.4953053380392))",70768_4_12,4,12,127.5 +"POLYGON ((7.740718637880478 52.26570967925107, 7.741873614674346 52.26570967925107, 7.741873614674346 52.26550351525865, 7.740718637880478 52.26550351525865, 7.740718637880478 52.26570967925107))",71127_5_17,5,17,33.666666666666664 +"POLYGON ((7.740718637880478 52.26041783331687, 7.741873614674346 52.26041783331687, 7.741873614674346 52.26021164471921, 7.740718637880478 52.26021164471921, 7.740718637880478 52.26041783331687))",71128_5_16,5,16,59.0 +"POLYGON ((7.740718637880478 52.26021164471921, 7.741873614674346 52.26021164471921, 7.741873614674346 52.26000545516288, 7.740718637880478 52.26000545516288, 7.740718637880478 52.26021164471921))",71128_5_17,5,17,52.75 +"POLYGON ((7.740718637880478 52.15727279270972, 7.741873614674346 52.15727279270972, 7.741873614674346 52.15706612487497, 7.740718637880478 52.15706612487497, 7.740718637880478 52.15727279270972))",71147_5_9,5,9,117.66666666666667 +"POLYGON ((7.740718637880478 52.151761322063, 7.741873614674346 52.151761322063, 7.741873614674346 52.15155462863945, 7.740718637880478 52.15155462863945, 7.740718637880478 52.151761322063))",71148_5_9,5,9,137.66666666666666 +"POLYGON ((7.739563661086611 50.4953053380392, 7.740718637880478 50.4953053380392, 7.740718637880478 50.49509104171023, 7.739563661086611 50.49509104171023, 7.739563661086611 50.4953053380392))",71443_4_12,4,12,131.0 +"POLYGON ((7.739563661086611 50.48959043657475, 7.740718637880478 50.48959043657475, 7.740718637880478 50.48937611432158, 7.739563661086611 50.48937611432158, 7.739563661086611 50.48959043657475))",71444_4_12,4,12,131.33333333333334 +"POLYGON ((7.749701790721674 52.43156624988909, 7.750856767515542 52.43156624988909, 7.750856767515542 52.43136085796237, 7.749701790721674 52.43136085796237, 7.749701790721674 52.43156624988909))",71772_5_11,5,11,12.0 +"POLYGON ((7.749701790721674 52.26570967925107, 7.750856767515542 52.26570967925107, 7.750856767515542 52.26550351525865, 7.749701790721674 52.26550351525865, 7.749701790721674 52.26570967925107))",71802_5_17,5,17,23.636363636363637 +"POLYGON ((7.749701790721674 52.26021164471921, 7.750856767515542 52.26021164471921, 7.750856767515542 52.26000545516288, 7.749701790721674 52.26000545516288, 7.749701790721674 52.26021164471921))",71803_5_17,5,17,28.5 +"POLYGON ((7.749701790721674 52.16278358100572, 7.750856767515542 52.16278358100572, 7.750856767515542 52.16257693875852, 7.749701790721674 52.16257693875852, 7.749701790721674 52.16278358100572))",71821_5_9,5,9,134.75 +"POLYGON ((7.749701790721674 52.15727279270972, 7.750856767515542 52.15727279270972, 7.750856767515542 52.15706612487497, 7.749701790721674 52.15706612487497, 7.749701790721674 52.15727279270972))",71822_5_9,5,9,123.0 +"POLYGON ((7.748546813927806 50.48959043657475, 7.749701790721674 50.48959043657475, 7.749701790721674 50.48937611432158, 7.748546813927806 50.48937611432158, 7.748546813927806 50.48959043657475))",72119_4_12,4,12,143.0 +"POLYGON ((7.748546813927806 50.48387484378546, 7.749701790721674 50.48387484378546, 7.749701790721674 50.48366049560708, 7.748546813927806 50.48366049560708, 7.748546813927806 50.48387484378546))",72120_4_12,4,12,143.0 +"POLYGON ((7.75868494356287 52.43704301485264, 7.759839920356736 52.43704301485264, 7.759839920356736 52.43683764844975, 7.75868494356287 52.43683764844975, 7.75868494356287 52.43704301485264))",72446_5_11,5,11,70.14285714285714 +"POLYGON ((7.75868494356287 52.43156624988909, 7.759839920356736 52.43156624988909, 7.759839920356736 52.43136085796237, 7.75868494356287 52.43136085796237, 7.75868494356287 52.43156624988909))",72447_5_11,5,11,58.0 +"POLYGON ((7.75868494356287 52.16829368698448, 7.759839920356736 52.16829368698448, 7.759839920356736 52.16808707032359, 7.75868494356287 52.16808707032359, 7.75868494356287 52.16829368698448))",72495_5_9,5,9,131.0 +"POLYGON ((7.757529966769001 50.48387484378546, 7.75868494356287 50.48387484378546, 7.75868494356287 50.48366049560708, 7.757529966769001 50.48366049560708, 7.757529966769001 50.48387484378546))",72795_4_12,4,12,145.0 +"POLYGON ((7.757529966769001 50.47815855964456, 7.75868494356287 50.47815855964456, 7.75868494356287 50.47794418553997, 7.757529966769001 50.47794418553997, 7.757529966769001 50.47815855964456))",72796_4_12,4,12,146.66666666666666 +"POLYGON ((7.757529966769001 50.47244158412534, 7.75868494356287 50.47244158412534, 7.75868494356287 50.47222718409354, 7.757529966769001 50.47222718409354, 7.757529966769001 50.47244158412534))",72797_4_12,4,12,143.5 +"POLYGON ((7.767668096404064 52.44251909919834, 7.768823073197932 52.44251909919834, 7.768823073197932 52.44231375831799, 7.767668096404064 52.44231375831799, 7.767668096404064 52.44251909919834))",73120_5_11,5,11,82.6 +"POLYGON ((7.767668096404064 52.43704301485264, 7.768823073197932 52.43704301485264, 7.768823073197932 52.43683764844975, 7.767668096404064 52.43683764844975, 7.767668096404064 52.43704301485264))",73121_5_11,5,11,82.0 +"POLYGON ((7.767668096404064 52.43156624988909, 7.768823073197932 52.43156624988909, 7.768823073197932 52.43136085796237, 7.767668096404064 52.43136085796237, 7.767668096404064 52.43156624988909))",73122_5_11,5,11,82.4 +"POLYGON ((7.767668096404064 52.17380311067957, 7.768823073197932 52.17380311067957, 7.768823073197932 52.1735965196037, 7.767668096404064 52.1735965196037, 7.767668096404064 52.17380311067957))",73169_5_9,5,9,132.0 +"POLYGON ((7.766513119610196 50.47244158412534, 7.767668096404064 50.47244158412534, 7.767668096404064 50.47222718409354, 7.766513119610196 50.47222718409354, 7.766513119610196 50.47244158412534))",73472_4_12,4,12,134.0 +"POLYGON ((7.766513119610196 50.46672391720111, 7.767668096404064 50.46672391720111, 7.767668096404064 50.46650949124112, 7.766513119610196 50.46650949124112, 7.766513119610196 50.46672391720111))",73473_4_12,4,12,138.66666666666666 +"POLYGON ((7.766513119610196 50.46100555884519, 7.767668096404064 50.46100555884519, 7.767668096404064 50.46079110695599, 7.766513119610196 50.46079110695599, 7.766513119610196 50.46100555884519))",73474_4_12,4,12,147.33333333333334 +"POLYGON ((7.77665124924526 52.51405629076539, 7.777806226039128 52.51405629076539, 7.777806226039128 52.51385128347274, 7.77665124924526 52.51385128347274, 7.77665124924526 52.51405629076539))",73782_5_9,5,9,26.555555555555557 +"POLYGON ((7.77665124924526 52.51364627522366, 7.777806226039128 52.51364627522366, 7.777806226039128 52.51344126601813, 7.77665124924526 52.51344126601813, 7.77665124924526 52.51364627522366))",73782_5_11,5,11,19.818181818181817 +"POLYGON ((7.77665124924526 52.50858910230986, 7.777806226039128 52.50858910230986, 7.777806226039128 52.50838406951166, 7.77665124924526 52.50838406951166, 7.77665124924526 52.50858910230986))",73783_5_9,5,9,57.0 +"POLYGON ((7.77665124924526 52.508179035757, 7.777806226039128 52.508179035757, 7.777806226039128 52.50797400104585, 7.77665124924526 52.50797400104585, 7.77665124924526 52.508179035757))",73783_5_11,5,11,60.25 +"POLYGON ((7.77665124924526 52.50312123369005, 7.777806226039128 52.50312123369005, 7.777806226039128 52.50291617538503, 7.77665124924526 52.50291617538503, 7.77665124924526 52.50312123369005))",73784_5_9,5,9,53.666666666666664 +"POLYGON ((7.77665124924526 52.50271111612347, 7.777806226039128 52.50271111612347, 7.777806226039128 52.50250605590538, 7.77665124924526 52.50250605590538, 7.77665124924526 52.50271111612347))",73784_5_11,5,11,28.5 +"POLYGON ((7.77665124924526 52.44799450296076, 7.777806226039128 52.44799450296076, 7.777806226039128 52.44778918760166, 7.77665124924526 52.44778918760166, 7.77665124924526 52.44799450296076))",73794_5_11,5,11,78.4 +"POLYGON ((7.77665124924526 52.44251909919834, 7.777806226039128 52.44251909919834, 7.777806226039128 52.44231375831799, 7.77665124924526 52.44231375831799, 7.77665124924526 52.44251909919834))",73795_5_11,5,11,81.5 +"POLYGON ((7.77665124924526 52.43156624988909, 7.777806226039128 52.43156624988909, 7.777806226039128 52.43136085796237, 7.77665124924526 52.43136085796237, 7.77665124924526 52.43156624988909))",73797_5_11,5,11,77.4 +"POLYGON ((7.77665124924526 52.17931185212451, 7.777806226039128 52.17931185212451, 7.777806226039128 52.17910528663241, 7.77665124924526 52.17910528663241, 7.77665124924526 52.17931185212451))",73843_5_9,5,9,142.5 +"POLYGON ((7.77665124924526 52.17380311067957, 7.777806226039128 52.17380311067957, 7.777806226039128 52.1735965196037, 7.77665124924526 52.1735965196037, 7.77665124924526 52.17380311067957))",73844_5_9,5,9,136.0 +"POLYGON ((7.775496272451392 50.45528650903095, 7.77665124924526 50.45528650903095, 7.77665124924526 50.45507203121154, 7.775496272451392 50.45507203121154, 7.775496272451392 50.45528650903095))",74150_4_12,4,12,152.66666666666666 +"POLYGON ((7.775496272451392 50.44956676773175, 7.77665124924526 50.44956676773175, 7.77665124924526 50.44935226398113, 7.775496272451392 50.44935226398113, 7.775496272451392 50.44956676773175))",74151_4_12,4,12,139.0 +"POLYGON ((7.785634402086456 52.51405629076539, 7.786789378880322 52.51405629076539, 7.786789378880322 52.51385128347274, 7.785634402086456 52.51385128347274, 7.785634402086456 52.51405629076539))",74457_5_9,5,9,47.57142857142857 +"POLYGON ((7.785634402086456 52.51364627522366, 7.786789378880322 52.51364627522366, 7.786789378880322 52.51344126601813, 7.785634402086456 52.51344126601813, 7.785634402086456 52.51364627522366))",74457_5_11,5,11,36.55555555555556 +"POLYGON ((7.785634402086456 52.50312123369005, 7.786789378880322 52.50312123369005, 7.786789378880322 52.50291617538503, 7.785634402086456 52.50291617538503, 7.785634402086456 52.50312123369005))",74459_5_9,5,9,69.0 +"POLYGON ((7.785634402086456 52.50271111612347, 7.786789378880322 52.50271111612347, 7.786789378880322 52.50250605590538, 7.785634402086456 52.50250605590538, 7.785634402086456 52.50271111612347))",74459_5_11,5,11,70.0 +"POLYGON ((7.785634402086456 52.49765268487116, 7.786789378880322 52.49765268487116, 7.786789378880322 52.49744760105799, 7.785634402086456 52.49744760105799, 7.785634402086456 52.49765268487116))",74460_5_9,5,9,68.28571428571429 +"POLYGON ((7.785634402086456 52.49724251628824, 7.786789378880322 52.49724251628824, 7.786789378880322 52.49703743056192, 7.785634402086456 52.49703743056192, 7.785634402086456 52.49724251628824))",74460_5_11,5,11,75.85714285714286 +"POLYGON ((7.785634402086456 52.49218345581838, 7.786789378880322 52.49218345581838, 7.786789378880322 52.49197834649576, 7.785634402086456 52.49197834649576, 7.785634402086456 52.49218345581838))",74461_5_9,5,9,73.0 +"POLYGON ((7.785634402086456 52.49177323621651, 7.786789378880322 52.49177323621651, 7.786789378880322 52.49156812498065, 7.785634402086456 52.49156812498065, 7.785634402086456 52.49177323621651))",74461_5_11,5,11,69.0 +"POLYGON ((7.785634402086456 52.4698893128696, 7.786789378880322 52.4698893128696, 7.786789378880322 52.46968409958251, 7.785634402086456 52.46968409958251, 7.785634402086456 52.4698893128696))",74465_5_11,5,11,94.33333333333333 +"POLYGON ((7.785634402086456 52.46441663109425, 7.786789378880322 52.46441663109425, 7.786789378880322 52.46421139229111, 7.785634402086456 52.46421139229111, 7.785634402086456 52.46441663109425))",74466_5_11,5,11,83.4 +"POLYGON ((7.785634402086456 52.45894326887409, 7.786789378880322 52.45894326887409, 7.786789378880322 52.4587380045536, 7.785634402086456 52.4587380045536, 7.785634402086456 52.45894326887409))",74467_5_11,5,11,81.5 +"POLYGON ((7.785634402086456 52.45346922617447, 7.786789378880322 52.45346922617447, 7.786789378880322 52.45326393633533, 7.785634402086456 52.45326393633533, 7.785634402086456 52.45346922617447))",74468_5_11,5,11,68.14285714285714 +"POLYGON ((7.785634402086456 52.44799450296076, 7.786789378880322 52.44799450296076, 7.786789378880322 52.44778918760166, 7.785634402086456 52.44778918760166, 7.785634402086456 52.44799450296076))",74469_5_11,5,11,66.0 +"POLYGON ((7.785634402086456 52.43156624988909, 7.786789378880322 52.43156624988909, 7.786789378880322 52.43136085796237, 7.785634402086456 52.43136085796237, 7.785634402086456 52.43156624988909))",74472_5_11,5,11,76.0 +"POLYGON ((7.785634402086456 52.42608880427314, 7.786789378880322 52.42608880427314, 7.786789378880322 52.42588338682127, 7.785634402086456 52.42588338682127, 7.785634402086456 52.42608880427314))",74473_5_11,5,11,79.75 +"POLYGON ((7.785634402086456 52.18481991135287, 7.786789378880322 52.18481991135287, 7.786789378880322 52.18461337144328, 7.785634402086456 52.18461337144328, 7.785634402086456 52.18481991135287))",74517_5_9,5,9,129.33333333333334 +"POLYGON ((7.785634402086456 52.17931185212451, 7.786789378880322 52.17931185212451, 7.786789378880322 52.17910528663241, 7.785634402086456 52.17910528663241, 7.785634402086456 52.17931185212451))",74518_5_9,5,9,143.0 +"POLYGON ((7.784479425292586 50.44956676773175, 7.785634402086456 50.44956676773175, 7.785634402086456 50.44935226398113, 7.784479425292586 50.44935226398113, 7.784479425292586 50.44956676773175))",74826_4_12,4,12,139.75 +"POLYGON ((7.79461755492765 52.49218345581838, 7.795772531721518 52.49218345581838, 7.795772531721518 52.49197834649576, 7.79461755492765 52.49197834649576, 7.79461755492765 52.49218345581838))",75136_5_9,5,9,83.4 +"POLYGON ((7.79461755492765 52.49177323621651, 7.795772531721518 52.49177323621651, 7.795772531721518 52.49156812498065, 7.79461755492765 52.49156812498065, 7.79461755492765 52.49177323621651))",75136_5_11,5,11,80.5 +"POLYGON ((7.79461755492765 52.48083263522454, 7.795772531721518 52.48083263522454, 7.795772531721518 52.48062747296566, 7.79461755492765 52.48062747296566, 7.79461755492765 52.48083263522454))",75138_5_11,5,11,70.0 +"POLYGON ((7.79461755492765 52.4753613142348, 7.795772531721518 52.4753613142348, 7.795772531721518 52.47515612646247, 7.79461755492765 52.47515612646247, 7.79461755492765 52.4753613142348))",75139_5_11,5,11,84.6 +"POLYGON ((7.79461755492765 52.4698893128696, 7.795772531721518 52.4698893128696, 7.795772531721518 52.46968409958251, 7.79461755492765 52.46968409958251, 7.79461755492765 52.4698893128696))",75140_5_11,5,11,89.0 +"POLYGON ((7.79461755492765 52.19583398329424, 7.795772531721518 52.19583398329424, 7.795772531721518 52.1956274945459, 7.79461755492765 52.1956274945459, 7.79461755492765 52.19583398329424))",75190_5_9,5,9,92.5 +"POLYGON ((7.79461755492765 52.19032728839824, 7.795772531721518 52.19032728839824, 7.795772531721518 52.19012077406992, 7.79461755492765 52.19012077406992, 7.79461755492765 52.19032728839824))",75191_5_9,5,9,113.75 +"POLYGON ((7.79461755492765 52.18481991135287, 7.795772531721518 52.18481991135287, 7.795772531721518 52.18461337144328, 7.79461755492765 52.18461337144328, 7.79461755492765 52.18481991135287))",75192_5_9,5,9,132.0 +"POLYGON ((7.793462578133782 50.44956676773175, 7.79461755492765 50.44956676773175, 7.79461755492765 50.44935226398113, 7.793462578133782 50.44935226398113, 7.793462578133782 50.44956676773175))",75501_4_12,4,12,143.0 +"POLYGON ((7.793462578133782 50.44384633492099, 7.79461755492765 50.44384633492099, 7.79461755492765 50.44363180523817, 7.793462578133782 50.44363180523817, 7.793462578133782 50.44384633492099))",75502_4_12,4,12,137.0 +"POLYGON ((7.803600707768846 52.49218345581838, 7.804755684562712 52.49218345581838, 7.804755684562712 52.49197834649576, 7.803600707768846 52.49197834649576, 7.803600707768846 52.49218345581838))",75811_5_9,5,9,79.75 +"POLYGON ((7.803600707768846 52.49177323621651, 7.804755684562712 52.49177323621651, 7.804755684562712 52.49156812498065, 7.803600707768846 52.49156812498065, 7.803600707768846 52.49177323621651))",75811_5_11,5,11,55.0 +"POLYGON ((7.803600707768846 52.48671354649695, 7.804755684562712 52.48671354649695, 7.804755684562712 52.48650841166358, 7.803600707768846 52.48650841166358, 7.803600707768846 52.48671354649695))",75812_5_9,5,9,79.0 +"POLYGON ((7.803600707768846 52.48630327587353, 7.804755684562712 52.48630327587353, 7.804755684562712 52.48609813912682, 7.803600707768846 52.48609813912682, 7.803600707768846 52.48630327587353))",75812_5_11,5,11,65.66666666666667 +"POLYGON ((7.803600707768846 52.42608880427314, 7.804755684562712 52.42608880427314, 7.804755684562712 52.42588338682127, 7.803600707768846 52.42588338682127, 7.803600707768846 52.42608880427314))",75823_5_11,5,11,75.0 +"POLYGON ((7.803600707768846 52.20133999607449, 7.804755684562712 52.20133999607449, 7.804755684562712 52.20113353290489, 7.803600707768846 52.20113353290489, 7.803600707768846 52.20133999607449))",75864_5_9,5,9,85.0 +"POLYGON ((7.803600707768846 52.19583398329424, 7.804755684562712 52.19583398329424, 7.804755684562712 52.1956274945459, 7.803600707768846 52.1956274945459, 7.803600707768846 52.19583398329424))",75865_5_9,5,9,77.75 +"POLYGON ((7.802445730974978 50.44384633492099, 7.803600707768846 50.44384633492099, 7.803600707768846 50.44363180523817, 7.802445730974978 50.44363180523817, 7.802445730974978 50.44384633492099))",76177_4_12,4,12,145.0 +"POLYGON ((7.812583860610041 52.48671354649695, 7.813738837403908 52.48671354649695, 7.813738837403908 52.48650841166358, 7.812583860610041 52.48650841166358, 7.812583860610041 52.48671354649695))",76487_5_9,5,9,71.6 +"POLYGON ((7.812583860610041 52.4812429568721, 7.813738837403908 52.4812429568721, 7.813738837403908 52.48103779652668, 7.812583860610041 52.48103779652668, 7.812583860610041 52.4812429568721))",76488_5_9,5,9,72.0 +"POLYGON ((7.812583860610041 52.42061067797027, 7.813738837403908 52.42061067797027, 7.813738837403908 52.42040523499195, 7.812583860610041 52.42040523499195, 7.812583860610041 52.42061067797027))",76499_5_11,5,11,79.4 +"POLYGON ((7.812583860610041 52.20133999607449, 7.813738837403908 52.20133999607449, 7.813738837403908 52.20113353290489, 7.812583860610041 52.20113353290489, 7.812583860610041 52.20133999607449))",76539_5_9,5,9,87.0 +"POLYGON ((7.811428883816172 50.44384633492099, 7.812583860610041 50.44384633492099, 7.812583860610041 50.44363180523817, 7.811428883816172 50.44363180523817, 7.811428883816172 50.44384633492099))",76852_4_12,4,12,146.66666666666666 +"POLYGON ((7.821567013451236 52.4812429568721, 7.822721990245103 52.4812429568721, 7.822721990245103 52.48103779652668, 7.821567013451236 52.48103779652668, 7.821567013451236 52.4812429568721))",77163_5_9,5,9,86.16666666666667 +"POLYGON ((7.821567013451236 52.42061067797027, 7.822721990245103 52.42061067797027, 7.822721990245103 52.42040523499195, 7.821567013451236 52.42040523499195, 7.821567013451236 52.42061067797027))",77174_5_11,5,11,81.8 +"POLYGON ((7.821567013451236 52.20684532677264, 7.822721990245103 52.20684532677264, 7.822721990245103 52.20663888918052, 7.821567013451236 52.20663888918052, 7.821567013451236 52.20684532677264))",77213_5_9,5,9,82.66666666666667 +"POLYGON ((7.820412036657368 50.44384633492099, 7.821567013451236 50.44384633492099, 7.821567013451236 50.44363180523817, 7.820412036657368 50.44363180523817, 7.820412036657368 50.44384633492099))",77527_4_12,4,12,142.33333333333334 +"POLYGON ((7.830550166292431 52.4812429568721, 7.831705143086298 52.4812429568721, 7.831705143086298 52.48103779652668, 7.830550166292431 52.48103779652668, 7.830550166292431 52.4812429568721))",77838_5_9,5,9,47.4 +"POLYGON ((7.830550166292431 52.47577168690911, 7.831705143086298 52.47577168690911, 7.831705143086298 52.47556650105034, 7.830550166292431 52.47556650105034, 7.830550166292431 52.47577168690911))",77839_5_9,5,9,50.333333333333336 +"POLYGON ((7.830550166292431 52.47029973657327, 7.831705143086298 52.47029973657327, 7.831705143086298 52.47009452519985, 7.830550166292431 52.47009452519985, 7.830550166292431 52.47029973657327))",77840_5_9,5,9,75.5 +"POLYGON ((7.830550166292431 52.42061067797027, 7.831705143086298 52.42061067797027, 7.831705143086298 52.42040523499195, 7.830550166292431 52.42040523499195, 7.830550166292431 52.42061067797027))",77849_5_11,5,11,60.625 +"POLYGON ((7.830550166292431 52.20684532677264, 7.831705143086298 52.20684532677264, 7.831705143086298 52.20663888918052, 7.830550166292431 52.20663888918052, 7.830550166292431 52.20684532677264))",77888_5_9,5,9,77.2 +"POLYGON ((7.829395189498563 50.44384633492099, 7.830550166292431 50.44384633492099, 7.830550166292431 50.44363180523817, 7.829395189498563 50.44363180523817, 7.829395189498563 50.44384633492099))",78202_4_12,4,12,146.33333333333334 +"POLYGON ((7.839533319133626 52.47029973657327, 7.840688295927493 52.47029973657327, 7.840688295927493 52.47009452519985, 7.839533319133626 52.47009452519985, 7.839533319133626 52.47029973657327))",78515_5_9,5,9,73.66666666666667 +"POLYGON ((7.839533319133626 52.4648271058299, 7.840688295927493 52.4648271058299, 7.840688295927493 52.46462186894051, 7.839533319133626 52.46462186894051, 7.839533319133626 52.4648271058299))",78516_5_9,5,9,91.0 +"POLYGON ((7.839533319133626 52.42061067797027, 7.840688295927493 52.42061067797027, 7.840688295927493 52.42040523499195, 7.839533319133626 52.42040523499195, 7.839533319133626 52.42061067797027))",78524_5_11,5,11,39.111111111111114 +"POLYGON ((7.839533319133626 52.41513187094596, 7.840688295927493 52.41513187094596, 7.840688295927493 52.41492640243993, 7.839533319133626 52.41492640243993, 7.839533319133626 52.41513187094596))",78525_5_11,5,11,55.0 +"POLYGON ((7.839533319133626 52.21234997542239, 7.840688295927493 52.21234997542239, 7.840688295927493 52.21214356340648, 7.839533319133626 52.21214356340648, 7.839533319133626 52.21234997542239))",78562_5_9,5,9,59.4 +"POLYGON ((7.839533319133626 52.20684532677264, 7.840688295927493 52.20684532677264, 7.840688295927493 52.20663888918052, 7.839533319133626 52.20663888918052, 7.839533319133626 52.20684532677264))",78563_5_9,5,9,54.5 +"POLYGON ((7.838378342339758 50.44384633492099, 7.839533319133626 50.44384633492099, 7.839533319133626 50.44363180523817, 7.838378342339758 50.44363180523817, 7.838378342339758 50.44384633492099))",78877_4_12,4,12,142.0 +"POLYGON ((7.848516471974821 52.4648271058299, 7.84967144876869 52.4648271058299, 7.84967144876869 52.46462186894051, 7.848516471974821 52.46462186894051, 7.848516471974821 52.4648271058299))",79191_5_9,5,9,105.75 +"POLYGON ((7.848516471974821 52.41513187094596, 7.84967144876869 52.41513187094596, 7.84967144876869 52.41492640243993, 7.848516471974821 52.41492640243993, 7.848516471974821 52.41513187094596))",79200_5_11,5,11,62.0 +"POLYGON ((7.848516471974821 52.40965238316573, 7.84967144876869 52.40965238316573, 7.84967144876869 52.40944688913068, 7.848516471974821 52.40944688913068, 7.848516471974821 52.40965238316573))",79201_5_11,5,11,65.5 +"POLYGON ((7.848516471974821 52.40417221459514, 7.84967144876869 52.40417221459514, 7.84967144876869 52.40396669502977, 7.848516471974821 52.40396669502977, 7.848516471974821 52.40417221459514))",79202_5_11,5,11,65.83333333333333 +"POLYGON ((7.848516471974821 52.39869136519971, 7.84967144876869 52.39869136519971, 7.84967144876869 52.39848582010276, 7.848516471974821 52.39848582010276, 7.848516471974821 52.39869136519971))",79203_5_11,5,11,66.0 +"POLYGON ((7.848516471974821 52.21234997542239, 7.84967144876869 52.21234997542239, 7.84967144876869 52.21214356340648, 7.848516471974821 52.21214356340648, 7.848516471974821 52.21234997542239))",79237_5_9,5,9,63.57142857142857 +"POLYGON ((7.847361495180953 50.44384633492099, 7.848516471974821 50.44384633492099, 7.848516471974821 50.44363180523817, 7.847361495180953 50.44363180523817, 7.847361495180953 50.44384633492099))",79552_4_12,4,12,139.66666666666666 +"POLYGON ((7.857499624816017 52.4648271058299, 7.858654601609883 52.4648271058299, 7.858654601609883 52.46462186894051, 7.857499624816017 52.46462186894051, 7.857499624816017 52.4648271058299))",79866_5_9,5,9,107.5 +"POLYGON ((7.857499624816017 52.45935379464431, 7.858654601609883 52.45935379464431, 7.858654601609883 52.45914853223766, 7.857499624816017 52.45914853223766, 7.857499624816017 52.45935379464431))",79867_5_9,5,9,108.33333333333333 +"POLYGON ((7.857499624816017 52.40417221459514, 7.858654601609883 52.40417221459514, 7.858654601609883 52.40396669502977, 7.857499624816017 52.40396669502977, 7.857499624816017 52.40417221459514))",79877_5_11,5,11,72.66666666666667 +"POLYGON ((7.857499624816017 52.39869136519971, 7.858654601609883 52.39869136519971, 7.858654601609883 52.39848582010276, 7.857499624816017 52.39848582010276, 7.857499624816017 52.39869136519971))",79878_5_11,5,11,72.33333333333333 +"POLYGON ((7.857499624816017 52.21234997542239, 7.858654601609883 52.21234997542239, 7.858654601609883 52.21214356340648, 7.857499624816017 52.21214356340648, 7.857499624816017 52.21234997542239))",79912_5_9,5,9,62.0 +"POLYGON ((7.856344648022148 50.44956676773175, 7.857499624816017 50.44956676773175, 7.857499624816017 50.44935226398113, 7.856344648022148 50.44935226398113, 7.856344648022148 50.44956676773175))",80226_4_12,4,12,136.25 +"POLYGON ((7.866482777657211 52.45935379464431, 7.86763775445108 52.45935379464431, 7.86763775445108 52.45914853223766, 7.866482777657211 52.45914853223766, 7.866482777657211 52.45935379464431))",80542_5_9,5,9,108.66666666666667 +"POLYGON ((7.866482777657211 52.45387980298185, 7.86763775445108 52.45387980298185, 7.86763775445108 52.45367451505664, 7.866482777657211 52.45367451505664, 7.866482777657211 52.45387980298185))",80543_5_9,5,9,86.66666666666667 +"POLYGON ((7.866482777657211 52.39869136519971, 7.86763775445108 52.39869136519971, 7.86763775445108 52.39848582010276, 7.866482777657211 52.39848582010276, 7.866482777657211 52.39869136519971))",80553_5_11,5,11,68.57142857142857 +"POLYGON ((7.866482777657211 52.21785394205742, 7.86763775445108 52.21785394205742, 7.86763775445108 52.21764755561643, 7.866482777657211 52.21764755561643, 7.866482777657211 52.21785394205742))",80586_5_9,5,9,70.625 +"POLYGON ((7.865327800863343 50.45528650903095, 7.866482777657211 50.45528650903095, 7.866482777657211 50.45507203121154, 7.865327800863343 50.45507203121154, 7.865327800863343 50.45528650903095))",80900_4_12,4,12,140.33333333333334 +"POLYGON ((7.875465930498407 52.45387980298185, 7.876620907292275 52.45387980298185, 7.876620907292275 52.45367451505664, 7.875465930498407 52.45367451505664, 7.875465930498407 52.45387980298185))",81218_5_9,5,9,64.0 +"POLYGON ((7.875465930498407 52.44840513080789, 7.876620907292275 52.44840513080789, 7.876620907292275 52.44819981736283, 7.875465930498407 52.44819981736283, 7.875465930498407 52.44840513080789))",81219_5_9,5,9,51.375 +"POLYGON ((7.875465930498407 52.39869136519971, 7.876620907292275 52.39869136519971, 7.876620907292275 52.39848582010276, 7.875465930498407 52.39848582010276, 7.875465930498407 52.39869136519971))",81228_5_11,5,11,56.42857142857143 +"POLYGON ((7.875465930498407 52.22885982941818, 7.876620907292275 52.22885982941818, 7.876620907292275 52.22865349412329, 7.875465930498407 52.22865349412329, 7.875465930498407 52.22885982941818))",81259_5_9,5,9,76.6 +"POLYGON ((7.875465930498407 52.22335722671143, 7.876620907292275 52.22335722671143, 7.876620907292275 52.22315086584413, 7.875465930498407 52.22315086584413, 7.875465930498407 52.22335722671143))",81260_5_9,5,9,71.0 +"POLYGON ((7.874310953704539 50.45528650903095, 7.875465930498407 50.45528650903095, 7.875465930498407 50.45507203121154, 7.874310953704539 50.45507203121154, 7.874310953704539 50.45528650903095))",81575_4_12,4,12,133.0 +"POLYGON ((7.884449083339603 52.44840513080789, 7.88560406013347 52.44840513080789, 7.88560406013347 52.44819981736283, 7.884449083339603 52.44819981736283, 7.884449083339603 52.44840513080789))",81894_5_9,5,9,49.125 +"POLYGON ((7.884449083339603 52.39869136519971, 7.88560406013347 52.39869136519971, 7.88560406013347 52.39848582010276, 7.884449083339603 52.39848582010276, 7.884449083339603 52.39869136519971))",81903_5_11,5,11,58.285714285714285 +"POLYGON ((7.884449083339603 52.2398629891249, 7.88560406013347 52.2398629891249, 7.88560406013347 52.23965670497105, 7.884449083339603 52.23965670497105, 7.884449083339603 52.2398629891249))",81932_5_9,5,9,82.0 +"POLYGON ((7.884449083339603 52.2343617502114, 7.88560406013347 52.2343617502114, 7.88560406013347 52.23415544048767, 7.884449083339603 52.23415544048767, 7.884449083339603 52.2343617502114))",81933_5_9,5,9,81.0 +"POLYGON ((7.883294106545733 50.45528650903095, 7.884449083339603 50.45528650903095, 7.884449083339603 50.45507203121154, 7.883294106545733 50.45507203121154, 7.883294106545733 50.45528650903095))",82250_4_12,4,12,129.0 +"POLYGON ((7.893432236180797 52.44840513080789, 7.894587212974665 52.44840513080789, 7.894587212974665 52.44819981736283, 7.893432236180797 52.44819981736283, 7.893432236180797 52.44840513080789))",82569_5_9,5,9,38.4 +"POLYGON ((7.893432236180797 52.39869136519971, 7.894587212974665 52.39869136519971, 7.894587212974665 52.39848582010276, 7.893432236180797 52.39848582010276, 7.893432236180797 52.39869136519971))",82578_5_11,5,11,67.0 +"POLYGON ((7.893432236180797 52.24536354619247, 7.894587212974665 52.24536354619247, 7.894587212974665 52.24515728760723, 7.893432236180797 52.24515728760723, 7.893432236180797 52.24536354619247))",82606_5_9,5,9,127.0 +"POLYGON ((7.893432236180797 52.2398629891249, 7.894587212974665 52.2398629891249, 7.894587212974665 52.23965670497105, 7.893432236180797 52.23965670497105, 7.893432236180797 52.2398629891249))",82607_5_9,5,9,112.75 +"POLYGON ((7.892277259386929 50.45528650903095, 7.893432236180797 50.45528650903095, 7.893432236180797 50.45507203121154, 7.892277259386929 50.45507203121154, 7.892277259386929 50.45528650903095))",82925_4_12,4,12,127.5 +"POLYGON ((7.902415389021993 52.44840513080789, 7.90357036581586 52.44840513080789, 7.90357036581586 52.44819981736283, 7.902415389021993 52.44819981736283, 7.902415389021993 52.44840513080789))",83244_5_9,5,9,72.33333333333333 +"POLYGON ((7.902415389021993 52.39869136519971, 7.90357036581586 52.39869136519971, 7.90357036581586 52.39848582010276, 7.902415389021993 52.39848582010276, 7.902415389021993 52.39869136519971))",83253_5_11,5,11,78.4 +"POLYGON ((7.902415389021993 52.24536354619247, 7.90357036581586 52.24536354619247, 7.90357036581586 52.24515728760723, 7.902415389021993 52.24515728760723, 7.902415389021993 52.24536354619247))",83281_5_9,5,9,138.0 +"POLYGON ((7.901260412228125 50.44956676773175, 7.902415389021993 50.44956676773175, 7.902415389021993 50.44935226398113, 7.901260412228125 50.44935226398113, 7.901260412228125 50.44956676773175))",83601_4_12,4,12,135.0 +"POLYGON ((7.911398541863189 52.44840513080789, 7.912553518657055 52.44840513080789, 7.912553518657055 52.44819981736283, 7.911398541863189 52.44819981736283, 7.911398541863189 52.44840513080789))",83919_5_9,5,9,67.33333333333333 +"POLYGON ((7.911398541863189 52.39869136519971, 7.912553518657055 52.39869136519971, 7.912553518657055 52.39848582010276, 7.911398541863189 52.39848582010276, 7.911398541863189 52.39869136519971))",83928_5_11,5,11,79.2 +"POLYGON ((7.911398541863189 52.25086342144793, 7.912553518657055 52.25086342144793, 7.912553518657055 52.25065718843003, 7.911398541863189 52.25065718843003, 7.911398541863189 52.25086342144793))",83955_5_9,5,9,138.66666666666666 +"POLYGON ((7.911398541863189 52.24536354619247, 7.912553518657055 52.24536354619247, 7.912553518657055 52.24515728760723, 7.911398541863189 52.24515728760723, 7.911398541863189 52.24536354619247))",83956_5_9,5,9,136.0 +"POLYGON ((7.910243565069319 50.44956676773175, 7.911398541863189 50.44956676773175, 7.911398541863189 50.44935226398113, 7.910243565069319 50.44935226398113, 7.910243565069319 50.44956676773175))",84276_4_12,4,12,136.0 +"POLYGON ((7.910243565069319 50.44384633492099, 7.911398541863189 50.44384633492099, 7.911398541863189 50.44363180523817, 7.910243565069319 50.44363180523817, 7.910243565069319 50.44384633492099))",84277_4_12,4,12,132.0 +"POLYGON ((7.920381694704383 52.44840513080789, 7.92153667149825 52.44840513080789, 7.92153667149825 52.44819981736283, 7.920381694704383 52.44819981736283, 7.920381694704383 52.44840513080789))",84594_5_9,5,9,69.6 +"POLYGON ((7.920381694704383 52.40417221459514, 7.92153667149825 52.40417221459514, 7.92153667149825 52.40396669502977, 7.920381694704383 52.40396669502977, 7.920381694704383 52.40417221459514))",84602_5_11,5,11,63.0 +"POLYGON ((7.920381694704383 52.39869136519971, 7.92153667149825 52.39869136519971, 7.92153667149825 52.39848582010276, 7.920381694704383 52.39848582010276, 7.920381694704383 52.39869136519971))",84603_5_11,5,11,69.6 +"POLYGON ((7.920381694704383 52.26186112665791, 7.92153667149825 52.26186112665791, 7.92153667149825 52.26165494477088, 7.920381694704383 52.26165494477088, 7.920381694704383 52.26186112665791))",84628_5_9,5,9,131.0 +"POLYGON ((7.920381694704383 52.25636261492512, 7.92153667149825 52.25636261492512, 7.92153667149825 52.25615640747329, 7.920381694704383 52.25615640747329, 7.920381694704383 52.25636261492512))",84629_5_9,5,9,133.66666666666666 +"POLYGON ((7.920381694704383 52.25086342144793, 7.92153667149825 52.25086342144793, 7.92153667149825 52.25065718843003, 7.920381694704383 52.25065718843003, 7.920381694704383 52.25086342144793))",84630_5_9,5,9,142.0 +"POLYGON ((7.919226717910515 50.44384633492099, 7.920381694704383 50.44384633492099, 7.920381694704383 50.44363180523817, 7.919226717910515 50.44363180523817, 7.919226717910515 50.44384633492099))",84952_4_12,4,12,132.0 +"POLYGON ((7.919226717910515 50.4381252105721, 7.920381694704383 50.4381252105721, 7.920381694704383 50.43791065495609, 7.919226717910515 50.43791065495609, 7.919226717910515 50.4381252105721))",84953_4_12,4,12,131.5 +"POLYGON ((7.919226717910515 50.43240339465854, 7.920381694704383 50.43240339465854, 7.920381694704383 50.43218881310834, 7.919226717910515 50.43218881310834, 7.919226717910515 50.43240339465854))",84954_4_12,4,12,126.33333333333333 +"POLYGON ((7.929364847545579 52.44840513080789, 7.930519824339445 52.44840513080789, 7.930519824339445 52.44819981736283, 7.929364847545579 52.44819981736283, 7.929364847545579 52.44840513080789))",85269_5_9,5,9,70.0 +"POLYGON ((7.929364847545579 52.44292977808783, 7.930519824339445 52.44292977808783, 7.930519824339445 52.44272443912162, 7.929364847545579 52.44272443912162, 7.929364847545579 52.44292977808783))",85270_5_9,5,9,69.0 +"POLYGON ((7.929364847545579 52.40417221459514, 7.930519824339445 52.40417221459514, 7.930519824339445 52.40396669502977, 7.929364847545579 52.40396669502977, 7.929364847545579 52.40417221459514))",85277_5_11,5,11,56.25 +"POLYGON ((7.929364847545579 52.39869136519971, 7.930519824339445 52.39869136519971, 7.930519824339445 52.39848582010276, 7.929364847545579 52.39848582010276, 7.929364847545579 52.39869136519971))",85278_5_11,5,11,44.666666666666664 +"POLYGON ((7.929364847545579 52.27794036036975, 7.930519824339445 52.27794036036975, 7.930519824339445 52.27773425325248, 7.929364847545579 52.27773425325248, 7.929364847545579 52.27794036036975))",85300_5_11,5,11,57.0 +"POLYGON ((7.929364847545579 52.2728561050258, 7.930519824339445 52.2728561050258, 7.930519824339445 52.27264997426458, 7.929364847545579 52.27264997426458, 7.929364847545579 52.2728561050258))",85301_5_9,5,9,121.5 +"POLYGON ((7.929364847545579 52.27244384254478, 7.930519824339445 52.27244384254478, 7.930519824339445 52.27223770986642, 7.929364847545579 52.27223770986642, 7.929364847545579 52.27244384254478))",85301_5_11,5,11,61.57142857142857 +"POLYGON ((7.929364847545579 52.26735895668016, 7.930519824339445 52.26735895668016, 7.930519824339445 52.26715280035668, 7.929364847545579 52.26715280035668, 7.929364847545579 52.26735895668016))",85302_5_9,5,9,127.25 +"POLYGON ((7.929364847545579 52.26694664307458, 7.930519824339445 52.26694664307458, 7.930519824339445 52.26674048483387, 7.929364847545579 52.26674048483387, 7.929364847545579 52.26694664307458))",85302_5_11,5,11,49.07692307692308 +"POLYGON ((7.928209870751711 50.42668088715377, 7.929364847545579 50.42668088715377, 7.929364847545579 50.42646627966839, 7.928209870751711 50.42646627966839, 7.928209870751711 50.42668088715377))",85630_4_12,4,12,103.4 +"POLYGON ((7.928209870751711 50.4209576880313, 7.929364847545579 50.4209576880313, 7.929364847545579 50.42074305460973, 7.928209870751711 50.42074305460973, 7.928209870751711 50.4209576880313))",85631_4_12,4,12,112.66666666666667 +"POLYGON ((7.928209870751711 50.41523379726464, 7.929364847545579 50.41523379726464, 7.929364847545579 50.4150191379059, 7.928209870751711 50.4150191379059, 7.928209870751711 50.41523379726464))",85632_4_12,4,12,132.0 +"POLYGON ((7.938348000386773 52.44292977808783, 7.93950297718064 52.44292977808783, 7.93950297718064 52.44272443912162, 7.938348000386773 52.44272443912162, 7.938348000386773 52.44292977808783))",85945_5_9,5,9,74.16666666666667 +"POLYGON ((7.938348000386773 52.40417221459514, 7.93950297718064 52.40417221459514, 7.93950297718064 52.40396669502977, 7.938348000386773 52.40396669502977, 7.938348000386773 52.40417221459514))",85952_5_11,5,11,63.5 +"POLYGON ((7.938348000386773 52.39869136519971, 7.93950297718064 52.39869136519971, 7.93950297718064 52.39848582010276, 7.938348000386773 52.39848582010276, 7.938348000386773 52.39869136519971))",85953_5_11,5,11,65.8 +"POLYGON ((7.938348000386773 52.29483788232101, 7.93950297718064 52.29483788232101, 7.93950297718064 52.29463185379609, 7.938348000386773 52.29463185379609, 7.938348000386773 52.29483788232101))",85972_5_9,5,9,94.0 +"POLYGON ((7.938348000386773 52.2944258243128, 7.93950297718064 52.2944258243128, 7.93950297718064 52.29421979387114, 7.938348000386773 52.29421979387114, 7.938348000386773 52.2944258243128))",85972_5_11,5,11,118.0 +"POLYGON ((7.938348000386773 52.28934346034238, 7.93950297718064 52.28934346034238, 7.93950297718064 52.28913740626029, 7.938348000386773 52.28913740626029, 7.938348000386773 52.28934346034238))",85973_5_9,5,9,119.75 +"POLYGON ((7.938348000386773 52.28893135121979, 7.93950297718064 52.28893135121979, 7.93950297718064 52.28872529522086, 7.938348000386773 52.28872529522086, 7.938348000386773 52.28893135121979))",85973_5_11,5,11,111.75 +"POLYGON ((7.938348000386773 52.28384835682296, 7.93950297718064 52.28384835682296, 7.93950297718064 52.28364227718242, 7.938348000386773 52.28364227718242, 7.938348000386773 52.28384835682296))",85974_5_9,5,9,139.66666666666666 +"POLYGON ((7.938348000386773 52.28343619658344, 7.93950297718064 52.28343619658344, 7.93950297718064 52.28323011502598, 7.938348000386773 52.28323011502598, 7.938348000386773 52.28343619658344))",85974_5_11,5,11,94.0 +"POLYGON ((7.938348000386773 52.27835257172875, 7.93950297718064 52.27835257172875, 7.93950297718064 52.27814646652851, 7.938348000386773 52.27814646652851, 7.938348000386773 52.27835257172875))",85975_5_9,5,9,126.0 +"POLYGON ((7.938348000386773 52.27794036036975, 7.93950297718064 52.27794036036975, 7.93950297718064 52.27773425325248, 7.938348000386773 52.27773425325248, 7.938348000386773 52.27794036036975))",85975_5_11,5,11,84.8 +"POLYGON ((7.938348000386773 52.26694664307458, 7.93950297718064 52.26694664307458, 7.93950297718064 52.26674048483387, 7.938348000386773 52.26674048483387, 7.938348000386773 52.26694664307458))",85977_5_11,5,11,71.8 +"POLYGON ((7.937193023592905 50.41523379726464, 7.938348000386773 50.41523379726464, 7.938348000386773 50.4150191379059, 7.937193023592905 50.4150191379059, 7.937193023592905 50.41523379726464))",86307_4_12,4,12,132.0 +"POLYGON ((7.947331153227968 52.44292977808783, 7.948486130021837 52.44292977808783, 7.948486130021837 52.44272443912162, 7.947331153227968 52.44272443912162, 7.947331153227968 52.44292977808783))",86620_5_9,5,9,78.8 +"POLYGON ((7.947331153227968 52.40417221459514, 7.948486130021837 52.40417221459514, 7.948486130021837 52.40396669502977, 7.947331153227968 52.40396669502977, 7.947331153227968 52.40417221459514))",86627_5_11,5,11,72.0 +"POLYGON ((7.947331153227968 52.31131705935235, 7.948486130021837 52.31131705935235, 7.948486130021837 52.31111110749126, 7.947331153227968 52.31111110749126, 7.947331153227968 52.31131705935235))",86644_5_9,5,9,140.0 +"POLYGON ((7.947331153227968 52.31090515467197, 7.948486130021837 52.31090515467197, 7.948486130021837 52.31069920089443, 7.947331153227968 52.31069920089443, 7.947331153227968 52.31090515467197))",86644_5_11,5,11,111.33333333333333 +"POLYGON ((7.947331153227968 52.30582468179195, 7.948486130021837 52.30582468179195, 7.948486130021837 52.30561870437754, 7.947331153227968 52.30561870437754, 7.947331153227968 52.30582468179195))",86645_5_9,5,9,126.0 +"POLYGON ((7.947331153227968 52.30541272600485, 7.948486130021837 52.30541272600485, 7.948486130021837 52.30520674667388, 7.947331153227968 52.30520674667388, 7.947331153227968 52.30541272600485))",86645_5_11,5,11,108.25 +"POLYGON ((7.947331153227968 52.30033162279285, 7.948486130021837 52.30033162279285, 7.948486130021837 52.30012561982383, 7.947331153227968 52.30012561982383, 7.947331153227968 52.30033162279285))",86646_5_9,5,9,93.5 +"POLYGON ((7.947331153227968 52.29991961589648, 7.948486130021837 52.29991961589648, 7.948486130021837 52.29971361101081, 7.947331153227968 52.29971361101081, 7.947331153227968 52.29991961589648))",86646_5_11,5,11,113.0 +"POLYGON ((7.947331153227968 52.29483788232101, 7.948486130021837 52.29483788232101, 7.948486130021837 52.29463185379609, 7.947331153227968 52.29463185379609, 7.947331153227968 52.29483788232101))",86647_5_9,5,9,88.66666666666667 +"POLYGON ((7.947331153227968 52.2944258243128, 7.948486130021837 52.2944258243128, 7.948486130021837 52.29421979387114, 7.947331153227968 52.29421979387114, 7.947331153227968 52.2944258243128))",86647_5_11,5,11,117.0 +"POLYGON ((7.947331153227968 52.26694664307458, 7.948486130021837 52.26694664307458, 7.948486130021837 52.26674048483387, 7.947331153227968 52.26674048483387, 7.947331153227968 52.26694664307458))",86652_5_11,5,11,75.33333333333333 +"POLYGON ((7.946176176434101 50.41523379726464, 7.947331153227968 50.41523379726464, 7.947331153227968 50.4150191379059, 7.946176176434101 50.4150191379059, 7.946176176434101 50.41523379726464))",86982_4_12,4,12,140.33333333333334 +"POLYGON ((7.956314306069165 52.44292977808783, 7.95746928286303 52.44292977808783, 7.95746928286303 52.44272443912162, 7.956314306069165 52.44272443912162, 7.956314306069165 52.44292977808783))",87295_5_9,5,9,72.4 +"POLYGON ((7.956314306069165 52.43745374478707, 7.95746928286303 52.43745374478707, 7.95746928286303 52.43724838029843, 7.956314306069165 52.43724838029843, 7.956314306069165 52.43745374478707))",87296_5_9,5,9,64.0 +"POLYGON ((7.956314306069165 52.40417221459514, 7.95746928286303 52.40417221459514, 7.95746928286303 52.40396669502977, 7.956314306069165 52.40396669502977, 7.956314306069165 52.40417221459514))",87302_5_11,5,11,61.142857142857146 +"POLYGON ((7.956314306069165 52.39869136519971, 7.95746928286303 52.39869136519971, 7.95746928286303 52.39848582010276, 7.956314306069165 52.39848582010276, 7.956314306069165 52.39869136519971))",87303_5_11,5,11,8.666666666666666 +"POLYGON ((7.956314306069165 52.31680875550811, 7.95746928286303 52.31680875550811, 7.95746928286303 52.3166028291991, 7.956314306069165 52.3166028291991, 7.956314306069165 52.31680875550811))",87318_5_9,5,9,137.5 +"POLYGON ((7.956314306069165 52.3163969019319, 7.95746928286303 52.3163969019319, 7.95746928286303 52.31619097370652, 7.956314306069165 52.31619097370652, 7.956314306069165 52.3163969019319))",87318_5_11,5,11,116.8 +"POLYGON ((7.956314306069165 52.31131705935235, 7.95746928286303 52.31131705935235, 7.95746928286303 52.31111110749126, 7.956314306069165 52.31111110749126, 7.956314306069165 52.31131705935235))",87319_5_9,5,9,137.5 +"POLYGON ((7.956314306069165 52.31090515467197, 7.95746928286303 52.31090515467197, 7.95746928286303 52.31069920089443, 7.956314306069165 52.31069920089443, 7.956314306069165 52.31090515467197))",87319_5_11,5,11,116.0 +"POLYGON ((7.956314306069165 52.26694664307458, 7.95746928286303 52.26694664307458, 7.95746928286303 52.26674048483387, 7.956314306069165 52.26674048483387, 7.956314306069165 52.26694664307458))",87327_5_11,5,11,64.66666666666667 +"POLYGON ((7.955159329275297 50.41523379726464, 7.956314306069165 50.41523379726464, 7.956314306069165 50.4150191379059, 7.955159329275297 50.4150191379059, 7.955159329275297 50.41523379726464))",87657_4_12,4,12,145.0 +"POLYGON ((7.965297458910358 52.44292977808783, 7.966452435704227 52.44292977808783, 7.966452435704227 52.44272443912162, 7.965297458910358 52.44272443912162, 7.965297458910358 52.44292977808783))",87970_5_9,5,9,51.333333333333336 +"POLYGON ((7.965297458910358 52.43745374478707, 7.966452435704227 52.43745374478707, 7.966452435704227 52.43724838029843, 7.965297458910358 52.43724838029843, 7.965297458910358 52.43745374478707))",87971_5_9,5,9,78.57142857142857 +"POLYGON ((7.965297458910358 52.43197703087105, 7.966452435704227 52.43197703087105, 7.966452435704227 52.43177164085866, 7.965297458910358 52.43177164085866, 7.965297458910358 52.43197703087105))",87972_5_9,5,9,129.66666666666666 +"POLYGON ((7.965297458910358 52.42649963630524, 7.966452435704227 52.42649963630524, 7.966452435704227 52.42629422076779, 7.965297458910358 52.42629422076779, 7.965297458910358 52.42649963630524))",87973_5_9,5,9,125.25 +"POLYGON ((7.965297458910358 52.42102156105508, 7.966452435704227 52.42102156105508, 7.966452435704227 52.4208161199913, 7.965297458910358 52.4208161199913, 7.965297458910358 52.42102156105508))",87974_5_9,5,9,115.5 +"POLYGON ((7.965297458910358 52.40417221459514, 7.966452435704227 52.40417221459514, 7.966452435704227 52.40396669502977, 7.965297458910358 52.40396669502977, 7.965297458910358 52.40417221459514))",87977_5_11,5,11,59.375 +"POLYGON ((7.965297458910358 52.32229977029335, 7.966452435704227 52.32229977029335, 7.966452435704227 52.32209386953511, 7.965297458910358 52.32209386953511, 7.965297458910358 52.32229977029335))",87992_5_9,5,9,140.0 +"POLYGON ((7.965297458910358 52.32188796781874, 7.966452435704227 52.32188796781874, 7.966452435704227 52.32168206514424, 7.965297458910358 52.32168206514424, 7.965297458910358 52.32188796781874))",87992_5_11,5,11,116.2 +"POLYGON ((7.965297458910358 52.26694664307458, 7.966452435704227 52.26694664307458, 7.966452435704227 52.26674048483387, 7.965297458910358 52.26674048483387, 7.965297458910358 52.26694664307458))",88002_5_11,5,11,27.5625 +"POLYGON ((7.964142482116491 50.41523379726464, 7.965297458910358 50.41523379726464, 7.965297458910358 50.4150191379059, 7.964142482116491 50.4150191379059, 7.964142482116491 50.41523379726464))",88332_4_12,4,12,121.66666666666667 +"POLYGON ((7.974280611751555 52.42102156105508, 7.975435588545422 52.42102156105508, 7.975435588545422 52.4208161199913, 7.974280611751555 52.4208161199913, 7.974280611751555 52.42102156105508))",88649_5_9,5,9,108.0 +"POLYGON ((7.974280611751555 52.41554280508608, 7.975435588545422 52.41554280508608, 7.975435588545422 52.41533733849466, 7.974280611751555 52.41533733849466, 7.974280611751555 52.41554280508608))",88650_5_9,5,9,103.25 +"POLYGON ((7.974280611751555 52.41006336836374, 7.975435588545422 52.41006336836374, 7.975435588545422 52.40985787624341, 7.974280611751555 52.40985787624341, 7.974280611751555 52.41006336836374))",88651_5_9,5,9,100.25 +"POLYGON ((7.974280611751555 52.40458325085361, 7.975435588545422 52.40458325085361, 7.975435588545422 52.40437773320308, 7.974280611751555 52.40437773320308, 7.974280611751555 52.40458325085361))",88652_5_9,5,9,110.2 +"POLYGON ((7.974280611751555 52.40417221459514, 7.975435588545422 52.40417221459514, 7.975435588545422 52.40396669502977, 7.974280611751555 52.40396669502977, 7.974280611751555 52.40417221459514))",88652_5_11,5,11,48.583333333333336 +"POLYGON ((7.974280611751555 52.32779010374215, 7.975435588545422 52.32779010374215, 7.975435588545422 52.32758422853342, 7.974280611751555 52.32758422853342, 7.974280611751555 52.32779010374215))",88666_5_9,5,9,146.66666666666666 +"POLYGON ((7.974280611751555 52.32737835236659, 7.975435588545422 52.32737835236659, 7.975435588545422 52.32717247524168, 7.974280611751555 52.32717247524168, 7.974280611751555 52.32737835236659))",88666_5_11,5,11,124.0 +"POLYGON ((7.974280611751555 52.32229977029335, 7.975435588545422 52.32229977029335, 7.975435588545422 52.32209386953511, 7.974280611751555 52.32209386953511, 7.974280611751555 52.32229977029335))",88667_5_9,5,9,139.0 +"POLYGON ((7.974280611751555 52.26694664307458, 7.975435588545422 52.26694664307458, 7.975435588545422 52.26674048483387, 7.974280611751555 52.26674048483387, 7.974280611751555 52.26694664307458))",88677_5_11,5,11,12.666666666666666 +"POLYGON ((7.973125634957687 50.41523379726464, 7.974280611751555 50.41523379726464, 7.974280611751555 50.4150191379059, 7.973125634957687 50.4150191379059, 7.973125634957687 50.41523379726464))",89007_4_12,4,12,123.0 +"POLYGON ((7.973125634957687 50.40950921482735, 7.974280611751555 50.40950921482735, 7.974280611751555 50.40929452953044, 7.973125634957687 50.40929452953044, 7.973125634957687 50.40950921482735))",89008_4_12,4,12,121.0 +"POLYGON ((7.98326376459275 52.39910245252124, 7.984418741386617 52.39910245252124, 7.984418741386617 52.39889690933921, 7.98326376459275 52.39889690933921, 7.98326376459275 52.39910245252124))",89328_5_9,5,9,133.5 +"POLYGON ((7.98326376459275 52.39869136519971, 7.984418741386617 52.39869136519971, 7.984418741386617 52.39848582010276, 7.98326376459275 52.39848582010276, 7.98326376459275 52.39869136519971))",89328_5_11,5,11,107.8 +"POLYGON ((7.98326376459275 52.39320983494505, 7.984418741386617 52.39320983494505, 7.984418741386617 52.39300426431521, 7.98326376459275 52.39300426431521, 7.98326376459275 52.39320983494505))",89329_5_11,5,11,113.0 +"POLYGON ((7.98326376459275 52.33327975588866, 7.984418741386617 52.33327975588866, 7.984418741386617 52.33307390622814, 7.98326376459275 52.33307390622814, 7.98326376459275 52.33327975588866))",89340_5_9,5,9,146.0 +"POLYGON ((7.98326376459275 52.33286805560959, 7.984418741386617 52.33286805560959, 7.984418741386617 52.332662204033, 7.98326376459275 52.332662204033, 7.98326376459275 52.33286805560959))",89340_5_11,5,11,118.0 +"POLYGON ((7.98326376459275 52.32779010374215, 7.984418741386617 52.32779010374215, 7.984418741386617 52.32758422853342, 7.98326376459275 52.32758422853342, 7.98326376459275 52.32779010374215))",89341_5_9,5,9,141.5 +"POLYGON ((7.98326376459275 52.32737835236659, 7.984418741386617 52.32737835236659, 7.984418741386617 52.32717247524168, 7.98326376459275 52.32717247524168, 7.98326376459275 52.32737835236659))",89341_5_11,5,11,119.66666666666667 +"POLYGON ((7.982108787798881 50.41523379726464, 7.98326376459275 50.41523379726464, 7.98326376459275 50.4150191379059, 7.982108787798881 50.4150191379059, 7.982108787798881 50.41523379726464))",89682_4_12,4,12,99.5 +"POLYGON ((7.982108787798881 50.40950921482735, 7.98326376459275 50.40950921482735, 7.98326376459275 50.40929452953044, 7.982108787798881 50.40929452953044, 7.982108787798881 50.40950921482735))",89683_4_12,4,12,107.0 +"POLYGON ((7.992246917433945 52.39362097333223, 7.993401894227812 52.39362097333223, 7.993401894227812 52.39341540461739, 7.992246917433945 52.39341540461739, 7.992246917433945 52.39362097333223))",90004_5_9,5,9,136.0 +"POLYGON ((7.992246917433945 52.39320983494505, 7.993401894227812 52.39320983494505, 7.993401894227812 52.39300426431521, 7.992246917433945 52.39300426431521, 7.992246917433945 52.39320983494505))",90004_5_11,5,11,110.66666666666667 +"POLYGON ((7.992246917433945 52.38813881325213, 7.993401894227812 52.38813881325213, 7.993401894227812 52.38793321900321, 7.992246917433945 52.38793321900321, 7.992246917433945 52.38813881325213))",90005_5_9,5,9,128.66666666666666 +"POLYGON ((7.992246917433945 52.38772762379674, 7.993401894227812 52.38772762379674, 7.993401894227812 52.38752202763272, 7.992246917433945 52.38752202763272, 7.992246917433945 52.38772762379674))",90005_5_11,5,11,95.0 +"POLYGON ((7.992246917433945 52.38265597224659, 7.993401894227812 52.38265597224659, 7.993401894227812 52.38245035246229, 7.992246917433945 52.38245035246229, 7.992246917433945 52.38265597224659))",90006_5_9,5,9,114.0 +"POLYGON ((7.992246917433945 52.38224473172041, 7.993401894227812 52.38224473172041, 7.993401894227812 52.38203911002091, 7.992246917433945 52.38203911002091, 7.992246917433945 52.38224473172041))",90006_5_11,5,11,99.0 +"POLYGON ((7.992246917433945 52.37717245028124, 7.993401894227812 52.37717245028124, 7.993401894227812 52.37696680496028, 7.992246917433945 52.37696680496028, 7.992246917433945 52.37717245028124))",90007_5_9,5,9,121.75 +"POLYGON ((7.992246917433945 52.37676115868169, 7.993401894227812 52.37676115868169, 7.993401894227812 52.37655551144543, 7.992246917433945 52.37655551144543, 7.992246917433945 52.37676115868169))",90007_5_11,5,11,121.5 +"POLYGON ((7.992246917433945 52.33327975588866, 7.993401894227812 52.33327975588866, 7.993401894227812 52.33307390622814, 7.992246917433945 52.33307390622814, 7.992246917433945 52.33327975588866))",90015_5_9,5,9,136.66666666666666 +"POLYGON ((7.992246917433945 52.33286805560959, 7.993401894227812 52.33286805560959, 7.993401894227812 52.332662204033, 7.992246917433945 52.332662204033, 7.992246917433945 52.33286805560959))",90015_5_11,5,11,114.5 +"POLYGON ((7.991091940640077 50.40950921482735, 7.992246917433945 50.40950921482735, 7.992246917433945 50.40929452953044, 7.991091940640077 50.40929452953044, 7.991091940640077 50.40950921482735))",90358_4_12,4,12,117.0 +"POLYGON ((8.00123007027514 52.37168824732174, 8.002385047069009 52.37168824732174, 8.002385047069009 52.37148257646284, 8.00123007027514 52.37148257646284, 8.00123007027514 52.37168824732174))",90683_5_9,5,9,123.0 +"POLYGON ((8.00123007027514 52.37127690464624, 8.002385047069009 52.37127690464624, 8.002385047069009 52.37107123187194, 8.00123007027514 52.37107123187194, 8.00123007027514 52.37127690464624))",90683_5_11,5,11,111.0 +"POLYGON ((8.00123007027514 52.36620336333376, 8.002385047069009 52.36620336333376, 8.002385047069009 52.36599766693563, 8.00123007027514 52.36599766693563, 8.00123007027514 52.36620336333376))",90684_5_9,5,9,122.0 +"POLYGON ((8.00123007027514 52.36579196957975, 8.002385047069009 52.36579196957975, 8.002385047069009 52.36558627126612, 8.00123007027514 52.36558627126612, 8.00123007027514 52.36579196957975))",90684_5_11,5,11,95.0 +"POLYGON ((8.00123007027514 52.36071779828302, 8.002385047069009 52.36071779828302, 8.002385047069009 52.36051207634436, 8.00123007027514 52.36051207634436, 8.00123007027514 52.36071779828302))",90685_5_9,5,9,121.0 +"POLYGON ((8.00123007027514 52.36030635344791, 8.002385047069009 52.36030635344791, 8.002385047069009 52.36010062959367, 8.00123007027514 52.36010062959367, 8.00123007027514 52.36030635344791))",90685_5_11,5,11,89.5 +"POLYGON ((8.00123007027514 52.33327975588866, 8.002385047069009 52.33327975588866, 8.002385047069009 52.33307390622814, 8.00123007027514 52.33307390622814, 8.00123007027514 52.33327975588866))",90690_5_9,5,9,123.0 +"POLYGON ((8.00123007027514 52.33286805560959, 8.002385047069009 52.33286805560959, 8.002385047069009 52.332662204033, 8.00123007027514 52.332662204033, 8.00123007027514 52.33286805560959))",90690_5_11,5,11,111.75 +"POLYGON ((8.000075093481271 50.40950921482735, 8.00123007027514 50.40950921482735, 8.00123007027514 50.40929452953044, 8.000075093481271 50.40929452953044, 8.000075093481271 50.40950921482735))",91033_4_12,4,12,97.4 +"POLYGON ((8.010213223116336 52.36071779828302, 8.011368199910203 52.36071779828302, 8.011368199910203 52.36051207634436, 8.010213223116336 52.36051207634436, 8.010213223116336 52.36071779828302))",91360_5_9,5,9,117.5 +"POLYGON ((8.010213223116336 52.36030635344791, 8.011368199910203 52.36030635344791, 8.011368199910203 52.36010062959367, 8.010213223116336 52.36010062959367, 8.010213223116336 52.36030635344791))",91360_5_11,5,11,84.0 +"POLYGON ((8.010213223116336 52.35523155213522, 8.011368199910203 52.35523155213522, 8.011368199910203 52.35502580465476, 8.010213223116336 52.35502580465476, 8.010213223116336 52.35523155213522))",91361_5_9,5,9,111.33333333333333 +"POLYGON ((8.010213223116336 52.35482005621646, 8.011368199910203 52.35482005621646, 8.011368199910203 52.3546143068203, 8.010213223116336 52.3546143068203, 8.010213223116336 52.35482005621646))",91361_5_11,5,11,95.66666666666667 +"POLYGON ((8.010213223116336 52.33876872676704, 8.011368199910203 52.33876872676704, 8.011368199910203 52.33856290265347, 8.010213223116336 52.33856290265347, 8.010213223116336 52.33876872676704))",91364_5_9,5,9,116.33333333333333 +"POLYGON ((8.010213223116336 52.3383570775819, 8.011368199910203 52.3383570775819, 8.011368199910203 52.33815125155233, 8.010213223116336 52.33815125155233, 8.010213223116336 52.3383570775819))",91364_5_11,5,11,103.75 +"POLYGON ((8.009058246322466 50.403783940693, 8.010213223116336 50.403783940693, 8.010213223116336 50.40356922945693, 8.009058246322466 50.40356922945693, 8.009058246322466 50.403783940693))",91709_4_12,4,12,100.75 +"POLYGON ((8.019196375957531 52.35523155213522, 8.020351352751398 52.35523155213522, 8.020351352751398 52.35502580465476, 8.019196375957531 52.35502580465476, 8.019196375957531 52.35523155213522))",92036_5_9,5,9,100.33333333333333 +"POLYGON ((8.019196375957531 52.35482005621646, 8.020351352751398 52.35482005621646, 8.020351352751398 52.3546143068203, 8.019196375957531 52.3546143068203, 8.019196375957531 52.35482005621646))",92036_5_11,5,11,86.75 +"POLYGON ((8.019196375957531 52.34974462485611, 8.020351352751398 52.34974462485611, 8.020351352751398 52.34953885183256, 8.019196375957531 52.34953885183256, 8.019196375957531 52.34974462485611))",92037_5_9,5,9,94.4 +"POLYGON ((8.019196375957531 52.34933307785113, 8.020351352751398 52.34933307785113, 8.020351352751398 52.34912730291179, 8.019196375957531 52.34912730291179, 8.019196375957531 52.34933307785113))",92037_5_11,5,11,83.6 +"POLYGON ((8.019196375957531 52.34425701641146, 8.020351352751398 52.34425701641146, 8.020351352751398 52.34405121784354, 8.019196375957531 52.34405121784354, 8.019196375957531 52.34425701641146))",92038_5_9,5,9,80.71428571428571 +"POLYGON ((8.019196375957531 52.34384541831767, 8.020351352751398 52.34384541831767, 8.020351352751398 52.34363961783387, 8.019196375957531 52.34363961783387, 8.019196375957531 52.34384541831767))",92038_5_11,5,11,63.125 +"POLYGON ((8.019196375957531 52.33876872676704, 8.020351352751398 52.33876872676704, 8.020351352751398 52.33856290265347, 8.019196375957531 52.33856290265347, 8.019196375957531 52.33876872676704))",92039_5_9,5,9,95.25 +"POLYGON ((8.019196375957531 52.3383570775819, 8.020351352751398 52.3383570775819, 8.020351352751398 52.33815125155233, 8.019196375957531 52.33815125155233, 8.019196375957531 52.3383570775819))",92039_5_11,5,11,86.66666666666667 +"POLYGON ((8.018041399163662 50.403783940693, 8.019196375957531 50.403783940693, 8.019196375957531 50.40356922945693, 8.018041399163662 50.40356922945693, 8.018041399163662 50.403783940693))",92384_4_12,4,12,117.33333333333333 +"POLYGON ((8.028179528798725 52.34425701641146, 8.029334505592594 52.34425701641146, 8.029334505592594 52.34405121784354, 8.028179528798725 52.34405121784354, 8.028179528798725 52.34425701641146))",92713_5_9,5,9,57.0 +"POLYGON ((8.027024552004859 50.403783940693, 8.028179528798725 50.403783940693, 8.028179528798725 50.40356922945693, 8.027024552004859 50.40356922945693, 8.027024552004859 50.403783940693))",93059_4_12,4,12,127.0 +"POLYGON ((8.036007704846051 50.403783940693, 8.037162681639922 50.403783940693, 8.037162681639922 50.40356922945693, 8.036007704846051 50.40356922945693, 8.036007704846051 50.403783940693))",93734_4_12,4,12,150.0 +"POLYGON ((8.044990857687248 50.403783940693, 8.046145834481116 50.403783940693, 8.046145834481116 50.40356922945693, 8.044990857687248 50.40356922945693, 8.044990857687248 50.403783940693))",94409_4_12,4,12,159.5 +"POLYGON ((8.053974010528444 50.403783940693, 8.055128987322311 50.403783940693, 8.055128987322311 50.40356922945693, 8.053974010528444 50.40356922945693, 8.053974010528444 50.403783940693))",95084_4_12,4,12,161.0 +"POLYGON ((8.062957163369639 50.403783940693, 8.064112140163505 50.403783940693, 8.064112140163505 50.40356922945693, 8.062957163369639 50.40356922945693, 8.062957163369639 50.403783940693))",95759_4_12,4,12,143.25 +"POLYGON ((8.071940316210833 50.39805797483517, 8.073095293004702 50.39805797483517, 8.073095293004702 50.39784323765898, 8.071940316210833 50.39784323765898, 8.071940316210833 50.39805797483517))",96435_4_12,4,12,139.0 +"POLYGON ((8.080923469052028 50.39805797483517, 8.082078445845898 50.39805797483517, 8.082078445845898 50.39784323765898, 8.080923469052028 50.39784323765898, 8.080923469052028 50.39805797483517))",97110_4_12,4,12,118.0 +"POLYGON ((8.080923469052028 50.39233131722751, 8.082078445845898 50.39233131722751, 8.082078445845898 50.39211655411018, 8.080923469052028 50.39211655411018, 8.080923469052028 50.39233131722751))",97111_4_12,4,12,111.0 +"POLYGON ((8.080923469052028 50.38660396784364, 8.082078445845898 50.38660396784364, 8.082078445845898 50.38638917878419, 8.080923469052028 50.38638917878419, 8.080923469052028 50.38660396784364))",97112_4_12,4,12,109.66666666666667 +"POLYGON ((8.080923469052028 50.38087592665724, 8.082078445845898 50.38087592665724, 8.082078445845898 50.38066111165468, 8.080923469052028 50.38066111165468, 8.080923469052028 50.38087592665724))",97113_4_12,4,12,111.66666666666667 +"POLYGON ((8.089906621893224 50.38087592665724, 8.091061598687091 50.38087592665724, 8.091061598687091 50.38066111165468, 8.089906621893224 50.38066111165468, 8.089906621893224 50.38087592665724))",97788_4_12,4,12,119.0 +"POLYGON ((8.089906621893224 50.37514719364201, 8.091061598687091 50.37514719364201, 8.091061598687091 50.37493235269536, 8.089906621893224 50.37493235269536, 8.089906621893224 50.37514719364201))",97789_4_12,4,12,126.0 +"POLYGON ((8.098889774734419 50.37514719364201, 8.100044751528287 50.37514719364201, 8.100044751528287 50.37493235269536, 8.098889774734419 50.37493235269536, 8.098889774734419 50.37514719364201))",98464_4_12,4,12,127.75 +"POLYGON ((8.107872927575613 50.37514719364201, 8.109027904369484 50.37514719364201, 8.109027904369484 50.37493235269536, 8.107872927575613 50.37493235269536, 8.107872927575613 50.37514719364201))",99139_4_12,4,12,124.0 +"POLYGON ((8.107872927575613 50.36941776877166, 8.109027904369484 50.36941776877166, 8.109027904369484 50.36920290187992, 8.107872927575613 50.36920290187992, 8.107872927575613 50.36941776877166))",99140_4_12,4,12,130.33333333333334 +"POLYGON ((8.11685608041681 50.36941776877166, 8.118011057210678 50.36941776877166, 8.118011057210678 50.36920290187992, 8.11685608041681 50.36920290187992, 8.11685608041681 50.36941776877166))",99815_4_12,4,12,140.0 +"POLYGON ((8.125839233258006 50.36368765201993, 8.126994210051873 50.36368765201993, 8.126994210051873 50.36347275918214, 8.125839233258006 50.36347275918214, 8.125839233258006 50.36368765201993))",100491_4_12,4,12,143.66666666666666 +"POLYGON ((8.134822386099199 50.36368765201993, 8.135977362893069 50.36368765201993, 8.135977362893069 50.36347275918214, 8.134822386099199 50.36347275918214, 8.134822386099199 50.36368765201993))",101166_4_12,4,12,131.5 +"POLYGON ((8.134822386099199 50.3579568433606, 8.135977362893069 50.3579568433606, 8.135977362893069 50.35774192457577, 8.134822386099199 50.35774192457577, 8.134822386099199 50.3579568433606))",101167_4_12,4,12,133.0 +"POLYGON ((8.143805538940395 50.3579568433606, 8.144960515734263 50.3579568433606, 8.144960515734263 50.35774192457577, 8.143805538940395 50.35774192457577, 8.143805538940395 50.3579568433606))",101842_4_12,4,12,137.66666666666666 +"POLYGON ((8.152788691781591 50.3579568433606, 8.15394366857546 50.3579568433606, 8.15394366857546 50.35774192457577, 8.152788691781591 50.35774192457577, 8.152788691781591 50.3579568433606))",102517_4_12,4,12,142.33333333333334 +"POLYGON ((8.161771844622786 50.35222534276746, 8.162926821416654 50.35222534276746, 8.162926821416654 50.35201039803459, 8.161771844622786 50.35201039803459, 8.161771844622786 50.35222534276746))",103193_4_12,4,12,130.5 +"POLYGON ((8.17075499746398 50.35222534276746, 8.171909974257849 50.35222534276746, 8.171909974257849 50.35201039803459, 8.17075499746398 50.35201039803459, 8.17075499746398 50.35222534276746))",103868_4_12,4,12,128.0 +"POLYGON ((8.17075499746398 50.34649315021431, 8.171909974257849 50.34649315021431, 8.171909974257849 50.34627817953244, 8.17075499746398 50.34627817953244, 8.17075499746398 50.34649315021431))",103869_4_12,4,12,121.25 +"POLYGON ((8.179738150305177 50.34076026567502, 8.180893127099045 50.34076026567502, 8.180893127099045 50.34054526904315, 8.179738150305177 50.34054526904315, 8.179738150305177 50.34076026567502))",104545_4_12,4,12,116.25 +"POLYGON ((8.188721303146371 50.34076026567502, 8.189876279940238 50.34076026567502, 8.189876279940238 50.34054526904315, 8.188721303146371 50.34054526904315, 8.188721303146371 50.34076026567502))",105220_4_12,4,12,128.0 +"POLYGON ((8.188721303146371 50.33502668912342, 8.189876279940238 50.33502668912342, 8.189876279940238 50.33481166654059, 8.188721303146371 50.33481166654059, 8.188721303146371 50.33502668912342))",105221_4_12,4,12,133.33333333333334 +"POLYGON ((8.197704455987568 50.33502668912342, 8.198859432781434 50.33502668912342, 8.198859432781434 50.33481166654059, 8.197704455987568 50.33481166654059, 8.197704455987568 50.33502668912342))",105896_4_12,4,12,123.33333333333333 +"POLYGON ((8.197704455987568 50.32929242053343, 8.198859432781434 50.32929242053343, 8.198859432781434 50.32907737199866, 8.197704455987568 50.32907737199866, 8.197704455987568 50.32929242053343))",105897_4_12,4,12,125.0 +"POLYGON ((8.20668760882876 50.32929242053343, 8.207842585622631 50.32929242053343, 8.207842585622631 50.32907737199866, 8.20668760882876 50.32907737199866, 8.20668760882876 50.32929242053343))",106572_4_12,4,12,129.0 +"POLYGON ((8.20668760882876 50.32907737199866, 8.207842585622631 50.32907737199866, 8.207842585622631 50.32886232249066, 8.20668760882876 50.32886232249066, 8.20668760882876 50.32907737199866))",106572_4_13,4,13,136.5 +"POLYGON ((8.215670761669957 50.32907737199866, 8.216825738463825 50.32907737199866, 8.216825738463825 50.32886232249066, 8.215670761669957 50.32886232249066, 8.215670761669957 50.32907737199866))",107247_4_13,4,13,144.0 +"POLYGON ((8.215670761669957 50.32334238539126, 8.216825738463825 50.32334238539126, 8.216825738463825 50.3231273099303, 8.215670761669957 50.3231273099303, 8.215670761669957 50.32334238539126))",107248_4_13,4,13,139.0 +"POLYGON ((8.224653914511153 50.32334238539126, 8.22580889130502 50.32334238539126, 8.22580889130502 50.3231273099303, 8.224653914511153 50.3231273099303, 8.224653914511153 50.32334238539126))",107923_4_13,4,13,136.5 +"POLYGON ((8.224653914511153 50.31760670669235, 8.22580889130502 50.31760670669235, 8.22580889130502 50.31739160527744, 8.224653914511153 50.31739160527744, 8.224653914511153 50.31760670669235))",107924_4_13,4,13,144.33333333333334 +"POLYGON ((8.224653914511153 50.31187033587587, 8.22580889130502 50.31187033587587, 8.22580889130502 50.31165520850606, 8.224653914511153 50.31165520850606, 8.224653914511153 50.31187033587587))",107925_4_13,4,13,147.0 +"POLYGON ((8.233637067352348 50.31187033587587, 8.234792044146216 50.31187033587587, 8.234792044146216 50.31165520850606, 8.233637067352348 50.31165520850606, 8.233637067352348 50.31187033587587))",108600_4_13,4,13,143.5 +"POLYGON ((8.233637067352348 50.30613327291581, 8.234792044146216 50.30613327291581, 8.234792044146216 50.30591811959012, 8.233637067352348 50.30591811959012, 8.233637067352348 50.30613327291581))",108601_4_13,4,13,138.66666666666666 +"POLYGON ((8.233637067352348 50.30039551778622, 8.234792044146216 50.30039551778622, 8.234792044146216 50.30018033850366, 8.233637067352348 50.30018033850366, 8.233637067352348 50.30039551778622))",108602_4_13,4,13,141.0 +"POLYGON ((8.242620220193542 50.29465707046112, 8.243775196987411 50.29465707046112, 8.243775196987411 50.29444186522071, 8.242620220193542 50.29444186522071, 8.242620220193542 50.29465707046112))",109278_4_13,4,13,142.33333333333334 +"POLYGON ((8.242620220193542 50.28891793091454, 8.243775196987411 50.28891793091454, 8.243775196987411 50.28870269971534, 8.242620220193542 50.28870269971534, 8.242620220193542 50.28891793091454))",109279_4_13,4,13,141.0 +"POLYGON ((8.242620220193542 50.28317809912063, 8.243775196987411 50.28317809912063, 8.243775196987411 50.28296284196163, 8.242620220193542 50.28296284196163, 8.242620220193542 50.28317809912063))",109280_4_13,4,13,134.66666666666666 +"POLYGON ((8.242620220193542 50.27743757505345, 8.243775196987411 50.27743757505345, 8.243775196987411 50.27722229193372, 8.242620220193542 50.27722229193372, 8.242620220193542 50.27743757505345))",109281_4_13,4,13,138.66666666666666 +"POLYGON ((8.242620220193542 50.27169635868717, 8.243775196987411 50.27169635868717, 8.243775196987411 50.27148104960572, 8.242620220193542 50.27148104960572, 8.242620220193542 50.27169635868717))",109282_4_13,4,13,141.5 +"POLYGON ((8.242620220193542 50.24872456971455, 8.243775196987411 50.24872456971455, 8.243775196987411 50.24850915677654, 8.242620220193542 50.24850915677654, 8.242620220193542 50.24872456971455))",109286_4_13,4,13,113.0 +"POLYGON ((8.242620220193542 50.24297989146564, 8.243775196987411 50.24297989146564, 8.243775196987411 50.24276445256108, 8.242620220193542 50.24276445256108, 8.242620220193542 50.24297989146564))",109287_4_13,4,13,107.75 +"POLYGON ((8.242620220193542 50.23723452076297, 8.243775196987411 50.23723452076297, 8.243775196987411 50.23701905589089, 8.242620220193542 50.23701905589089, 8.242620220193542 50.23723452076297))",109288_4_13,4,13,106.0 +"POLYGON ((8.251603373034738 50.27169635868717, 8.252758349828607 50.27169635868717, 8.252758349828607 50.27148104960572, 8.251603373034738 50.27148104960572, 8.251603373034738 50.27169635868717))",109957_4_13,4,13,137.0 +"POLYGON ((8.251603373034738 50.26595444999594, 8.252758349828607 50.26595444999594, 8.252758349828607 50.2657391149518, 8.251603373034738 50.2657391149518, 8.251603373034738 50.26595444999594))",109958_4_13,4,13,127.0 +"POLYGON ((8.251603373034738 50.26021184895395, 8.252758349828607 50.26021184895395, 8.252758349828607 50.25999648794615, 8.251603373034738 50.25999648794615, 8.251603373034738 50.26021184895395))",109959_4_13,4,13,124.0 +"POLYGON ((8.251603373034738 50.25446855553541, 8.252758349828607 50.25446855553541, 8.252758349828607 50.25425316856298, 8.251603373034738 50.25425316856298, 8.251603373034738 50.25446855553541))",109960_4_13,4,13,117.0 +"POLYGON ((8.251603373034738 50.24872456971455, 8.252758349828607 50.24872456971455, 8.252758349828607 50.24850915677654, 8.251603373034738 50.24850915677654, 8.251603373034738 50.24872456971455))",109961_4_13,4,13,113.5 +"POLYGON ((8.251603373034738 50.23148845758084, 8.252758349828607 50.23148845758084, 8.252758349828607 50.23127296674028, 8.251603373034738 50.23127296674028, 8.251603373034738 50.23148845758084))",109964_4_13,4,13,123.0 +"POLYGON ((8.251603373034738 50.22574170189358, 8.252758349828607 50.22574170189358, 8.252758349828607 50.22552618508358, 8.251603373034738 50.22552618508358, 8.251603373034738 50.22574170189358))",109965_4_13,4,13,131.0 +"POLYGON ((8.251603373034738 50.21999425367557, 8.252758349828607 50.21999425367557, 8.252758349828607 50.21977871089516, 8.251603373034738 50.21977871089516, 8.251603373034738 50.21999425367557))",109966_4_13,4,13,125.33333333333333 +"POLYGON ((8.251603373034738 50.21424611290117, 8.252758349828607 50.21424611290117, 8.252758349828607 50.21403054414941, 8.251603373034738 50.21403054414941, 8.251603373034738 50.21424611290117))",109967_4_13,4,13,125.33333333333333 +"POLYGON ((8.251603373034738 50.20849727954482, 8.252758349828607 50.20849727954482, 8.252758349828607 50.20828168482074, 8.251603373034738 50.20828168482074, 8.251603373034738 50.20849727954482))",109968_4_13,4,13,125.33333333333333 +"POLYGON ((8.251603373034738 50.20274775358094, 8.252758349828607 50.20274775358094, 8.252758349828607 50.20253213288358, 8.251603373034738 50.20253213288358, 8.251603373034738 50.20274775358094))",109969_4_13,4,13,117.0 +"POLYGON ((8.251603373034738 50.19699753498398, 8.252758349828607 50.19699753498398, 8.252758349828607 50.19678188831238, 8.251603373034738 50.19678188831238, 8.251603373034738 50.19699753498398))",109970_4_13,4,13,128.0 +"POLYGON ((8.260586525875933 50.19699753498398, 8.261741502669802 50.19699753498398, 8.261741502669802 50.19678188831238, 8.260586525875933 50.19678188831238, 8.260586525875933 50.19699753498398))",110645_4_13,4,13,130.0 +"POLYGON ((8.260586525875933 50.19124662372844, 8.261741502669802 50.19124662372844, 8.261741502669802 50.19103095108164, 8.260586525875933 50.19103095108164, 8.260586525875933 50.19124662372844))",110646_4_13,4,13,130.66666666666666 +"POLYGON ((8.260586525875933 50.18549501978881, 8.261741502669802 50.18549501978881, 8.261741502669802 50.18527932116586, 8.260586525875933 50.18527932116586, 8.260586525875933 50.18549501978881))",110647_4_13,4,13,133.0 +"POLYGON ((8.269569678717128 50.18549501978881, 8.270724655510996 50.18549501978881, 8.270724655510996 50.18527932116586, 8.269569678717128 50.18527932116586, 8.269569678717128 50.18549501978881))",111322_4_13,4,13,133.5 +"POLYGON ((8.269569678717128 50.17974272313964, 8.270724655510996 50.17974272313964, 8.270724655510996 50.17952699853959, 8.269569678717128 50.17952699853959, 8.269569678717128 50.17974272313964))",111323_4_13,4,13,130.5 +"POLYGON ((8.278552831558324 50.17398973375548, 8.279707808352192 50.17398973375548, 8.279707808352192 50.17377398317738, 8.278552831558324 50.17377398317738, 8.278552831558324 50.17398973375548))",111999_4_13,4,13,115.5 +"POLYGON ((8.287535984399518 50.17398973375548, 8.288690961193387 50.17398973375548, 8.288690961193387 50.17377398317738, 8.287535984399518 50.17377398317738, 8.287535984399518 50.17398973375548))",112674_4_13,4,13,117.0 +"POLYGON ((8.287535984399518 50.16823605161092, 8.288690961193387 50.16823605161092, 8.288690961193387 50.16802027505381, 8.287535984399518 50.16802027505381, 8.287535984399518 50.16823605161092))",112675_4_13,4,13,126.0 +"POLYGON ((8.296519137240715 50.16823605161092, 8.297674114034582 50.16823605161092, 8.297674114034582 50.16802027505381, 8.296519137240715 50.16802027505381, 8.296519137240715 50.16823605161092))",113350_4_13,4,13,131.5 +"POLYGON ((8.296519137240715 50.16248167668058, 8.297674114034582 50.16248167668058, 8.297674114034582 50.1622658741435, 8.296519137240715 50.1622658741435, 8.296519137240715 50.16248167668058))",113351_4_13,4,13,135.66666666666666 +"POLYGON ((8.305502290081909 50.16248167668058, 8.306657266875778 50.16248167668058, 8.306657266875778 50.1622658741435, 8.305502290081909 50.1622658741435, 8.305502290081909 50.16248167668058))",114026_4_13,4,13,138.0 +"POLYGON ((8.305502290081909 50.15672660893906, 8.306657266875778 50.15672660893906, 8.306657266875778 50.15651078042107, 8.305502290081909 50.15651078042107, 8.305502290081909 50.15672660893906))",114027_4_13,4,13,141.0 +"POLYGON ((8.305502290081909 50.15097084836105, 8.306657266875778 50.15097084836105, 8.306657266875778 50.1507549938612, 8.305502290081909 50.1507549938612, 8.305502290081909 50.15097084836105))",114028_4_13,4,13,137.0 +"POLYGON ((8.314485442923104 50.15097084836105, 8.315640419716972 50.15097084836105, 8.315640419716972 50.1507549938612, 8.314485442923104 50.1507549938612, 8.314485442923104 50.15097084836105))",114703_4_13,4,13,123.5 +"POLYGON ((8.3234685957643 50.15097084836105, 8.324623572558167 50.15097084836105, 8.324623572558167 50.1507549938612, 8.3234685957643 50.1507549938612, 8.3234685957643 50.15097084836105))",115378_4_13,4,13,122.0 +"POLYGON ((8.3234685957643 50.14521439492121, 8.324623572558167 50.14521439492121, 8.324623572558167 50.14499851443855, 8.3234685957643 50.14499851443855, 8.3234685957643 50.14521439492121))",115379_4_13,4,13,123.0 +"POLYGON ((8.332451748605495 50.14521439492121, 8.333606725399363 50.14521439492121, 8.333606725399363 50.14499851443855, 8.332451748605495 50.14499851443855, 8.332451748605495 50.14521439492121))",116054_4_13,4,13,125.0 +"POLYGON ((8.332451748605495 50.13945724859426, 8.333606725399363 50.13945724859426, 8.333606725399363 50.13924134212785, 8.332451748605495 50.13924134212785, 8.332451748605495 50.13945724859426))",116055_4_13,4,13,133.66666666666666 +"POLYGON ((8.332451748605495 50.13369940935494, 8.333606725399363 50.13369940935494, 8.333606725399363 50.13348347690383, 8.332451748605495 50.13348347690383, 8.332451748605495 50.13369940935494))",116056_4_13,4,13,145.0 +"POLYGON ((8.341434901446689 50.127940877178, 8.342589878240558 50.127940877178, 8.342589878240558 50.12772491874123, 8.341434901446689 50.12772491874123, 8.341434901446689 50.127940877178))",116732_4_13,4,13,142.33333333333334 +"POLYGON ((8.341434901446689 50.12218165203821, 8.342589878240558 50.12218165203821, 8.342589878240558 50.12196566761484, 8.341434901446689 50.12196566761484, 8.341434901446689 50.12218165203821))",116733_4_13,4,13,147.0 +"POLYGON ((8.341434901446689 50.11642173391041, 8.342589878240558 50.11642173391041, 8.342589878240558 50.1162057234995, 8.341434901446689 50.1162057234995, 8.341434901446689 50.11642173391041))",116734_4_13,4,13,138.33333333333334 +"POLYGON ((8.341434901446689 50.1106611227694, 8.342589878240558 50.1106611227694, 8.342589878240558 50.11044508637001, 8.341434901446689 50.11044508637001, 8.341434901446689 50.1106611227694))",116735_4_13,4,13,133.0 +"POLYGON ((8.350418054287886 50.10489981859006, 8.351573031081754 50.10489981859006, 8.351573031081754 50.10468375620125, 8.350418054287886 50.10468375620125, 8.350418054287886 50.10489981859006))",117411_4_13,4,13,119.75 +"POLYGON ((8.350418054287886 50.09913782134726, 8.351573031081754 50.09913782134726, 8.351573031081754 50.09892173296807, 8.350418054287886 50.09892173296807, 8.350418054287886 50.09913782134726))",117412_4_13,4,13,122.0 +"POLYGON ((8.350418054287886 50.09337513101592, 8.351573031081754 50.09337513101592, 8.351573031081754 50.09315901664542, 8.350418054287886 50.09315901664542, 8.350418054287886 50.09337513101592))",117413_4_13,4,13,105.33333333333333 +"POLYGON ((8.35940120712908 50.09337513101592, 8.360556183922949 50.09337513101592, 8.360556183922949 50.09315901664542, 8.35940120712908 50.09315901664542, 8.35940120712908 50.09337513101592))",118088_4_13,4,13,94.0 +"POLYGON ((8.35940120712908 50.08761174757095, 8.360556183922949 50.08761174757095, 8.360556183922949 50.08739560720821, 8.35940120712908 50.08739560720821, 8.35940120712908 50.08761174757095))",118089_4_13,4,13,96.5 +"POLYGON ((8.35940120712908 50.08184767098733, 8.360556183922949 50.08184767098733, 8.360556183922949 50.0816315046314, 8.35940120712908 50.0816315046314, 8.35940120712908 50.08184767098733))",118090_4_13,4,13,112.25 +"POLYGON ((8.368384359970275 50.07608290124004, 8.369539336764143 50.07608290124004, 8.369539336764143 50.07586670888998, 8.368384359970275 50.07586670888998, 8.368384359970275 50.07608290124004))",118766_4_13,4,13,117.25 +"POLYGON ((8.368384359970275 50.07031743830409, 8.369539336764143 50.07031743830409, 8.369539336764143 50.07010121995898, 8.368384359970275 50.07010121995898, 8.368384359970275 50.07031743830409))",118767_4_13,4,13,124.0 +"POLYGON ((8.377367512811471 50.07031743830409, 8.37852248960534 50.07031743830409, 8.37852248960534 50.07010121995898, 8.377367512811471 50.07010121995898, 8.377367512811471 50.07031743830409))",119442_4_13,4,13,128.33333333333334 +"POLYGON ((8.377367512811471 50.0645512821545, 8.37852248960534 50.0645512821545, 8.37852248960534 50.06433503781339, 8.377367512811471 50.06433503781339, 8.377367512811471 50.0645512821545))",119443_4_13,4,13,120.66666666666667 +"POLYGON ((8.386350665652666 50.0645512821545, 8.387505642446534 50.0645512821545, 8.387505642446534 50.06433503781339, 8.386350665652666 50.06433503781339, 8.386350665652666 50.0645512821545))",120118_4_13,4,13,125.0 +"POLYGON ((8.386350665652666 50.05878443276634, 8.387505642446534 50.05878443276634, 8.387505642446534 50.05856816242829, 8.386350665652666 50.05856816242829, 8.386350665652666 50.05878443276634))",120119_4_13,4,13,115.0 +"POLYGON ((8.386350665652666 50.05301689011468, 8.387505642446534 50.05301689011468, 8.387505642446534 50.05280059377877, 8.386350665652666 50.05280059377877, 8.386350665652666 50.05301689011468))",120120_4_13,4,13,115.0 +"POLYGON ((8.395333818493862 50.05301689011468, 8.396488795287729 50.05301689011468, 8.396488795287729 50.05280059377877, 8.395333818493862 50.05280059377877, 8.395333818493862 50.05301689011468))",120795_4_13,4,13,112.0 +"POLYGON ((8.395333818493862 50.04724865417464, 8.396488795287729 50.04724865417464, 8.396488795287729 50.04703233183993, 8.395333818493862 50.04703233183993, 8.395333818493862 50.04724865417464))",120796_4_13,4,13,110.0 +"POLYGON ((8.404316971335057 50.04724865417464, 8.405471948128925 50.04724865417464, 8.405471948128925 50.04703233183993, 8.404316971335057 50.04703233183993, 8.404316971335057 50.04724865417464))",121471_4_13,4,13,117.5 +"POLYGON ((8.404316971335057 50.04147972492136, 8.405471948128925 50.04147972492136, 8.405471948128925 50.04126337658693, 8.404316971335057 50.04126337658693, 8.404316971335057 50.04147972492136))",121472_4_13,4,13,115.0 +"POLYGON ((8.413300124176251 50.04147972492136, 8.414455100970121 50.04147972492136, 8.414455100970121 50.04126337658693, 8.413300124176251 50.04126337658693, 8.413300124176251 50.04147972492136))",122147_4_13,4,13,124.25 +"POLYGON ((8.422283277017447 50.04147972492136, 8.423438253811314 50.04147972492136, 8.423438253811314 50.04126337658693, 8.422283277017447 50.04126337658693, 8.422283277017447 50.04147972492136))",122822_4_13,4,13,124.0 +"POLYGON ((8.431266429858642 50.03571010232999, 8.43242140665251 50.03571010232999, 8.43242140665251 50.03549372799489, 8.431266429858642 50.03549372799489, 8.431266429858642 50.03571010232999))",123498_4_13,4,13,120.5 +"POLYGON ((8.440249582699836 50.03571010232999, 8.441404559493705 50.03571010232999, 8.441404559493705 50.03549372799489, 8.440249582699836 50.03549372799489, 8.440249582699836 50.03571010232999))",124173_4_13,4,13,117.5 +"POLYGON ((8.449232735541033 50.03571010232999, 8.450387712334901 50.03571010232999, 8.450387712334901 50.03549372799489, 8.449232735541033 50.03549372799489, 8.449232735541033 50.03571010232999))",124848_4_13,4,13,103.0 +"POLYGON ((8.449232735541033 50.0299397863757, 8.450387712334901 50.0299397863757, 8.450387712334901 50.02972338603902, 8.449232735541033 50.02972338603902, 8.449232735541033 50.0299397863757))",124849_4_13,4,13,106.0 +"POLYGON ((8.458215888382227 50.0299397863757, 8.459370865176096 50.0299397863757, 8.459370865176096 50.02972338603902, 8.458215888382227 50.02972338603902, 8.458215888382227 50.0299397863757))",125524_4_13,4,13,104.0 +"POLYGON ((8.467199041223422 50.0299397863757, 8.46835401801729 50.0299397863757, 8.46835401801729 50.02972338603902, 8.467199041223422 50.02972338603902, 8.467199041223422 50.0299397863757))",126199_4_13,4,13,99.5 +"POLYGON ((8.467199041223422 49.99530332864246, 8.46835401801729 49.99530332864246, 8.46835401801729 49.99508677227674, 8.467199041223422 49.99508677227674, 8.467199041223422 49.99530332864246))",126205_4_13,4,13,92.5 +"POLYGON ((8.467199041223422 49.98952815845511, 8.46835401801729 49.98952815845511, 8.46835401801729 49.98931157608131, 8.467199041223422 49.98931157608131, 8.467199041223422 49.98952815845511))",126206_4_13,4,13,85.6 +"POLYGON ((8.467199041223422 49.98375229470721, 8.46835401801729 49.98375229470721, 8.46835401801729 49.98353568632441, 8.467199041223422 49.98353568632441, 8.467199041223422 49.98375229470721))",126207_4_13,4,13,85.25 +"POLYGON ((8.467199041223422 49.97797573737419, 8.46835401801729 49.97797573737419, 8.46835401801729 49.97775910298148, 8.467199041223422 49.97775910298148, 8.467199041223422 49.97797573737419))",126208_4_13,4,13,102.0 +"POLYGON ((8.467199041223422 49.9721984864315, 8.46835401801729 49.9721984864315, 8.46835401801729 49.97198182602796, 8.467199041223422 49.97198182602796, 8.467199041223422 49.9721984864315))",126209_4_13,4,13,95.75 +"POLYGON ((8.467199041223422 49.96642054185458, 8.46835401801729 49.96642054185458, 8.46835401801729 49.96620385543928, 8.467199041223422 49.96620385543928, 8.467199041223422 49.96642054185458))",126210_4_13,4,13,90.8 +"POLYGON ((8.476182194064618 50.02416877703374, 8.477337170858487 50.02416877703374, 8.477337170858487 50.02395235069452, 8.476182194064618 50.02395235069452, 8.476182194064618 50.02416877703374))",126875_4_13,4,13,103.75 +"POLYGON ((8.476182194064618 50.0010778052939, 8.477337170858487 50.0010778052939, 8.477337170858487 50.00086127493535, 8.476182194064618 50.00086127493535, 8.476182194064618 50.0010778052939))",126879_4_13,4,13,93.33333333333333 +"POLYGON ((8.476182194064618 49.99530332864246, 8.477337170858487 49.99530332864246, 8.477337170858487 49.99508677227674, 8.476182194064618 49.99508677227674, 8.476182194064618 49.99530332864246))",126880_4_13,4,13,85.75 +"POLYGON ((8.476182194064618 49.96064190361893, 8.477337170858487 49.96064190361893, 8.477337170858487 49.96042519119094, 8.476182194064618 49.96042519119094, 8.476182194064618 49.96064190361893))",126886_4_13,4,13,90.5 +"POLYGON ((8.476182194064618 49.95486257170006, 8.477337170858487 49.95486257170006, 8.477337170858487 49.95464583325847, 8.476182194064618 49.95464583325847, 8.476182194064618 49.95486257170006))",126887_4_13,4,13,87.2 +"POLYGON ((8.476182194064618 49.94908254607349, 8.477337170858487 49.94908254607349, 8.477337170858487 49.94886578161739, 8.476182194064618 49.94886578161739, 8.476182194064618 49.94908254607349))",126888_4_13,4,13,85.25 +"POLYGON ((8.476182194064618 49.9433018267148, 8.477337170858487 49.9433018267148, 8.477337170858487 49.94308503624327, 8.476182194064618 49.94308503624327, 8.476182194064618 49.9433018267148))",126889_4_13,4,13,88.0 +"POLYGON ((8.476182194064618 49.93752041359957, 8.477337170858487 49.93752041359957, 8.477337170858487 49.9373035971117, 8.476182194064618 49.9373035971117, 8.476182194064618 49.93752041359957))",126890_4_13,4,13,84.0 +"POLYGON ((8.485165346905813 50.02416877703374, 8.486320323699683 50.02416877703374, 8.486320323699683 50.02395235069452, 8.485165346905813 50.02395235069452, 8.485165346905813 50.02416877703374))",127550_4_13,4,13,113.66666666666667 +"POLYGON ((8.485165346905813 50.00685158843408, 8.486320323699683 50.00685158843408, 8.486320323699683 50.00663508408175, 8.485165346905813 50.00663508408175, 8.485165346905813 50.00685158843408))",127553_4_13,4,13,94.0 +"POLYGON ((8.485165346905813 50.0010778052939, 8.486320323699683 50.0010778052939, 8.486320323699683 50.00086127493535, 8.485165346905813 50.00086127493535, 8.485165346905813 50.0010778052939))",127554_4_13,4,13,89.0 +"POLYGON ((8.485165346905813 49.93752041359957, 8.486320323699683 49.93752041359957, 8.486320323699683 49.9373035971117, 8.485165346905813 49.9373035971117, 8.485165346905813 49.93752041359957))",127565_4_13,4,13,88.33333333333333 +"POLYGON ((8.485165346905813 49.93173830670342, 8.486320323699683 49.93173830670342, 8.486320323699683 49.93152146419828, 8.485165346905813 49.93152146419828, 8.485165346905813 49.93173830670342))",127566_4_13,4,13,91.0 +"POLYGON ((8.494148499747009 50.02416877703374, 8.495303476540876 50.02416877703374, 8.495303476540876 50.02395235069452, 8.494148499747009 50.02395235069452, 8.494148499747009 50.02416877703374))",128225_4_13,4,13,112.5 +"POLYGON ((8.494148499747009 50.01839707427929, 8.495303476540876 50.01839707427929, 8.495303476540876 50.01818062193663, 8.494148499747009 50.01818062193663, 8.494148499747009 50.01839707427929))",128226_4_13,4,13,121.0 +"POLYGON ((8.494148499747009 50.01262467808765, 8.495303476540876 50.01262467808765, 8.495303476540876 50.01240819974061, 8.494148499747009 50.01240819974061, 8.494148499747009 50.01262467808765))",128227_4_13,4,13,114.5 +"POLYGON ((8.494148499747009 50.00685158843408, 8.495303476540876 50.00685158843408, 8.495303476540876 50.00663508408175, 8.494148499747009 50.00663508408175, 8.494148499747009 50.00685158843408))",128228_4_13,4,13,106.0 +"POLYGON ((8.494148499747009 49.93173830670342, 8.495303476540876 49.93173830670342, 8.495303476540876 49.93152146419828, 8.494148499747009 49.93152146419828, 8.494148499747009 49.93173830670342))",128241_4_13,4,13,87.0 +"POLYGON ((8.494148499747009 49.92595550600199, 8.495303476540876 49.92595550600199, 8.495303476540876 49.92573863747868, 8.494148499747009 49.92573863747868, 8.494148499747009 49.92595550600199))",128242_4_13,4,13,87.0 +"POLYGON ((8.503131652588204 49.92595550600199, 8.504286629382072 49.92595550600199, 8.504286629382072 49.92573863747868, 8.503131652588204 49.92573863747868, 8.503131652588204 49.92595550600199))",128917_4_13,4,13,87.25 +"POLYGON ((8.503131652588204 49.92017201147093, 8.504286629382072 49.92017201147093, 8.504286629382072 49.91995511692853, 8.503131652588204 49.91995511692853, 8.503131652588204 49.92017201147093))",128918_4_13,4,13,86.33333333333333 +"POLYGON ((8.512114805429398 49.92017201147093, 8.513269782223269 49.92017201147093, 8.513269782223269 49.91995511692853, 8.512114805429398 49.91995511692853, 8.512114805429398 49.92017201147093))",129593_4_13,4,13,89.0 +"POLYGON ((8.512114805429398 49.91438782308593, 8.513269782223269 49.91438782308593, 8.513269782223269 49.91417090252354, 8.512114805429398 49.91417090252354, 8.512114805429398 49.91438782308593))",129594_4_13,4,13,112.5 +"POLYGON ((8.512114805429398 49.90860294082271, 8.513269782223269 49.90860294082271, 8.513269782223269 49.90838599423942, 8.512114805429398 49.90838599423942, 8.512114805429398 49.90860294082271))",129595_4_13,4,13,113.25 +"POLYGON ((8.521097958270595 49.90281736465701, 8.522252935064461 49.90281736465701, 8.522252935064461 49.90260039205191, 8.521097958270595 49.90260039205191, 8.521097958270595 49.90281736465701))",130271_4_13,4,13,105.4 +"POLYGON ((8.530081111111791 49.90281736465701, 8.531236087905658 49.90281736465701, 8.531236087905658 49.90260039205191, 8.530081111111791 49.90260039205191, 8.530081111111791 49.90281736465701))",130946_4_13,4,13,96.0 +"POLYGON ((8.530081111111791 49.89703109456459, 8.531236087905658 49.89703109456459, 8.531236087905658 49.89681409593678, 8.530081111111791 49.89681409593678, 8.530081111111791 49.89703109456459))",130947_4_13,4,13,97.75 +"POLYGON ((8.539064263952984 49.89703109456459, 8.540219240746854 49.89703109456459, 8.540219240746854 49.89681409593678, 8.539064263952984 49.89681409593678, 8.539064263952984 49.89703109456459))",131622_4_13,4,13,96.75 +"POLYGON ((8.539064263952984 49.89124413052126, 8.540219240746854 49.89124413052126, 8.540219240746854 49.8910271058698, 8.539064263952984 49.8910271058698, 8.539064263952984 49.89124413052126))",131623_4_13,4,13,71.0 +"POLYGON ((8.54804741679418 49.89124413052126, 8.549202393588049 49.89124413052126, 8.549202393588049 49.8910271058698, 8.54804741679418 49.8910271058698, 8.54804741679418 49.89124413052126))",132298_4_13,4,13,14.333333333333334 diff --git a/examples/grids.geojson b/examples/grids.geojson new file mode 100644 index 0000000..261d7cb --- /dev/null +++ b/examples/grids.geojson @@ -0,0 +1,11610 @@ +{ +"type": "FeatureCollection", +"crs": { "type": "name", "properties": { "name": "urn:ogc:def:crs:OGC:1.3:CRS84" } }, +"features": [ +{ "type": "Feature", "properties": { "gridId": "399_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.796332612761113, 51.451425473905402 ], [ 6.797487589554982, 51.451425473905402 ], [ 6.797487589554982, 51.451215544586788 ], [ 6.796332612761113, 51.451215544586788 ], [ 6.796332612761113, 51.451425473905402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "400_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.796332612761113, 51.445827028391086 ], [ 6.797487589554982, 51.445827028391086 ], [ 6.797487589554982, 51.445617073330631 ], [ 6.796332612761113, 51.445617073330631 ], [ 6.796332612761113, 51.445827028391086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "404_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.796332612761113, 51.423426381388623 ], [ 6.797487589554982, 51.423426381388623 ], [ 6.797487589554982, 51.423216323349301 ], [ 6.796332612761113, 51.423216323349301 ], [ 6.796332612761113, 51.423426381388623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "405_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.796332612761113, 51.417824503248404 ], [ 6.797487589554982, 51.417824503248404 ], [ 6.797487589554982, 51.417614419461493 ], [ 6.796332612761113, 51.417614419461493 ], [ 6.796332612761113, 51.417824503248404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "406_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.796332612761113, 51.412221938491093 ], [ 6.797487589554982, 51.412221938491093 ], [ 6.797487589554982, 51.412011828955443 ], [ 6.796332612761113, 51.412011828955443 ], [ 6.796332612761113, 51.412221938491093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "707_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 50.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 53.460773311484957 ], [ 6.806470742396177, 53.460773311484957 ], [ 6.806470742396177, 53.460572748763063 ], [ 6.805315765602309, 53.460572748763063 ], [ 6.805315765602309, 53.460773311484957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "709_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 33.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 53.450075310747536 ], [ 6.806470742396177, 53.450075310747536 ], [ 6.806470742396177, 53.449874697493343 ], [ 6.805315765602309, 53.449874697493343 ], [ 6.805315765602309, 53.450075310747536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "710_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 47.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 53.44472529969579 ], [ 6.806470742396177, 53.44472529969579 ], [ 6.806470742396177, 53.444524661173297 ], [ 6.805315765602309, 53.444524661173297 ], [ 6.805315765602309, 53.44472529969579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1073_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.4570232329866 ], [ 6.806470742396177, 51.4570232329866 ], [ 6.806470742396177, 51.456813329408661 ], [ 6.805315765602309, 51.456813329408661 ], [ 6.805315765602309, 51.4570232329866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1076_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.440227896412942 ], [ 6.806470742396177, 51.440227896412942 ], [ 6.806470742396177, 51.440017915609488 ], [ 6.805315765602309, 51.440017915609488 ], [ 6.805315765602309, 51.440227896412942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1077_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.43462807794026 ], [ 6.806470742396177, 51.43462807794026 ], [ 6.806470742396177, 51.434418071392656 ], [ 6.805315765602309, 51.434418071392656 ], [ 6.805315765602309, 51.43462807794026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1078_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.429027572942374 ], [ 6.806470742396177, 51.429027572942374 ], [ 6.806470742396177, 51.428817540649483 ], [ 6.805315765602309, 51.428817540649483 ], [ 6.805315765602309, 51.429027572942374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1079_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.423426381388623 ], [ 6.806470742396177, 51.423426381388623 ], [ 6.806470742396177, 51.423216323349301 ], [ 6.805315765602309, 51.423216323349301 ], [ 6.805315765602309, 51.423426381388623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1082_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.406618687086116 ], [ 6.806470742396177, 51.406618687086116 ], [ 6.806470742396177, 51.406408551800588 ], [ 6.805315765602309, 51.406408551800588 ], [ 6.805315765602309, 51.406618687086116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1083_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.805315765602309, 51.401014749002918 ], [ 6.806470742396177, 51.401014749002918 ], [ 6.806470742396177, 51.400804587966348 ], [ 6.805315765602309, 51.400804587966348 ], [ 6.805315765602309, 51.401014749002918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1381_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 47.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 53.466121301247121 ], [ 6.815453895237372, 53.466121301247121 ], [ 6.815453895237372, 53.465920763789228 ], [ 6.814298918443503, 53.465920763789228 ], [ 6.814298918443503, 53.466121301247121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1382_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 59.625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 53.460773311484957 ], [ 6.815453895237372, 53.460773311484957 ], [ 6.815453895237372, 53.460572748763063 ], [ 6.814298918443503, 53.460572748763063 ], [ 6.814298918443503, 53.460773311484957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1383_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 44.3 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 53.455424647997845 ], [ 6.815453895237372, 53.455424647997845 ], [ 6.815453895237372, 53.455224060010522 ], [ 6.814298918443503, 53.455224060010522 ], [ 6.814298918443503, 53.455424647997845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1384_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 59.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 53.450075310747536 ], [ 6.815453895237372, 53.450075310747536 ], [ 6.815453895237372, 53.449874697493343 ], [ 6.814298918443503, 53.449874697493343 ], [ 6.814298918443503, 53.450075310747536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1385_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 48.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 53.44472529969579 ], [ 6.815453895237372, 53.44472529969579 ], [ 6.815453895237372, 53.444524661173297 ], [ 6.814298918443503, 53.444524661173297 ], [ 6.814298918443503, 53.44472529969579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1735_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.52973164964525 ], [ 6.815453895237372, 51.52973164964525 ], [ 6.815453895237372, 51.529522080591008 ], [ 6.814298918443503, 51.529522080591008 ], [ 6.814298918443503, 51.52973164964525 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1736_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.524142811389169 ], [ 6.815453895237372, 51.524142811389169 ], [ 6.815453895237372, 51.523933216609294 ], [ 6.814298918443503, 51.523933216609294 ], [ 6.814298918443503, 51.524142811389169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1737_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 98.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.518553287101319 ], [ 6.815453895237372, 51.518553287101319 ], [ 6.815453895237372, 51.51834366659466 ], [ 6.814298918443503, 51.51834366659466 ], [ 6.814298918443503, 51.518553287101319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1738_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.512963076750701 ], [ 6.815453895237372, 51.512963076750701 ], [ 6.815453895237372, 51.512753430516092 ], [ 6.814298918443503, 51.512753430516092 ], [ 6.814298918443503, 51.512963076750701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1742_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.490595374101211 ], [ 6.815453895237372, 51.490595374101211 ], [ 6.815453895237372, 51.490385624943158 ], [ 6.814298918443503, 51.490385624943158 ], [ 6.814298918443503, 51.490595374101211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1743_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.485001732972428 ], [ 6.815453895237372, 51.485001732972428 ], [ 6.815453895237372, 51.484791958080621 ], [ 6.814298918443503, 51.484791958080621 ], [ 6.814298918443503, 51.485001732972428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1744_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.479407405595296 ], [ 6.815453895237372, 51.479407405595296 ], [ 6.815453895237372, 51.479197604968576 ], [ 6.814298918443503, 51.479197604968576 ], [ 6.814298918443503, 51.479407405595296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1745_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.473812391938964 ], [ 6.815453895237372, 51.473812391938964 ], [ 6.815453895237372, 51.473602565576172 ], [ 6.814298918443503, 51.473602565576172 ], [ 6.814298918443503, 51.473812391938964 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1746_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 112.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.468216691972607 ], [ 6.815453895237372, 51.468216691972607 ], [ 6.815453895237372, 51.468006839872579 ], [ 6.814298918443503, 51.468006839872579 ], [ 6.814298918443503, 51.468216691972607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1747_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 116.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.462620305665411 ], [ 6.815453895237372, 51.462620305665411 ], [ 6.815453895237372, 51.46241042782701 ], [ 6.814298918443503, 51.46241042782701 ], [ 6.814298918443503, 51.462620305665411 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1758_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.401014749002918 ], [ 6.815453895237372, 51.401014749002918 ], [ 6.815453895237372, 51.400804587966348 ], [ 6.814298918443503, 51.400804587966348 ], [ 6.814298918443503, 51.401014749002918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1759_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.39541012421094 ], [ 6.815453895237372, 51.39541012421094 ], [ 6.815453895237372, 51.395199937422205 ], [ 6.814298918443503, 51.395199937422205 ], [ 6.814298918443503, 51.39541012421094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "1760_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.814298918443503, 51.389804812679685 ], [ 6.815453895237372, 51.389804812679685 ], [ 6.815453895237372, 51.389594600137634 ], [ 6.814298918443503, 51.389594600137634 ], [ 6.814298918443503, 51.389804812679685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2057_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 59.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 53.460773311484957 ], [ 6.824437048078567, 53.460773311484957 ], [ 6.824437048078567, 53.460572748763063 ], [ 6.823282071284699, 53.460572748763063 ], [ 6.823282071284699, 53.460773311484957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2060_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 53.44472529969579 ], [ 6.824437048078567, 53.44472529969579 ], [ 6.824437048078567, 53.444524661173297 ], [ 6.823282071284699, 53.444524661173297 ], [ 6.823282071284699, 53.44472529969579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2409_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.535319801900606 ], [ 6.824437048078567, 51.535319801900606 ], [ 6.824437048078567, 51.535110258570832 ], [ 6.823282071284699, 51.535110258570832 ], [ 6.823282071284699, 51.535319801900606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2410_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.52973164964525 ], [ 6.824437048078567, 51.52973164964525 ], [ 6.824437048078567, 51.529522080591008 ], [ 6.823282071284699, 51.529522080591008 ], [ 6.823282071284699, 51.52973164964525 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2413_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.512963076750701 ], [ 6.824437048078567, 51.512963076750701 ], [ 6.824437048078567, 51.512753430516092 ], [ 6.823282071284699, 51.512753430516092 ], [ 6.823282071284699, 51.512963076750701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2414_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.507372180306348 ], [ 6.824437048078567, 51.507372180306348 ], [ 6.824437048078567, 51.507162508342603 ], [ 6.823282071284699, 51.507162508342603 ], [ 6.823282071284699, 51.507372180306348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2415_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.501780597737266 ], [ 6.824437048078567, 51.501780597737266 ], [ 6.824437048078567, 51.501570900043248 ], [ 6.823282071284699, 51.501570900043248 ], [ 6.823282071284699, 51.501780597737266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2416_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 112.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.496188329012533 ], [ 6.824437048078567, 51.496188329012533 ], [ 6.824437048078567, 51.495978605587069 ], [ 6.823282071284699, 51.495978605587069 ], [ 6.823282071284699, 51.496188329012533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2435_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.389804812679685 ], [ 6.824437048078567, 51.389804812679685 ], [ 6.824437048078567, 51.389594600137634 ], [ 6.823282071284699, 51.389594600137634 ], [ 6.823282071284699, 51.389804812679685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2436_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.384198814378664 ], [ 6.824437048078567, 51.384198814378664 ], [ 6.824437048078567, 51.38398857608216 ], [ 6.823282071284699, 51.38398857608216 ], [ 6.823282071284699, 51.384198814378664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2437_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.378592129277401 ], [ 6.824437048078567, 51.378592129277401 ], [ 6.824437048078567, 51.378381865225293 ], [ 6.823282071284699, 51.378381865225293 ], [ 6.823282071284699, 51.378592129277401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2438_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.372984757345449 ], [ 6.824437048078567, 51.372984757345449 ], [ 6.824437048078567, 51.372774467536594 ], [ 6.823282071284699, 51.372774467536594 ], [ 6.823282071284699, 51.372984757345449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2439_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.823282071284699, 51.367376698552384 ], [ 6.824437048078567, 51.367376698552384 ], [ 6.824437048078567, 51.367166382985644 ], [ 6.823282071284699, 51.367166382985644 ], [ 6.823282071284699, 51.367376698552384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2732_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 23.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.460773311484957 ], [ 6.833420200919762, 53.460773311484957 ], [ 6.833420200919762, 53.460572748763063 ], [ 6.832265224125893, 53.460572748763063 ], [ 6.832265224125893, 53.460773311484957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2733_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 20.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.455424647997845 ], [ 6.833420200919762, 53.455424647997845 ], [ 6.833420200919762, 53.455224060010522 ], [ 6.832265224125893, 53.455224060010522 ], [ 6.832265224125893, 53.455424647997845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2735_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.44472529969579 ], [ 6.833420200919762, 53.44472529969579 ], [ 6.833420200919762, 53.444524661173297 ], [ 6.832265224125893, 53.444524661173297 ], [ 6.832265224125893, 53.44472529969579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2736_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.439374614804379 ], [ 6.833420200919762, 53.439374614804379 ], [ 6.833420200919762, 53.439173951012158 ], [ 6.832265224125893, 53.439173951012158 ], [ 6.832265224125893, 53.439374614804379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2743_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.82880029374429, 53.401700109127155 ], [ 6.829955270538158, 53.401700109127155 ], [ 6.829955270538158, 53.401499267458746 ], [ 6.82880029374429, 53.401499267458746 ], [ 6.82880029374429, 53.401700109127155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2743_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.401900949847544 ], [ 6.833420200919762, 53.401900949847544 ], [ 6.833420200919762, 53.401700109127155 ], [ 6.832265224125893, 53.401700109127155 ], [ 6.832265224125893, 53.401900949847544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2744_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.82880029374429, 53.39634400686365 ], [ 6.829955270538158, 53.39634400686365 ], [ 6.829955270538158, 53.39614313991401 ], [ 6.82880029374429, 53.39614313991401 ], [ 6.82880029374429, 53.39634400686365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2744_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.396544872865206 ], [ 6.833420200919762, 53.396544872865206 ], [ 6.833420200919762, 53.39634400686365 ], [ 6.832265224125893, 53.39634400686365 ], [ 6.832265224125893, 53.396544872865206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2745_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 79.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.82880029374429, 53.390987230415924 ], [ 6.829955270538158, 53.390987230415924 ], [ 6.829955270538158, 53.390786338183631 ], [ 6.82880029374429, 53.390786338183631 ], [ 6.82880029374429, 53.390987230415924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2745_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 80.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.391188121700075 ], [ 6.833420200919762, 53.391188121700075 ], [ 6.833420200919762, 53.390987230415924 ], [ 6.832265224125893, 53.390987230415924 ], [ 6.832265224125893, 53.391188121700075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2746_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.82880029374429, 53.38562977974594 ], [ 6.829955270538158, 53.38562977974594 ], [ 6.829955270538158, 53.385428862229581 ], [ 6.82880029374429, 53.385428862229581 ], [ 6.82880029374429, 53.38562977974594 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2746_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 75.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.385830696314123 ], [ 6.833420200919762, 53.385830696314123 ], [ 6.833420200919762, 53.38562977974594 ], [ 6.832265224125893, 53.38562977974594 ], [ 6.832265224125893, 53.385830696314123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2747_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.82880029374429, 53.380271654815708 ], [ 6.829955270538158, 53.380271654815708 ], [ 6.829955270538158, 53.380070712013854 ], [ 6.82880029374429, 53.380070712013854 ], [ 6.82880029374429, 53.380271654815708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "2747_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 53.380472596669335 ], [ 6.833420200919762, 53.380472596669335 ], [ 6.833420200919762, 53.380271654815708 ], [ 6.832265224125893, 53.380271654815708 ], [ 6.832265224125893, 53.380472596669335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3084_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 51.535319801900606 ], [ 6.833420200919762, 51.535319801900606 ], [ 6.833420200919762, 51.535110258570832 ], [ 6.832265224125893, 51.535110258570832 ], [ 6.832265224125893, 51.535319801900606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3114_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 51.367376698552384 ], [ 6.833420200919762, 51.367376698552384 ], [ 6.833420200919762, 51.367166382985644 ], [ 6.832265224125893, 51.367166382985644 ], [ 6.832265224125893, 51.367376698552384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3115_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 51.361767952867801 ], [ 6.833420200919762, 51.361767952867801 ], [ 6.833420200919762, 51.36155761154204 ], [ 6.832265224125893, 51.36155761154204 ], [ 6.832265224125893, 51.361767952867801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3116_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.832265224125893, 51.356158520261332 ], [ 6.833420200919762, 51.356158520261332 ], [ 6.833420200919762, 51.355948153175405 ], [ 6.832265224125893, 51.355948153175405 ], [ 6.832265224125893, 51.356158520261332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3411_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 53.439374614804379 ], [ 6.842403353760957, 53.439374614804379 ], [ 6.842403353760957, 53.439173951012158 ], [ 6.84124837696709, 53.439173951012158 ], [ 6.84124837696709, 53.439374614804379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3416_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 72.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.837783446585486, 53.412410291253728 ], [ 6.838938423379354, 53.412410291253728 ], [ 6.838938423379354, 53.412209500143483 ], [ 6.837783446585486, 53.412209500143483 ], [ 6.837783446585486, 53.412410291253728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3416_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 53.412611081416074 ], [ 6.842403353760957, 53.412611081416074 ], [ 6.842403353760957, 53.412410291253728 ], [ 6.84124837696709, 53.412410291253728 ], [ 6.84124837696709, 53.412611081416074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3417_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.837783446585486, 53.407055537244489 ], [ 6.838938423379354, 53.407055537244489 ], [ 6.838938423379354, 53.406854720855875 ], [ 6.837783446585486, 53.406854720855875 ], [ 6.837783446585486, 53.407055537244489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3417_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 96.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 53.407256352685152 ], [ 6.842403353760957, 53.407256352685152 ], [ 6.842403353760957, 53.407055537244489 ], [ 6.84124837696709, 53.407055537244489 ], [ 6.84124837696709, 53.407256352685152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3418_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.837783446585486, 53.401700109127155 ], [ 6.838938423379354, 53.401700109127155 ], [ 6.838938423379354, 53.401499267458746 ], [ 6.837783446585486, 53.401499267458746 ], [ 6.837783446585486, 53.401700109127155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3418_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 53.401900949847544 ], [ 6.842403353760957, 53.401900949847544 ], [ 6.842403353760957, 53.401700109127155 ], [ 6.84124837696709, 53.401700109127155 ], [ 6.84124837696709, 53.401900949847544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3422_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.837783446585486, 53.380271654815708 ], [ 6.838938423379354, 53.380271654815708 ], [ 6.838938423379354, 53.380070712013854 ], [ 6.837783446585486, 53.380070712013854 ], [ 6.837783446585486, 53.380271654815708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3422_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 53.380472596669335 ], [ 6.842403353760957, 53.380472596669335 ], [ 6.842403353760957, 53.380271654815708 ], [ 6.84124837696709, 53.380271654815708 ], [ 6.84124837696709, 53.380472596669335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3423_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.837783446585486, 53.374912855587198 ], [ 6.838938423379354, 53.374912855587198 ], [ 6.838938423379354, 53.374711887498428 ], [ 6.837783446585486, 53.374711887498428 ], [ 6.837783446585486, 53.374912855587198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3423_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 53.375113822727698 ], [ 6.842403353760957, 53.375113822727698 ], [ 6.842403353760957, 53.374912855587198 ], [ 6.84124837696709, 53.374912855587198 ], [ 6.84124837696709, 53.375113822727698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3758_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 51.540907268186281 ], [ 6.842403353760957, 51.540907268186281 ], [ 6.842403353760957, 51.54069775057981 ], [ 6.84124837696709, 51.54069775057981 ], [ 6.84124837696709, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "3791_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 129.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.84124837696709, 51.356158520261332 ], [ 6.842403353760957, 51.356158520261332 ], [ 6.842403353760957, 51.355948153175405 ], [ 6.84124837696709, 51.355948153175405 ], [ 6.84124837696709, 51.356158520261332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4086_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 75.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.439374614804379 ], [ 6.851386506602153, 53.439374614804379 ], [ 6.851386506602153, 53.439173951012158 ], [ 6.850231529808284, 53.439173951012158 ], [ 6.850231529808284, 53.439374614804379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4089_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 37.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.846766599426681, 53.423117777100273 ], [ 6.847921576220548, 53.423117777100273 ], [ 6.847921576220548, 53.422917036542472 ], [ 6.846766599426681, 53.422917036542472 ], [ 6.846766599426681, 53.423117777100273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4089_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 91.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.423318516710275 ], [ 6.851386506602153, 53.423318516710275 ], [ 6.851386506602153, 53.423117777100273 ], [ 6.850231529808284, 53.423117777100273 ], [ 6.850231529808284, 53.423318516710275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4090_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 58.714285714285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.846766599426681, 53.417764371192959 ], [ 6.847921576220548, 53.417764371192959 ], [ 6.847921576220548, 53.417563605359646 ], [ 6.846766599426681, 53.417563605359646 ], [ 6.846766599426681, 53.417764371192959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4090_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.417965136078415 ], [ 6.851386506602153, 53.417965136078415 ], [ 6.851386506602153, 53.417764371192959 ], [ 6.850231529808284, 53.417764371192959 ], [ 6.850231529808284, 53.417965136078415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4091_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 72.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.846766599426681, 53.412410291253728 ], [ 6.847921576220548, 53.412410291253728 ], [ 6.847921576220548, 53.412209500143483 ], [ 6.846766599426681, 53.412209500143483 ], [ 6.846766599426681, 53.412410291253728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4091_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.412611081416074 ], [ 6.851386506602153, 53.412611081416074 ], [ 6.851386506602153, 53.412410291253728 ], [ 6.850231529808284, 53.412410291253728 ], [ 6.850231529808284, 53.412611081416074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4099_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 80.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.846766599426681, 53.369553382022481 ], [ 6.847921576220548, 53.369553382022481 ], [ 6.847921576220548, 53.369352388645353 ], [ 6.846766599426681, 53.369352388645353 ], [ 6.846766599426681, 53.369553382022481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4099_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.369754374451261 ], [ 6.851386506602153, 53.369754374451261 ], [ 6.851386506602153, 53.369553382022481 ], [ 6.850231529808284, 53.369553382022481 ], [ 6.850231529808284, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4112_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 81.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.300020165145348 ], [ 6.851386506602153, 53.300020165145348 ], [ 6.851386506602153, 53.29981884383951 ], [ 6.850231529808284, 53.29981884383951 ], [ 6.850231529808284, 53.300020165145348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4113_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.294651272204696 ], [ 6.851386506602153, 53.294651272204696 ], [ 6.851386506602153, 53.294449925590705 ], [ 6.850231529808284, 53.294449925590705 ], [ 6.850231529808284, 53.294651272204696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4114_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 53.289281704361869 ], [ 6.851386506602153, 53.289281704361869 ], [ 6.851386506602153, 53.289080332438296 ], [ 6.850231529808284, 53.289080332438296 ], [ 6.850231529808284, 53.289281704361869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4433_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 51.540907268186281 ], [ 6.851386506602153, 51.540907268186281 ], [ 6.851386506602153, 51.54069775057981 ], [ 6.850231529808284, 51.54069775057981 ], [ 6.850231529808284, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4467_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.850231529808284, 51.3505484007026 ], [ 6.851386506602153, 51.3505484007026 ], [ 6.851386506602153, 51.350338007855385 ], [ 6.850231529808284, 51.350338007855385 ], [ 6.850231529808284, 51.3505484007026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4761_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 64.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.439374614804379 ], [ 6.860369659443348, 53.439374614804379 ], [ 6.860369659443348, 53.439173951012158 ], [ 6.85921468264948, 53.439173951012158 ], [ 6.85921468264948, 53.439374614804379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4762_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 43.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.434023256035104 ], [ 6.860369659443348, 53.434023256035104 ], [ 6.860369659443348, 53.433822566971727 ], [ 6.85921468264948, 53.433822566971727 ], [ 6.85921468264948, 53.434023256035104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4763_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 77.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.855749752267876, 53.428470509013827 ], [ 6.856904729061744, 53.428470509013827 ], [ 6.856904729061744, 53.428269793730088 ], [ 6.855749752267876, 53.428269793730088 ], [ 6.855749752267876, 53.428470509013827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4763_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.428671223349802 ], [ 6.860369659443348, 53.428671223349802 ], [ 6.860369659443348, 53.428470509013827 ], [ 6.85921468264948, 53.428470509013827 ], [ 6.85921468264948, 53.428671223349802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4764_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.855749752267876, 53.423117777100273 ], [ 6.856904729061744, 53.423117777100273 ], [ 6.856904729061744, 53.422917036542472 ], [ 6.855749752267876, 53.422917036542472 ], [ 6.855749752267876, 53.423117777100273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4764_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.423318516710275 ], [ 6.860369659443348, 53.423318516710275 ], [ 6.860369659443348, 53.423117777100273 ], [ 6.85921468264948, 53.423117777100273 ], [ 6.85921468264948, 53.423318516710275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4774_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.855749752267876, 53.369553382022481 ], [ 6.856904729061744, 53.369553382022481 ], [ 6.856904729061744, 53.369352388645353 ], [ 6.855749752267876, 53.369352388645353 ], [ 6.855749752267876, 53.369553382022481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4774_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.369754374451261 ], [ 6.860369659443348, 53.369754374451261 ], [ 6.860369659443348, 53.369553382022481 ], [ 6.85921468264948, 53.369553382022481 ], [ 6.85921468264948, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4775_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.855749752267876, 53.364193234083558 ], [ 6.856904729061744, 53.364193234083558 ], [ 6.856904729061744, 53.363992215416665 ], [ 6.855749752267876, 53.363992215416665 ], [ 6.855749752267876, 53.364193234083558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4775_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.364394251802061 ], [ 6.860369659443348, 53.364394251802061 ], [ 6.860369659443348, 53.364193234083558 ], [ 6.85921468264948, 53.364193234083558 ], [ 6.85921468264948, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4776_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.855749752267876, 53.358832411732521 ], [ 6.856904729061744, 53.358832411732521 ], [ 6.856904729061744, 53.358631367774429 ], [ 6.855749752267876, 53.358631367774429 ], [ 6.855749752267876, 53.358832411732521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4776_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.359033454742168 ], [ 6.860369659443348, 53.359033454742168 ], [ 6.860369659443348, 53.358832411732521 ], [ 6.85921468264948, 53.358832411732521 ], [ 6.85921468264948, 53.359033454742168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4777_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.855749752267876, 53.353470914931435 ], [ 6.856904729061744, 53.353470914931435 ], [ 6.856904729061744, 53.353269845680721 ], [ 6.855749752267876, 53.353269845680721 ], [ 6.855749752267876, 53.353470914931435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4777_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.353671983233632 ], [ 6.860369659443348, 53.353671983233632 ], [ 6.860369659443348, 53.353470914931435 ], [ 6.85921468264948, 53.353470914931435 ], [ 6.85921468264948, 53.353671983233632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4786_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.305388383221512 ], [ 6.860369659443348, 53.305388383221512 ], [ 6.860369659443348, 53.305187087222414 ], [ 6.85921468264948, 53.305187087222414 ], [ 6.85921468264948, 53.305388383221512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4787_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 73.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.300020165145348 ], [ 6.860369659443348, 53.300020165145348 ], [ 6.860369659443348, 53.29981884383951 ], [ 6.85921468264948, 53.29981884383951 ], [ 6.85921468264948, 53.300020165145348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4789_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.289281704361869 ], [ 6.860369659443348, 53.289281704361869 ], [ 6.860369659443348, 53.289080332438296 ], [ 6.85921468264948, 53.289080332438296 ], [ 6.85921468264948, 53.289281704361869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4790_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 87.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.283911461579173 ], [ 6.860369659443348, 53.283911461579173 ], [ 6.860369659443348, 53.283710064344632 ], [ 6.85921468264948, 53.283710064344632 ], [ 6.85921468264948, 53.283911461579173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "4791_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 53.278540543818977 ], [ 6.860369659443348, 53.278540543818977 ], [ 6.860369659443348, 53.278339121272047 ], [ 6.85921468264948, 53.278339121272047 ], [ 6.85921468264948, 53.278540543818977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5108_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 51.540907268186281 ], [ 6.860369659443348, 51.540907268186281 ], [ 6.860369659443348, 51.54069775057981 ], [ 6.85921468264948, 51.54069775057981 ], [ 6.85921468264948, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5142_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 51.3505484007026 ], [ 6.860369659443348, 51.3505484007026 ], [ 6.860369659443348, 51.350338007855385 ], [ 6.85921468264948, 51.350338007855385 ], [ 6.85921468264948, 51.3505484007026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5143_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.85921468264948, 51.344937594161294 ], [ 6.860369659443348, 51.344937594161294 ], [ 6.860369659443348, 51.34472717555164 ], [ 6.85921468264948, 51.34472717555164 ], [ 6.85921468264948, 51.344937594161294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5437_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 81.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.434023256035104 ], [ 6.869352812284543, 53.434023256035104 ], [ 6.869352812284543, 53.433822566971727 ], [ 6.868197835490675, 53.433822566971727 ], [ 6.868197835490675, 53.434023256035104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5438_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.428671223349802 ], [ 6.869352812284543, 53.428671223349802 ], [ 6.869352812284543, 53.428470509013827 ], [ 6.868197835490675, 53.428470509013827 ], [ 6.868197835490675, 53.428671223349802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5452_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 77.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.864732905109072, 53.353470914931435 ], [ 6.865887881902939, 53.353470914931435 ], [ 6.865887881902939, 53.353269845680721 ], [ 6.864732905109072, 53.353269845680721 ], [ 6.864732905109072, 53.353470914931435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5452_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 78.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.353671983233632 ], [ 6.869352812284543, 53.353671983233632 ], [ 6.869352812284543, 53.353470914931435 ], [ 6.868197835490675, 53.353470914931435 ], [ 6.868197835490675, 53.353671983233632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5453_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 78.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.864732905109072, 53.348108743642399 ], [ 6.865887881902939, 53.348108743642399 ], [ 6.865887881902939, 53.347907649097657 ], [ 6.864732905109072, 53.347907649097657 ], [ 6.864732905109072, 53.348108743642399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5453_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.348309837238588 ], [ 6.869352812284543, 53.348309837238588 ], [ 6.869352812284543, 53.348108743642399 ], [ 6.868197835490675, 53.348108743642399 ], [ 6.868197835490675, 53.348309837238588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5454_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.864732905109072, 53.342745897827541 ], [ 6.865887881902939, 53.342745897827541 ], [ 6.865887881902939, 53.342544777987349 ], [ 6.864732905109072, 53.342544777987349 ], [ 6.864732905109072, 53.342745897827541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5454_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 86.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.34294701671913 ], [ 6.869352812284543, 53.34294701671913 ], [ 6.869352812284543, 53.342745897827541 ], [ 6.868197835490675, 53.342745897827541 ], [ 6.868197835490675, 53.34294701671913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5455_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 89.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.864732905109072, 53.337382377449003 ], [ 6.865887881902939, 53.337382377449003 ], [ 6.865887881902939, 53.337181232311927 ], [ 6.864732905109072, 53.337181232311927 ], [ 6.864732905109072, 53.337382377449003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5455_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 84.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.337583521637406 ], [ 6.869352812284543, 53.337583521637406 ], [ 6.869352812284543, 53.337382377449003 ], [ 6.868197835490675, 53.337382377449003 ], [ 6.868197835490675, 53.337583521637406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5456_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 90.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.864732905109072, 53.332018182468921 ], [ 6.865887881902939, 53.332018182468921 ], [ 6.865887881902939, 53.331817012033561 ], [ 6.864732905109072, 53.331817012033561 ], [ 6.864732905109072, 53.332018182468921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5456_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 94.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.332219351955565 ], [ 6.869352812284543, 53.332219351955565 ], [ 6.869352812284543, 53.332018182468921 ], [ 6.868197835490675, 53.332018182468921 ], [ 6.868197835490675, 53.332219351955565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5461_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.305388383221512 ], [ 6.869352812284543, 53.305388383221512 ], [ 6.869352812284543, 53.305187087222414 ], [ 6.868197835490675, 53.305187087222414 ], [ 6.868197835490675, 53.305388383221512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5466_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 88.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.278540543818977 ], [ 6.869352812284543, 53.278540543818977 ], [ 6.869352812284543, 53.278339121272047 ], [ 6.868197835490675, 53.278339121272047 ], [ 6.868197835490675, 53.278540543818977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5467_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 53.273168951043637 ], [ 6.869352812284543, 53.273168951043637 ], [ 6.869352812284543, 53.272967503182912 ], [ 6.868197835490675, 53.272967503182912 ], [ 6.868197835490675, 53.273168951043637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5783_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 51.540907268186281 ], [ 6.869352812284543, 51.540907268186281 ], [ 6.869352812284543, 51.54069775057981 ], [ 6.868197835490675, 51.54069775057981 ], [ 6.868197835490675, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5818_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 51.344937594161294 ], [ 6.869352812284543, 51.344937594161294 ], [ 6.869352812284543, 51.34472717555164 ], [ 6.868197835490675, 51.34472717555164 ], [ 6.868197835490675, 51.344937594161294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "5819_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.868197835490675, 51.339326100607096 ], [ 6.869352812284543, 51.339326100607096 ], [ 6.869352812284543, 51.339115656233865 ], [ 6.868197835490675, 51.339115656233865 ], [ 6.868197835490675, 51.339326100607096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6131_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.332219351955565 ], [ 6.878335965125738, 53.332219351955565 ], [ 6.878335965125738, 53.332018182468921 ], [ 6.87718098833187, 53.332018182468921 ], [ 6.87718098833187, 53.332219351955565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6132_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 87.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.873716057950267, 53.326653312849494 ], [ 6.874871034744134, 53.326653312849494 ], [ 6.874871034744134, 53.326452117114414 ], [ 6.873716057950267, 53.326452117114414 ], [ 6.873716057950267, 53.326653312849494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6132_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.326854507635801 ], [ 6.878335965125738, 53.326854507635801 ], [ 6.878335965125738, 53.326653312849494 ], [ 6.87718098833187, 53.326653312849494 ], [ 6.87718098833187, 53.326854507635801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6133_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.873716057950267, 53.321287768552899 ], [ 6.874871034744134, 53.321287768552899 ], [ 6.874871034744134, 53.321086547516714 ], [ 6.873716057950267, 53.321086547516714 ], [ 6.873716057950267, 53.321287768552899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6133_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.321488988640297 ], [ 6.878335965125738, 53.321488988640297 ], [ 6.878335965125738, 53.321287768552899 ], [ 6.87718098833187, 53.321287768552899 ], [ 6.87718098833187, 53.321488988640297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6136_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 31.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.873716057950267, 53.305187087222414 ], [ 6.874871034744134, 53.305187087222414 ], [ 6.874871034744134, 53.30498579027433 ], [ 6.873716057950267, 53.30498579027433 ], [ 6.873716057950267, 53.305187087222414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6136_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 88.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.305388383221512 ], [ 6.878335965125738, 53.305388383221512 ], [ 6.878335965125738, 53.305187087222414 ], [ 6.87718098833187, 53.305187087222414 ], [ 6.87718098833187, 53.305388383221512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6142_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 92.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.273168951043637 ], [ 6.878335965125738, 53.273168951043637 ], [ 6.878335965125738, 53.272967503182912 ], [ 6.87718098833187, 53.272967503182912 ], [ 6.87718098833187, 53.273168951043637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6143_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.267796683215529 ], [ 6.878335965125738, 53.267796683215529 ], [ 6.878335965125738, 53.267595210039595 ], [ 6.87718098833187, 53.267595210039595 ], [ 6.87718098833187, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6144_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.262423740297073 ], [ 6.878335965125738, 53.262423740297073 ], [ 6.878335965125738, 53.262222241804508 ], [ 6.87718098833187, 53.262222241804508 ], [ 6.87718098833187, 53.262423740297073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6145_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.257050122250675 ], [ 6.878335965125738, 53.257050122250675 ], [ 6.878335965125738, 53.256848598440087 ], [ 6.87718098833187, 53.256848598440087 ], [ 6.87718098833187, 53.257050122250675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6146_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.251675829038774 ], [ 6.878335965125738, 53.251675829038774 ], [ 6.878335965125738, 53.251474279908749 ], [ 6.87718098833187, 53.251474279908749 ], [ 6.87718098833187, 53.251675829038774 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6147_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 78.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.24630086062384 ], [ 6.878335965125738, 53.24630086062384 ], [ 6.878335965125738, 53.246099286172971 ], [ 6.87718098833187, 53.246099286172971 ], [ 6.87718098833187, 53.24630086062384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6148_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 91.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.24092521696835 ], [ 6.878335965125738, 53.24092521696835 ], [ 6.878335965125738, 53.240723617195236 ], [ 6.87718098833187, 53.240723617195236 ], [ 6.87718098833187, 53.24092521696835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6149_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.2355488980348 ], [ 6.878335965125738, 53.2355488980348 ], [ 6.878335965125738, 53.235347272938036 ], [ 6.87718098833187, 53.235347272938036 ], [ 6.87718098833187, 53.2355488980348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6150_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 95.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.230171903785703 ], [ 6.878335965125738, 53.230171903785703 ], [ 6.878335965125738, 53.229970253363867 ], [ 6.87718098833187, 53.229970253363867 ], [ 6.87718098833187, 53.230171903785703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6151_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.224794234183605 ], [ 6.878335965125738, 53.224794234183605 ], [ 6.878335965125738, 53.224592558435305 ], [ 6.87718098833187, 53.224592558435305 ], [ 6.87718098833187, 53.224794234183605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6152_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 99.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.219415889191048 ], [ 6.878335965125738, 53.219415889191048 ], [ 6.878335965125738, 53.219214188114876 ], [ 6.87718098833187, 53.219214188114876 ], [ 6.87718098833187, 53.219415889191048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6153_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 103.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 53.214036868770613 ], [ 6.878335965125738, 53.214036868770613 ], [ 6.878335965125738, 53.213835142365177 ], [ 6.87718098833187, 53.213835142365177 ], [ 6.87718098833187, 53.214036868770613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6458_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 51.540907268186281 ], [ 6.878335965125738, 51.540907268186281 ], [ 6.878335965125738, 51.54069775057981 ], [ 6.87718098833187, 51.54069775057981 ], [ 6.87718098833187, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6494_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 51.339326100607096 ], [ 6.878335965125738, 51.339326100607096 ], [ 6.878335965125738, 51.339115656233865 ], [ 6.87718098833187, 51.339115656233865 ], [ 6.87718098833187, 51.339326100607096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6495_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.87718098833187, 51.333713920009707 ], [ 6.878335965125738, 51.333713920009707 ], [ 6.878335965125738, 51.333503449871763 ], [ 6.87718098833187, 51.333503449871763 ], [ 6.87718098833187, 51.333713920009707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6808_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.882699210791462, 53.321287768552899 ], [ 6.883854187585329, 53.321287768552899 ], [ 6.883854187585329, 53.321086547516714 ], [ 6.882699210791462, 53.321086547516714 ], [ 6.882699210791462, 53.321287768552899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6808_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.321488988640297 ], [ 6.887319117966934, 53.321488988640297 ], [ 6.887319117966934, 53.321287768552899 ], [ 6.886164141173065, 53.321287768552899 ], [ 6.886164141173065, 53.321488988640297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6809_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.882699210791462, 53.315921549541365 ], [ 6.883854187585329, 53.315921549541365 ], [ 6.883854187585329, 53.315720303202632 ], [ 6.882699210791462, 53.315720303202632 ], [ 6.882699210791462, 53.315921549541365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6809_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 64.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.316122794931246 ], [ 6.887319117966934, 53.316122794931246 ], [ 6.887319117966934, 53.315921549541365 ], [ 6.886164141173065, 53.315921549541365 ], [ 6.886164141173065, 53.316122794931246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6810_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 79.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.882699210791462, 53.310554655777118 ], [ 6.883854187585329, 53.310554655777118 ], [ 6.883854187585329, 53.310353384134416 ], [ 6.882699210791462, 53.310353384134416 ], [ 6.882699210791462, 53.310554655777118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6810_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 10.256410256410257 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.310755926470904 ], [ 6.887319117966934, 53.310755926470904 ], [ 6.887319117966934, 53.310554655777118 ], [ 6.886164141173065, 53.310554655777118 ], [ 6.886164141173065, 53.310755926470904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6811_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.882699210791462, 53.305187087222414 ], [ 6.883854187585329, 53.305187087222414 ], [ 6.883854187585329, 53.30498579027433 ], [ 6.882699210791462, 53.30498579027433 ], [ 6.882699210791462, 53.305187087222414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6811_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 60.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.305388383221512 ], [ 6.887319117966934, 53.305388383221512 ], [ 6.887319117966934, 53.305187087222414 ], [ 6.886164141173065, 53.305187087222414 ], [ 6.886164141173065, 53.305388383221512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6828_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.214036868770613 ], [ 6.887319117966934, 53.214036868770613 ], [ 6.887319117966934, 53.213835142365177 ], [ 6.886164141173065, 53.213835142365177 ], [ 6.886164141173065, 53.214036868770613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6829_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.208657172884898 ], [ 6.887319117966934, 53.208657172884898 ], [ 6.887319117966934, 53.208455421148777 ], [ 6.886164141173065, 53.208455421148777 ], [ 6.886164141173065, 53.208657172884898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "6830_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 53.203276801496507 ], [ 6.887319117966934, 53.203276801496507 ], [ 6.887319117966934, 53.203075024428308 ], [ 6.886164141173065, 53.203075024428308 ], [ 6.886164141173065, 53.203276801496507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7133_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 101.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 51.540907268186281 ], [ 6.887319117966934, 51.540907268186281 ], [ 6.887319117966934, 51.54069775057981 ], [ 6.886164141173065, 51.54069775057981 ], [ 6.886164141173065, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7170_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 51.333713920009707 ], [ 6.887319117966934, 51.333713920009707 ], [ 6.887319117966934, 51.333503449871763 ], [ 6.886164141173065, 51.333503449871763 ], [ 6.886164141173065, 51.333713920009707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7171_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.886164141173065, 51.328101052338866 ], [ 6.887319117966934, 51.328101052338866 ], [ 6.887319117966934, 51.327890556435079 ], [ 6.886164141173065, 51.327890556435079 ], [ 6.886164141173065, 51.328101052338866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7486_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 88.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.891682363632657, 53.305187087222414 ], [ 6.892837340426525, 53.305187087222414 ], [ 6.892837340426525, 53.30498579027433 ], [ 6.891682363632657, 53.30498579027433 ], [ 6.891682363632657, 53.305187087222414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7505_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.203276801496507 ], [ 6.896302270808129, 53.203276801496507 ], [ 6.896302270808129, 53.203075024428308 ], [ 6.89514729401426, 53.203075024428308 ], [ 6.89514729401426, 53.203276801496507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7506_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.19789575456808 ], [ 6.896302270808129, 53.19789575456808 ], [ 6.896302270808129, 53.197693952166404 ], [ 6.89514729401426, 53.197693952166404 ], [ 6.89514729401426, 53.19789575456808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7507_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.192514032062249 ], [ 6.896302270808129, 53.192514032062249 ], [ 6.896302270808129, 53.192312204325688 ], [ 6.89514729401426, 53.192312204325688 ], [ 6.89514729401426, 53.192514032062249 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7508_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.187131633941696 ], [ 6.896302270808129, 53.187131633941696 ], [ 6.896302270808129, 53.186929780868866 ], [ 6.89514729401426, 53.186929780868866 ], [ 6.89514729401426, 53.187131633941696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7509_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 100.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.181748560169119 ], [ 6.896302270808129, 53.181748560169119 ], [ 6.896302270808129, 53.181546681758618 ], [ 6.89514729401426, 53.181546681758618 ], [ 6.89514729401426, 53.181748560169119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7510_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.17636481070722 ], [ 6.896302270808129, 53.17636481070722 ], [ 6.896302270808129, 53.176162906957636 ], [ 6.89514729401426, 53.176162906957636 ], [ 6.89514729401426, 53.17636481070722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7511_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 91.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.17098038551871 ], [ 6.896302270808129, 53.17098038551871 ], [ 6.896302270808129, 53.170778456428657 ], [ 6.89514729401426, 53.170778456428657 ], [ 6.89514729401426, 53.17098038551871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7512_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.165595284566372 ], [ 6.896302270808129, 53.165595284566372 ], [ 6.896302270808129, 53.165393330134442 ], [ 6.89514729401426, 53.165393330134442 ], [ 6.89514729401426, 53.165595284566372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7513_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 116.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.16020950781293 ], [ 6.896302270808129, 53.16020950781293 ], [ 6.896302270808129, 53.160007528037738 ], [ 6.89514729401426, 53.160007528037738 ], [ 6.89514729401426, 53.16020950781293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7514_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.154823055221193 ], [ 6.896302270808129, 53.154823055221193 ], [ 6.896302270808129, 53.154621050101341 ], [ 6.89514729401426, 53.154621050101341 ], [ 6.89514729401426, 53.154823055221193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7515_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 118.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.149435926753952 ], [ 6.896302270808129, 53.149435926753952 ], [ 6.896302270808129, 53.149233896288059 ], [ 6.89514729401426, 53.149233896288059 ], [ 6.89514729401426, 53.149435926753952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7516_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.144048122374045 ], [ 6.896302270808129, 53.144048122374045 ], [ 6.896302270808129, 53.143846066560705 ], [ 6.89514729401426, 53.143846066560705 ], [ 6.89514729401426, 53.144048122374045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7517_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.13865964204431 ], [ 6.896302270808129, 53.13865964204431 ], [ 6.896302270808129, 53.138457560882124 ], [ 6.89514729401426, 53.138457560882124 ], [ 6.89514729401426, 53.13865964204431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7523_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.10631456304106 ], [ 6.896302270808129, 53.10631456304106 ], [ 6.896302270808129, 53.106112329756606 ], [ 6.89514729401426, 53.106112329756606 ], [ 6.89514729401426, 53.10631456304106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7524_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 54.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.100921350023718 ], [ 6.896302270808129, 53.100921350023718 ], [ 6.896302270808129, 53.100719091380689 ], [ 6.89514729401426, 53.100719091380689 ], [ 6.89514729401426, 53.100921350023718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7525_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 45.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 53.095527460759982 ], [ 6.896302270808129, 53.095527460759982 ], [ 6.896302270808129, 53.095325176756994 ], [ 6.89514729401426, 53.095325176756994 ], [ 6.89514729401426, 53.095527460759982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7808_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.540907268186281 ], [ 6.896302270808129, 51.540907268186281 ], [ 6.896302270808129, 51.54069775057981 ], [ 6.89514729401426, 51.54069775057981 ], [ 6.89514729401426, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7846_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.328101052338866 ], [ 6.896302270808129, 51.328101052338866 ], [ 6.896302270808129, 51.327890556435079 ], [ 6.89514729401426, 51.327890556435079 ], [ 6.89514729401426, 51.328101052338866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7847_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.322487497564325 ], [ 6.896302270808129, 51.322487497564325 ], [ 6.896302270808129, 51.32227697589358 ], [ 6.89514729401426, 51.32227697589358 ], [ 6.89514729401426, 51.322487497564325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7848_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.316873255655885 ], [ 6.896302270808129, 51.316873255655885 ], [ 6.896302270808129, 51.316662708217017 ], [ 6.89514729401426, 51.316662708217017 ], [ 6.89514729401426, 51.316873255655885 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7849_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.311258326583328 ], [ 6.896302270808129, 51.311258326583328 ], [ 6.896302270808129, 51.311047753375213 ], [ 6.89514729401426, 51.311047753375213 ], [ 6.89514729401426, 51.311258326583328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7850_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.305642710316484 ], [ 6.896302270808129, 51.305642710316484 ], [ 6.896302270808129, 51.305432111337993 ], [ 6.89514729401426, 51.305432111337993 ], [ 6.89514729401426, 51.305642710316484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7851_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.300026406825189 ], [ 6.896302270808129, 51.300026406825189 ], [ 6.896302270808129, 51.299815782075207 ], [ 6.89514729401426, 51.299815782075207 ], [ 6.89514729401426, 51.300026406825189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7852_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.29440941607934 ], [ 6.896302270808129, 51.29440941607934 ], [ 6.896302270808129, 51.294198765556715 ], [ 6.89514729401426, 51.294198765556715 ], [ 6.89514729401426, 51.29440941607934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "7853_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.89514729401426, 51.288791738048801 ], [ 6.896302270808129, 51.288791738048801 ], [ 6.896302270808129, 51.288581061752424 ], [ 6.89514729401426, 51.288581061752424 ], [ 6.89514729401426, 51.288791738048801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8161_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.900665516473853, 53.305187087222414 ], [ 6.90182049326772, 53.305187087222414 ], [ 6.90182049326772, 53.30498579027433 ], [ 6.900665516473853, 53.30498579027433 ], [ 6.900665516473853, 53.305187087222414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8192_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.13865964204431 ], [ 6.905285423649324, 53.13865964204431 ], [ 6.905285423649324, 53.138457560882124 ], [ 6.904130446855456, 53.138457560882124 ], [ 6.904130446855456, 53.13865964204431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8193_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 114.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.133270485727607 ], [ 6.905285423649324, 53.133270485727607 ], [ 6.905285423649324, 53.133068379215182 ], [ 6.904130446855456, 53.133068379215182 ], [ 6.904130446855456, 53.133270485727607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8194_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.127880653386818 ], [ 6.905285423649324, 53.127880653386818 ], [ 6.905285423649324, 53.12767852152276 ], [ 6.904130446855456, 53.12767852152276 ], [ 6.904130446855456, 53.127880653386818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8195_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 114.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.122490144984837 ], [ 6.905285423649324, 53.122490144984837 ], [ 6.905285423649324, 53.122287987767763 ], [ 6.904130446855456, 53.122287987767763 ], [ 6.904130446855456, 53.122490144984837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8196_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 114.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.11709896048459 ], [ 6.905285423649324, 53.11709896048459 ], [ 6.905285423649324, 53.116896777913119 ], [ 6.904130446855456, 53.116896777913119 ], [ 6.904130446855456, 53.11709896048459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8197_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.111707099848999 ], [ 6.905285423649324, 53.111707099848999 ], [ 6.905285423649324, 53.111504891921747 ], [ 6.904130446855456, 53.111504891921747 ], [ 6.904130446855456, 53.111707099848999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8199_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 27.666666666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.100921350023718 ], [ 6.905285423649324, 53.100921350023718 ], [ 6.905285423649324, 53.100719091380689 ], [ 6.904130446855456, 53.100719091380689 ], [ 6.904130446855456, 53.100921350023718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8200_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 53.095527460759982 ], [ 6.905285423649324, 53.095527460759982 ], [ 6.905285423649324, 53.095325176756994 ], [ 6.904130446855456, 53.095325176756994 ], [ 6.904130446855456, 53.095527460759982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8482_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 51.546494048533354 ], [ 6.905285423649324, 51.546494048533354 ], [ 6.905285423649324, 51.546284556649027 ], [ 6.904130446855456, 51.546284556649027 ], [ 6.904130446855456, 51.546494048533354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8483_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 51.540907268186281 ], [ 6.905285423649324, 51.540907268186281 ], [ 6.905285423649324, 51.54069775057981 ], [ 6.904130446855456, 51.54069775057981 ], [ 6.904130446855456, 51.540907268186281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8528_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 51.288791738048801 ], [ 6.905285423649324, 51.288791738048801 ], [ 6.905285423649324, 51.288581061752424 ], [ 6.904130446855456, 51.288581061752424 ], [ 6.904130446855456, 51.288791738048801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8529_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 51.283173372703494 ], [ 6.905285423649324, 51.283173372703494 ], [ 6.905285423649324, 51.282962670632237 ], [ 6.904130446855456, 51.282962670632237 ], [ 6.904130446855456, 51.283173372703494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8530_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.904130446855456, 51.27755432001338 ], [ 6.905285423649324, 51.27755432001338 ], [ 6.905285423649324, 51.277343592166112 ], [ 6.904130446855456, 51.277343592166112 ], [ 6.904130446855456, 51.27755432001338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8836_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.909648669315048, 53.305187087222414 ], [ 6.910803646108915, 53.305187087222414 ], [ 6.910803646108915, 53.30498579027433 ], [ 6.909648669315048, 53.30498579027433 ], [ 6.909648669315048, 53.305187087222414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "8875_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 81.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 53.095527460759982 ], [ 6.91426857649052, 53.095527460759982 ], [ 6.91426857649052, 53.095325176756994 ], [ 6.913113599696651, 53.095325176756994 ], [ 6.913113599696651, 53.095527460759982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9156_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 82.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.552080142972926 ], [ 6.91426857649052, 51.552080142972926 ], [ 6.91426857649052, 51.551870676809571 ], [ 6.913113599696651, 51.551870676809571 ], [ 6.913113599696651, 51.552080142972926 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9157_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.546494048533354 ], [ 6.91426857649052, 51.546494048533354 ], [ 6.91426857649052, 51.546284556649027 ], [ 6.913113599696651, 51.546284556649027 ], [ 6.913113599696651, 51.546494048533354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9206_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.271934579948407 ], [ 6.91426857649052, 51.271934579948407 ], [ 6.91426857649052, 51.271723826323985 ], [ 6.913113599696651, 51.271723826323985 ], [ 6.913113599696651, 51.271934579948407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9207_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.26631415247855 ], [ 6.91426857649052, 51.26631415247855 ], [ 6.91426857649052, 51.26610337307585 ], [ 6.913113599696651, 51.26610337307585 ], [ 6.913113599696651, 51.26631415247855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9208_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.260693037573816 ], [ 6.91426857649052, 51.260693037573816 ], [ 6.91426857649052, 51.26048223239173 ], [ 6.913113599696651, 51.26048223239173 ], [ 6.913113599696651, 51.260693037573816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9209_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 94.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.255071235204248 ], [ 6.91426857649052, 51.255071235204248 ], [ 6.91426857649052, 51.254860404241654 ], [ 6.913113599696651, 51.254860404241654 ], [ 6.913113599696651, 51.255071235204248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9210_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 102.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.249448745339876 ], [ 6.91426857649052, 51.249448745339876 ], [ 6.91426857649052, 51.249237888595651 ], [ 6.913113599696651, 51.249237888595651 ], [ 6.913113599696651, 51.249448745339876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9211_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 104.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.243825567950807 ], [ 6.91426857649052, 51.243825567950807 ], [ 6.91426857649052, 51.243614685423815 ], [ 6.913113599696651, 51.243614685423815 ], [ 6.913113599696651, 51.243825567950807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9212_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.238201703007121 ], [ 6.91426857649052, 51.238201703007121 ], [ 6.91426857649052, 51.237990794696245 ], [ 6.913113599696651, 51.237990794696245 ], [ 6.913113599696651, 51.238201703007121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9213_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.232577150478932 ], [ 6.91426857649052, 51.232577150478932 ], [ 6.91426857649052, 51.232366216383063 ], [ 6.913113599696651, 51.232366216383063 ], [ 6.913113599696651, 51.232577150478932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9214_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.913113599696651, 51.226951910336389 ], [ 6.91426857649052, 51.226951910336389 ], [ 6.91426857649052, 51.226740950454399 ], [ 6.913113599696651, 51.226740950454399 ], [ 6.913113599696651, 51.226951910336389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9511_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.918631822156243, 53.305187087222414 ], [ 6.91978679895011, 53.305187087222414 ], [ 6.91978679895011, 53.30498579027433 ], [ 6.918631822156243, 53.30498579027433 ], [ 6.918631822156243, 53.305187087222414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9512_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 85.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.918631822156243, 53.29981884383951 ], [ 6.91978679895011, 53.29981884383951 ], [ 6.91978679895011, 53.299617521584629 ], [ 6.918631822156243, 53.299617521584629 ], [ 6.918631822156243, 53.29981884383951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9550_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 73.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 53.095527460759982 ], [ 6.923251729331715, 53.095527460759982 ], [ 6.923251729331715, 53.095325176756994 ], [ 6.922096752537846, 53.095325176756994 ], [ 6.922096752537846, 53.095527460759982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9551_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 53.090132895212861 ], [ 6.923251729331715, 53.090132895212861 ], [ 6.923251729331715, 53.089930585848528 ], [ 6.922096752537846, 53.089930585848528 ], [ 6.922096752537846, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9804_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.702854305220548 ], [ 6.923251729331715, 51.702854305220548 ], [ 6.923251729331715, 51.702645534042695 ], [ 6.922096752537846, 51.702645534042695 ], [ 6.922096752537846, 51.702854305220548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9805_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.697286744136846 ], [ 6.923251729331715, 51.697286744136846 ], [ 6.923251729331715, 51.697077947269889 ], [ 6.922096752537846, 51.697077947269889 ], [ 6.922096752537846, 51.697286744136846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9806_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.691718497994842 ], [ 6.923251729331715, 51.691718497994842 ], [ 6.923251729331715, 51.691509675437572 ], [ 6.922096752537846, 51.691509675437572 ], [ 6.922096752537846, 51.691718497994842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9807_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.686149566762843 ], [ 6.923251729331715, 51.686149566762843 ], [ 6.923251729331715, 51.685940718514075 ], [ 6.922096752537846, 51.685940718514075 ], [ 6.922096752537846, 51.686149566762843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9808_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.680579950409154 ], [ 6.923251729331715, 51.680579950409154 ], [ 6.923251729331715, 51.680371076467715 ], [ 6.922096752537846, 51.680371076467715 ], [ 6.922096752537846, 51.680579950409154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9809_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.67500964890214 ], [ 6.923251729331715, 51.67500964890214 ], [ 6.923251729331715, 51.674800749266822 ], [ 6.922096752537846, 51.674800749266822 ], [ 6.922096752537846, 51.67500964890214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9810_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.669438662210155 ], [ 6.923251729331715, 51.669438662210155 ], [ 6.923251729331715, 51.669229736879814 ], [ 6.922096752537846, 51.669229736879814 ], [ 6.922096752537846, 51.669438662210155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9811_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 129.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.663658039275028 ], [ 6.923251729331715, 51.663658039275028 ], [ 6.923251729331715, 51.663449087284803 ], [ 6.922096752537846, 51.663449087284803 ], [ 6.922096752537846, 51.663658039275028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9830_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 70.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.557665551536125 ], [ 6.923251729331715, 51.557665551536125 ], [ 6.923251729331715, 51.557456111092556 ], [ 6.922096752537846, 51.557456111092556 ], [ 6.922096752537846, 51.557665551536125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9831_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.552080142972926 ], [ 6.923251729331715, 51.552080142972926 ], [ 6.923251729331715, 51.551870676809571 ], [ 6.922096752537846, 51.551870676809571 ], [ 6.922096752537846, 51.552080142972926 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9890_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.221325982549658 ], [ 6.923251729331715, 51.221325982549658 ], [ 6.923251729331715, 51.221114996880445 ], [ 6.922096752537846, 51.221114996880445 ], [ 6.922096752537846, 51.221325982549658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "9891_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.922096752537846, 51.215699367088945 ], [ 6.923251729331715, 51.215699367088945 ], [ 6.923251729331715, 51.215488355631365 ], [ 6.922096752537846, 51.215488355631365 ], [ 6.922096752537846, 51.215699367088945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10187_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 85.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.927614974997439, 53.29981884383951 ], [ 6.928769951791305, 53.29981884383951 ], [ 6.928769951791305, 53.299617521584629 ], [ 6.927614974997439, 53.299617521584629 ], [ 6.927614974997439, 53.29981884383951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10226_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 53.090132895212861 ], [ 6.932234882172909, 53.090132895212861 ], [ 6.932234882172909, 53.089930585848528 ], [ 6.931079905379042, 53.089930585848528 ], [ 6.931079905379042, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10476_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.719552878439053 ], [ 6.932234882172909, 51.719552878439053 ], [ 6.932234882172909, 51.7193441843214 ], [ 6.931079905379042, 51.7193441843214 ], [ 6.931079905379042, 51.719552878439053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10477_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.713987372339894 ], [ 6.932234882172909, 51.713987372339894 ], [ 6.932234882172909, 51.713778652536696 ], [ 6.931079905379042, 51.713778652536696 ], [ 6.931079905379042, 51.713987372339894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10478_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.708421181277643 ], [ 6.932234882172909, 51.708421181277643 ], [ 6.932234882172909, 51.708212435787715 ], [ 6.931079905379042, 51.708212435787715 ], [ 6.931079905379042, 51.708421181277643 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10487_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.658085656420909 ], [ 6.932234882172909, 51.658085656420909 ], [ 6.932234882172909, 51.657876678733224 ], [ 6.931079905379042, 51.657876678733224 ], [ 6.931079905379042, 51.658085656420909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10488_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.652512588285902 ], [ 6.932234882172909, 51.652512588285902 ], [ 6.932234882172909, 51.65230358489957 ], [ 6.931079905379042, 51.65230358489957 ], [ 6.931079905379042, 51.652512588285902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10489_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.646938834838444 ], [ 6.932234882172909, 51.646938834838444 ], [ 6.932234882172909, 51.646729805752287 ], [ 6.931079905379042, 51.646729805752287 ], [ 6.931079905379042, 51.646938834838444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10490_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.641364396047031 ], [ 6.932234882172909, 51.641364396047031 ], [ 6.932234882172909, 51.641155341259868 ], [ 6.931079905379042, 51.641155341259868 ], [ 6.931079905379042, 51.641364396047031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10491_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.635789271880178 ], [ 6.932234882172909, 51.635789271880178 ], [ 6.932234882172909, 51.635580191390808 ], [ 6.931079905379042, 51.635580191390808 ], [ 6.931079905379042, 51.635789271880178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10492_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.630213462306386 ], [ 6.932234882172909, 51.630213462306386 ], [ 6.932234882172909, 51.630004356113645 ], [ 6.931079905379042, 51.630004356113645 ], [ 6.931079905379042, 51.630213462306386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10493_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.624636967294215 ], [ 6.932234882172909, 51.624636967294215 ], [ 6.932234882172909, 51.624427835396915 ], [ 6.931079905379042, 51.624427835396915 ], [ 6.931079905379042, 51.624636967294215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10501_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.580000327648193 ], [ 6.932234882172909, 51.580000327648193 ], [ 6.932234882172909, 51.579790990072155 ], [ 6.931079905379042, 51.579790990072155 ], [ 6.931079905379042, 51.580000327648193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10502_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.574417662278904 ], [ 6.932234882172909, 51.574417662278904 ], [ 6.932234882172909, 51.574208298987742 ], [ 6.931079905379042, 51.574208298987742 ], [ 6.931079905379042, 51.574417662278904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10503_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.568834311157936 ], [ 6.932234882172909, 51.568834311157936 ], [ 6.932234882172909, 51.56862492215047 ], [ 6.931079905379042, 51.56862492215047 ], [ 6.931079905379042, 51.568834311157936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10504_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 109.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.563250274254067 ], [ 6.932234882172909, 51.563250274254067 ], [ 6.932234882172909, 51.563040859529139 ], [ 6.931079905379042, 51.563040859529139 ], [ 6.931079905379042, 51.563250274254067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10505_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.557665551536125 ], [ 6.932234882172909, 51.557665551536125 ], [ 6.932234882172909, 51.557456111092556 ], [ 6.931079905379042, 51.557456111092556 ], [ 6.931079905379042, 51.557665551536125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10566_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.215699367088945 ], [ 6.932234882172909, 51.215699367088945 ], [ 6.932234882172909, 51.215488355631365 ], [ 6.931079905379042, 51.215488355631365 ], [ 6.931079905379042, 51.215699367088945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10567_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.21007206392445 ], [ 6.932234882172909, 51.21007206392445 ], [ 6.932234882172909, 51.209861026677395 ], [ 6.931079905379042, 51.209861026677395 ], [ 6.931079905379042, 51.21007206392445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10568_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.931079905379042, 51.204444073026394 ], [ 6.932234882172909, 51.204444073026394 ], [ 6.932234882172909, 51.204233009988755 ], [ 6.931079905379042, 51.204233009988755 ], [ 6.931079905379042, 51.204444073026394 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10862_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 89.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.936598127838634, 53.29981884383951 ], [ 6.937753104632501, 53.29981884383951 ], [ 6.937753104632501, 53.299617521584629 ], [ 6.936598127838634, 53.299617521584629 ], [ 6.936598127838634, 53.29981884383951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "10901_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 53.090132895212861 ], [ 6.941218035014105, 53.090132895212861 ], [ 6.941218035014105, 53.089930585848528 ], [ 6.940063058220237, 53.089930585848528 ], [ 6.940063058220237, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11150_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 138.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.725117699606891 ], [ 6.941218035014105, 51.725117699606891 ], [ 6.941218035014105, 51.724909031173603 ], [ 6.940063058220237, 51.724909031173603 ], [ 6.940063058220237, 51.725117699606891 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11151_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.719552878439053 ], [ 6.941218035014105, 51.719552878439053 ], [ 6.941218035014105, 51.7193441843214 ], [ 6.940063058220237, 51.7193441843214 ], [ 6.940063058220237, 51.719552878439053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11168_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.624636967294215 ], [ 6.941218035014105, 51.624636967294215 ], [ 6.941218035014105, 51.624427835396915 ], [ 6.940063058220237, 51.624427835396915 ], [ 6.940063058220237, 51.624636967294215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11169_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.619059786812237 ], [ 6.941218035014105, 51.619059786812237 ], [ 6.941218035014105, 51.61885062920922 ], [ 6.940063058220237, 51.61885062920922 ], [ 6.940063058220237, 51.619059786812237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11170_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.613481920829024 ], [ 6.941218035014105, 51.613481920829024 ], [ 6.941218035014105, 51.613272737519104 ], [ 6.940063058220237, 51.613272737519104 ], [ 6.940063058220237, 51.613481920829024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11171_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.60790336931322 ], [ 6.941218035014105, 51.60790336931322 ], [ 6.941218035014105, 51.607694160295218 ], [ 6.940063058220237, 51.607694160295218 ], [ 6.940063058220237, 51.60790336931322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11172_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.602324132233463 ], [ 6.941218035014105, 51.602324132233463 ], [ 6.941218035014105, 51.602114897506191 ], [ 6.940063058220237, 51.602114897506191 ], [ 6.940063058220237, 51.602324132233463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11173_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.596744209558373 ], [ 6.941218035014105, 51.596744209558373 ], [ 6.941218035014105, 51.596534949120674 ], [ 6.940063058220237, 51.596534949120674 ], [ 6.940063058220237, 51.596744209558373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11174_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.591163601256667 ], [ 6.941218035014105, 51.591163601256667 ], [ 6.941218035014105, 51.590954315107361 ], [ 6.940063058220237, 51.590954315107361 ], [ 6.940063058220237, 51.591163601256667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11175_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.585582307297031 ], [ 6.941218035014105, 51.585582307297031 ], [ 6.941218035014105, 51.585372995434945 ], [ 6.940063058220237, 51.585372995434945 ], [ 6.940063058220237, 51.585582307297031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11176_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 104.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.580000327648193 ], [ 6.941218035014105, 51.580000327648193 ], [ 6.941218035014105, 51.579790990072155 ], [ 6.940063058220237, 51.579790990072155 ], [ 6.940063058220237, 51.580000327648193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11244_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.198815394365049 ], [ 6.941218035014105, 51.198815394365049 ], [ 6.941218035014105, 51.19860430553571 ], [ 6.940063058220237, 51.19860430553571 ], [ 6.940063058220237, 51.198815394365049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11245_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.193186027910691 ], [ 6.941218035014105, 51.193186027910691 ], [ 6.941218035014105, 51.192974913288531 ], [ 6.940063058220237, 51.192974913288531 ], [ 6.940063058220237, 51.193186027910691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11246_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.940063058220237, 51.187555973633636 ], [ 6.941218035014105, 51.187555973633636 ], [ 6.941218035014105, 51.187344833217551 ], [ 6.940063058220237, 51.187344833217551 ], [ 6.940063058220237, 51.187555973633636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11538_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 79.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.294449925590705 ], [ 6.946736257473695, 53.294449925590705 ], [ 6.946736257473695, 53.294248578027627 ], [ 6.945581280679828, 53.294248578027627 ], [ 6.945581280679828, 53.294449925590705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11539_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 89.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.289080332438296 ], [ 6.946736257473695, 53.289080332438296 ], [ 6.946736257473695, 53.288878959565608 ], [ 6.945581280679828, 53.288878959565608 ], [ 6.945581280679828, 53.289080332438296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11540_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 91.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.283710064344632 ], [ 6.946736257473695, 53.283710064344632 ], [ 6.946736257473695, 53.283508666160913 ], [ 6.945581280679828, 53.283508666160913 ], [ 6.945581280679828, 53.283710064344632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11541_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.278339121272047 ], [ 6.946736257473695, 53.278339121272047 ], [ 6.946736257473695, 53.27813769777589 ], [ 6.945581280679828, 53.27813769777589 ], [ 6.945581280679828, 53.278339121272047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11542_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.272967503182912 ], [ 6.946736257473695, 53.272967503182912 ], [ 6.946736257473695, 53.272766054372887 ], [ 6.945581280679828, 53.272766054372887 ], [ 6.945581280679828, 53.272967503182912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11543_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.267595210039595 ], [ 6.946736257473695, 53.267595210039595 ], [ 6.946736257473695, 53.267393735914311 ], [ 6.945581280679828, 53.267393735914311 ], [ 6.945581280679828, 53.267595210039595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11544_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 47.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.945581280679828, 53.262222241804508 ], [ 6.946736257473695, 53.262222241804508 ], [ 6.946736257473695, 53.262020742362552 ], [ 6.945581280679828, 53.262020742362552 ], [ 6.945581280679828, 53.262222241804508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11576_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 74.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.949046211061431, 53.090132895212861 ], [ 6.9502011878553, 53.090132895212861 ], [ 6.9502011878553, 53.089930585848528 ], [ 6.949046211061431, 53.089930585848528 ], [ 6.949046211061431, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11823_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.949046211061431, 51.736245287275914 ], [ 6.9502011878553, 51.736245287275914 ], [ 6.9502011878553, 51.736036670207739 ], [ 6.949046211061431, 51.736036670207739 ], [ 6.949046211061431, 51.736245287275914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11824_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.949046211061431, 51.730681835875245 ], [ 6.9502011878553, 51.730681835875245 ], [ 6.9502011878553, 51.730473193125107 ], [ 6.949046211061431, 51.730473193125107 ], [ 6.949046211061431, 51.730681835875245 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11922_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.949046211061431, 51.181925231504195 ], [ 6.9502011878553, 51.181925231504195 ], [ 6.9502011878553, 51.181714065293072 ], [ 6.949046211061431, 51.181714065293072 ], [ 6.949046211061431, 51.181925231504195 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11923_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.949046211061431, 51.176293801492733 ], [ 6.9502011878553, 51.176293801492733 ], [ 6.9502011878553, 51.176082609485455 ], [ 6.949046211061431, 51.176082609485455 ], [ 6.949046211061431, 51.176293801492733 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "11924_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.949046211061431, 51.170661683569605 ], [ 6.9502011878553, 51.170661683569605 ], [ 6.9502011878553, 51.170450465765057 ], [ 6.949046211061431, 51.170450465765057 ], [ 6.949046211061431, 51.170661683569605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12213_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 55.833333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.954564433521024, 53.294449925590705 ], [ 6.955719410314892, 53.294449925590705 ], [ 6.955719410314892, 53.294248578027627 ], [ 6.954564433521024, 53.294248578027627 ], [ 6.954564433521024, 53.294449925590705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12219_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.954564433521024, 53.262222241804508 ], [ 6.955719410314892, 53.262222241804508 ], [ 6.955719410314892, 53.262020742362552 ], [ 6.954564433521024, 53.262020742362552 ], [ 6.954564433521024, 53.262222241804508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12220_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 86.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.954564433521024, 53.256848598440087 ], [ 6.955719410314892, 53.256848598440087 ], [ 6.955719410314892, 53.25664707368005 ], [ 6.954564433521024, 53.25664707368005 ], [ 6.954564433521024, 53.256848598440087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12221_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 92.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.954564433521024, 53.251474279908749 ], [ 6.955719410314892, 53.251474279908749 ], [ 6.955719410314892, 53.251272729829232 ], [ 6.954564433521024, 53.251272729829232 ], [ 6.954564433521024, 53.251474279908749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12251_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 53.090132895212861 ], [ 6.959184340696495, 53.090132895212861 ], [ 6.959184340696495, 53.089930585848528 ], [ 6.958029363902627, 53.089930585848528 ], [ 6.958029363902627, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12264_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 53.020144622756263 ], [ 6.959184340696495, 53.020144622756263 ], [ 6.959184340696495, 53.019941984520337 ], [ 6.958029363902627, 53.019941984520337 ], [ 6.958029363902627, 53.020144622756263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12265_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 53.014740610750003 ], [ 6.959184340696495, 53.014740610750003 ], [ 6.959184340696495, 53.014537947133441 ], [ 6.958029363902627, 53.014537947133441 ], [ 6.958029363902627, 53.014740610750003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12497_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 51.741808053840757 ], [ 6.959184340696495, 51.741808053840757 ], [ 6.959184340696495, 51.741599462453344 ], [ 6.958029363902627, 51.741599462453344 ], [ 6.958029363902627, 51.741808053840757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12498_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 51.736245287275914 ], [ 6.959184340696495, 51.736245287275914 ], [ 6.959184340696495, 51.736036670207739 ], [ 6.958029363902627, 51.736036670207739 ], [ 6.958029363902627, 51.736245287275914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12599_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 51.170661683569605 ], [ 6.959184340696495, 51.170661683569605 ], [ 6.959184340696495, 51.170450465765057 ], [ 6.958029363902627, 51.170450465765057 ], [ 6.958029363902627, 51.170661683569605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12600_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 51.165028877705218 ], [ 6.959184340696495, 51.165028877705218 ], [ 6.959184340696495, 51.164817634102306 ], [ 6.958029363902627, 51.164817634102306 ], [ 6.958029363902627, 51.165028877705218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12601_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.958029363902627, 51.159395383869999 ], [ 6.959184340696495, 51.159395383869999 ], [ 6.959184340696495, 51.1591841144676 ], [ 6.958029363902627, 51.1591841144676 ], [ 6.958029363902627, 51.159395383869999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12897_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.963547586362219, 53.246099286172971 ], [ 6.964702563156086, 53.246099286172971 ], [ 6.964702563156086, 53.245897710772553 ], [ 6.963547586362219, 53.245897710772553 ], [ 6.963547586362219, 53.246099286172971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12898_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 86.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.963547586362219, 53.240723617195236 ], [ 6.964702563156086, 53.240723617195236 ], [ 6.964702563156086, 53.240522016472504 ], [ 6.963547586362219, 53.240522016472504 ], [ 6.963547586362219, 53.240723617195236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12899_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.963547586362219, 53.235347272938036 ], [ 6.964702563156086, 53.235347272938036 ], [ 6.964702563156086, 53.235145646891588 ], [ 6.963547586362219, 53.235145646891588 ], [ 6.963547586362219, 53.235347272938036 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12900_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.963547586362219, 53.229970253363867 ], [ 6.964702563156086, 53.229970253363867 ], [ 6.964702563156086, 53.229768601992319 ], [ 6.963547586362219, 53.229768601992319 ], [ 6.963547586362219, 53.229970253363867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12908_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 46.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.963547586362219, 53.186929780868866 ], [ 6.964702563156086, 53.186929780868866 ], [ 6.964702563156086, 53.186727926845897 ], [ 6.963547586362219, 53.186727926845897 ], [ 6.963547586362219, 53.186929780868866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12926_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.090132895212861 ], [ 6.96816749353769, 53.090132895212861 ], [ 6.96816749353769, 53.089930585848528 ], [ 6.967012516743822, 53.089930585848528 ], [ 6.967012516743822, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12927_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 89.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.0847376533454 ], [ 6.96816749353769, 53.0847376533454 ], [ 6.96816749353769, 53.084535318618343 ], [ 6.967012516743822, 53.084535318618343 ], [ 6.967012516743822, 53.0847376533454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12937_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.030950616412269 ], [ 6.96816749353769, 53.030950616412269 ], [ 6.96816749353769, 53.030748028933488 ], [ 6.967012516743822, 53.030748028933488 ], [ 6.967012516743822, 53.030950616412269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12938_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.025547957964783 ], [ 6.96816749353769, 53.025547957964783 ], [ 6.96816749353769, 53.025345345108114 ], [ 6.967012516743822, 53.025345345108114 ], [ 6.967012516743822, 53.025547957964783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12939_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.020144622756263 ], [ 6.96816749353769, 53.020144622756263 ], [ 6.96816749353769, 53.019941984520337 ], [ 6.967012516743822, 53.019941984520337 ], [ 6.967012516743822, 53.020144622756263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12940_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.014740610750003 ], [ 6.96816749353769, 53.014740610750003 ], [ 6.96816749353769, 53.014537947133441 ], [ 6.967012516743822, 53.014537947133441 ], [ 6.967012516743822, 53.014740610750003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "12941_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 53.009335921909297 ], [ 6.96816749353769, 53.009335921909297 ], [ 6.96816749353769, 53.009133232910749 ], [ 6.967012516743822, 53.009133232910749 ], [ 6.967012516743822, 53.009335921909297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13163_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.791842140578062 ], [ 6.96816749353769, 51.791842140578062 ], [ 6.96816749353769, 51.791633780263673 ], [ 6.967012516743822, 51.791633780263673 ], [ 6.967012516743822, 51.791842140578062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13164_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 122.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.786285536098845 ], [ 6.96816749353769, 51.786285536098845 ], [ 6.96816749353769, 51.78607715011448 ], [ 6.967012516743822, 51.78607715011448 ], [ 6.967012516743822, 51.786285536098845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13165_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.78072824707143 ], [ 6.96816749353769, 51.78072824707143 ], [ 6.96816749353769, 51.780519835415873 ], [ 6.967012516743822, 51.780519835415873 ], [ 6.967012516743822, 51.78072824707143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13166_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.775170273463765 ], [ 6.96816749353769, 51.775170273463765 ], [ 6.96816749353769, 51.774961836135823 ], [ 6.967012516743822, 51.774961836135823 ], [ 6.967012516743822, 51.775170273463765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13167_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.769611615243818 ], [ 6.96816749353769, 51.769611615243818 ], [ 6.96816749353769, 51.769403152242312 ], [ 6.967012516743822, 51.769403152242312 ], [ 6.967012516743822, 51.769611615243818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13168_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.764052272379608 ], [ 6.96816749353769, 51.764052272379608 ], [ 6.96816749353769, 51.763843783703315 ], [ 6.967012516743822, 51.763843783703315 ], [ 6.967012516743822, 51.764052272379608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13169_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.758492244839147 ], [ 6.96816749353769, 51.758492244839147 ], [ 6.96816749353769, 51.758283730486866 ], [ 6.967012516743822, 51.758283730486866 ], [ 6.967012516743822, 51.758492244839147 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13170_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.752931532590473 ], [ 6.96816749353769, 51.752931532590473 ], [ 6.96816749353769, 51.752722992561004 ], [ 6.967012516743822, 51.752722992561004 ], [ 6.967012516743822, 51.752931532590473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13171_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.747370135601649 ], [ 6.96816749353769, 51.747370135601649 ], [ 6.96816749353769, 51.747161569893805 ], [ 6.967012516743822, 51.747161569893805 ], [ 6.967012516743822, 51.747370135601649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13276_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.159395383869999 ], [ 6.96816749353769, 51.159395383869999 ], [ 6.96816749353769, 51.1591841144676 ], [ 6.967012516743822, 51.1591841144676 ], [ 6.967012516743822, 51.159395383869999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13277_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.153761202034374 ], [ 6.96816749353769, 51.153761202034374 ], [ 6.96816749353769, 51.153549906831394 ], [ 6.967012516743822, 51.153549906831394 ], [ 6.967012516743822, 51.153761202034374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13278_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.148126332168808 ], [ 6.96816749353769, 51.148126332168808 ], [ 6.96816749353769, 51.14791501116413 ], [ 6.967012516743822, 51.14791501116413 ], [ 6.967012516743822, 51.148126332168808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13279_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.967012516743822, 51.142490774243804 ], [ 6.96816749353769, 51.142490774243804 ], [ 6.96816749353769, 51.142279427436321 ], [ 6.967012516743822, 51.142279427436321 ], [ 6.967012516743822, 51.142490774243804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13576_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.972530739203414, 53.224592558435305 ], [ 6.973685715997282, 53.224592558435305 ], [ 6.973685715997282, 53.224390881737236 ], [ 6.972530739203414, 53.224390881737236 ], [ 6.972530739203414, 53.224592558435305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13577_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 92.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.972530739203414, 53.219214188114876 ], [ 6.973685715997282, 53.219214188114876 ], [ 6.973685715997282, 53.219012486088886 ], [ 6.972530739203414, 53.219012486088886 ], [ 6.972530739203414, 53.219214188114876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13578_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.972530739203414, 53.213835142365177 ], [ 6.973685715997282, 53.213835142365177 ], [ 6.973685715997282, 53.213633415009852 ], [ 6.972530739203414, 53.213633415009852 ], [ 6.972530739203414, 53.213835142365177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13579_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.972530739203414, 53.208455421148777 ], [ 6.973685715997282, 53.208455421148777 ], [ 6.973685715997282, 53.208253668462739 ], [ 6.972530739203414, 53.208253668462739 ], [ 6.972530739203414, 53.208455421148777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13580_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 83.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.972530739203414, 53.203075024428308 ], [ 6.973685715997282, 53.203075024428308 ], [ 6.973685715997282, 53.202873246410135 ], [ 6.972530739203414, 53.202873246410135 ], [ 6.972530739203414, 53.203075024428308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13583_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 54.294117647058826 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.972530739203414, 53.186929780868866 ], [ 6.973685715997282, 53.186929780868866 ], [ 6.973685715997282, 53.186727926845897 ], [ 6.972530739203414, 53.186727926845897 ], [ 6.972530739203414, 53.186929780868866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13602_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 84.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.0847376533454 ], [ 6.977150646378886, 53.0847376533454 ], [ 6.977150646378886, 53.084535318618343 ], [ 6.975995669585017, 53.084535318618343 ], [ 6.975995669585017, 53.0847376533454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13603_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.07934173512065 ], [ 6.977150646378886, 53.07934173512065 ], [ 6.977150646378886, 53.079139375029477 ], [ 6.975995669585017, 53.079139375029477 ], [ 6.975995669585017, 53.07934173512065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13604_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.074147525007128 ], [ 6.977150646378886, 53.074147525007128 ], [ 6.977150646378886, 53.073945140501685 ], [ 6.975995669585017, 53.073945140501685 ], [ 6.975995669585017, 53.074147525007128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13604_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.073945140501685 ], [ 6.977150646378886, 53.073945140501685 ], [ 6.977150646378886, 53.073742755044996 ], [ 6.975995669585017, 53.073742755044996 ], [ 6.975995669585017, 53.073945140501685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13605_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.068750279323872 ], [ 6.977150646378886, 53.068750279323872 ], [ 6.977150646378886, 53.068547869451592 ], [ 6.975995669585017, 53.068547869451592 ], [ 6.975995669585017, 53.068750279323872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13610_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.041753903171127 ], [ 6.977150646378886, 53.041753903171127 ], [ 6.977150646378886, 53.041551366443954 ], [ 6.975995669585017, 53.041551366443954 ], [ 6.975995669585017, 53.041753903171127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13611_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.036352598135466 ], [ 6.977150646378886, 53.036352598135466 ], [ 6.977150646378886, 53.036150036033177 ], [ 6.975995669585017, 53.036150036033177 ], [ 6.975995669585017, 53.036352598135466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13612_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.030950616412269 ], [ 6.977150646378886, 53.030950616412269 ], [ 6.977150646378886, 53.030748028933488 ], [ 6.975995669585017, 53.030748028933488 ], [ 6.975995669585017, 53.030950616412269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13616_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 53.009335921909297 ], [ 6.977150646378886, 53.009335921909297 ], [ 6.977150646378886, 53.009133232910749 ], [ 6.975995669585017, 53.009133232910749 ], [ 6.975995669585017, 53.009335921909297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13836_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.802953296020192 ], [ 6.977150646378886, 51.802953296020192 ], [ 6.977150646378886, 51.802744987042161 ], [ 6.975995669585017, 51.802744987042161 ], [ 6.975995669585017, 51.802953296020192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13837_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 115.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.797398060541155 ], [ 6.977150646378886, 51.797398060541155 ], [ 6.977150646378886, 51.797189725895535 ], [ 6.975995669585017, 51.797189725895535 ], [ 6.975995669585017, 51.797398060541155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13838_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.791842140578062 ], [ 6.977150646378886, 51.791842140578062 ], [ 6.977150646378886, 51.791633780263673 ], [ 6.975995669585017, 51.791633780263673 ], [ 6.975995669585017, 51.791842140578062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13954_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.142490774243804 ], [ 6.977150646378886, 51.142490774243804 ], [ 6.977150646378886, 51.142279427436321 ], [ 6.975995669585017, 51.142279427436321 ], [ 6.975995669585017, 51.142490774243804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13955_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.136854528229854 ], [ 6.977150646378886, 51.136854528229854 ], [ 6.977150646378886, 51.136643155618458 ], [ 6.975995669585017, 51.136643155618458 ], [ 6.975995669585017, 51.136854528229854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13956_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 145.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.131217594097507 ], [ 6.977150646378886, 51.131217594097507 ], [ 6.977150646378886, 51.131006195681096 ], [ 6.975995669585017, 51.131006195681096 ], [ 6.975995669585017, 51.131217594097507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "13957_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.975995669585017, 51.125579971817309 ], [ 6.977150646378886, 51.125579971817309 ], [ 6.977150646378886, 51.125368547594782 ], [ 6.975995669585017, 51.125368547594782 ], [ 6.975995669585017, 51.125579971817309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14255_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.981513892044609, 53.203075024428308 ], [ 6.982668868838476, 53.203075024428308 ], [ 6.982668868838476, 53.202873246410135 ], [ 6.981513892044609, 53.202873246410135 ], [ 6.981513892044609, 53.203075024428308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14256_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.981513892044609, 53.197693952166404 ], [ 6.982668868838476, 53.197693952166404 ], [ 6.982668868838476, 53.197492148814689 ], [ 6.981513892044609, 53.197492148814689 ], [ 6.981513892044609, 53.197693952166404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14257_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 66.857142857142861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.981513892044609, 53.192312204325688 ], [ 6.982668868838476, 53.192312204325688 ], [ 6.982668868838476, 53.192110375639061 ], [ 6.981513892044609, 53.192110375639061 ], [ 6.981513892044609, 53.192312204325688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14258_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 60.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.981513892044609, 53.186929780868866 ], [ 6.982668868838476, 53.186929780868866 ], [ 6.982668868838476, 53.186727926845897 ], [ 6.981513892044609, 53.186727926845897 ], [ 6.981513892044609, 53.186929780868866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14259_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.981513892044609, 53.181546681758618 ], [ 6.982668868838476, 53.181546681758618 ], [ 6.982668868838476, 53.181344802397923 ], [ 6.981513892044609, 53.181344802397923 ], [ 6.981513892044609, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14260_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.981513892044609, 53.176162906957636 ], [ 6.982668868838476, 53.176162906957636 ], [ 6.982668868838476, 53.175961002257807 ], [ 6.981513892044609, 53.175961002257807 ], [ 6.981513892044609, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14280_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 83.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.068750279323872 ], [ 6.986133799220081, 53.068750279323872 ], [ 6.986133799220081, 53.068547869451592 ], [ 6.984978822426212, 53.068547869451592 ], [ 6.984978822426212, 53.068750279323872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14281_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.063352357173983 ], [ 6.986133799220081, 53.063352357173983 ], [ 6.986133799220081, 53.063149921933494 ], [ 6.984978822426212, 53.063149921933494 ], [ 6.984978822426212, 53.063352357173983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14282_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.057953758520618 ], [ 6.986133799220081, 53.057953758520618 ], [ 6.986133799220081, 53.057751297910514 ], [ 6.984978822426212, 53.057751297910514 ], [ 6.984978822426212, 53.057953758520618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14283_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 86.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.052554483326894 ], [ 6.986133799220081, 53.052554483326894 ], [ 6.986133799220081, 53.052351997345816 ], [ 6.984978822426212, 53.052351997345816 ], [ 6.984978822426212, 53.052554483326894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14284_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 80.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.047154531556004 ], [ 6.986133799220081, 53.047154531556004 ], [ 6.986133799220081, 53.046952020202561 ], [ 6.984978822426212, 53.046952020202561 ], [ 6.984978822426212, 53.047154531556004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14285_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.041753903171127 ], [ 6.986133799220081, 53.041753903171127 ], [ 6.986133799220081, 53.041551366443954 ], [ 6.984978822426212, 53.041551366443954 ], [ 6.984978822426212, 53.041753903171127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14292_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 86.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 53.003930556197488 ], [ 6.986133799220081, 53.003930556197488 ], [ 6.986133799220081, 53.003727841815554 ], [ 6.984978822426212, 53.003727841815554 ], [ 6.984978822426212, 53.003930556197488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14293_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 52.998524513577912 ], [ 6.986133799220081, 52.998524513577912 ], [ 6.986133799220081, 52.998321773811227 ], [ 6.984978822426212, 52.998321773811227 ], [ 6.984978822426212, 52.998524513577912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14294_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 91.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 52.993117794013948 ], [ 6.986133799220081, 52.993117794013948 ], [ 6.986133799220081, 52.992915028861127 ], [ 6.984978822426212, 52.992915028861127 ], [ 6.984978822426212, 52.993117794013948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14509_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.814061713654617 ], [ 6.986133799220081, 51.814061713654617 ], [ 6.986133799220081, 51.81385345600809 ], [ 6.984978822426212, 51.81385345600809 ], [ 6.984978822426212, 51.814061713654617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14510_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.808507847047302 ], [ 6.986133799220081, 51.808507847047302 ], [ 6.986133799220081, 51.808299563735623 ], [ 6.984978822426212, 51.808299563735623 ], [ 6.984978822426212, 51.808507847047302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14511_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.802953296020192 ], [ 6.986133799220081, 51.802953296020192 ], [ 6.986133799220081, 51.802744987042161 ], [ 6.984978822426212, 51.802744987042161 ], [ 6.984978822426212, 51.802953296020192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14633_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.119941661359846 ], [ 6.986133799220081, 51.119941661359846 ], [ 6.986133799220081, 51.119730211330108 ], [ 6.984978822426212, 51.119730211330108 ], [ 6.984978822426212, 51.119941661359846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14634_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.114302662695714 ], [ 6.986133799220081, 51.114302662695714 ], [ 6.986133799220081, 51.11409118685765 ], [ 6.984978822426212, 51.11409118685765 ], [ 6.984978822426212, 51.114302662695714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14635_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.108662975795554 ], [ 6.986133799220081, 51.108662975795554 ], [ 6.986133799220081, 51.108451474148062 ], [ 6.984978822426212, 51.108451474148062 ], [ 6.984978822426212, 51.108662975795554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14636_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 145.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.103022600629998 ], [ 6.986133799220081, 51.103022600629998 ], [ 6.986133799220081, 51.102811073171985 ], [ 6.984978822426212, 51.102811073171985 ], [ 6.984978822426212, 51.103022600629998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14637_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.097381537169724 ], [ 6.986133799220081, 51.097381537169724 ], [ 6.986133799220081, 51.097169983900088 ], [ 6.984978822426212, 51.097169983900088 ], [ 6.984978822426212, 51.097381537169724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14638_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 145.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.091739785385428 ], [ 6.986133799220081, 51.091739785385428 ], [ 6.986133799220081, 51.091528206303074 ], [ 6.984978822426212, 51.091528206303074 ], [ 6.984978822426212, 51.091739785385428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14639_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.086097345247829 ], [ 6.986133799220081, 51.086097345247829 ], [ 6.986133799220081, 51.085885740351664 ], [ 6.984978822426212, 51.085885740351664 ], [ 6.984978822426212, 51.086097345247829 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14640_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.080454216727674 ], [ 6.986133799220081, 51.080454216727674 ], [ 6.986133799220081, 51.080242586016588 ], [ 6.984978822426212, 51.080242586016588 ], [ 6.984978822426212, 51.080454216727674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14641_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.074810399795723 ], [ 6.986133799220081, 51.074810399795723 ], [ 6.986133799220081, 51.074598743268623 ], [ 6.984978822426212, 51.074598743268623 ], [ 6.984978822426212, 51.074810399795723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14642_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.06916589442276 ], [ 6.986133799220081, 51.06916589442276 ], [ 6.986133799220081, 51.068954212078559 ], [ 6.984978822426212, 51.068954212078559 ], [ 6.984978822426212, 51.06916589442276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14643_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.984978822426212, 51.063520700579595 ], [ 6.986133799220081, 51.063520700579595 ], [ 6.986133799220081, 51.063308992417191 ], [ 6.984978822426212, 51.063308992417191 ], [ 6.984978822426212, 51.063520700579595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14935_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.990497044885805, 53.176162906957636 ], [ 6.991652021679672, 53.176162906957636 ], [ 6.991652021679672, 53.175961002257807 ], [ 6.990497044885805, 53.175961002257807 ], [ 6.990497044885805, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14936_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.990497044885805, 53.170778456428657 ], [ 6.991652021679672, 53.170778456428657 ], [ 6.991652021679672, 53.170576526388309 ], [ 6.990497044885805, 53.170576526388309 ], [ 6.990497044885805, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14957_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 53.057953758520618 ], [ 6.995116952061276, 53.057953758520618 ], [ 6.995116952061276, 53.057751297910514 ], [ 6.993961975267408, 53.057751297910514 ], [ 6.993961975267408, 53.057953758520618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14958_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 53.052554483326894 ], [ 6.995116952061276, 53.052554483326894 ], [ 6.995116952061276, 53.052351997345816 ], [ 6.993961975267408, 53.052351997345816 ], [ 6.993961975267408, 53.052554483326894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14969_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 52.993117794013948 ], [ 6.995116952061276, 52.993117794013948 ], [ 6.995116952061276, 52.992915028861127 ], [ 6.993961975267408, 52.992915028861127 ], [ 6.993961975267408, 52.993117794013948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14970_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 52.987710397468959 ], [ 6.995116952061276, 52.987710397468959 ], [ 6.995116952061276, 52.987507606928645 ], [ 6.993961975267408, 52.987507606928645 ], [ 6.993961975267408, 52.987710397468959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "14971_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 92.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 52.982302323906374 ], [ 6.995116952061276, 52.982302323906374 ], [ 6.995116952061276, 52.982099507977175 ], [ 6.993961975267408, 52.982099507977175 ], [ 6.993961975267408, 52.982302323906374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15182_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 51.825167393738468 ], [ 6.995116952061276, 51.825167393738468 ], [ 6.995116952061276, 51.824959187418663 ], [ 6.993961975267408, 51.824959187418663 ], [ 6.993961975267408, 51.825167393738468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15183_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 51.819614895874281 ], [ 6.995116952061276, 51.819614895874281 ], [ 6.995116952061276, 51.819406663891719 ], [ 6.993961975267408, 51.819406663891719 ], [ 6.993961975267408, 51.819614895874281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15184_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 51.814061713654617 ], [ 6.995116952061276, 51.814061713654617 ], [ 6.995116952061276, 51.81385345600809 ], [ 6.993961975267408, 51.81385345600809 ], [ 6.993961975267408, 51.814061713654617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15318_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 51.063520700579595 ], [ 6.995116952061276, 51.063520700579595 ], [ 6.995116952061276, 51.063308992417191 ], [ 6.993961975267408, 51.063308992417191 ], [ 6.993961975267408, 51.063520700579595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15319_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 55.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 51.057874818237067 ], [ 6.995116952061276, 51.057874818237067 ], [ 6.995116952061276, 51.057663084255367 ], [ 6.993961975267408, 51.057663084255367 ], [ 6.993961975267408, 51.057874818237067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15320_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 25.642857142857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.993961975267408, 51.052228247366038 ], [ 6.995116952061276, 51.052228247366038 ], [ 6.995116952061276, 51.052016487563954 ], [ 6.993961975267408, 51.052016487563954 ], [ 6.993961975267408, 51.052228247366038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15611_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.999480197727, 53.170778456428657 ], [ 7.000635174520867, 53.170778456428657 ], [ 7.000635174520867, 53.170576526388309 ], [ 6.999480197727, 53.170576526388309 ], [ 6.999480197727, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15612_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.999480197727, 53.165393330134442 ], [ 7.000635174520867, 53.165393330134442 ], [ 7.000635174520867, 53.165191374752162 ], [ 6.999480197727, 53.165191374752162 ], [ 6.999480197727, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15646_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 52.982302323906374 ], [ 7.004100104902471, 52.982302323906374 ], [ 7.004100104902471, 52.982099507977175 ], [ 7.002945128108603, 52.982099507977175 ], [ 7.002945128108603, 52.982302323906374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15647_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 89.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 52.976893573289587 ], [ 7.004100104902471, 52.976893573289587 ], [ 7.004100104902471, 52.976690731970159 ], [ 7.002945128108603, 52.976690731970159 ], [ 7.002945128108603, 52.976893573289587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15648_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 93.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 52.971484145582053 ], [ 7.004100104902471, 52.971484145582053 ], [ 7.004100104902471, 52.971281278871018 ], [ 7.002945128108603, 52.971281278871018 ], [ 7.002945128108603, 52.971484145582053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15850_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.864015719542095 ], [ 7.004100104902471, 51.864015719542095 ], [ 7.004100104902471, 51.863807692827663 ], [ 7.002945128108603, 51.863807692827663 ], [ 7.002945128108603, 51.864015719542095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15851_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.858468011263412 ], [ 7.004100104902471, 51.858468011263412 ], [ 7.004100104902471, 51.858259958894713 ], [ 7.002945128108603, 51.858259958894713 ], [ 7.002945128108603, 51.858468011263412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15852_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.852919618855111 ], [ 7.004100104902471, 51.852919618855111 ], [ 7.004100104902471, 51.852711540830917 ], [ 7.002945128108603, 51.852711540830917 ], [ 7.002945128108603, 51.852919618855111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15853_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.847370542284857 ], [ 7.004100104902471, 51.847370542284857 ], [ 7.004100104902471, 51.847162438603945 ], [ 7.002945128108603, 51.847162438603945 ], [ 7.002945128108603, 51.847370542284857 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15854_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.841820781520333 ], [ 7.004100104902471, 51.841820781520333 ], [ 7.004100104902471, 51.841612652181517 ], [ 7.002945128108603, 51.841612652181517 ], [ 7.002945128108603, 51.841820781520333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15855_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.836270336529267 ], [ 7.004100104902471, 51.836270336529267 ], [ 7.004100104902471, 51.836062181531332 ], [ 7.002945128108603, 51.836062181531332 ], [ 7.002945128108603, 51.836270336529267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15856_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.830719207279387 ], [ 7.004100104902471, 51.830719207279387 ], [ 7.004100104902471, 51.830511026621124 ], [ 7.002945128108603, 51.830511026621124 ], [ 7.002945128108603, 51.830719207279387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15857_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.825167393738468 ], [ 7.004100104902471, 51.825167393738468 ], [ 7.004100104902471, 51.824959187418663 ], [ 7.002945128108603, 51.824959187418663 ], [ 7.002945128108603, 51.825167393738468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15995_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 69.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.052228247366038 ], [ 7.004100104902471, 51.052228247366038 ], [ 7.004100104902471, 51.052016487563954 ], [ 7.002945128108603, 51.052016487563954 ], [ 7.002945128108603, 51.052228247366038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15996_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 31.933333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.046580987937375 ], [ 7.004100104902471, 51.046580987937375 ], [ 7.004100104902471, 51.046369202313819 ], [ 7.002945128108603, 51.046369202313819 ], [ 7.002945128108603, 51.046580987937375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "15997_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 7.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.002945128108603, 51.040933039921995 ], [ 7.004100104902471, 51.040933039921995 ], [ 7.004100104902471, 51.040721228475867 ], [ 7.002945128108603, 51.040721228475867 ], [ 7.002945128108603, 51.040933039921995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16287_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.008463350568195, 53.165393330134442 ], [ 7.009618327362062, 53.165393330134442 ], [ 7.009618327362062, 53.165191374752162 ], [ 7.008463350568195, 53.165191374752162 ], [ 7.008463350568195, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16323_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 52.971484145582053 ], [ 7.013083257743667, 52.971484145582053 ], [ 7.013083257743667, 52.971281278871018 ], [ 7.011928280949798, 52.971281278871018 ], [ 7.011928280949798, 52.971484145582053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16324_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 52.966074040747252 ], [ 7.013083257743667, 52.966074040747252 ], [ 7.013083257743667, 52.965871148643231 ], [ 7.011928280949798, 52.965871148643231 ], [ 7.011928280949798, 52.966074040747252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16325_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 52.960663258748653 ], [ 7.013083257743667, 52.960663258748653 ], [ 7.013083257743667, 52.960460341250275 ], [ 7.011928280949798, 52.960460341250275 ], [ 7.011928280949798, 52.960663258748653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16522_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.880654739923997 ], [ 7.013083257743667, 51.880654739923997 ], [ 7.013083257743667, 51.880446790165109 ], [ 7.011928280949798, 51.880446790165109 ], [ 7.011928280949798, 51.880654739923997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16523_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.875109083839995 ], [ 7.013083257743667, 51.875109083839995 ], [ 7.013083257743667, 51.874901108430478 ], [ 7.011928280949798, 51.874901108430478 ], [ 7.011928280949798, 51.875109083839995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16524_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.869562743723492 ], [ 7.013083257743667, 51.869562743723492 ], [ 7.013083257743667, 51.869354742662118 ], [ 7.011928280949798, 51.869354742662118 ], [ 7.011928280949798, 51.869562743723492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16525_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.864015719542095 ], [ 7.013083257743667, 51.864015719542095 ], [ 7.013083257743667, 51.863807692827663 ], [ 7.011928280949798, 51.863807692827663 ], [ 7.011928280949798, 51.864015719542095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16672_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 19.357142857142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.040933039921995 ], [ 7.013083257743667, 51.040933039921995 ], [ 7.013083257743667, 51.040721228475867 ], [ 7.011928280949798, 51.040721228475867 ], [ 7.011928280949798, 51.040933039921995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16673_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 49.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.035284403290817 ], [ 7.013083257743667, 51.035284403290817 ], [ 7.013083257743667, 51.035072566021029 ], [ 7.011928280949798, 51.035072566021029 ], [ 7.011928280949798, 51.035284403290817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16674_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 35.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.029635078014792 ], [ 7.013083257743667, 51.029635078014792 ], [ 7.013083257743667, 51.029423214920257 ], [ 7.011928280949798, 51.029423214920257 ], [ 7.011928280949798, 51.029635078014792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16675_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 38.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.023985064064895 ], [ 7.013083257743667, 51.023985064064895 ], [ 7.013083257743667, 51.023773175144534 ], [ 7.011928280949798, 51.023773175144534 ], [ 7.011928280949798, 51.023985064064895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16676_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 60.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.018334361412116 ], [ 7.013083257743667, 51.018334361412116 ], [ 7.013083257743667, 51.01812244666484 ], [ 7.011928280949798, 51.01812244666484 ], [ 7.011928280949798, 51.018334361412116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16677_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.012682970027491 ], [ 7.013083257743667, 51.012682970027491 ], [ 7.013083257743667, 51.0124710294522 ], [ 7.011928280949798, 51.0124710294522 ], [ 7.011928280949798, 51.012682970027491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16678_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.00703088988206 ], [ 7.013083257743667, 51.00703088988206 ], [ 7.013083257743667, 51.006818923477667 ], [ 7.011928280949798, 51.006818923477667 ], [ 7.011928280949798, 51.00703088988206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16679_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 99.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 51.001378120946868 ], [ 7.013083257743667, 51.001378120946868 ], [ 7.013083257743667, 51.001166128712306 ], [ 7.011928280949798, 51.001166128712306 ], [ 7.011928280949798, 51.001378120946868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16680_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 50.99572466319303 ], [ 7.013083257743667, 50.99572466319303 ], [ 7.013083257743667, 50.995512645127192 ], [ 7.011928280949798, 50.995512645127192 ], [ 7.011928280949798, 50.99572466319303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16681_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 50.990070516591636 ], [ 7.013083257743667, 50.990070516591636 ], [ 7.013083257743667, 50.98985847269347 ], [ 7.011928280949798, 50.98985847269347 ], [ 7.011928280949798, 50.990070516591636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16682_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.011928280949798, 50.984415681113845 ], [ 7.013083257743667, 50.984415681113845 ], [ 7.013083257743667, 50.984203611382249 ], [ 7.011928280949798, 50.984203611382249 ], [ 7.011928280949798, 50.984415681113845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "16962_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.01744650340939, 53.165393330134442 ], [ 7.018601480203258, 53.165393330134442 ], [ 7.018601480203258, 53.165191374752162 ], [ 7.01744650340939, 53.165191374752162 ], [ 7.01744650340939, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17000_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 52.960663258748653 ], [ 7.022066410584862, 52.960663258748653 ], [ 7.022066410584862, 52.960460341250275 ], [ 7.020911433790993, 52.960460341250275 ], [ 7.020911433790993, 52.960663258748653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17001_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 94.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 52.955251799549757 ], [ 7.022066410584862, 52.955251799549757 ], [ 7.022066410584862, 52.955048856655651 ], [ 7.020911433790993, 52.955048856655651 ], [ 7.020911433790993, 52.955251799549757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17002_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 89.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 52.949839663114091 ], [ 7.022066410584862, 52.949839663114091 ], [ 7.022066410584862, 52.949636694822892 ], [ 7.020911433790993, 52.949636694822892 ], [ 7.020911433790993, 52.949839663114091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17003_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 52.944426849405183 ], [ 7.022066410584862, 52.944426849405183 ], [ 7.022066410584862, 52.944223855715535 ], [ 7.020911433790993, 52.944223855715535 ], [ 7.020911433790993, 52.944426849405183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17193_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 51.902830524583479 ], [ 7.022066410584862, 51.902830524583479 ], [ 7.022066410584862, 51.902622677414961 ], [ 7.020911433790993, 51.902622677414961 ], [ 7.020911433790993, 51.902830524583479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17194_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 51.897287604305163 ], [ 7.022066410584862, 51.897287604305163 ], [ 7.022066410584862, 51.897079731490884 ], [ 7.020911433790993, 51.897079731490884 ], [ 7.020911433790993, 51.897287604305163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17195_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 51.89174400012412 ], [ 7.022066410584862, 51.89174400012412 ], [ 7.022066410584862, 51.891536101662865 ], [ 7.020911433790993, 51.891536101662865 ], [ 7.020911433790993, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17196_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 51.886199712007887 ], [ 7.022066410584862, 51.886199712007887 ], [ 7.022066410584862, 51.885991787898419 ], [ 7.020911433790993, 51.885991787898419 ], [ 7.020911433790993, 51.886199712007887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17357_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 50.984415681113845 ], [ 7.022066410584862, 50.984415681113845 ], [ 7.022066410584862, 50.984203611382249 ], [ 7.020911433790993, 50.984203611382249 ], [ 7.020911433790993, 50.984415681113845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17358_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.020911433790993, 50.9787601567308 ], [ 7.022066410584862, 50.9787601567308 ], [ 7.022066410584862, 50.978548061164709 ], [ 7.020911433790993, 50.978548061164709 ], [ 7.020911433790993, 50.9787601567308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17637_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.026429656250586, 53.165393330134442 ], [ 7.027584633044453, 53.165393330134442 ], [ 7.027584633044453, 53.165191374752162 ], [ 7.026429656250586, 53.165191374752162 ], [ 7.026429656250586, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17638_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.026429656250586, 53.160007528037738 ], [ 7.027584633044453, 53.160007528037738 ], [ 7.027584633044453, 53.159805547312153 ], [ 7.026429656250586, 53.159805547312153 ], [ 7.026429656250586, 53.160007528037738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17678_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 79.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 52.944426849405183 ], [ 7.031049563426057, 52.944426849405183 ], [ 7.031049563426057, 52.944223855715535 ], [ 7.029894586632189, 52.944223855715535 ], [ 7.029894586632189, 52.944426849405183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17679_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 52.939013358386603 ], [ 7.031049563426057, 52.939013358386603 ], [ 7.031049563426057, 52.938810339297135 ], [ 7.029894586632189, 52.938810339297135 ], [ 7.029894586632189, 52.939013358386603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17680_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 89.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 52.933599190021944 ], [ 7.031049563426057, 52.933599190021944 ], [ 7.031049563426057, 52.933396145531283 ], [ 7.029894586632189, 52.933396145531283 ], [ 7.029894586632189, 52.933599190021944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17864_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 51.924995367319909 ], [ 7.031049563426057, 51.924995367319909 ], [ 7.031049563426057, 51.924787622722263 ], [ 7.029894586632189, 51.924787622722263 ], [ 7.029894586632189, 51.924995367319909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17865_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 51.919455182327241 ], [ 7.031049563426057, 51.919455182327241 ], [ 7.031049563426057, 51.919247412088701 ], [ 7.029894586632189, 51.919247412088701 ], [ 7.029894586632189, 51.919455182327241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17866_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 51.913914313561982 ], [ 7.031049563426057, 51.913914313561982 ], [ 7.031049563426057, 51.913706517681341 ], [ 7.029894586632189, 51.913706517681341 ], [ 7.029894586632189, 51.913914313561982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17867_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 51.908372760991583 ], [ 7.031049563426057, 51.908372760991583 ], [ 7.031049563426057, 51.908164939467611 ], [ 7.029894586632189, 51.908164939467611 ], [ 7.029894586632189, 51.908372760991583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "17868_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 51.902830524583479 ], [ 7.031049563426057, 51.902830524583479 ], [ 7.031049563426057, 51.902622677414961 ], [ 7.029894586632189, 51.902622677414961 ], [ 7.029894586632189, 51.902830524583479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18033_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 50.9787601567308 ], [ 7.031049563426057, 50.9787601567308 ], [ 7.031049563426057, 50.978548061164709 ], [ 7.029894586632189, 50.978548061164709 ], [ 7.029894586632189, 50.9787601567308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18034_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 50.973103943413712 ], [ 7.031049563426057, 50.973103943413712 ], [ 7.031049563426057, 50.972891822012009 ], [ 7.029894586632189, 50.972891822012009 ], [ 7.029894586632189, 50.973103943413712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18035_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 110.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 50.967447041133745 ], [ 7.031049563426057, 50.967447041133745 ], [ 7.031049563426057, 50.96723489389538 ], [ 7.029894586632189, 50.96723489389538 ], [ 7.029894586632189, 50.967447041133745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18036_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.029894586632189, 50.96178944986216 ], [ 7.031049563426057, 50.96178944986216 ], [ 7.031049563426057, 50.961577276786038 ], [ 7.029894586632189, 50.961577276786038 ], [ 7.029894586632189, 50.96178944986216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18313_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.035412809091781, 53.160007528037738 ], [ 7.036567785885648, 53.160007528037738 ], [ 7.036567785885648, 53.159805547312153 ], [ 7.035412809091781, 53.159805547312153 ], [ 7.035412809091781, 53.160007528037738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18356_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 61.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.92818434427479 ], [ 7.040032716267253, 52.92818434427479 ], [ 7.040032716267253, 52.927981274381573 ], [ 7.038877739473384, 52.927981274381573 ], [ 7.038877739473384, 52.92818434427479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18357_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 33.916666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.922768821108747 ], [ 7.040032716267253, 52.922768821108747 ], [ 7.040032716267253, 52.922565725811623 ], [ 7.038877739473384, 52.922565725811623 ], [ 7.038877739473384, 52.922768821108747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18358_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.917352620487485 ], [ 7.040032716267253, 52.917352620487485 ], [ 7.040032716267253, 52.91714949978509 ], [ 7.038877739473384, 52.91714949978509 ], [ 7.038877739473384, 52.917352620487485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18359_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.911935742374645 ], [ 7.040032716267253, 52.911935742374645 ], [ 7.040032716267253, 52.911732596265615 ], [ 7.038877739473384, 52.911732596265615 ], [ 7.038877739473384, 52.911935742374645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18360_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.906518186733919 ], [ 7.040032716267253, 52.906518186733919 ], [ 7.040032716267253, 52.906315015216883 ], [ 7.038877739473384, 52.906315015216883 ], [ 7.038877739473384, 52.906518186733919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18361_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.901099953528998 ], [ 7.040032716267253, 52.901099953528998 ], [ 7.040032716267253, 52.900896756602585 ], [ 7.038877739473384, 52.900896756602585 ], [ 7.038877739473384, 52.901099953528998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18362_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.895681042723588 ], [ 7.040032716267253, 52.895681042723588 ], [ 7.040032716267253, 52.895477820386461 ], [ 7.038877739473384, 52.895477820386461 ], [ 7.038877739473384, 52.895681042723588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18363_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.890261454281443 ], [ 7.040032716267253, 52.890261454281443 ], [ 7.040032716267253, 52.890058206532224 ], [ 7.038877739473384, 52.890058206532224 ], [ 7.038877739473384, 52.890261454281443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18364_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.884841188166313 ], [ 7.040032716267253, 52.884841188166313 ], [ 7.040032716267253, 52.884637915003658 ], [ 7.038877739473384, 52.884637915003658 ], [ 7.038877739473384, 52.884841188166313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18365_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 90.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.879420244341972 ], [ 7.040032716267253, 52.879420244341972 ], [ 7.040032716267253, 52.879216945764526 ], [ 7.038877739473384, 52.879216945764526 ], [ 7.038877739473384, 52.879420244341972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18366_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 52.873998622772234 ], [ 7.040032716267253, 52.873998622772234 ], [ 7.040032716267253, 52.873795298778631 ], [ 7.038877739473384, 52.873795298778631 ], [ 7.038877739473384, 52.873998622772234 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18537_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 51.936073686117872 ], [ 7.040032716267253, 51.936073686117872 ], [ 7.040032716267253, 51.93586599279832 ], [ 7.038877739473384, 51.93586599279832 ], [ 7.038877739473384, 51.936073686117872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18538_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 51.930534868572586 ], [ 7.040032716267253, 51.930534868572586 ], [ 7.040032716267253, 51.930327149614591 ], [ 7.038877739473384, 51.930327149614591 ], [ 7.038877739473384, 51.930534868572586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18539_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 51.924995367319909 ], [ 7.040032716267253, 51.924995367319909 ], [ 7.040032716267253, 51.924787622722263 ], [ 7.038877739473384, 51.924787622722263 ], [ 7.038877739473384, 51.924995367319909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18711_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 50.96178944986216 ], [ 7.040032716267253, 50.96178944986216 ], [ 7.040032716267253, 50.961577276786038 ], [ 7.038877739473384, 50.961577276786038 ], [ 7.038877739473384, 50.96178944986216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18712_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 50.956131169570185 ], [ 7.040032716267253, 50.956131169570185 ], [ 7.040032716267253, 50.955918970655262 ], [ 7.038877739473384, 50.955918970655262 ], [ 7.038877739473384, 50.956131169570185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18713_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 50.950472200229115 ], [ 7.040032716267253, 50.950472200229115 ], [ 7.040032716267253, 50.950259975474296 ], [ 7.038877739473384, 50.950259975474296 ], [ 7.038877739473384, 50.950472200229115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18714_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 50.944812541810251 ], [ 7.040032716267253, 50.944812541810251 ], [ 7.040032716267253, 50.944600291214449 ], [ 7.038877739473384, 50.944600291214449 ], [ 7.038877739473384, 50.944812541810251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18715_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.038877739473384, 50.939152194284922 ], [ 7.040032716267253, 50.939152194284922 ], [ 7.040032716267253, 50.938939917847065 ], [ 7.038877739473384, 50.938939917847065 ], [ 7.038877739473384, 50.939152194284922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "18988_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.044395961932976, 53.160007528037738 ], [ 7.045550938726843, 53.160007528037738 ], [ 7.045550938726843, 53.159805547312153 ], [ 7.044395961932976, 53.159805547312153 ], [ 7.044395961932976, 53.160007528037738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19041_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 52.873998622772234 ], [ 7.049015869108447, 52.873998622772234 ], [ 7.049015869108447, 52.873795298778631 ], [ 7.047860892314579, 52.873795298778631 ], [ 7.047860892314579, 52.873998622772234 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19042_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 52.868576323420903 ], [ 7.049015869108447, 52.868576323420903 ], [ 7.049015869108447, 52.86837297400978 ], [ 7.047860892314579, 52.86837297400978 ], [ 7.047860892314579, 52.868576323420903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19043_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 49.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 52.863153346251814 ], [ 7.049015869108447, 52.863153346251814 ], [ 7.049015869108447, 52.86294997142182 ], [ 7.047860892314579, 52.86294997142182 ], [ 7.047860892314579, 52.863153346251814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19199_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 52.008016111710788 ], [ 7.049015869108447, 52.008016111710788 ], [ 7.049015869108447, 52.007808751579248 ], [ 7.047860892314579, 52.007808751579248 ], [ 7.047860892314579, 52.008016111710788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19200_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 112.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 52.002486179384299 ], [ 7.049015869108447, 52.002486179384299 ], [ 7.049015869108447, 52.002278793630296 ], [ 7.047860892314579, 52.002278793630296 ], [ 7.047860892314579, 52.002486179384299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19201_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.996955563776289 ], [ 7.049015869108447, 51.996955563776289 ], [ 7.049015869108447, 51.996748152398609 ], [ 7.047860892314579, 51.996748152398609 ], [ 7.047860892314579, 51.996955563776289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19202_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.991424264853897 ], [ 7.049015869108447, 51.991424264853897 ], [ 7.049015869108447, 51.991216827851275 ], [ 7.047860892314579, 51.991216827851275 ], [ 7.047860892314579, 51.991424264853897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19203_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 85.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.985892282584238 ], [ 7.049015869108447, 51.985892282584238 ], [ 7.049015869108447, 51.985684819955452 ], [ 7.047860892314579, 51.985684819955452 ], [ 7.047860892314579, 51.985892282584238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19204_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 77.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.980359616934464 ], [ 7.049015869108447, 51.980359616934464 ], [ 7.049015869108447, 51.980152128678277 ], [ 7.047860892314579, 51.980152128678277 ], [ 7.047860892314579, 51.980359616934464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19205_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 80.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.974826267871748 ], [ 7.049015869108447, 51.974826267871748 ], [ 7.049015869108447, 51.974618753986945 ], [ 7.047860892314579, 51.974618753986945 ], [ 7.047860892314579, 51.974826267871748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19206_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 79.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.969292235363305 ], [ 7.049015869108447, 51.969292235363305 ], [ 7.049015869108447, 51.969084695848643 ], [ 7.047860892314579, 51.969084695848643 ], [ 7.047860892314579, 51.969292235363305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19207_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.96375751937633 ], [ 7.049015869108447, 51.96375751937633 ], [ 7.049015869108447, 51.963549954230601 ], [ 7.047860892314579, 51.963549954230601 ], [ 7.047860892314579, 51.96375751937633 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19208_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 81.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.958222119878087 ], [ 7.049015869108447, 51.958222119878087 ], [ 7.049015869108447, 51.958014529100048 ], [ 7.047860892314579, 51.958014529100048 ], [ 7.047860892314579, 51.958222119878087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19209_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 55.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.952686036835829 ], [ 7.049015869108447, 51.952686036835829 ], [ 7.049015869108447, 51.952478420424242 ], [ 7.047860892314579, 51.952478420424242 ], [ 7.047860892314579, 51.952686036835829 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19210_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.947149270216833 ], [ 7.049015869108447, 51.947149270216833 ], [ 7.049015869108447, 51.946941628170478 ], [ 7.047860892314579, 51.946941628170478 ], [ 7.047860892314579, 51.947149270216833 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19211_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 103.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.941611819988402 ], [ 7.049015869108447, 51.941611819988402 ], [ 7.049015869108447, 51.941404152306063 ], [ 7.047860892314579, 51.941404152306063 ], [ 7.047860892314579, 51.941611819988402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19212_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 51.936073686117872 ], [ 7.049015869108447, 51.936073686117872 ], [ 7.049015869108447, 51.93586599279832 ], [ 7.047860892314579, 51.93586599279832 ], [ 7.047860892314579, 51.936073686117872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19390_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 40.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 50.939152194284922 ], [ 7.049015869108447, 50.939152194284922 ], [ 7.049015869108447, 50.938939917847065 ], [ 7.047860892314579, 50.938939917847065 ], [ 7.047860892314579, 50.939152194284922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19391_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 24.833333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.047860892314579, 50.933491157624445 ], [ 7.049015869108447, 50.933491157624445 ], [ 7.049015869108447, 50.933278855343467 ], [ 7.047860892314579, 50.933278855343467 ], [ 7.047860892314579, 50.933491157624445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19664_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 124.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.053379114774171, 53.154621050101341 ], [ 7.054534091568039, 53.154621050101341 ], [ 7.054534091568039, 53.154419044031037 ], [ 7.053379114774171, 53.154419044031037 ], [ 7.053379114774171, 53.154621050101341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19718_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 52.863153346251814 ], [ 7.057999021949643, 52.863153346251814 ], [ 7.057999021949643, 52.86294997142182 ], [ 7.056844045155775, 52.86294997142182 ], [ 7.056844045155775, 52.863153346251814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19719_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 52.857729691228819 ], [ 7.057999021949643, 52.857729691228819 ], [ 7.057999021949643, 52.857526290978605 ], [ 7.056844045155775, 52.857526290978605 ], [ 7.056844045155775, 52.857729691228819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19871_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 52.024601809330406 ], [ 7.057999021949643, 52.024601809330406 ], [ 7.057999021949643, 52.024394526058863 ], [ 7.056844045155775, 52.024394526058863 ], [ 7.056844045155775, 52.024601809330406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19872_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 118.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 52.019073926650897 ], [ 7.057999021949643, 52.019073926650897 ], [ 7.057999021949643, 52.018866617760594 ], [ 7.056844045155775, 52.018866617760594 ], [ 7.056844045155775, 52.019073926650897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19873_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 52.013545360788683 ], [ 7.057999021949643, 52.013545360788683 ], [ 7.057999021949643, 52.013338026278376 ], [ 7.056844045155775, 52.013338026278376 ], [ 7.056844045155775, 52.013545360788683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "19874_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 52.008016111710788 ], [ 7.057999021949643, 52.008016111710788 ], [ 7.057999021949643, 52.007808751579248 ], [ 7.056844045155775, 52.007808751579248 ], [ 7.056844045155775, 52.008016111710788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20066_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 52.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 50.933491157624445 ], [ 7.057999021949643, 50.933491157624445 ], [ 7.057999021949643, 50.933278855343467 ], [ 7.056844045155775, 50.933278855343467 ], [ 7.056844045155775, 50.933491157624445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20067_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 56.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 50.92782943180022 ], [ 7.057999021949643, 50.92782943180022 ], [ 7.057999021949643, 50.927617103675047 ], [ 7.056844045155775, 50.927617103675047 ], [ 7.056844045155775, 50.92782943180022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20068_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 68.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.056844045155775, 50.922167016783625 ], [ 7.057999021949643, 50.922167016783625 ], [ 7.057999021949643, 50.921954662813185 ], [ 7.056844045155775, 50.921954662813185 ], [ 7.056844045155775, 50.922167016783625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20339_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.062362267615367, 53.154621050101341 ], [ 7.063517244409233, 53.154621050101341 ], [ 7.063517244409233, 53.154419044031037 ], [ 7.062362267615367, 53.154419044031037 ], [ 7.062362267615367, 53.154621050101341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20340_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.062362267615367, 53.149233896288059 ], [ 7.063517244409233, 53.149233896288059 ], [ 7.063517244409233, 53.149031864871645 ], [ 7.062362267615367, 53.149031864871645 ], [ 7.062362267615367, 53.149233896288059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20395_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.85230535831581 ], [ 7.066982174790837, 52.85230535831581 ], [ 7.066982174790837, 52.852101932644004 ], [ 7.06582719799697, 52.852101932644004 ], [ 7.06582719799697, 52.85230535831581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20538_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.068800280150086 ], [ 7.066982174790837, 52.068800280150086 ], [ 7.066982174790837, 52.068593201783983 ], [ 7.06582719799697, 52.068593201783983 ], [ 7.06582719799697, 52.068800280150086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20539_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 75.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.063277861743444 ], [ 7.066982174790837, 52.063277861743444 ], [ 7.066982174790837, 52.063070757768507 ], [ 7.06582719799697, 52.063070757768507 ], [ 7.06582719799697, 52.063277861743444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20540_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.057754760418476 ], [ 7.066982174790837, 52.057754760418476 ], [ 7.066982174790837, 52.057547630833454 ], [ 7.06582719799697, 52.057547630833454 ], [ 7.06582719799697, 52.057754760418476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20541_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 67.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.052230976142063 ], [ 7.066982174790837, 52.052230976142063 ], [ 7.066982174790837, 52.05202382094572 ], [ 7.06582719799697, 52.05202382094572 ], [ 7.06582719799697, 52.052230976142063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20542_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.046706508881101 ], [ 7.066982174790837, 52.046706508881101 ], [ 7.066982174790837, 52.046499328072187 ], [ 7.06582719799697, 52.046499328072187 ], [ 7.06582719799697, 52.046706508881101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20543_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 69.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.0411813586025 ], [ 7.066982174790837, 52.0411813586025 ], [ 7.066982174790837, 52.040974152179771 ], [ 7.06582719799697, 52.040974152179771 ], [ 7.06582719799697, 52.0411813586025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20544_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 70.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.035655525273199 ], [ 7.066982174790837, 52.035655525273199 ], [ 7.066982174790837, 52.03544829323544 ], [ 7.06582719799697, 52.03544829323544 ], [ 7.06582719799697, 52.035655525273199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20545_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 52.030129008860179 ], [ 7.066982174790837, 52.030129008860179 ], [ 7.066982174790837, 52.029921751206146 ], [ 7.06582719799697, 52.029921751206146 ], [ 7.06582719799697, 52.030129008860179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "20743_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 58.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.06582719799697, 50.922167016783625 ], [ 7.066982174790837, 50.922167016783625 ], [ 7.066982174790837, 50.921954662813185 ], [ 7.06582719799697, 50.921954662813185 ], [ 7.06582719799697, 50.922167016783625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21015_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 119.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.071345420456561, 53.149233896288059 ], [ 7.072500397250429, 53.149233896288059 ], [ 7.072500397250429, 53.149031864871645 ], [ 7.071345420456561, 53.149031864871645 ], [ 7.071345420456561, 53.149233896288059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21070_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 98.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.074810350838165, 52.85230535831581 ], [ 7.075965327632034, 52.85230535831581 ], [ 7.075965327632034, 52.852101932644004 ], [ 7.074810350838165, 52.852101932644004 ], [ 7.074810350838165, 52.85230535831581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21211_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 60.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.074810350838165, 52.079843068340985 ], [ 7.075965327632034, 52.079843068340985 ], [ 7.075965327632034, 52.079636041188834 ], [ 7.074810350838165, 52.079636041188834 ], [ 7.074810350838165, 52.079843068340985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21212_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 69.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.074810350838165, 52.074322015671541 ], [ 7.075965327632034, 52.074322015671541 ], [ 7.075965327632034, 52.074114962913036 ], [ 7.074810350838165, 52.074114962913036 ], [ 7.074810350838165, 52.074322015671541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21213_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 73.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.074810350838165, 52.068800280150086 ], [ 7.075965327632034, 52.068800280150086 ], [ 7.075965327632034, 52.068593201783983 ], [ 7.074810350838165, 52.068593201783983 ], [ 7.074810350838165, 52.068800280150086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21418_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 69.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.074810350838165, 50.922167016783625 ], [ 7.075965327632034, 50.922167016783625 ], [ 7.075965327632034, 50.921954662813185 ], [ 7.074810350838165, 50.921954662813185 ], [ 7.074810350838165, 50.922167016783625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21419_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 61.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.074810350838165, 50.916503912546084 ], [ 7.075965327632034, 50.916503912546084 ], [ 7.075965327632034, 50.916291532729304 ], [ 7.074810350838165, 50.916291532729304 ], [ 7.074810350838165, 50.916503912546084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21690_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.080328573297757, 53.149233896288059 ], [ 7.081483550091624, 53.149233896288059 ], [ 7.081483550091624, 53.149031864871645 ], [ 7.080328573297757, 53.149031864871645 ], [ 7.080328573297757, 53.149233896288059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21745_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 50.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.85230535831581 ], [ 7.084948480473228, 52.85230535831581 ], [ 7.084948480473228, 52.852101932644004 ], [ 7.08379350367936, 52.852101932644004 ], [ 7.08379350367936, 52.85230535831581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21878_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.123986911010881 ], [ 7.084948480473228, 52.123986911010881 ], [ 7.084948480473228, 52.123780088664674 ], [ 7.08379350367936, 52.123780088664674 ], [ 7.08379350367936, 52.123986911010881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21879_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.118471319961046 ], [ 7.084948480473228, 52.118471319961046 ], [ 7.084948480473228, 52.11826447201846 ], [ 7.08379350367936, 52.11826447201846 ], [ 7.08379350367936, 52.118471319961046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21880_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.11295504632529 ], [ 7.084948480473228, 52.11295504632529 ], [ 7.084948480473228, 52.112748172785075 ], [ 7.08379350367936, 52.112748172785075 ], [ 7.08379350367936, 52.11295504632529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21881_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.107438090070261 ], [ 7.084948480473228, 52.107438090070261 ], [ 7.084948480473228, 52.107231190931181 ], [ 7.08379350367936, 52.107231190931181 ], [ 7.08379350367936, 52.107438090070261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21882_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.101920451162663 ], [ 7.084948480473228, 52.101920451162663 ], [ 7.084948480473228, 52.10171352642346 ], [ 7.08379350367936, 52.10171352642346 ], [ 7.08379350367936, 52.101920451162663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21883_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.096402129569199 ], [ 7.084948480473228, 52.096402129569199 ], [ 7.084948480473228, 52.096195179228637 ], [ 7.08379350367936, 52.096195179228637 ], [ 7.08379350367936, 52.096402129569199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21884_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.090883125256596 ], [ 7.084948480473228, 52.090883125256596 ], [ 7.084948480473228, 52.090676149313417 ], [ 7.08379350367936, 52.090676149313417 ], [ 7.08379350367936, 52.090883125256596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21885_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.0853634381916 ], [ 7.084948480473228, 52.0853634381916 ], [ 7.084948480473228, 52.08515643664456 ], [ 7.08379350367936, 52.08515643664456 ], [ 7.08379350367936, 52.0853634381916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "21886_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 84.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 52.079843068340985 ], [ 7.084948480473228, 52.079843068340985 ], [ 7.084948480473228, 52.079636041188834 ], [ 7.08379350367936, 52.079636041188834 ], [ 7.08379350367936, 52.079843068340985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22094_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.08379350367936, 50.916503912546084 ], [ 7.084948480473228, 50.916503912546084 ], [ 7.084948480473228, 50.916291532729304 ], [ 7.08379350367936, 50.916291532729304 ], [ 7.08379350367936, 50.916503912546084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22366_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.089311726138952, 53.143846066560705 ], [ 7.09046670293282, 53.143846066560705 ], [ 7.09046670293282, 53.143644009796795 ], [ 7.089311726138952, 53.143644009796795 ], [ 7.089311726138952, 53.143846066560705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22421_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 81.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.84688034747667 ], [ 7.093931633314424, 52.84688034747667 ], [ 7.093931633314424, 52.846676896381943 ], [ 7.092776656520555, 52.846676896381943 ], [ 7.092776656520555, 52.84688034747667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22546_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.162576938758519 ], [ 7.093931633314424, 52.162576938758519 ], [ 7.093931633314424, 52.162370295551803 ], [ 7.092776656520555, 52.162370295551803 ], [ 7.092776656520555, 52.162576938758519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22547_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.157066124874973 ], [ 7.093931633314424, 52.157066124874973 ], [ 7.093931633314424, 52.156859456080674 ], [ 7.092776656520555, 52.156859456080674 ], [ 7.092776656520555, 52.157066124874973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22548_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.151554628639445 ], [ 7.093931633314424, 52.151554628639445 ], [ 7.093931633314424, 52.151347934256293 ], [ 7.092776656520555, 52.151347934256293 ], [ 7.092776656520555, 52.151554628639445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22549_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.146042450018456 ], [ 7.093931633314424, 52.146042450018456 ], [ 7.093931633314424, 52.145835730045199 ], [ 7.092776656520555, 52.145835730045199 ], [ 7.092776656520555, 52.146042450018456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22550_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.140529588978531 ], [ 7.093931633314424, 52.140529588978531 ], [ 7.093931633314424, 52.140322843413905 ], [ 7.092776656520555, 52.140322843413905 ], [ 7.092776656520555, 52.140529588978531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22551_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.135016045486246 ], [ 7.093931633314424, 52.135016045486246 ], [ 7.093931633314424, 52.134809274329001 ], [ 7.092776656520555, 52.134809274329001 ], [ 7.092776656520555, 52.135016045486246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22552_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.129501819508157 ], [ 7.093931633314424, 52.129501819508157 ], [ 7.093931633314424, 52.129295022757056 ], [ 7.092776656520555, 52.129295022757056 ], [ 7.092776656520555, 52.129501819508157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22553_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 52.123986911010881 ], [ 7.093931633314424, 52.123986911010881 ], [ 7.093931633314424, 52.123780088664674 ], [ 7.092776656520555, 52.123780088664674 ], [ 7.092776656520555, 52.123986911010881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "22769_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 49.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.092776656520555, 50.916503912546084 ], [ 7.093931633314424, 50.916503912546084 ], [ 7.093931633314424, 50.916291532729304 ], [ 7.092776656520555, 50.916291532729304 ], [ 7.092776656520555, 50.916503912546084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23041_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.098294878980147, 53.143846066560705 ], [ 7.099449855774014, 53.143846066560705 ], [ 7.099449855774014, 53.143644009796795 ], [ 7.098294878980147, 53.143644009796795 ], [ 7.098294878980147, 53.143846066560705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23096_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.10175980936175, 52.84688034747667 ], [ 7.102914786155619, 52.84688034747667 ], [ 7.102914786155619, 52.846676896381943 ], [ 7.10175980936175, 52.846676896381943 ], [ 7.10175980936175, 52.84688034747667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23219_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.10175980936175, 52.173596519603699 ], [ 7.102914786155619, 52.173596519603699 ], [ 7.102914786155619, 52.173389927568415 ], [ 7.10175980936175, 52.173389927568415 ], [ 7.10175980936175, 52.173596519603699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23220_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.10175980936175, 52.168087070323587 ], [ 7.102914786155619, 52.168087070323587 ], [ 7.102914786155619, 52.167880452703216 ], [ 7.10175980936175, 52.167880452703216 ], [ 7.10175980936175, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23221_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.10175980936175, 52.162576938758519 ], [ 7.102914786155619, 52.162576938758519 ], [ 7.102914786155619, 52.162370295551803 ], [ 7.10175980936175, 52.162370295551803 ], [ 7.10175980936175, 52.162576938758519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23444_4_11", "Weekday": 4, "hour": 11, "Speed_value_mean": 33.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.10175980936175, 50.916503912546084 ], [ 7.102914786155619, 50.916503912546084 ], [ 7.102914786155619, 50.916291532729304 ], [ 7.10175980936175, 50.916291532729304 ], [ 7.10175980936175, 50.916503912546084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23444_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 52.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.10175980936175, 50.916291532729304 ], [ 7.102914786155619, 50.916291532729304 ], [ 7.102914786155619, 50.916079151943251 ], [ 7.10175980936175, 50.916079151943251 ], [ 7.10175980936175, 50.916291532729304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23715_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.107278031821342, 53.149233896288059 ], [ 7.10843300861521, 53.149233896288059 ], [ 7.10843300861521, 53.149031864871645 ], [ 7.107278031821342, 53.149031864871645 ], [ 7.107278031821342, 53.149233896288059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23716_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.107278031821342, 53.143846066560705 ], [ 7.10843300861521, 53.143846066560705 ], [ 7.10843300861521, 53.143644009796795 ], [ 7.107278031821342, 53.143644009796795 ], [ 7.107278031821342, 53.143846066560705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23772_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 90.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.110742962202945, 52.84145465867531 ], [ 7.111897938996814, 52.84145465867531 ], [ 7.111897938996814, 52.841251182156306 ], [ 7.110742962202945, 52.841251182156306 ], [ 7.110742962202945, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 59.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.106123055027474, 52.189707742535433 ], [ 7.107278031821342, 52.189707742535433 ], [ 7.107278031821342, 52.18950122532928 ], [ 7.106123055027474, 52.18950122532928 ], [ 7.106123055027474, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 50.600057 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.106123055027474, 52.187642527306082 ], [ 7.107278031821342, 52.187642527306082 ], [ 7.107278031821342, 52.187436000507056 ], [ 7.106123055027474, 52.187436000507056 ], [ 7.106123055027474, 52.187642527306082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 49.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.107278031821342, 52.190327288398244 ], [ 7.10843300861521, 52.190327288398244 ], [ 7.10843300861521, 52.190120774069918 ], [ 7.107278031821342, 52.190120774069918 ], [ 7.107278031821342, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.110742962202945, 52.190120774069918 ], [ 7.111897938996814, 52.190120774069918 ], [ 7.111897938996814, 52.189914258782316 ], [ 7.110742962202945, 52.189914258782316 ], [ 7.110742962202945, 52.190120774069918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 50.25000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.111897938996814, 52.188262101947416 ], [ 7.113052915790681, 52.188262101947416 ], [ 7.113052915790681, 52.188055578026258 ], [ 7.111897938996814, 52.188055578026258 ], [ 7.111897938996814, 52.188262101947416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 53.96617025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.111897938996814, 52.187436000507056 ], [ 7.113052915790681, 52.187436000507056 ], [ 7.113052915790681, 52.187229472748726 ], [ 7.111897938996814, 52.187229472748726 ], [ 7.111897938996814, 52.187436000507056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 53.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.113052915790681, 52.189707742535433 ], [ 7.11420789258455, 52.189707742535433 ], [ 7.11420789258455, 52.18950122532928 ], [ 7.113052915790681, 52.18950122532928 ], [ 7.113052915790681, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 50.218962444444436 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.113052915790681, 52.18950122532928 ], [ 7.11420789258455, 52.18950122532928 ], [ 7.11420789258455, 52.189294707163846 ], [ 7.113052915790681, 52.189294707163846 ], [ 7.113052915790681, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23891_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 50.2590295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.113052915790681, 52.189294707163846 ], [ 7.11420789258455, 52.189294707163846 ], [ 7.11420789258455, 52.189088188039122 ], [ 7.113052915790681, 52.189088188039122 ], [ 7.113052915790681, 52.189294707163846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23892_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.110742962202945, 52.184613371443284 ], [ 7.111897938996814, 52.184613371443284 ], [ 7.111897938996814, 52.184406830574382 ], [ 7.110742962202945, 52.184406830574382 ], [ 7.110742962202945, 52.184613371443284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "23893_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.110742962202945, 52.179105286632414 ], [ 7.111897938996814, 52.179105286632414 ], [ 7.111897938996814, 52.178898720180946 ], [ 7.110742962202945, 52.178898720180946 ], [ 7.110742962202945, 52.179105286632414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24119_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 45.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.110742962202945, 50.916291532729304 ], [ 7.111897938996814, 50.916291532729304 ], [ 7.111897938996814, 50.916079151943251 ], [ 7.110742962202945, 50.916079151943251 ], [ 7.110742962202945, 50.916291532729304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24120_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 33.46153846153846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.110742962202945, 50.910627713394838 ], [ 7.111897938996814, 50.910627713394838 ], [ 7.111897938996814, 50.91041530676133 ], [ 7.110742962202945, 50.91041530676133 ], [ 7.110742962202945, 50.910627713394838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24390_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.116261184662538, 53.149233896288059 ], [ 7.117416161456405, 53.149233896288059 ], [ 7.117416161456405, 53.149031864871645 ], [ 7.116261184662538, 53.149031864871645 ], [ 7.116261184662538, 53.149233896288059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24447_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.84145465867531 ], [ 7.120881091838009, 52.84145465867531 ], [ 7.120881091838009, 52.841251182156306 ], [ 7.119726115044141, 52.841251182156306 ], [ 7.119726115044141, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.206226011118865 ], [ 7.116261184662538, 52.206226011118865 ], [ 7.116261184662538, 52.206019570649339 ], [ 7.115106207868669, 52.206019570649339 ], [ 7.115106207868669, 52.206226011118865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 111.42637966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.204161563262154 ], [ 7.116261184662538, 52.204161563262154 ], [ 7.116261184662538, 52.203955113201161 ], [ 7.115106207868669, 52.203955113201161 ], [ 7.115106207868669, 52.204161563262154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.116261184662538, 52.206845326772644 ], [ 7.117416161456405, 52.206845326772644 ], [ 7.117416161456405, 52.206638889180518 ], [ 7.116261184662538, 52.206638889180518 ], [ 7.116261184662538, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.117416161456405, 52.206019570649339 ], [ 7.118571138250273, 52.206019570649339 ], [ 7.118571138250273, 52.205813129220665 ], [ 7.117416161456405, 52.205813129220665 ], [ 7.117416161456405, 52.206019570649339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.207464633794253 ], [ 7.119726115044141, 52.207464633794253 ], [ 7.119726115044141, 52.207258199079511 ], [ 7.118571138250273, 52.207258199079511 ], [ 7.118571138250273, 52.207464633794253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.206226011118865 ], [ 7.119726115044141, 52.206226011118865 ], [ 7.119726115044141, 52.206019570649339 ], [ 7.118571138250273, 52.206019570649339 ], [ 7.118571138250273, 52.206226011118865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.205400243485911 ], [ 7.119726115044141, 52.205400243485911 ], [ 7.119726115044141, 52.205193799179824 ], [ 7.118571138250273, 52.205193799179824 ], [ 7.118571138250273, 52.205400243485911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.207877500346363 ], [ 7.120881091838009, 52.207877500346363 ], [ 7.120881091838009, 52.207671067549875 ], [ 7.119726115044141, 52.207671067549875 ], [ 7.119726115044141, 52.207877500346363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 130.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.207671067549875 ], [ 7.120881091838009, 52.207671067549875 ], [ 7.120881091838009, 52.207464633794253 ], [ 7.119726115044141, 52.207464633794253 ], [ 7.119726115044141, 52.207671067549875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.206638889180518 ], [ 7.120881091838009, 52.206638889180518 ], [ 7.120881091838009, 52.206432450629258 ], [ 7.119726115044141, 52.206432450629258 ], [ 7.119726115044141, 52.206638889180518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.207877500346363 ], [ 7.122036068631877, 52.207877500346363 ], [ 7.122036068631877, 52.207671067549875 ], [ 7.120881091838009, 52.207671067549875 ], [ 7.120881091838009, 52.207877500346363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.207464633794253 ], [ 7.122036068631877, 52.207464633794253 ], [ 7.122036068631877, 52.207258199079511 ], [ 7.120881091838009, 52.207258199079511 ], [ 7.120881091838009, 52.207464633794253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.206845326772644 ], [ 7.122036068631877, 52.206845326772644 ], [ 7.122036068631877, 52.206638889180518 ], [ 7.120881091838009, 52.206638889180518 ], [ 7.120881091838009, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.3080885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.206432450629258 ], [ 7.122036068631877, 52.206432450629258 ], [ 7.122036068631877, 52.206226011118865 ], [ 7.120881091838009, 52.206226011118865 ], [ 7.120881091838009, 52.206432450629258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 136.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.2047809076902 ], [ 7.122036068631877, 52.2047809076902 ], [ 7.122036068631877, 52.204574460506663 ], [ 7.120881091838009, 52.204574460506663 ], [ 7.120881091838009, 52.2047809076902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 117.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.203955113201161 ], [ 7.122036068631877, 52.203955113201161 ], [ 7.122036068631877, 52.203748662181013 ], [ 7.120881091838009, 52.203748662181013 ], [ 7.120881091838009, 52.203955113201161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.573616 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.206638889180518 ], [ 7.123191045425745, 52.206638889180518 ], [ 7.123191045425745, 52.206432450629258 ], [ 7.122036068631877, 52.206432450629258 ], [ 7.122036068631877, 52.206638889180518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.206226011118865 ], [ 7.123191045425745, 52.206226011118865 ], [ 7.123191045425745, 52.206019570649339 ], [ 7.122036068631877, 52.206019570649339 ], [ 7.122036068631877, 52.206226011118865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 111.6884265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.206019570649339 ], [ 7.123191045425745, 52.206019570649339 ], [ 7.123191045425745, 52.205813129220665 ], [ 7.122036068631877, 52.205813129220665 ], [ 7.122036068631877, 52.206019570649339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24563_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.879653 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.205813129220665 ], [ 7.123191045425745, 52.205813129220665 ], [ 7.123191045425745, 52.205606686832859 ], [ 7.122036068631877, 52.205606686832859 ], [ 7.122036068631877, 52.205813129220665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 114.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.200720603688154 ], [ 7.116261184662538, 52.200720603688154 ], [ 7.116261184662538, 52.200514137641001 ], [ 7.115106207868669, 52.200514137641001 ], [ 7.115106207868669, 52.200720603688154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 99.2840285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.198655900053176 ], [ 7.116261184662538, 52.198655900053176 ], [ 7.116261184662538, 52.1984494244141 ], [ 7.115106207868669, 52.1984494244141 ], [ 7.115106207868669, 52.198655900053176 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.116261184662538, 52.201339996074488 ], [ 7.117416161456405, 52.201339996074488 ], [ 7.117416161456405, 52.20113353290489 ], [ 7.116261184662538, 52.20113353290489 ], [ 7.116261184662538, 52.201339996074488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.117416161456405, 52.200514137641001 ], [ 7.118571138250273, 52.200514137641001 ], [ 7.118571138250273, 52.200307670634686 ], [ 7.117416161456405, 52.200307670634686 ], [ 7.117416161456405, 52.200514137641001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.201959379828224 ], [ 7.119726115044141, 52.201959379828224 ], [ 7.119726115044141, 52.201752919536162 ], [ 7.118571138250273, 52.201752919536162 ], [ 7.118571138250273, 52.201959379828224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.200720603688154 ], [ 7.119726115044141, 52.200720603688154 ], [ 7.119726115044141, 52.200514137641001 ], [ 7.118571138250273, 52.200514137641001 ], [ 7.118571138250273, 52.200720603688154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.199894733744451 ], [ 7.119726115044141, 52.199894733744451 ], [ 7.119726115044141, 52.199688263860573 ], [ 7.118571138250273, 52.199688263860573 ], [ 7.118571138250273, 52.199894733744451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.202372297534851 ], [ 7.120881091838009, 52.202372297534851 ], [ 7.120881091838009, 52.202165839161125 ], [ 7.119726115044141, 52.202165839161125 ], [ 7.119726115044141, 52.202372297534851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.202165839161125 ], [ 7.120881091838009, 52.202165839161125 ], [ 7.120881091838009, 52.201959379828224 ], [ 7.119726115044141, 52.201959379828224 ], [ 7.119726115044141, 52.202165839161125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.20113353290489 ], [ 7.120881091838009, 52.20113353290489 ], [ 7.120881091838009, 52.20092706877611 ], [ 7.119726115044141, 52.20092706877611 ], [ 7.119726115044141, 52.20113353290489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.202372297534851 ], [ 7.122036068631877, 52.202372297534851 ], [ 7.122036068631877, 52.202165839161125 ], [ 7.120881091838009, 52.202165839161125 ], [ 7.120881091838009, 52.202372297534851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.201959379828224 ], [ 7.122036068631877, 52.201959379828224 ], [ 7.122036068631877, 52.201752919536162 ], [ 7.120881091838009, 52.201752919536162 ], [ 7.120881091838009, 52.201959379828224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 109.7556122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.201339996074488 ], [ 7.122036068631877, 52.201339996074488 ], [ 7.122036068631877, 52.20113353290489 ], [ 7.120881091838009, 52.20113353290489 ], [ 7.120881091838009, 52.201339996074488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 113.52924225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.20092706877611 ], [ 7.122036068631877, 52.20092706877611 ], [ 7.122036068631877, 52.200720603688154 ], [ 7.120881091838009, 52.200720603688154 ], [ 7.120881091838009, 52.20092706877611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.88377466666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.199275321215197 ], [ 7.122036068631877, 52.199275321215197 ], [ 7.122036068631877, 52.199068848453727 ], [ 7.120881091838009, 52.199068848453727 ], [ 7.120881091838009, 52.199275321215197 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 115.697473 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.1984494244141 ], [ 7.122036068631877, 52.1984494244141 ], [ 7.122036068631877, 52.198242947815828 ], [ 7.120881091838009, 52.198242947815828 ], [ 7.120881091838009, 52.1984494244141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.2503555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.20113353290489 ], [ 7.123191045425745, 52.20113353290489 ], [ 7.123191045425745, 52.20092706877611 ], [ 7.122036068631877, 52.20092706877611 ], [ 7.122036068631877, 52.20113353290489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.200720603688154 ], [ 7.123191045425745, 52.200720603688154 ], [ 7.123191045425745, 52.200514137641001 ], [ 7.122036068631877, 52.200514137641001 ], [ 7.122036068631877, 52.200720603688154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.979575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.200514137641001 ], [ 7.123191045425745, 52.200514137641001 ], [ 7.123191045425745, 52.200307670634686 ], [ 7.122036068631877, 52.200307670634686 ], [ 7.122036068631877, 52.200514137641001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24564_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 112.2194498 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.200307670634686 ], [ 7.123191045425745, 52.200307670634686 ], [ 7.123191045425745, 52.200101202669167 ], [ 7.122036068631877, 52.200101202669167 ], [ 7.122036068631877, 52.200307670634686 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.19521451417156 ], [ 7.116261184662538, 52.19521451417156 ], [ 7.116261184662538, 52.195008022545537 ], [ 7.115106207868669, 52.195008022545537 ], [ 7.115106207868669, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 87.07270033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.193149554745702 ], [ 7.116261184662538, 52.193149554745702 ], [ 7.116261184662538, 52.19294305352728 ], [ 7.115106207868669, 52.19294305352728 ], [ 7.115106207868669, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.116261184662538, 52.195833983294236 ], [ 7.117416161456405, 52.195833983294236 ], [ 7.117416161456405, 52.195627494545903 ], [ 7.116261184662538, 52.195627494545903 ], [ 7.116261184662538, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 68.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.117416161456405, 52.195008022545537 ], [ 7.118571138250273, 52.195008022545537 ], [ 7.118571138250273, 52.194801529960294 ], [ 7.117416161456405, 52.194801529960294 ], [ 7.117416161456405, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 92.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.196453443783888 ], [ 7.119726115044141, 52.196453443783888 ], [ 7.119726115044141, 52.196246957913225 ], [ 7.118571138250273, 52.196246957913225 ], [ 7.118571138250273, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.19521451417156 ], [ 7.119726115044141, 52.19521451417156 ], [ 7.119726115044141, 52.195008022545537 ], [ 7.118571138250273, 52.195008022545537 ], [ 7.118571138250273, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 76.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.194388541912076 ], [ 7.119726115044141, 52.194388541912076 ], [ 7.119726115044141, 52.194182046449129 ], [ 7.118571138250273, 52.194182046449129 ], [ 7.118571138250273, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 80.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.196866412647559 ], [ 7.120881091838009, 52.196866412647559 ], [ 7.120881091838009, 52.196659928695333 ], [ 7.119726115044141, 52.196659928695333 ], [ 7.119726115044141, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.196659928695333 ], [ 7.120881091838009, 52.196659928695333 ], [ 7.120881091838009, 52.196453443783888 ], [ 7.119726115044141, 52.196453443783888 ], [ 7.119726115044141, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.195627494545903 ], [ 7.120881091838009, 52.195627494545903 ], [ 7.120881091838009, 52.195421004838344 ], [ 7.119726115044141, 52.195421004838344 ], [ 7.119726115044141, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.196866412647559 ], [ 7.122036068631877, 52.196866412647559 ], [ 7.122036068631877, 52.196659928695333 ], [ 7.120881091838009, 52.196659928695333 ], [ 7.120881091838009, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 99.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.196453443783888 ], [ 7.122036068631877, 52.196453443783888 ], [ 7.122036068631877, 52.196246957913225 ], [ 7.120881091838009, 52.196246957913225 ], [ 7.120881091838009, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 80.4452914 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.195833983294236 ], [ 7.122036068631877, 52.195833983294236 ], [ 7.122036068631877, 52.195627494545903 ], [ 7.120881091838009, 52.195627494545903 ], [ 7.120881091838009, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 78.200258166666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.195421004838344 ], [ 7.122036068631877, 52.195421004838344 ], [ 7.122036068631877, 52.19521451417156 ], [ 7.120881091838009, 52.19521451417156 ], [ 7.120881091838009, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 110.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.193769052645486 ], [ 7.122036068631877, 52.193769052645486 ], [ 7.122036068631877, 52.193562554304805 ], [ 7.120881091838009, 52.193562554304805 ], [ 7.120881091838009, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 96.4302746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.19294305352728 ], [ 7.122036068631877, 52.19294305352728 ], [ 7.122036068631877, 52.192736551349611 ], [ 7.120881091838009, 52.192736551349611 ], [ 7.120881091838009, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 77.448623428571423 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.195627494545903 ], [ 7.123191045425745, 52.195627494545903 ], [ 7.123191045425745, 52.195421004838344 ], [ 7.122036068631877, 52.195421004838344 ], [ 7.122036068631877, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.769230769230774 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.19521451417156 ], [ 7.123191045425745, 52.19521451417156 ], [ 7.123191045425745, 52.195008022545537 ], [ 7.122036068631877, 52.195008022545537 ], [ 7.122036068631877, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 93.9923077 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.195008022545537 ], [ 7.123191045425745, 52.195008022545537 ], [ 7.123191045425745, 52.194801529960294 ], [ 7.122036068631877, 52.194801529960294 ], [ 7.122036068631877, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24565_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 84.3228838 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.194801529960294 ], [ 7.123191045425745, 52.194801529960294 ], [ 7.123191045425745, 52.194595036415805 ], [ 7.122036068631877, 52.194595036415805 ], [ 7.122036068631877, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 90.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.189707742535433 ], [ 7.116261184662538, 52.189707742535433 ], [ 7.116261184662538, 52.18950122532928 ], [ 7.115106207868669, 52.18950122532928 ], [ 7.115106207868669, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 79.150454571428568 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.115106207868669, 52.187642527306082 ], [ 7.116261184662538, 52.187642527306082 ], [ 7.116261184662538, 52.187436000507056 ], [ 7.115106207868669, 52.187436000507056 ], [ 7.115106207868669, 52.187642527306082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 74.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.116261184662538, 52.190327288398244 ], [ 7.117416161456405, 52.190327288398244 ], [ 7.117416161456405, 52.190120774069918 ], [ 7.116261184662538, 52.190120774069918 ], [ 7.116261184662538, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 65.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.117416161456405, 52.18950122532928 ], [ 7.118571138250273, 52.18950122532928 ], [ 7.118571138250273, 52.189294707163846 ], [ 7.117416161456405, 52.189294707163846 ], [ 7.117416161456405, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.190946825627599 ], [ 7.119726115044141, 52.190946825627599 ], [ 7.119726115044141, 52.190740314177077 ], [ 7.118571138250273, 52.190740314177077 ], [ 7.118571138250273, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 84.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.189707742535433 ], [ 7.119726115044141, 52.189707742535433 ], [ 7.119726115044141, 52.18950122532928 ], [ 7.118571138250273, 52.18950122532928 ], [ 7.118571138250273, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.118571138250273, 52.18888166795513 ], [ 7.119726115044141, 52.18888166795513 ], [ 7.119726115044141, 52.188675146911841 ], [ 7.118571138250273, 52.188675146911841 ], [ 7.118571138250273, 52.18888166795513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.191359845650823 ], [ 7.120881091838009, 52.191359845650823 ], [ 7.120881091838009, 52.191153336118838 ], [ 7.119726115044141, 52.191153336118838 ], [ 7.119726115044141, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 89.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.191153336118838 ], [ 7.120881091838009, 52.191153336118838 ], [ 7.120881091838009, 52.190946825627599 ], [ 7.119726115044141, 52.190946825627599 ], [ 7.119726115044141, 52.191153336118838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 52.190120774069918 ], [ 7.120881091838009, 52.190120774069918 ], [ 7.120881091838009, 52.189914258782316 ], [ 7.119726115044141, 52.189914258782316 ], [ 7.119726115044141, 52.190120774069918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.191359845650823 ], [ 7.122036068631877, 52.191359845650823 ], [ 7.122036068631877, 52.191153336118838 ], [ 7.120881091838009, 52.191153336118838 ], [ 7.120881091838009, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.190946825627599 ], [ 7.122036068631877, 52.190946825627599 ], [ 7.122036068631877, 52.190740314177077 ], [ 7.120881091838009, 52.190740314177077 ], [ 7.120881091838009, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 76.820536 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.190327288398244 ], [ 7.122036068631877, 52.190327288398244 ], [ 7.122036068631877, 52.190120774069918 ], [ 7.120881091838009, 52.190120774069918 ], [ 7.120881091838009, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 80.209999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.189914258782316 ], [ 7.122036068631877, 52.189914258782316 ], [ 7.122036068631877, 52.189707742535433 ], [ 7.120881091838009, 52.189707742535433 ], [ 7.120881091838009, 52.189914258782316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 89.672542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.188262101947416 ], [ 7.122036068631877, 52.188262101947416 ], [ 7.122036068631877, 52.188055578026258 ], [ 7.120881091838009, 52.188055578026258 ], [ 7.120881091838009, 52.188262101947416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 79.398203375000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.120881091838009, 52.187436000507056 ], [ 7.122036068631877, 52.187436000507056 ], [ 7.122036068631877, 52.187229472748726 ], [ 7.120881091838009, 52.187229472748726 ], [ 7.120881091838009, 52.187436000507056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 78.3024765 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.190120774069918 ], [ 7.123191045425745, 52.190120774069918 ], [ 7.123191045425745, 52.189914258782316 ], [ 7.122036068631877, 52.189914258782316 ], [ 7.122036068631877, 52.190120774069918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 80.611111111111114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.189707742535433 ], [ 7.123191045425745, 52.189707742535433 ], [ 7.123191045425745, 52.18950122532928 ], [ 7.122036068631877, 52.18950122532928 ], [ 7.122036068631877, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.479564857142847 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.18950122532928 ], [ 7.123191045425745, 52.18950122532928 ], [ 7.123191045425745, 52.189294707163846 ], [ 7.122036068631877, 52.189294707163846 ], [ 7.122036068631877, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24566_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 78.6810535 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.122036068631877, 52.189294707163846 ], [ 7.123191045425745, 52.189294707163846 ], [ 7.123191045425745, 52.189088188039122 ], [ 7.122036068631877, 52.189088188039122 ], [ 7.122036068631877, 52.189294707163846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24795_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 27.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 50.910627713394838 ], [ 7.120881091838009, 50.910627713394838 ], [ 7.120881091838009, 50.91041530676133 ], [ 7.119726115044141, 50.91041530676133 ], [ 7.119726115044141, 50.910627713394838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "24796_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 28.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.119726115044141, 50.904963204781254 ], [ 7.120881091838009, 50.904963204781254 ], [ 7.120881091838009, 50.904750772299238 ], [ 7.119726115044141, 50.904750772299238 ], [ 7.119726115044141, 50.904963204781254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25064_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 126.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.125244337503733, 53.154621050101341 ], [ 7.126399314297601, 53.154621050101341 ], [ 7.126399314297601, 53.154419044031037 ], [ 7.125244337503733, 53.154419044031037 ], [ 7.125244337503733, 53.154621050101341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25122_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.84145465867531 ], [ 7.129864244679204, 52.84145465867531 ], [ 7.129864244679204, 52.841251182156306 ], [ 7.128709267885336, 52.841251182156306 ], [ 7.128709267885336, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25123_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.836028291875685 ], [ 7.129864244679204, 52.836028291875685 ], [ 7.129864244679204, 52.835824789931046 ], [ 7.128709267885336, 52.835824789931046 ], [ 7.128709267885336, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.217234779857364 ], [ 7.125244337503733, 52.217234779857364 ], [ 7.125244337503733, 52.217028390539276 ], [ 7.124089360709864, 52.217028390539276 ], [ 7.124089360709864, 52.217234779857364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 113.07594866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.215170843519275 ], [ 7.125244337503733, 52.215170843519275 ], [ 7.125244337503733, 52.214964444610672 ], [ 7.124089360709864, 52.214964444610672 ], [ 7.124089360709864, 52.215170843519275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.125244337503733, 52.217853942057417 ], [ 7.126399314297601, 52.217853942057417 ], [ 7.126399314297601, 52.217647555616431 ], [ 7.125244337503733, 52.217647555616431 ], [ 7.125244337503733, 52.217853942057417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.126399314297601, 52.217028390539276 ], [ 7.127554291091469, 52.217028390539276 ], [ 7.127554291091469, 52.216822000262127 ], [ 7.126399314297601, 52.216822000262127 ], [ 7.126399314297601, 52.217028390539276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.218473095626138 ], [ 7.128709267885336, 52.218473095626138 ], [ 7.128709267885336, 52.218266712062253 ], [ 7.127554291091469, 52.218266712062253 ], [ 7.127554291091469, 52.218473095626138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.217234779857364 ], [ 7.128709267885336, 52.217234779857364 ], [ 7.128709267885336, 52.217028390539276 ], [ 7.127554291091469, 52.217028390539276 ], [ 7.127554291091469, 52.217234779857364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.216409216830726 ], [ 7.128709267885336, 52.216409216830726 ], [ 7.128709267885336, 52.21620282367644 ], [ 7.127554291091469, 52.21620282367644 ], [ 7.127554291091469, 52.216409216830726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.218885859876792 ], [ 7.129864244679204, 52.218885859876792 ], [ 7.129864244679204, 52.218679478230975 ], [ 7.128709267885336, 52.218679478230975 ], [ 7.128709267885336, 52.218885859876792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.218679478230975 ], [ 7.129864244679204, 52.218679478230975 ], [ 7.129864244679204, 52.218473095626138 ], [ 7.128709267885336, 52.218473095626138 ], [ 7.128709267885336, 52.218679478230975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.217647555616431 ], [ 7.129864244679204, 52.217647555616431 ], [ 7.129864244679204, 52.217441168216425 ], [ 7.128709267885336, 52.217441168216425 ], [ 7.128709267885336, 52.217647555616431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.218885859876792 ], [ 7.131019221473072, 52.218885859876792 ], [ 7.131019221473072, 52.218679478230975 ], [ 7.129864244679204, 52.218679478230975 ], [ 7.129864244679204, 52.218885859876792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.218473095626138 ], [ 7.131019221473072, 52.218473095626138 ], [ 7.131019221473072, 52.218266712062253 ], [ 7.129864244679204, 52.218266712062253 ], [ 7.129864244679204, 52.218473095626138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.217853942057417 ], [ 7.131019221473072, 52.217853942057417 ], [ 7.131019221473072, 52.217647555616431 ], [ 7.129864244679204, 52.217647555616431 ], [ 7.129864244679204, 52.217853942057417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.8632165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.217441168216425 ], [ 7.131019221473072, 52.217441168216425 ], [ 7.131019221473072, 52.217234779857364 ], [ 7.129864244679204, 52.217234779857364 ], [ 7.129864244679204, 52.217441168216425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.215790034490738 ], [ 7.131019221473072, 52.215790034490738 ], [ 7.131019221473072, 52.215583638459307 ], [ 7.129864244679204, 52.215583638459307 ], [ 7.129864244679204, 52.215790034490738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 125.56880633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.214964444610672 ], [ 7.131019221473072, 52.214964444610672 ], [ 7.131019221473072, 52.214758044743007 ], [ 7.129864244679204, 52.214758044743007 ], [ 7.129864244679204, 52.214964444610672 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 127.52331566666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.217647555616431 ], [ 7.13217419826694, 52.217647555616431 ], [ 7.13217419826694, 52.217441168216425 ], [ 7.131019221473072, 52.217441168216425 ], [ 7.131019221473072, 52.217647555616431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.85714285714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.217234779857364 ], [ 7.13217419826694, 52.217234779857364 ], [ 7.13217419826694, 52.217028390539276 ], [ 7.131019221473072, 52.217028390539276 ], [ 7.131019221473072, 52.217234779857364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 116.0892136 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.217028390539276 ], [ 7.13217419826694, 52.217028390539276 ], [ 7.13217419826694, 52.216822000262127 ], [ 7.131019221473072, 52.216822000262127 ], [ 7.131019221473072, 52.217028390539276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25236_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 116.44808033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.216822000262127 ], [ 7.13217419826694, 52.216822000262127 ], [ 7.13217419826694, 52.216615609025951 ], [ 7.131019221473072, 52.216615609025951 ], [ 7.131019221473072, 52.216822000262127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.211730736497373 ], [ 7.125244337503733, 52.211730736497373 ], [ 7.125244337503733, 52.211524321604188 ], [ 7.124089360709864, 52.211524321604188 ], [ 7.124089360709864, 52.211730736497373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 113.92449925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.209666544406282 ], [ 7.125244337503733, 52.209666544406282 ], [ 7.125244337503733, 52.20946011992212 ], [ 7.124089360709864, 52.20946011992212 ], [ 7.124089360709864, 52.209666544406282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.125244337503733, 52.212349975422391 ], [ 7.126399314297601, 52.212349975422391 ], [ 7.126399314297601, 52.212143563406478 ], [ 7.125244337503733, 52.212143563406478 ], [ 7.125244337503733, 52.212349975422391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.126399314297601, 52.211524321604188 ], [ 7.127554291091469, 52.211524321604188 ], [ 7.127554291091469, 52.211317905751919 ], [ 7.126399314297601, 52.211317905751919 ], [ 7.126399314297601, 52.211524321604188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.212969205715659 ], [ 7.128709267885336, 52.212969205715659 ], [ 7.128709267885336, 52.212762796576982 ], [ 7.127554291091469, 52.212762796576982 ], [ 7.127554291091469, 52.212969205715659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.211730736497373 ], [ 7.128709267885336, 52.211730736497373 ], [ 7.128709267885336, 52.211524321604188 ], [ 7.127554291091469, 52.211524321604188 ], [ 7.127554291091469, 52.211730736497373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.210905071170103 ], [ 7.128709267885336, 52.210905071170103 ], [ 7.128709267885336, 52.210698652440541 ], [ 7.127554291091469, 52.210698652440541 ], [ 7.127554291091469, 52.210905071170103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 172.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.213382021115784 ], [ 7.129864244679204, 52.213382021115784 ], [ 7.129864244679204, 52.21317561389526 ], [ 7.128709267885336, 52.21317561389526 ], [ 7.128709267885336, 52.213382021115784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 140.65125971428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.21317561389526 ], [ 7.129864244679204, 52.21317561389526 ], [ 7.129864244679204, 52.212969205715659 ], [ 7.128709267885336, 52.212969205715659 ], [ 7.128709267885336, 52.21317561389526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.212143563406478 ], [ 7.129864244679204, 52.212143563406478 ], [ 7.129864244679204, 52.211937150431467 ], [ 7.128709267885336, 52.211937150431467 ], [ 7.128709267885336, 52.212143563406478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.213382021115784 ], [ 7.131019221473072, 52.213382021115784 ], [ 7.131019221473072, 52.21317561389526 ], [ 7.129864244679204, 52.21317561389526 ], [ 7.129864244679204, 52.213382021115784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.212969205715659 ], [ 7.131019221473072, 52.212969205715659 ], [ 7.131019221473072, 52.212762796576982 ], [ 7.129864244679204, 52.212762796576982 ], [ 7.129864244679204, 52.212969205715659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 124.3398735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.212349975422391 ], [ 7.131019221473072, 52.212349975422391 ], [ 7.131019221473072, 52.212143563406478 ], [ 7.129864244679204, 52.212143563406478 ], [ 7.129864244679204, 52.212349975422391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.39337575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.211937150431467 ], [ 7.131019221473072, 52.211937150431467 ], [ 7.131019221473072, 52.211730736497373 ], [ 7.129864244679204, 52.211730736497373 ], [ 7.129864244679204, 52.211937150431467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 141.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.210285812104146 ], [ 7.131019221473072, 52.210285812104146 ], [ 7.131019221473072, 52.210079390497299 ], [ 7.129864244679204, 52.210079390497299 ], [ 7.129864244679204, 52.210285812104146 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.938944 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.20946011992212 ], [ 7.131019221473072, 52.20946011992212 ], [ 7.131019221473072, 52.209253694478846 ], [ 7.129864244679204, 52.209253694478846 ], [ 7.129864244679204, 52.20946011992212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.426862 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.212143563406478 ], [ 7.13217419826694, 52.212143563406478 ], [ 7.13217419826694, 52.211937150431467 ], [ 7.131019221473072, 52.211937150431467 ], [ 7.131019221473072, 52.212143563406478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 131.22222222222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.211730736497373 ], [ 7.13217419826694, 52.211730736497373 ], [ 7.13217419826694, 52.211524321604188 ], [ 7.131019221473072, 52.211524321604188 ], [ 7.131019221473072, 52.211730736497373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 104.4087557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.211524321604188 ], [ 7.13217419826694, 52.211524321604188 ], [ 7.13217419826694, 52.211317905751919 ], [ 7.131019221473072, 52.211317905751919 ], [ 7.131019221473072, 52.211524321604188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25237_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 115.98821475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.211317905751919 ], [ 7.13217419826694, 52.211317905751919 ], [ 7.13217419826694, 52.21111148894056 ], [ 7.131019221473072, 52.21111148894056 ], [ 7.131019221473072, 52.211317905751919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.206226011118865 ], [ 7.125244337503733, 52.206226011118865 ], [ 7.125244337503733, 52.206019570649339 ], [ 7.124089360709864, 52.206019570649339 ], [ 7.124089360709864, 52.206226011118865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 113.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.204161563262154 ], [ 7.125244337503733, 52.204161563262154 ], [ 7.125244337503733, 52.203955113201161 ], [ 7.124089360709864, 52.203955113201161 ], [ 7.124089360709864, 52.204161563262154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.125244337503733, 52.206845326772644 ], [ 7.126399314297601, 52.206845326772644 ], [ 7.126399314297601, 52.206638889180518 ], [ 7.125244337503733, 52.206638889180518 ], [ 7.125244337503733, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.126399314297601, 52.206019570649339 ], [ 7.127554291091469, 52.206019570649339 ], [ 7.127554291091469, 52.205813129220665 ], [ 7.126399314297601, 52.205813129220665 ], [ 7.126399314297601, 52.206019570649339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.207464633794253 ], [ 7.128709267885336, 52.207464633794253 ], [ 7.128709267885336, 52.207258199079511 ], [ 7.127554291091469, 52.207258199079511 ], [ 7.127554291091469, 52.207464633794253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.206226011118865 ], [ 7.128709267885336, 52.206226011118865 ], [ 7.128709267885336, 52.206019570649339 ], [ 7.127554291091469, 52.206019570649339 ], [ 7.127554291091469, 52.206226011118865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.205400243485911 ], [ 7.128709267885336, 52.205400243485911 ], [ 7.128709267885336, 52.205193799179824 ], [ 7.127554291091469, 52.205193799179824 ], [ 7.127554291091469, 52.205400243485911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.207877500346363 ], [ 7.129864244679204, 52.207877500346363 ], [ 7.129864244679204, 52.207671067549875 ], [ 7.128709267885336, 52.207671067549875 ], [ 7.128709267885336, 52.207877500346363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.207671067549875 ], [ 7.129864244679204, 52.207671067549875 ], [ 7.129864244679204, 52.207464633794253 ], [ 7.128709267885336, 52.207464633794253 ], [ 7.128709267885336, 52.207671067549875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.206638889180518 ], [ 7.129864244679204, 52.206638889180518 ], [ 7.129864244679204, 52.206432450629258 ], [ 7.128709267885336, 52.206432450629258 ], [ 7.128709267885336, 52.206638889180518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.207877500346363 ], [ 7.131019221473072, 52.207877500346363 ], [ 7.131019221473072, 52.207671067549875 ], [ 7.129864244679204, 52.207671067549875 ], [ 7.129864244679204, 52.207877500346363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.207464633794253 ], [ 7.131019221473072, 52.207464633794253 ], [ 7.131019221473072, 52.207258199079511 ], [ 7.129864244679204, 52.207258199079511 ], [ 7.129864244679204, 52.207464633794253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 114.83667333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.206845326772644 ], [ 7.131019221473072, 52.206845326772644 ], [ 7.131019221473072, 52.206638889180518 ], [ 7.129864244679204, 52.206638889180518 ], [ 7.129864244679204, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.206432450629258 ], [ 7.131019221473072, 52.206432450629258 ], [ 7.131019221473072, 52.206226011118865 ], [ 7.129864244679204, 52.206226011118865 ], [ 7.129864244679204, 52.206432450629258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.499997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.2047809076902 ], [ 7.131019221473072, 52.2047809076902 ], [ 7.131019221473072, 52.204574460506663 ], [ 7.129864244679204, 52.204574460506663 ], [ 7.129864244679204, 52.2047809076902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 114.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.203955113201161 ], [ 7.131019221473072, 52.203955113201161 ], [ 7.131019221473072, 52.203748662181013 ], [ 7.129864244679204, 52.203748662181013 ], [ 7.129864244679204, 52.203955113201161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 130.00000266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.206638889180518 ], [ 7.13217419826694, 52.206638889180518 ], [ 7.13217419826694, 52.206432450629258 ], [ 7.131019221473072, 52.206432450629258 ], [ 7.131019221473072, 52.206638889180518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.206226011118865 ], [ 7.13217419826694, 52.206226011118865 ], [ 7.13217419826694, 52.206019570649339 ], [ 7.131019221473072, 52.206019570649339 ], [ 7.131019221473072, 52.206226011118865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 112.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.206019570649339 ], [ 7.13217419826694, 52.206019570649339 ], [ 7.13217419826694, 52.205813129220665 ], [ 7.131019221473072, 52.205813129220665 ], [ 7.131019221473072, 52.206019570649339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25238_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 111.302603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.205813129220665 ], [ 7.13217419826694, 52.205813129220665 ], [ 7.13217419826694, 52.205606686832859 ], [ 7.131019221473072, 52.205606686832859 ], [ 7.131019221473072, 52.205813129220665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 106.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.19521451417156 ], [ 7.125244337503733, 52.19521451417156 ], [ 7.125244337503733, 52.195008022545537 ], [ 7.124089360709864, 52.195008022545537 ], [ 7.124089360709864, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 99.908506333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.193149554745702 ], [ 7.125244337503733, 52.193149554745702 ], [ 7.125244337503733, 52.19294305352728 ], [ 7.124089360709864, 52.19294305352728 ], [ 7.124089360709864, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.125244337503733, 52.195833983294236 ], [ 7.126399314297601, 52.195833983294236 ], [ 7.126399314297601, 52.195627494545903 ], [ 7.125244337503733, 52.195627494545903 ], [ 7.125244337503733, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.126399314297601, 52.195008022545537 ], [ 7.127554291091469, 52.195008022545537 ], [ 7.127554291091469, 52.194801529960294 ], [ 7.126399314297601, 52.194801529960294 ], [ 7.126399314297601, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 102.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.196453443783888 ], [ 7.128709267885336, 52.196453443783888 ], [ 7.128709267885336, 52.196246957913225 ], [ 7.127554291091469, 52.196246957913225 ], [ 7.127554291091469, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.19521451417156 ], [ 7.128709267885336, 52.19521451417156 ], [ 7.128709267885336, 52.195008022545537 ], [ 7.127554291091469, 52.195008022545537 ], [ 7.127554291091469, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 99.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.194388541912076 ], [ 7.128709267885336, 52.194388541912076 ], [ 7.128709267885336, 52.194182046449129 ], [ 7.127554291091469, 52.194182046449129 ], [ 7.127554291091469, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 86.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.196866412647559 ], [ 7.129864244679204, 52.196866412647559 ], [ 7.129864244679204, 52.196659928695333 ], [ 7.128709267885336, 52.196659928695333 ], [ 7.128709267885336, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 52.196659928695333 ], [ 7.129864244679204, 52.196659928695333 ], [ 7.129864244679204, 52.196453443783888 ], [ 7.128709267885336, 52.196453443783888 ], [ 7.128709267885336, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 96.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.196866412647559 ], [ 7.131019221473072, 52.196866412647559 ], [ 7.131019221473072, 52.196659928695333 ], [ 7.129864244679204, 52.196659928695333 ], [ 7.129864244679204, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.196453443783888 ], [ 7.131019221473072, 52.196453443783888 ], [ 7.131019221473072, 52.196246957913225 ], [ 7.129864244679204, 52.196246957913225 ], [ 7.129864244679204, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 92.691442 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.195833983294236 ], [ 7.131019221473072, 52.195833983294236 ], [ 7.131019221473072, 52.195627494545903 ], [ 7.129864244679204, 52.195627494545903 ], [ 7.129864244679204, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 83.5588652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.195421004838344 ], [ 7.131019221473072, 52.195421004838344 ], [ 7.131019221473072, 52.19521451417156 ], [ 7.129864244679204, 52.19521451417156 ], [ 7.129864244679204, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 101.49999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.193769052645486 ], [ 7.131019221473072, 52.193769052645486 ], [ 7.131019221473072, 52.193562554304805 ], [ 7.129864244679204, 52.193562554304805 ], [ 7.129864244679204, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 90.419928 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.19294305352728 ], [ 7.131019221473072, 52.19294305352728 ], [ 7.131019221473072, 52.192736551349611 ], [ 7.129864244679204, 52.192736551349611 ], [ 7.129864244679204, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 102.5475992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.195627494545903 ], [ 7.13217419826694, 52.195627494545903 ], [ 7.13217419826694, 52.195421004838344 ], [ 7.131019221473072, 52.195421004838344 ], [ 7.131019221473072, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.63636363636364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.19521451417156 ], [ 7.13217419826694, 52.19521451417156 ], [ 7.13217419826694, 52.195008022545537 ], [ 7.131019221473072, 52.195008022545537 ], [ 7.131019221473072, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.83333283333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.195008022545537 ], [ 7.13217419826694, 52.195008022545537 ], [ 7.13217419826694, 52.194801529960294 ], [ 7.131019221473072, 52.194801529960294 ], [ 7.131019221473072, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25240_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.27759175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.194801529960294 ], [ 7.13217419826694, 52.194801529960294 ], [ 7.13217419826694, 52.194595036415805 ], [ 7.131019221473072, 52.194595036415805 ], [ 7.131019221473072, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.189707742535433 ], [ 7.125244337503733, 52.189707742535433 ], [ 7.125244337503733, 52.18950122532928 ], [ 7.124089360709864, 52.18950122532928 ], [ 7.124089360709864, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.13485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.124089360709864, 52.187642527306082 ], [ 7.125244337503733, 52.187642527306082 ], [ 7.125244337503733, 52.187436000507056 ], [ 7.124089360709864, 52.187436000507056 ], [ 7.124089360709864, 52.187642527306082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.125244337503733, 52.190327288398244 ], [ 7.126399314297601, 52.190327288398244 ], [ 7.126399314297601, 52.190120774069918 ], [ 7.125244337503733, 52.190120774069918 ], [ 7.125244337503733, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.126399314297601, 52.18950122532928 ], [ 7.127554291091469, 52.18950122532928 ], [ 7.127554291091469, 52.189294707163846 ], [ 7.126399314297601, 52.189294707163846 ], [ 7.126399314297601, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.189707742535433 ], [ 7.128709267885336, 52.189707742535433 ], [ 7.128709267885336, 52.18950122532928 ], [ 7.127554291091469, 52.18950122532928 ], [ 7.127554291091469, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.127554291091469, 52.18888166795513 ], [ 7.128709267885336, 52.18888166795513 ], [ 7.128709267885336, 52.188675146911841 ], [ 7.127554291091469, 52.188675146911841 ], [ 7.127554291091469, 52.18888166795513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.191359845650823 ], [ 7.131019221473072, 52.191359845650823 ], [ 7.131019221473072, 52.191153336118838 ], [ 7.129864244679204, 52.191153336118838 ], [ 7.129864244679204, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 90.471622 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.190327288398244 ], [ 7.131019221473072, 52.190327288398244 ], [ 7.131019221473072, 52.190120774069918 ], [ 7.129864244679204, 52.190120774069918 ], [ 7.129864244679204, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 85.740738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.189914258782316 ], [ 7.131019221473072, 52.189914258782316 ], [ 7.131019221473072, 52.189707742535433 ], [ 7.129864244679204, 52.189707742535433 ], [ 7.129864244679204, 52.189914258782316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 106.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.129864244679204, 52.188262101947416 ], [ 7.131019221473072, 52.188262101947416 ], [ 7.131019221473072, 52.188055578026258 ], [ 7.129864244679204, 52.188055578026258 ], [ 7.129864244679204, 52.188262101947416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.189707742535433 ], [ 7.13217419826694, 52.189707742535433 ], [ 7.13217419826694, 52.18950122532928 ], [ 7.131019221473072, 52.18950122532928 ], [ 7.131019221473072, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 104.1251485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.18950122532928 ], [ 7.13217419826694, 52.18950122532928 ], [ 7.13217419826694, 52.189294707163846 ], [ 7.131019221473072, 52.189294707163846 ], [ 7.131019221473072, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25241_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.537353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.131019221473072, 52.189294707163846 ], [ 7.13217419826694, 52.189294707163846 ], [ 7.13217419826694, 52.189088188039122 ], [ 7.131019221473072, 52.189088188039122 ], [ 7.131019221473072, 52.189294707163846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25471_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 34.416666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.128709267885336, 50.904963204781254 ], [ 7.129864244679204, 50.904963204781254 ], [ 7.129864244679204, 50.904750772299238 ], [ 7.128709267885336, 50.904750772299238 ], [ 7.128709267885336, 50.904963204781254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25738_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.134227490344928, 53.160007528037738 ], [ 7.135382467138795, 53.160007528037738 ], [ 7.135382467138795, 53.159805547312153 ], [ 7.134227490344928, 53.159805547312153 ], [ 7.134227490344928, 53.160007528037738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25739_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.134227490344928, 53.154621050101341 ], [ 7.135382467138795, 53.154621050101341 ], [ 7.135382467138795, 53.154419044031037 ], [ 7.134227490344928, 53.154419044031037 ], [ 7.134227490344928, 53.154621050101341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25798_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 92.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.836028291875685 ], [ 7.1388473975204, 52.836028291875685 ], [ 7.1388473975204, 52.835824789931046 ], [ 7.137692420726531, 52.835824789931046 ], [ 7.137692420726531, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.228240820656687 ], [ 7.134227490344928, 52.228240820656687 ], [ 7.134227490344928, 52.228034482484972 ], [ 7.13307251355106, 52.228034482484972 ], [ 7.13307251355106, 52.228240820656687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 110.5437315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.226177395786642 ], [ 7.134227490344928, 52.226177395786642 ], [ 7.134227490344928, 52.225971048025357 ], [ 7.13307251355106, 52.225971048025357 ], [ 7.13307251355106, 52.226177395786642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.134227490344928, 52.228859829418177 ], [ 7.135382467138795, 52.228859829418177 ], [ 7.135382467138795, 52.228653494123286 ], [ 7.134227490344928, 52.228653494123286 ], [ 7.134227490344928, 52.228859829418177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.229478829549187 ], [ 7.137692420726531, 52.229478829549187 ], [ 7.137692420726531, 52.229272497131113 ], [ 7.136537443932664, 52.229272497131113 ], [ 7.136537443932664, 52.229478829549187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.228240820656687 ], [ 7.137692420726531, 52.228240820656687 ], [ 7.137692420726531, 52.228034482484972 ], [ 7.136537443932664, 52.228034482484972 ], [ 7.136537443932664, 52.228240820656687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.227415462216115 ], [ 7.137692420726531, 52.227415462216115 ], [ 7.137692420726531, 52.227209120208606 ], [ 7.136537443932664, 52.227209120208606 ], [ 7.136537443932664, 52.227415462216115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.229891491508518 ], [ 7.1388473975204, 52.229891491508518 ], [ 7.1388473975204, 52.229685161008319 ], [ 7.137692420726531, 52.229685161008319 ], [ 7.137692420726531, 52.229891491508518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.229685161008319 ], [ 7.1388473975204, 52.229685161008319 ], [ 7.1388473975204, 52.229478829549187 ], [ 7.137692420726531, 52.229478829549187 ], [ 7.137692420726531, 52.229685161008319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.228653494123286 ], [ 7.1388473975204, 52.228653494123286 ], [ 7.1388473975204, 52.228447157869454 ], [ 7.137692420726531, 52.228447157869454 ], [ 7.137692420726531, 52.228653494123286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.229891491508518 ], [ 7.140002374314267, 52.229891491508518 ], [ 7.140002374314267, 52.229685161008319 ], [ 7.1388473975204, 52.229685161008319 ], [ 7.1388473975204, 52.229891491508518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.229478829549187 ], [ 7.140002374314267, 52.229478829549187 ], [ 7.140002374314267, 52.229272497131113 ], [ 7.1388473975204, 52.229272497131113 ], [ 7.1388473975204, 52.229478829549187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 107.01247 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.228859829418177 ], [ 7.140002374314267, 52.228859829418177 ], [ 7.140002374314267, 52.228653494123286 ], [ 7.1388473975204, 52.228653494123286 ], [ 7.1388473975204, 52.228859829418177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.293556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.228447157869454 ], [ 7.140002374314267, 52.228447157869454 ], [ 7.140002374314267, 52.228240820656687 ], [ 7.1388473975204, 52.228240820656687 ], [ 7.1388473975204, 52.228447157869454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.09578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.225971048025357 ], [ 7.140002374314267, 52.225971048025357 ], [ 7.140002374314267, 52.225764699305117 ], [ 7.1388473975204, 52.225764699305117 ], [ 7.1388473975204, 52.225971048025357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.228653494123286 ], [ 7.141157351108135, 52.228653494123286 ], [ 7.141157351108135, 52.228447157869454 ], [ 7.140002374314267, 52.228447157869454 ], [ 7.140002374314267, 52.228653494123286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.228240820656687 ], [ 7.141157351108135, 52.228240820656687 ], [ 7.141157351108135, 52.228034482484972 ], [ 7.140002374314267, 52.228034482484972 ], [ 7.140002374314267, 52.228240820656687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.948688 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.228034482484972 ], [ 7.141157351108135, 52.228034482484972 ], [ 7.141157351108135, 52.227828143354309 ], [ 7.140002374314267, 52.227828143354309 ], [ 7.140002374314267, 52.228034482484972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25909_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.227828143354309 ], [ 7.141157351108135, 52.227828143354309 ], [ 7.141157351108135, 52.227621803264682 ], [ 7.140002374314267, 52.227621803264682 ], [ 7.140002374314267, 52.227828143354309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.222738141232561 ], [ 7.134227490344928, 52.222738141232561 ], [ 7.134227490344928, 52.222531777488278 ], [ 7.13307251355106, 52.222531777488278 ], [ 7.13307251355106, 52.222738141232561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 114.3086585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.220674460634811 ], [ 7.134227490344928, 52.220674460634811 ], [ 7.134227490344928, 52.220468087300503 ], [ 7.13307251355106, 52.220468087300503 ], [ 7.13307251355106, 52.220674460634811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 136.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.134227490344928, 52.223357226711428 ], [ 7.135382467138795, 52.223357226711428 ], [ 7.135382467138795, 52.223150865844126 ], [ 7.134227490344928, 52.223150865844126 ], [ 7.134227490344928, 52.223357226711428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.135382467138795, 52.222531777488278 ], [ 7.136537443932664, 52.222531777488278 ], [ 7.136537443932664, 52.222325412785018 ], [ 7.135382467138795, 52.222325412785018 ], [ 7.135382467138795, 52.222531777488278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.223976303559404 ], [ 7.137692420726531, 52.223976303559404 ], [ 7.137692420726531, 52.22376994556906 ], [ 7.136537443932664, 52.22376994556906 ], [ 7.136537443932664, 52.223976303559404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.222738141232561 ], [ 7.137692420726531, 52.222738141232561 ], [ 7.137692420726531, 52.222531777488278 ], [ 7.136537443932664, 52.222531777488278 ], [ 7.136537443932664, 52.222738141232561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.221912680501482 ], [ 7.137692420726531, 52.221912680501482 ], [ 7.137692420726531, 52.221706312921221 ], [ 7.136537443932664, 52.221706312921221 ], [ 7.136537443932664, 52.221912680501482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.224389016663125 ], [ 7.1388473975204, 52.224389016663125 ], [ 7.1388473975204, 52.224182660590756 ], [ 7.137692420726531, 52.224182660590756 ], [ 7.137692420726531, 52.224389016663125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 145.42857285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.224182660590756 ], [ 7.1388473975204, 52.224182660590756 ], [ 7.1388473975204, 52.223976303559404 ], [ 7.137692420726531, 52.223976303559404 ], [ 7.137692420726531, 52.224182660590756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.223150865844126 ], [ 7.1388473975204, 52.223150865844126 ], [ 7.1388473975204, 52.222944504017846 ], [ 7.137692420726531, 52.222944504017846 ], [ 7.137692420726531, 52.223150865844126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.224389016663125 ], [ 7.140002374314267, 52.224389016663125 ], [ 7.140002374314267, 52.224182660590756 ], [ 7.1388473975204, 52.224182660590756 ], [ 7.1388473975204, 52.224389016663125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 166.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.223976303559404 ], [ 7.140002374314267, 52.223976303559404 ], [ 7.140002374314267, 52.22376994556906 ], [ 7.1388473975204, 52.22376994556906 ], [ 7.1388473975204, 52.223976303559404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 118.246192 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.223357226711428 ], [ 7.140002374314267, 52.223357226711428 ], [ 7.140002374314267, 52.223150865844126 ], [ 7.1388473975204, 52.223150865844126 ], [ 7.1388473975204, 52.223357226711428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.222944504017846 ], [ 7.140002374314267, 52.222944504017846 ], [ 7.140002374314267, 52.222738141232561 ], [ 7.1388473975204, 52.222738141232561 ], [ 7.1388473975204, 52.222944504017846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.75000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.221293574883681 ], [ 7.140002374314267, 52.221293574883681 ], [ 7.140002374314267, 52.221087204426397 ], [ 7.1388473975204, 52.221087204426397 ], [ 7.1388473975204, 52.221293574883681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 116.492692 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.220468087300503 ], [ 7.140002374314267, 52.220468087300503 ], [ 7.140002374314267, 52.220261713007183 ], [ 7.1388473975204, 52.220261713007183 ], [ 7.1388473975204, 52.220468087300503 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 131.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.223150865844126 ], [ 7.141157351108135, 52.223150865844126 ], [ 7.141157351108135, 52.222944504017846 ], [ 7.140002374314267, 52.222944504017846 ], [ 7.140002374314267, 52.223150865844126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.16666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.222738141232561 ], [ 7.141157351108135, 52.222738141232561 ], [ 7.141157351108135, 52.222531777488278 ], [ 7.140002374314267, 52.222531777488278 ], [ 7.140002374314267, 52.222738141232561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.6250005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.222531777488278 ], [ 7.141157351108135, 52.222531777488278 ], [ 7.141157351108135, 52.222325412785018 ], [ 7.140002374314267, 52.222325412785018 ], [ 7.140002374314267, 52.222531777488278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25910_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 115.669838 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.222325412785018 ], [ 7.141157351108135, 52.222325412785018 ], [ 7.141157351108135, 52.222119047122753 ], [ 7.140002374314267, 52.222119047122753 ], [ 7.140002374314267, 52.222325412785018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.217234779857364 ], [ 7.134227490344928, 52.217234779857364 ], [ 7.134227490344928, 52.217028390539276 ], [ 7.13307251355106, 52.217028390539276 ], [ 7.13307251355106, 52.217234779857364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 114.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.215170843519275 ], [ 7.134227490344928, 52.215170843519275 ], [ 7.134227490344928, 52.214964444610672 ], [ 7.13307251355106, 52.214964444610672 ], [ 7.13307251355106, 52.215170843519275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.134227490344928, 52.217853942057417 ], [ 7.135382467138795, 52.217853942057417 ], [ 7.135382467138795, 52.217647555616431 ], [ 7.134227490344928, 52.217647555616431 ], [ 7.134227490344928, 52.217853942057417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.135382467138795, 52.217028390539276 ], [ 7.136537443932664, 52.217028390539276 ], [ 7.136537443932664, 52.216822000262127 ], [ 7.135382467138795, 52.216822000262127 ], [ 7.135382467138795, 52.217028390539276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.218473095626138 ], [ 7.137692420726531, 52.218473095626138 ], [ 7.137692420726531, 52.218266712062253 ], [ 7.136537443932664, 52.218266712062253 ], [ 7.136537443932664, 52.218473095626138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.217234779857364 ], [ 7.137692420726531, 52.217234779857364 ], [ 7.137692420726531, 52.217028390539276 ], [ 7.136537443932664, 52.217028390539276 ], [ 7.136537443932664, 52.217234779857364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.216409216830726 ], [ 7.137692420726531, 52.216409216830726 ], [ 7.137692420726531, 52.21620282367644 ], [ 7.136537443932664, 52.21620282367644 ], [ 7.136537443932664, 52.216409216830726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.218885859876792 ], [ 7.1388473975204, 52.218885859876792 ], [ 7.1388473975204, 52.218679478230975 ], [ 7.137692420726531, 52.218679478230975 ], [ 7.137692420726531, 52.218885859876792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 140.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.218679478230975 ], [ 7.1388473975204, 52.218679478230975 ], [ 7.1388473975204, 52.218473095626138 ], [ 7.137692420726531, 52.218473095626138 ], [ 7.137692420726531, 52.218679478230975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.217647555616431 ], [ 7.1388473975204, 52.217647555616431 ], [ 7.1388473975204, 52.217441168216425 ], [ 7.137692420726531, 52.217441168216425 ], [ 7.137692420726531, 52.217647555616431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.218885859876792 ], [ 7.140002374314267, 52.218885859876792 ], [ 7.140002374314267, 52.218679478230975 ], [ 7.1388473975204, 52.218679478230975 ], [ 7.1388473975204, 52.218885859876792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.218473095626138 ], [ 7.140002374314267, 52.218473095626138 ], [ 7.140002374314267, 52.218266712062253 ], [ 7.1388473975204, 52.218266712062253 ], [ 7.1388473975204, 52.218473095626138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 123.316772 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.217853942057417 ], [ 7.140002374314267, 52.217853942057417 ], [ 7.140002374314267, 52.217647555616431 ], [ 7.1388473975204, 52.217647555616431 ], [ 7.1388473975204, 52.217853942057417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.602869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.217441168216425 ], [ 7.140002374314267, 52.217441168216425 ], [ 7.140002374314267, 52.217234779857364 ], [ 7.1388473975204, 52.217234779857364 ], [ 7.1388473975204, 52.217441168216425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.499996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.215790034490738 ], [ 7.140002374314267, 52.215790034490738 ], [ 7.140002374314267, 52.215583638459307 ], [ 7.1388473975204, 52.215583638459307 ], [ 7.1388473975204, 52.215790034490738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.214964444610672 ], [ 7.140002374314267, 52.214964444610672 ], [ 7.140002374314267, 52.214758044743007 ], [ 7.1388473975204, 52.214758044743007 ], [ 7.1388473975204, 52.214964444610672 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.711753 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.217647555616431 ], [ 7.141157351108135, 52.217647555616431 ], [ 7.141157351108135, 52.217441168216425 ], [ 7.140002374314267, 52.217441168216425 ], [ 7.140002374314267, 52.217647555616431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.217234779857364 ], [ 7.141157351108135, 52.217234779857364 ], [ 7.141157351108135, 52.217028390539276 ], [ 7.140002374314267, 52.217028390539276 ], [ 7.140002374314267, 52.217234779857364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.97101566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.217028390539276 ], [ 7.141157351108135, 52.217028390539276 ], [ 7.141157351108135, 52.216822000262127 ], [ 7.140002374314267, 52.216822000262127 ], [ 7.140002374314267, 52.217028390539276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25911_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 115.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.216822000262127 ], [ 7.141157351108135, 52.216822000262127 ], [ 7.141157351108135, 52.216615609025951 ], [ 7.140002374314267, 52.216615609025951 ], [ 7.140002374314267, 52.216822000262127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.19521451417156 ], [ 7.134227490344928, 52.19521451417156 ], [ 7.134227490344928, 52.195008022545537 ], [ 7.13307251355106, 52.195008022545537 ], [ 7.13307251355106, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.13307251355106, 52.193149554745702 ], [ 7.134227490344928, 52.193149554745702 ], [ 7.134227490344928, 52.19294305352728 ], [ 7.13307251355106, 52.19294305352728 ], [ 7.13307251355106, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.134227490344928, 52.195833983294236 ], [ 7.135382467138795, 52.195833983294236 ], [ 7.135382467138795, 52.195627494545903 ], [ 7.134227490344928, 52.195627494545903 ], [ 7.134227490344928, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.135382467138795, 52.195008022545537 ], [ 7.136537443932664, 52.195008022545537 ], [ 7.136537443932664, 52.194801529960294 ], [ 7.135382467138795, 52.194801529960294 ], [ 7.135382467138795, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 98.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.196453443783888 ], [ 7.137692420726531, 52.196453443783888 ], [ 7.137692420726531, 52.196246957913225 ], [ 7.136537443932664, 52.196246957913225 ], [ 7.136537443932664, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 97.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.19521451417156 ], [ 7.137692420726531, 52.19521451417156 ], [ 7.137692420726531, 52.195008022545537 ], [ 7.136537443932664, 52.195008022545537 ], [ 7.136537443932664, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 94.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.136537443932664, 52.194388541912076 ], [ 7.137692420726531, 52.194388541912076 ], [ 7.137692420726531, 52.194182046449129 ], [ 7.136537443932664, 52.194182046449129 ], [ 7.136537443932664, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.196866412647559 ], [ 7.1388473975204, 52.196866412647559 ], [ 7.1388473975204, 52.196659928695333 ], [ 7.137692420726531, 52.196659928695333 ], [ 7.137692420726531, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 114.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 52.196659928695333 ], [ 7.1388473975204, 52.196659928695333 ], [ 7.1388473975204, 52.196453443783888 ], [ 7.137692420726531, 52.196453443783888 ], [ 7.137692420726531, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.196866412647559 ], [ 7.140002374314267, 52.196866412647559 ], [ 7.140002374314267, 52.196659928695333 ], [ 7.1388473975204, 52.196659928695333 ], [ 7.1388473975204, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.196453443783888 ], [ 7.140002374314267, 52.196453443783888 ], [ 7.140002374314267, 52.196246957913225 ], [ 7.1388473975204, 52.196246957913225 ], [ 7.1388473975204, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 95.000000799999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.195833983294236 ], [ 7.140002374314267, 52.195833983294236 ], [ 7.140002374314267, 52.195627494545903 ], [ 7.1388473975204, 52.195627494545903 ], [ 7.1388473975204, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 84.177669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.195421004838344 ], [ 7.140002374314267, 52.195421004838344 ], [ 7.140002374314267, 52.19521451417156 ], [ 7.1388473975204, 52.19521451417156 ], [ 7.1388473975204, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 97.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.193769052645486 ], [ 7.140002374314267, 52.193769052645486 ], [ 7.140002374314267, 52.193562554304805 ], [ 7.1388473975204, 52.193562554304805 ], [ 7.1388473975204, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.8240978 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.1388473975204, 52.19294305352728 ], [ 7.140002374314267, 52.19294305352728 ], [ 7.140002374314267, 52.192736551349611 ], [ 7.1388473975204, 52.192736551349611 ], [ 7.1388473975204, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 99.9902325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.195627494545903 ], [ 7.141157351108135, 52.195627494545903 ], [ 7.141157351108135, 52.195421004838344 ], [ 7.140002374314267, 52.195421004838344 ], [ 7.140002374314267, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 91.92307692307692 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.19521451417156 ], [ 7.141157351108135, 52.19521451417156 ], [ 7.141157351108135, 52.195008022545537 ], [ 7.140002374314267, 52.195008022545537 ], [ 7.140002374314267, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.41551722222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.195008022545537 ], [ 7.141157351108135, 52.195008022545537 ], [ 7.141157351108135, 52.194801529960294 ], [ 7.140002374314267, 52.194801529960294 ], [ 7.140002374314267, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "25915_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.18956025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.140002374314267, 52.194801529960294 ], [ 7.141157351108135, 52.194801529960294 ], [ 7.141157351108135, 52.194595036415805 ], [ 7.140002374314267, 52.194595036415805 ], [ 7.140002374314267, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26146_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 40.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 50.904963204781254 ], [ 7.1388473975204, 50.904963204781254 ], [ 7.1388473975204, 50.904750772299238 ], [ 7.137692420726531, 50.904750772299238 ], [ 7.137692420726531, 50.904963204781254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26147_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 17.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.137692420726531, 50.899298006860057 ], [ 7.1388473975204, 50.899298006860057 ], [ 7.1388473975204, 50.899085548528454 ], [ 7.137692420726531, 50.899085548528454 ], [ 7.137692420726531, 50.899298006860057 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26412_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.143210643186123, 53.165393330134442 ], [ 7.144365619979991, 53.165393330134442 ], [ 7.144365619979991, 53.165191374752162 ], [ 7.143210643186123, 53.165191374752162 ], [ 7.143210643186123, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26413_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.143210643186123, 53.160007528037738 ], [ 7.144365619979991, 53.160007528037738 ], [ 7.144365619979991, 53.159805547312153 ], [ 7.143210643186123, 53.159805547312153 ], [ 7.143210643186123, 53.160007528037738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26473_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.836028291875685 ], [ 7.147830550361595, 52.836028291875685 ], [ 7.147830550361595, 52.835824789931046 ], [ 7.146675573567726, 52.835824789931046 ], [ 7.146675573567726, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.142055666392255, 52.233742818163506 ], [ 7.143210643186123, 52.233742818163506 ], [ 7.143210643186123, 52.23353650556308 ], [ 7.142055666392255, 52.23353650556308 ], [ 7.142055666392255, 52.233742818163506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 116.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.142055666392255, 52.231679649008491 ], [ 7.143210643186123, 52.231679649008491 ], [ 7.143210643186123, 52.231473326818978 ], [ 7.142055666392255, 52.231473326818978 ], [ 7.142055666392255, 52.231679649008491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.143210643186123, 52.234361750211399 ], [ 7.144365619979991, 52.234361750211399 ], [ 7.144365619979991, 52.234155440487669 ], [ 7.143210643186123, 52.234155440487669 ], [ 7.143210643186123, 52.234361750211399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.144365619979991, 52.23353650556308 ], [ 7.145520596773859, 52.23353650556308 ], [ 7.145520596773859, 52.233330192003748 ], [ 7.144365619979991, 52.233330192003748 ], [ 7.144365619979991, 52.23353650556308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.234980673629259 ], [ 7.146675573567726, 52.234980673629259 ], [ 7.146675573567726, 52.234774366782197 ], [ 7.145520596773859, 52.234774366782197 ], [ 7.145520596773859, 52.234980673629259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.233742818163506 ], [ 7.146675573567726, 52.233742818163506 ], [ 7.146675573567726, 52.23353650556308 ], [ 7.145520596773859, 52.23353650556308 ], [ 7.145520596773859, 52.233742818163506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.232917562008382 ], [ 7.146675573567726, 52.232917562008382 ], [ 7.146675573567726, 52.232711245572347 ], [ 7.145520596773859, 52.232711245572347 ], [ 7.145520596773859, 52.232917562008382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.235393284446722 ], [ 7.147830550361595, 52.235393284446722 ], [ 7.147830550361595, 52.235186979517444 ], [ 7.146675573567726, 52.235186979517444 ], [ 7.146675573567726, 52.235393284446722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 141.750001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.235186979517444 ], [ 7.147830550361595, 52.235186979517444 ], [ 7.147830550361595, 52.234980673629259 ], [ 7.146675573567726, 52.234980673629259 ], [ 7.146675573567726, 52.235186979517444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.234155440487669 ], [ 7.147830550361595, 52.234155440487669 ], [ 7.147830550361595, 52.233949129805026 ], [ 7.146675573567726, 52.233949129805026 ], [ 7.146675573567726, 52.234155440487669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.235393284446722 ], [ 7.148985527155462, 52.235393284446722 ], [ 7.148985527155462, 52.235186979517444 ], [ 7.147830550361595, 52.235186979517444 ], [ 7.147830550361595, 52.235393284446722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.234980673629259 ], [ 7.148985527155462, 52.234980673629259 ], [ 7.148985527155462, 52.234774366782197 ], [ 7.147830550361595, 52.234774366782197 ], [ 7.147830550361595, 52.234980673629259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.275157 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.234361750211399 ], [ 7.148985527155462, 52.234361750211399 ], [ 7.148985527155462, 52.234155440487669 ], [ 7.147830550361595, 52.234155440487669 ], [ 7.147830550361595, 52.234361750211399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 126.63266 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.233949129805026 ], [ 7.148985527155462, 52.233949129805026 ], [ 7.148985527155462, 52.233742818163506 ], [ 7.147830550361595, 52.233742818163506 ], [ 7.147830550361595, 52.233949129805026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.82634566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.232298609823545 ], [ 7.148985527155462, 52.232298609823545 ], [ 7.148985527155462, 52.232092290510771 ], [ 7.147830550361595, 52.232092290510771 ], [ 7.147830550361595, 52.232298609823545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 122.810317 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.231473326818978 ], [ 7.148985527155462, 52.231473326818978 ], [ 7.148985527155462, 52.231267003670553 ], [ 7.147830550361595, 52.231267003670553 ], [ 7.147830550361595, 52.231473326818978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 133.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.234155440487669 ], [ 7.150140503949331, 52.234155440487669 ], [ 7.150140503949331, 52.233949129805026 ], [ 7.148985527155462, 52.233949129805026 ], [ 7.148985527155462, 52.234155440487669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.233742818163506 ], [ 7.150140503949331, 52.233742818163506 ], [ 7.150140503949331, 52.23353650556308 ], [ 7.148985527155462, 52.23353650556308 ], [ 7.148985527155462, 52.233742818163506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.23353650556308 ], [ 7.150140503949331, 52.23353650556308 ], [ 7.150140503949331, 52.233330192003748 ], [ 7.148985527155462, 52.233330192003748 ], [ 7.148985527155462, 52.23353650556308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.47597966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.233330192003748 ], [ 7.150140503949331, 52.233330192003748 ], [ 7.150140503949331, 52.233123877485518 ], [ 7.148985527155462, 52.233123877485518 ], [ 7.148985527155462, 52.233330192003748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26583_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 115.33914933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.232504928177391 ], [ 7.150140503949331, 52.232504928177391 ], [ 7.150140503949331, 52.232298609823545 ], [ 7.148985527155462, 52.232298609823545 ], [ 7.148985527155462, 52.232504928177391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.142055666392255, 52.228240820656687 ], [ 7.143210643186123, 52.228240820656687 ], [ 7.143210643186123, 52.228034482484972 ], [ 7.142055666392255, 52.228034482484972 ], [ 7.142055666392255, 52.228240820656687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 114.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.142055666392255, 52.226177395786642 ], [ 7.143210643186123, 52.226177395786642 ], [ 7.143210643186123, 52.225971048025357 ], [ 7.142055666392255, 52.225971048025357 ], [ 7.142055666392255, 52.226177395786642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.143210643186123, 52.228859829418177 ], [ 7.144365619979991, 52.228859829418177 ], [ 7.144365619979991, 52.228653494123286 ], [ 7.143210643186123, 52.228653494123286 ], [ 7.143210643186123, 52.228859829418177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.144365619979991, 52.228034482484972 ], [ 7.145520596773859, 52.228034482484972 ], [ 7.145520596773859, 52.227828143354309 ], [ 7.144365619979991, 52.227828143354309 ], [ 7.144365619979991, 52.228034482484972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.229478829549187 ], [ 7.146675573567726, 52.229478829549187 ], [ 7.146675573567726, 52.229272497131113 ], [ 7.145520596773859, 52.229272497131113 ], [ 7.145520596773859, 52.229478829549187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.228240820656687 ], [ 7.146675573567726, 52.228240820656687 ], [ 7.146675573567726, 52.228034482484972 ], [ 7.145520596773859, 52.228034482484972 ], [ 7.145520596773859, 52.228240820656687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.227415462216115 ], [ 7.146675573567726, 52.227415462216115 ], [ 7.146675573567726, 52.227209120208606 ], [ 7.145520596773859, 52.227209120208606 ], [ 7.145520596773859, 52.227415462216115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.229891491508518 ], [ 7.147830550361595, 52.229891491508518 ], [ 7.147830550361595, 52.229685161008319 ], [ 7.146675573567726, 52.229685161008319 ], [ 7.146675573567726, 52.229891491508518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 143.33333416666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.229685161008319 ], [ 7.147830550361595, 52.229685161008319 ], [ 7.147830550361595, 52.229478829549187 ], [ 7.146675573567726, 52.229478829549187 ], [ 7.146675573567726, 52.229685161008319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.228653494123286 ], [ 7.147830550361595, 52.228653494123286 ], [ 7.147830550361595, 52.228447157869454 ], [ 7.146675573567726, 52.228447157869454 ], [ 7.146675573567726, 52.228653494123286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.229891491508518 ], [ 7.148985527155462, 52.229891491508518 ], [ 7.148985527155462, 52.229685161008319 ], [ 7.147830550361595, 52.229685161008319 ], [ 7.147830550361595, 52.229891491508518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 170.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.229478829549187 ], [ 7.148985527155462, 52.229478829549187 ], [ 7.148985527155462, 52.229272497131113 ], [ 7.147830550361595, 52.229272497131113 ], [ 7.147830550361595, 52.229478829549187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 109.95881275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.228859829418177 ], [ 7.148985527155462, 52.228859829418177 ], [ 7.148985527155462, 52.228653494123286 ], [ 7.147830550361595, 52.228653494123286 ], [ 7.147830550361595, 52.228859829418177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.228447157869454 ], [ 7.148985527155462, 52.228447157869454 ], [ 7.148985527155462, 52.228240820656687 ], [ 7.147830550361595, 52.228240820656687 ], [ 7.147830550361595, 52.228447157869454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 148.66666833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.2267964333167 ], [ 7.148985527155462, 52.2267964333167 ], [ 7.148985527155462, 52.226590088432303 ], [ 7.147830550361595, 52.226590088432303 ], [ 7.147830550361595, 52.2267964333167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.74618966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.225971048025357 ], [ 7.148985527155462, 52.225971048025357 ], [ 7.148985527155462, 52.225764699305117 ], [ 7.147830550361595, 52.225764699305117 ], [ 7.147830550361595, 52.225971048025357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 133.69876233333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.228653494123286 ], [ 7.150140503949331, 52.228653494123286 ], [ 7.150140503949331, 52.228447157869454 ], [ 7.148985527155462, 52.228447157869454 ], [ 7.148985527155462, 52.228653494123286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.228240820656687 ], [ 7.150140503949331, 52.228240820656687 ], [ 7.150140503949331, 52.228034482484972 ], [ 7.148985527155462, 52.228034482484972 ], [ 7.148985527155462, 52.228240820656687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.5999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.228034482484972 ], [ 7.150140503949331, 52.228034482484972 ], [ 7.150140503949331, 52.227828143354309 ], [ 7.148985527155462, 52.227828143354309 ], [ 7.148985527155462, 52.228034482484972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26584_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 114.48095475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.227828143354309 ], [ 7.150140503949331, 52.227828143354309 ], [ 7.150140503949331, 52.227621803264682 ], [ 7.148985527155462, 52.227621803264682 ], [ 7.148985527155462, 52.227828143354309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.142055666392255, 52.19521451417156 ], [ 7.143210643186123, 52.19521451417156 ], [ 7.143210643186123, 52.195008022545537 ], [ 7.142055666392255, 52.195008022545537 ], [ 7.142055666392255, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.5098432 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.142055666392255, 52.193149554745702 ], [ 7.143210643186123, 52.193149554745702 ], [ 7.143210643186123, 52.19294305352728 ], [ 7.142055666392255, 52.19294305352728 ], [ 7.142055666392255, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.143210643186123, 52.195833983294236 ], [ 7.144365619979991, 52.195833983294236 ], [ 7.144365619979991, 52.195627494545903 ], [ 7.143210643186123, 52.195627494545903 ], [ 7.143210643186123, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.144365619979991, 52.195008022545537 ], [ 7.145520596773859, 52.195008022545537 ], [ 7.145520596773859, 52.194801529960294 ], [ 7.144365619979991, 52.194801529960294 ], [ 7.144365619979991, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.196453443783888 ], [ 7.146675573567726, 52.196453443783888 ], [ 7.146675573567726, 52.196246957913225 ], [ 7.145520596773859, 52.196246957913225 ], [ 7.145520596773859, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.19521451417156 ], [ 7.146675573567726, 52.19521451417156 ], [ 7.146675573567726, 52.195008022545537 ], [ 7.145520596773859, 52.195008022545537 ], [ 7.145520596773859, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 118.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.145520596773859, 52.194388541912076 ], [ 7.146675573567726, 52.194388541912076 ], [ 7.146675573567726, 52.194182046449129 ], [ 7.145520596773859, 52.194182046449129 ], [ 7.145520596773859, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.196866412647559 ], [ 7.147830550361595, 52.196866412647559 ], [ 7.147830550361595, 52.196659928695333 ], [ 7.146675573567726, 52.196659928695333 ], [ 7.146675573567726, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 52.196659928695333 ], [ 7.147830550361595, 52.196659928695333 ], [ 7.147830550361595, 52.196453443783888 ], [ 7.146675573567726, 52.196453443783888 ], [ 7.146675573567726, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.196866412647559 ], [ 7.148985527155462, 52.196866412647559 ], [ 7.148985527155462, 52.196659928695333 ], [ 7.147830550361595, 52.196659928695333 ], [ 7.147830550361595, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.196453443783888 ], [ 7.148985527155462, 52.196453443783888 ], [ 7.148985527155462, 52.196246957913225 ], [ 7.147830550361595, 52.196246957913225 ], [ 7.147830550361595, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 95.0019812 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.195833983294236 ], [ 7.148985527155462, 52.195833983294236 ], [ 7.148985527155462, 52.195627494545903 ], [ 7.147830550361595, 52.195627494545903 ], [ 7.147830550361595, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 92.055295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.195421004838344 ], [ 7.148985527155462, 52.195421004838344 ], [ 7.148985527155462, 52.19521451417156 ], [ 7.147830550361595, 52.19521451417156 ], [ 7.147830550361595, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 97.4000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.193769052645486 ], [ 7.148985527155462, 52.193769052645486 ], [ 7.148985527155462, 52.193562554304805 ], [ 7.147830550361595, 52.193562554304805 ], [ 7.147830550361595, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 94.083799 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.147830550361595, 52.19294305352728 ], [ 7.148985527155462, 52.19294305352728 ], [ 7.148985527155462, 52.192736551349611 ], [ 7.147830550361595, 52.192736551349611 ], [ 7.147830550361595, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 108.4830328 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.195627494545903 ], [ 7.150140503949331, 52.195627494545903 ], [ 7.150140503949331, 52.195421004838344 ], [ 7.148985527155462, 52.195421004838344 ], [ 7.148985527155462, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.416666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.19521451417156 ], [ 7.150140503949331, 52.19521451417156 ], [ 7.150140503949331, 52.195008022545537 ], [ 7.148985527155462, 52.195008022545537 ], [ 7.148985527155462, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.7688054 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.195008022545537 ], [ 7.150140503949331, 52.195008022545537 ], [ 7.150140503949331, 52.194801529960294 ], [ 7.148985527155462, 52.194801529960294 ], [ 7.148985527155462, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26590_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.3999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.148985527155462, 52.194801529960294 ], [ 7.150140503949331, 52.194801529960294 ], [ 7.150140503949331, 52.194595036415805 ], [ 7.148985527155462, 52.194595036415805 ], [ 7.148985527155462, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "26822_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 29.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.146675573567726, 50.899298006860057 ], [ 7.147830550361595, 50.899298006860057 ], [ 7.147830550361595, 50.899085548528454 ], [ 7.146675573567726, 50.899085548528454 ], [ 7.146675573567726, 50.899298006860057 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27001_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 10.333333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 53.626048122319808 ], [ 7.155658726408922, 53.626048122319808 ], [ 7.155658726408922, 53.62584834116528 ], [ 7.154503749615054, 53.62584834116528 ], [ 7.154503749615054, 53.626048122319808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27001_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 10.787673428571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 53.625648559065006 ], [ 7.15681370320279, 53.625648559065006 ], [ 7.15681370320279, 53.625448776018985 ], [ 7.155658726408922, 53.625448776018985 ], [ 7.155658726408922, 53.625648559065006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27002_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 41.444444444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 53.620720301203683 ], [ 7.155658726408922, 53.620720301203683 ], [ 7.155658726408922, 53.620520494828483 ], [ 7.154503749615054, 53.620520494828483 ], [ 7.154503749615054, 53.620720301203683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27002_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 24.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 53.621319714654476 ], [ 7.15681370320279, 53.621319714654476 ], [ 7.15681370320279, 53.621119911116679 ], [ 7.155658726408922, 53.621119911116679 ], [ 7.155658726408922, 53.621319714654476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27002_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 22.73080125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 53.620320687507473 ], [ 7.15681370320279, 53.620320687507473 ], [ 7.15681370320279, 53.620120879240659 ], [ 7.155658726408922, 53.620120879240659 ], [ 7.155658726408922, 53.620320687507473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27002_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 23.666666666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 53.620920106633079 ], [ 7.157968679996657, 53.620920106633079 ], [ 7.157968679996657, 53.620720301203683 ], [ 7.15681370320279, 53.620720301203683 ], [ 7.15681370320279, 53.620920106633079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27086_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.152193796027319, 53.170778456428657 ], [ 7.153348772821186, 53.170778456428657 ], [ 7.153348772821186, 53.170576526388309 ], [ 7.152193796027319, 53.170576526388309 ], [ 7.152193796027319, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27087_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.152193796027319, 53.165393330134442 ], [ 7.153348772821186, 53.165393330134442 ], [ 7.153348772821186, 53.165191374752162 ], [ 7.152193796027319, 53.165191374752162 ], [ 7.152193796027319, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27148_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 107.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.836028291875685 ], [ 7.15681370320279, 52.836028291875685 ], [ 7.15681370320279, 52.835824789931046 ], [ 7.155658726408922, 52.835824789931046 ], [ 7.155658726408922, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27149_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.830601247041741 ], [ 7.15681370320279, 52.830601247041741 ], [ 7.15681370320279, 52.830397719670103 ], [ 7.155658726408922, 52.830397719670103 ], [ 7.155658726408922, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 117.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.242682109797371 ], [ 7.152193796027319, 52.242682109797371 ], [ 7.152193796027319, 52.242475838747588 ], [ 7.15103881923345, 52.242475838747588 ], [ 7.15103881923345, 52.242682109797371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.153348772821186, 52.244538506098692 ], [ 7.154503749615054, 52.244538506098692 ], [ 7.154503749615054, 52.244332243678237 ], [ 7.153348772821186, 52.244332243678237 ], [ 7.153348772821186, 52.244538506098692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.245982316195423 ], [ 7.155658726408922, 52.245982316195423 ], [ 7.155658726408922, 52.245776060486563 ], [ 7.154503749615054, 52.245776060486563 ], [ 7.154503749615054, 52.245982316195423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.246394824736754 ], [ 7.15681370320279, 52.246394824736754 ], [ 7.15681370320279, 52.246188570945485 ], [ 7.155658726408922, 52.246188570945485 ], [ 7.155658726408922, 52.246394824736754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.246188570945485 ], [ 7.15681370320279, 52.246188570945485 ], [ 7.15681370320279, 52.245982316195423 ], [ 7.155658726408922, 52.245982316195423 ], [ 7.155658726408922, 52.246188570945485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.245157287607235 ], [ 7.15681370320279, 52.245157287607235 ], [ 7.15681370320279, 52.244951028063184 ], [ 7.155658726408922, 52.244951028063184 ], [ 7.155658726408922, 52.245157287607235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 195.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.245982316195423 ], [ 7.157968679996657, 52.245982316195423 ], [ 7.157968679996657, 52.245776060486563 ], [ 7.15681370320279, 52.245776060486563 ], [ 7.15681370320279, 52.245982316195423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.619052 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.245363546192472 ], [ 7.157968679996657, 52.245363546192472 ], [ 7.157968679996657, 52.245157287607235 ], [ 7.15681370320279, 52.245157287607235 ], [ 7.15681370320279, 52.245363546192472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 124.438497 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.242475838747588 ], [ 7.157968679996657, 52.242475838747588 ], [ 7.157968679996657, 52.242269566738983 ], [ 7.15681370320279, 52.242269566738983 ], [ 7.15681370320279, 52.242475838747588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.244744767560334 ], [ 7.159123656790526, 52.244744767560334 ], [ 7.159123656790526, 52.244538506098692 ], [ 7.157968679996657, 52.244538506098692 ], [ 7.157968679996657, 52.244744767560334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 132.499997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.244538506098692 ], [ 7.159123656790526, 52.244538506098692 ], [ 7.159123656790526, 52.244332243678237 ], [ 7.157968679996657, 52.244332243678237 ], [ 7.157968679996657, 52.244538506098692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 134.0996825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.244332243678237 ], [ 7.159123656790526, 52.244332243678237 ], [ 7.159123656790526, 52.244125980298968 ], [ 7.157968679996657, 52.244125980298968 ], [ 7.157968679996657, 52.244332243678237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27256_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.180853 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.243507184408323 ], [ 7.159123656790526, 52.243507184408323 ], [ 7.159123656790526, 52.243300917193807 ], [ 7.157968679996657, 52.243300917193807 ], [ 7.157968679996657, 52.243507184408323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 147.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.239244133786798 ], [ 7.152193796027319, 52.239244133786798 ], [ 7.152193796027319, 52.239037846756389 ], [ 7.15103881923345, 52.239037846756389 ], [ 7.15103881923345, 52.239244133786798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 118.24999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.237181220334143 ], [ 7.152193796027319, 52.237181220334143 ], [ 7.152193796027319, 52.236974923715117 ], [ 7.15103881923345, 52.236974923715117 ], [ 7.15103881923345, 52.237181220334143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.152193796027319, 52.239862989124902 ], [ 7.153348772821186, 52.239862989124902 ], [ 7.153348772821186, 52.239656704971047 ], [ 7.152193796027319, 52.239656704971047 ], [ 7.152193796027319, 52.239862989124902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.153348772821186, 52.239037846756389 ], [ 7.154503749615054, 52.239037846756389 ], [ 7.154503749615054, 52.238831558767124 ], [ 7.153348772821186, 52.238831558767124 ], [ 7.153348772821186, 52.239037846756389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.240481835833407 ], [ 7.155658726408922, 52.240481835833407 ], [ 7.155658726408922, 52.240275554556078 ], [ 7.154503749615054, 52.240275554556078 ], [ 7.154503749615054, 52.240481835833407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 125.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.239244133786798 ], [ 7.155658726408922, 52.239244133786798 ], [ 7.155658726408922, 52.239037846756389 ], [ 7.154503749615054, 52.239037846756389 ], [ 7.154503749615054, 52.239244133786798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 133.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.238418979912041 ], [ 7.155658726408922, 52.238418979912041 ], [ 7.155658726408922, 52.238212689046215 ], [ 7.154503749615054, 52.238212689046215 ], [ 7.154503749615054, 52.238418979912041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.240894395511532 ], [ 7.15681370320279, 52.240894395511532 ], [ 7.15681370320279, 52.240688116151887 ], [ 7.155658726408922, 52.240688116151887 ], [ 7.155658726408922, 52.240894395511532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 145.62499987500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.240688116151887 ], [ 7.15681370320279, 52.240688116151887 ], [ 7.15681370320279, 52.240481835833407 ], [ 7.155658726408922, 52.240481835833407 ], [ 7.155658726408922, 52.240688116151887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.239656704971047 ], [ 7.15681370320279, 52.239656704971047 ], [ 7.15681370320279, 52.239450419858343 ], [ 7.155658726408922, 52.239450419858343 ], [ 7.155658726408922, 52.239656704971047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.240894395511532 ], [ 7.157968679996657, 52.240894395511532 ], [ 7.157968679996657, 52.240688116151887 ], [ 7.15681370320279, 52.240688116151887 ], [ 7.15681370320279, 52.240894395511532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 199.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.240481835833407 ], [ 7.157968679996657, 52.240481835833407 ], [ 7.157968679996657, 52.240275554556078 ], [ 7.15681370320279, 52.240275554556078 ], [ 7.15681370320279, 52.240481835833407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 129.4505175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.239862989124902 ], [ 7.157968679996657, 52.239862989124902 ], [ 7.157968679996657, 52.239656704971047 ], [ 7.15681370320279, 52.239656704971047 ], [ 7.15681370320279, 52.239862989124902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.4600172 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.239450419858343 ], [ 7.157968679996657, 52.239450419858343 ], [ 7.157968679996657, 52.239244133786798 ], [ 7.15681370320279, 52.239244133786798 ], [ 7.15681370320279, 52.239450419858343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.50000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.237800104437973 ], [ 7.157968679996657, 52.237800104437973 ], [ 7.157968679996657, 52.237593810695564 ], [ 7.15681370320279, 52.237593810695564 ], [ 7.15681370320279, 52.237800104437973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.297128 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.236974923715117 ], [ 7.157968679996657, 52.236974923715117 ], [ 7.157968679996657, 52.236768626137241 ], [ 7.15681370320279, 52.236768626137241 ], [ 7.15681370320279, 52.236974923715117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 130.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.239656704971047 ], [ 7.159123656790526, 52.239656704971047 ], [ 7.159123656790526, 52.239450419858343 ], [ 7.157968679996657, 52.239450419858343 ], [ 7.157968679996657, 52.239656704971047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.91666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.239244133786798 ], [ 7.159123656790526, 52.239244133786798 ], [ 7.159123656790526, 52.239037846756389 ], [ 7.157968679996657, 52.239037846756389 ], [ 7.157968679996657, 52.239244133786798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 131.847899875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.239037846756389 ], [ 7.159123656790526, 52.239037846756389 ], [ 7.159123656790526, 52.238831558767124 ], [ 7.157968679996657, 52.238831558767124 ], [ 7.157968679996657, 52.239037846756389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 133.566861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.238831558767124 ], [ 7.159123656790526, 52.238831558767124 ], [ 7.159123656790526, 52.238625269819011 ], [ 7.157968679996657, 52.238625269819011 ], [ 7.157968679996657, 52.238831558767124 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27257_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.8793666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.238006397221525 ], [ 7.159123656790526, 52.238006397221525 ], [ 7.159123656790526, 52.237800104437973 ], [ 7.157968679996657, 52.237800104437973 ], [ 7.157968679996657, 52.238006397221525 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.233742818163506 ], [ 7.152193796027319, 52.233742818163506 ], [ 7.152193796027319, 52.23353650556308 ], [ 7.15103881923345, 52.23353650556308 ], [ 7.15103881923345, 52.233742818163506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 116.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.231679649008491 ], [ 7.152193796027319, 52.231679649008491 ], [ 7.152193796027319, 52.231473326818978 ], [ 7.15103881923345, 52.231473326818978 ], [ 7.15103881923345, 52.231679649008491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.234980673629259 ], [ 7.155658726408922, 52.234980673629259 ], [ 7.155658726408922, 52.234774366782197 ], [ 7.154503749615054, 52.234774366782197 ], [ 7.154503749615054, 52.234980673629259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.233742818163506 ], [ 7.155658726408922, 52.233742818163506 ], [ 7.155658726408922, 52.23353650556308 ], [ 7.154503749615054, 52.23353650556308 ], [ 7.154503749615054, 52.233742818163506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.232917562008382 ], [ 7.155658726408922, 52.232917562008382 ], [ 7.155658726408922, 52.232711245572347 ], [ 7.154503749615054, 52.232711245572347 ], [ 7.154503749615054, 52.232917562008382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.235393284446722 ], [ 7.15681370320279, 52.235393284446722 ], [ 7.15681370320279, 52.235186979517444 ], [ 7.155658726408922, 52.235186979517444 ], [ 7.155658726408922, 52.235393284446722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 148.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.235186979517444 ], [ 7.15681370320279, 52.235186979517444 ], [ 7.15681370320279, 52.234980673629259 ], [ 7.155658726408922, 52.234980673629259 ], [ 7.155658726408922, 52.235186979517444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.234155440487669 ], [ 7.15681370320279, 52.234155440487669 ], [ 7.15681370320279, 52.233949129805026 ], [ 7.155658726408922, 52.233949129805026 ], [ 7.155658726408922, 52.234155440487669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.235393284446722 ], [ 7.157968679996657, 52.235393284446722 ], [ 7.157968679996657, 52.235186979517444 ], [ 7.15681370320279, 52.235186979517444 ], [ 7.15681370320279, 52.235393284446722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.234980673629259 ], [ 7.157968679996657, 52.234980673629259 ], [ 7.157968679996657, 52.234774366782197 ], [ 7.15681370320279, 52.234774366782197 ], [ 7.15681370320279, 52.234980673629259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.242188 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.234361750211399 ], [ 7.157968679996657, 52.234361750211399 ], [ 7.157968679996657, 52.234155440487669 ], [ 7.15681370320279, 52.234155440487669 ], [ 7.15681370320279, 52.234361750211399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 123.071757 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.233949129805026 ], [ 7.157968679996657, 52.233949129805026 ], [ 7.157968679996657, 52.233742818163506 ], [ 7.15681370320279, 52.233742818163506 ], [ 7.15681370320279, 52.233949129805026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 147.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.232298609823545 ], [ 7.157968679996657, 52.232298609823545 ], [ 7.157968679996657, 52.232092290510771 ], [ 7.15681370320279, 52.232092290510771 ], [ 7.15681370320279, 52.232298609823545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.231473326818978 ], [ 7.157968679996657, 52.231473326818978 ], [ 7.157968679996657, 52.231267003670553 ], [ 7.15681370320279, 52.231267003670553 ], [ 7.15681370320279, 52.231473326818978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.237137 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.234155440487669 ], [ 7.159123656790526, 52.234155440487669 ], [ 7.159123656790526, 52.233949129805026 ], [ 7.157968679996657, 52.233949129805026 ], [ 7.157968679996657, 52.234155440487669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.233742818163506 ], [ 7.159123656790526, 52.233742818163506 ], [ 7.159123656790526, 52.23353650556308 ], [ 7.157968679996657, 52.23353650556308 ], [ 7.157968679996657, 52.233742818163506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.499997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.23353650556308 ], [ 7.159123656790526, 52.23353650556308 ], [ 7.159123656790526, 52.233330192003748 ], [ 7.157968679996657, 52.233330192003748 ], [ 7.157968679996657, 52.23353650556308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 135.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.233330192003748 ], [ 7.159123656790526, 52.233330192003748 ], [ 7.159123656790526, 52.233123877485518 ], [ 7.157968679996657, 52.233123877485518 ], [ 7.157968679996657, 52.233330192003748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27258_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 114.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.232504928177391 ], [ 7.159123656790526, 52.232504928177391 ], [ 7.159123656790526, 52.232298609823545 ], [ 7.157968679996657, 52.232298609823545 ], [ 7.157968679996657, 52.232504928177391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 75.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.19521451417156 ], [ 7.152193796027319, 52.19521451417156 ], [ 7.152193796027319, 52.195008022545537 ], [ 7.15103881923345, 52.195008022545537 ], [ 7.15103881923345, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.0000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15103881923345, 52.193149554745702 ], [ 7.152193796027319, 52.193149554745702 ], [ 7.152193796027319, 52.19294305352728 ], [ 7.15103881923345, 52.19294305352728 ], [ 7.15103881923345, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 92.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.152193796027319, 52.195833983294236 ], [ 7.153348772821186, 52.195833983294236 ], [ 7.153348772821186, 52.195627494545903 ], [ 7.152193796027319, 52.195627494545903 ], [ 7.152193796027319, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 104.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.153348772821186, 52.195008022545537 ], [ 7.154503749615054, 52.195008022545537 ], [ 7.154503749615054, 52.194801529960294 ], [ 7.153348772821186, 52.194801529960294 ], [ 7.153348772821186, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.196453443783888 ], [ 7.155658726408922, 52.196453443783888 ], [ 7.155658726408922, 52.196246957913225 ], [ 7.154503749615054, 52.196246957913225 ], [ 7.154503749615054, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.19521451417156 ], [ 7.155658726408922, 52.19521451417156 ], [ 7.155658726408922, 52.195008022545537 ], [ 7.154503749615054, 52.195008022545537 ], [ 7.154503749615054, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 114.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.154503749615054, 52.194388541912076 ], [ 7.155658726408922, 52.194388541912076 ], [ 7.155658726408922, 52.194182046449129 ], [ 7.154503749615054, 52.194182046449129 ], [ 7.154503749615054, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 105.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.196866412647559 ], [ 7.15681370320279, 52.196866412647559 ], [ 7.15681370320279, 52.196659928695333 ], [ 7.155658726408922, 52.196659928695333 ], [ 7.155658726408922, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 52.196659928695333 ], [ 7.15681370320279, 52.196659928695333 ], [ 7.15681370320279, 52.196453443783888 ], [ 7.155658726408922, 52.196453443783888 ], [ 7.155658726408922, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.196866412647559 ], [ 7.157968679996657, 52.196866412647559 ], [ 7.157968679996657, 52.196659928695333 ], [ 7.15681370320279, 52.196659928695333 ], [ 7.15681370320279, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.196453443783888 ], [ 7.157968679996657, 52.196453443783888 ], [ 7.157968679996657, 52.196246957913225 ], [ 7.15681370320279, 52.196246957913225 ], [ 7.15681370320279, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 99.7065215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.195833983294236 ], [ 7.157968679996657, 52.195833983294236 ], [ 7.157968679996657, 52.195627494545903 ], [ 7.15681370320279, 52.195627494545903 ], [ 7.15681370320279, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 106.351911 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.195421004838344 ], [ 7.157968679996657, 52.195421004838344 ], [ 7.157968679996657, 52.19521451417156 ], [ 7.15681370320279, 52.19521451417156 ], [ 7.15681370320279, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.94017125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.193769052645486 ], [ 7.157968679996657, 52.193769052645486 ], [ 7.157968679996657, 52.193562554304805 ], [ 7.15681370320279, 52.193562554304805 ], [ 7.15681370320279, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 94.2692042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15681370320279, 52.19294305352728 ], [ 7.157968679996657, 52.19294305352728 ], [ 7.157968679996657, 52.192736551349611 ], [ 7.15681370320279, 52.192736551349611 ], [ 7.15681370320279, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.14081975000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.195627494545903 ], [ 7.159123656790526, 52.195627494545903 ], [ 7.159123656790526, 52.195421004838344 ], [ 7.157968679996657, 52.195421004838344 ], [ 7.157968679996657, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.142857142857139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.19521451417156 ], [ 7.159123656790526, 52.19521451417156 ], [ 7.159123656790526, 52.195008022545537 ], [ 7.157968679996657, 52.195008022545537 ], [ 7.157968679996657, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.061259125000007 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.195008022545537 ], [ 7.159123656790526, 52.195008022545537 ], [ 7.159123656790526, 52.194801529960294 ], [ 7.157968679996657, 52.194801529960294 ], [ 7.157968679996657, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27265_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.5142864 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.157968679996657, 52.194801529960294 ], [ 7.159123656790526, 52.194801529960294 ], [ 7.159123656790526, 52.194595036415805 ], [ 7.157968679996657, 52.194595036415805 ], [ 7.157968679996657, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27497_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 60.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.155658726408922, 50.899298006860057 ], [ 7.15681370320279, 50.899298006860057 ], [ 7.15681370320279, 50.899085548528454 ], [ 7.155658726408922, 50.899085548528454 ], [ 7.155658726408922, 50.899298006860057 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27676_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 32.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 53.626048122319808 ], [ 7.164641879250117, 53.626048122319808 ], [ 7.164641879250117, 53.62584834116528 ], [ 7.163486902456249, 53.62584834116528 ], [ 7.163486902456249, 53.626048122319808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27676_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 22.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 53.626647460108906 ], [ 7.165796856043984, 53.626647460108906 ], [ 7.165796856043984, 53.626447681791625 ], [ 7.164641879250117, 53.626447681791625 ], [ 7.164641879250117, 53.626647460108906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27676_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 17.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 53.625648559065006 ], [ 7.165796856043984, 53.625648559065006 ], [ 7.165796856043984, 53.625448776018985 ], [ 7.164641879250117, 53.625448776018985 ], [ 7.164641879250117, 53.625648559065006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27677_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 48.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 53.620720301203683 ], [ 7.164641879250117, 53.620720301203683 ], [ 7.164641879250117, 53.620520494828483 ], [ 7.163486902456249, 53.620520494828483 ], [ 7.163486902456249, 53.620720301203683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27677_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 52.1 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 53.621319714654476 ], [ 7.165796856043984, 53.621319714654476 ], [ 7.165796856043984, 53.621119911116679 ], [ 7.164641879250117, 53.621119911116679 ], [ 7.164641879250117, 53.621319714654476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27677_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 22.846876428571427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 53.620520494828483 ], [ 7.165796856043984, 53.620520494828483 ], [ 7.165796856043984, 53.620320687507473 ], [ 7.164641879250117, 53.620320687507473 ], [ 7.164641879250117, 53.620520494828483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27677_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 39.8119478 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 53.620320687507473 ], [ 7.165796856043984, 53.620320687507473 ], [ 7.165796856043984, 53.620120879240659 ], [ 7.164641879250117, 53.620120879240659 ], [ 7.164641879250117, 53.620320687507473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27677_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 34.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 53.620920106633079 ], [ 7.166951832837853, 53.620920106633079 ], [ 7.166951832837853, 53.620720301203683 ], [ 7.165796856043984, 53.620720301203683 ], [ 7.165796856043984, 53.620920106633079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27678_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 41.083333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 53.615591638168965 ], [ 7.166951832837853, 53.615591638168965 ], [ 7.166951832837853, 53.615391807517497 ], [ 7.165796856043984, 53.615391807517497 ], [ 7.165796856043984, 53.615591638168965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27761_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 128.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 53.170778456428657 ], [ 7.162331925662381, 53.170778456428657 ], [ 7.162331925662381, 53.170576526388309 ], [ 7.161176948868514, 53.170576526388309 ], [ 7.161176948868514, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27824_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 67.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.830601247041741 ], [ 7.165796856043984, 52.830601247041741 ], [ 7.165796856043984, 52.830397719670103 ], [ 7.164641879250117, 52.830397719670103 ], [ 7.164641879250117, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.786141811095831 ], [ 7.161176948868514, 52.786141811095831 ], [ 7.161176948868514, 52.785938075490009 ], [ 7.160021972074645, 52.785938075490009 ], [ 7.160021972074645, 52.786141811095831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.310246 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.784104412109478 ], [ 7.161176948868514, 52.784104412109478 ], [ 7.161176948868514, 52.783900666964044 ], [ 7.160021972074645, 52.783900666964044 ], [ 7.160021972074645, 52.784104412109478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.78654927944563 ], [ 7.162331925662381, 52.78654927944563 ], [ 7.162331925662381, 52.786345545747707 ], [ 7.161176948868514, 52.786345545747707 ], [ 7.161176948868514, 52.78654927944563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.785734338930219 ], [ 7.163486902456249, 52.785734338930219 ], [ 7.163486902456249, 52.78553060141649 ], [ 7.162331925662381, 52.78553060141649 ], [ 7.162331925662381, 52.785734338930219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 199.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.787160474815757 ], [ 7.164641879250117, 52.787160474815757 ], [ 7.164641879250117, 52.786956743979665 ], [ 7.163486902456249, 52.786956743979665 ], [ 7.163486902456249, 52.787160474815757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.785938075490009 ], [ 7.164641879250117, 52.785938075490009 ], [ 7.164641879250117, 52.785734338930219 ], [ 7.163486902456249, 52.785734338930219 ], [ 7.163486902456249, 52.785938075490009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.787567933626129 ], [ 7.165796856043984, 52.787567933626129 ], [ 7.165796856043984, 52.787364204697916 ], [ 7.164641879250117, 52.787364204697916 ], [ 7.164641879250117, 52.787567933626129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 107.74760157142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.787160474815757 ], [ 7.165796856043984, 52.787160474815757 ], [ 7.165796856043984, 52.786956743979665 ], [ 7.164641879250117, 52.786956743979665 ], [ 7.164641879250117, 52.787160474815757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 132.32685933333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.786753012189628 ], [ 7.165796856043984, 52.786753012189628 ], [ 7.165796856043984, 52.78654927944563 ], [ 7.164641879250117, 52.78654927944563 ], [ 7.164641879250117, 52.786753012189628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 93.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.78512312352715 ], [ 7.165796856043984, 52.78512312352715 ], [ 7.165796856043984, 52.784919383151546 ], [ 7.164641879250117, 52.784919383151546 ], [ 7.164641879250117, 52.78512312352715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.787567933626129 ], [ 7.166951832837853, 52.787567933626129 ], [ 7.166951832837853, 52.787364204697916 ], [ 7.165796856043984, 52.787364204697916 ], [ 7.165796856043984, 52.787567933626129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.787160474815757 ], [ 7.166951832837853, 52.787160474815757 ], [ 7.166951832837853, 52.786956743979665 ], [ 7.165796856043984, 52.786956743979665 ], [ 7.165796856043984, 52.787160474815757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 67.1627615 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.786753012189628 ], [ 7.166951832837853, 52.786753012189628 ], [ 7.166951832837853, 52.78654927944563 ], [ 7.165796856043984, 52.78654927944563 ], [ 7.165796856043984, 52.786753012189628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 85.9710128 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.786345545747707 ], [ 7.166951832837853, 52.786345545747707 ], [ 7.166951832837853, 52.786141811095831 ], [ 7.165796856043984, 52.786141811095831 ], [ 7.165796856043984, 52.786345545747707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 115.428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.785734338930219 ], [ 7.166951832837853, 52.785734338930219 ], [ 7.166951832837853, 52.78553060141649 ], [ 7.165796856043984, 52.78553060141649 ], [ 7.165796856043984, 52.785734338930219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 80.3773052 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.78553060141649 ], [ 7.166951832837853, 52.78553060141649 ], [ 7.166951832837853, 52.7853268629488 ], [ 7.165796856043984, 52.7853268629488 ], [ 7.165796856043984, 52.78553060141649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 171.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.78512312352715 ], [ 7.166951832837853, 52.78512312352715 ], [ 7.166951832837853, 52.784919383151546 ], [ 7.165796856043984, 52.784919383151546 ], [ 7.165796856043984, 52.78512312352715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 89.999999750000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.784511899538437 ], [ 7.166951832837853, 52.784511899538437 ], [ 7.166951832837853, 52.784308156300938 ], [ 7.165796856043984, 52.784308156300938 ], [ 7.165796856043984, 52.784511899538437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.325940111111123 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.783900666964044 ], [ 7.166951832837853, 52.783900666964044 ], [ 7.166951832837853, 52.783696920864642 ], [ 7.165796856043984, 52.783696920864642 ], [ 7.165796856043984, 52.783900666964044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.786345545747707 ], [ 7.168106809631721, 52.786345545747707 ], [ 7.168106809631721, 52.786141811095831 ], [ 7.166951832837853, 52.786141811095831 ], [ 7.166951832837853, 52.786345545747707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.786141811095831 ], [ 7.168106809631721, 52.786141811095831 ], [ 7.168106809631721, 52.785938075490009 ], [ 7.166951832837853, 52.785938075490009 ], [ 7.166951832837853, 52.786141811095831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.23199166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.785938075490009 ], [ 7.168106809631721, 52.785938075490009 ], [ 7.168106809631721, 52.785734338930219 ], [ 7.166951832837853, 52.785734338930219 ], [ 7.166951832837853, 52.785938075490009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.777776888888894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.785734338930219 ], [ 7.168106809631721, 52.785734338930219 ], [ 7.168106809631721, 52.78553060141649 ], [ 7.166951832837853, 52.78553060141649 ], [ 7.166951832837853, 52.785734338930219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.78553060141649 ], [ 7.168106809631721, 52.78553060141649 ], [ 7.168106809631721, 52.7853268629488 ], [ 7.166951832837853, 52.7853268629488 ], [ 7.166951832837853, 52.78553060141649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.78512312352715 ], [ 7.168106809631721, 52.78512312352715 ], [ 7.168106809631721, 52.784919383151546 ], [ 7.166951832837853, 52.784919383151546 ], [ 7.166951832837853, 52.78512312352715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27832_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 79.3999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.784715641821968 ], [ 7.168106809631721, 52.784715641821968 ], [ 7.168106809631721, 52.784511899538437 ], [ 7.166951832837853, 52.784511899538437 ], [ 7.166951832837853, 52.784715641821968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.780708535138167 ], [ 7.161176948868514, 52.780708535138167 ], [ 7.161176948868514, 52.780504774092975 ], [ 7.160021972074645, 52.780504774092975 ], [ 7.160021972074645, 52.780708535138167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.34716225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.778670881755865 ], [ 7.161176948868514, 52.778670881755865 ], [ 7.161176948868514, 52.778467111170556 ], [ 7.160021972074645, 52.778467111170556 ], [ 7.160021972074645, 52.778670881755865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.781116054366557 ], [ 7.162331925662381, 52.781116054366557 ], [ 7.162331925662381, 52.780912295229363 ], [ 7.161176948868514, 52.780912295229363 ], [ 7.161176948868514, 52.781116054366557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.780301012093773 ], [ 7.163486902456249, 52.780301012093773 ], [ 7.163486902456249, 52.780097249140574 ], [ 7.162331925662381, 52.780097249140574 ], [ 7.162331925662381, 52.780301012093773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.781727326054181 ], [ 7.164641879250117, 52.781727326054181 ], [ 7.164641879250117, 52.781523569778962 ], [ 7.163486902456249, 52.781523569778962 ], [ 7.163486902456249, 52.781727326054181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.780504774092975 ], [ 7.164641879250117, 52.780504774092975 ], [ 7.164641879250117, 52.780301012093773 ], [ 7.163486902456249, 52.780301012093773 ], [ 7.163486902456249, 52.780504774092975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.782134835742625 ], [ 7.165796856043984, 52.782134835742625 ], [ 7.165796856043984, 52.781931081375404 ], [ 7.164641879250117, 52.781931081375404 ], [ 7.164641879250117, 52.782134835742625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 106.57142842857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.781727326054181 ], [ 7.165796856043984, 52.781727326054181 ], [ 7.165796856043984, 52.781523569778962 ], [ 7.164641879250117, 52.781523569778962 ], [ 7.164641879250117, 52.781727326054181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.31866166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.781319812549754 ], [ 7.165796856043984, 52.781319812549754 ], [ 7.165796856043984, 52.781116054366557 ], [ 7.164641879250117, 52.781116054366557 ], [ 7.164641879250117, 52.781319812549754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 95.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.77968972037214 ], [ 7.165796856043984, 52.77968972037214 ], [ 7.165796856043984, 52.779485954556918 ], [ 7.164641879250117, 52.779485954556918 ], [ 7.164641879250117, 52.77968972037214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.782134835742625 ], [ 7.166951832837853, 52.782134835742625 ], [ 7.166951832837853, 52.781931081375404 ], [ 7.165796856043984, 52.781931081375404 ], [ 7.165796856043984, 52.782134835742625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.781727326054181 ], [ 7.166951832837853, 52.781727326054181 ], [ 7.166951832837853, 52.781523569778962 ], [ 7.165796856043984, 52.781523569778962 ], [ 7.165796856043984, 52.781727326054181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 65.384133857142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.781319812549754 ], [ 7.166951832837853, 52.781319812549754 ], [ 7.166951832837853, 52.781116054366557 ], [ 7.165796856043984, 52.781116054366557 ], [ 7.165796856043984, 52.781319812549754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 85.6000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.780912295229363 ], [ 7.166951832837853, 52.780912295229363 ], [ 7.166951832837853, 52.780708535138167 ], [ 7.165796856043984, 52.780708535138167 ], [ 7.165796856043984, 52.780912295229363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 118.249998875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.780301012093773 ], [ 7.166951832837853, 52.780301012093773 ], [ 7.166951832837853, 52.780097249140574 ], [ 7.165796856043984, 52.780097249140574 ], [ 7.165796856043984, 52.780301012093773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 71.999999666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.780097249140574 ], [ 7.166951832837853, 52.780097249140574 ], [ 7.166951832837853, 52.779893485233366 ], [ 7.165796856043984, 52.779893485233366 ], [ 7.165796856043984, 52.780097249140574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 169.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.77968972037214 ], [ 7.166951832837853, 52.77968972037214 ], [ 7.166951832837853, 52.779485954556918 ], [ 7.165796856043984, 52.779485954556918 ], [ 7.165796856043984, 52.77968972037214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 87.999999799999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.779078420064423 ], [ 7.166951832837853, 52.779078420064423 ], [ 7.166951832837853, 52.778874651387156 ], [ 7.165796856043984, 52.778874651387156 ], [ 7.165796856043984, 52.779078420064423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.463969375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.778467111170556 ], [ 7.166951832837853, 52.778467111170556 ], [ 7.166951832837853, 52.778263339631231 ], [ 7.165796856043984, 52.778263339631231 ], [ 7.165796856043984, 52.778467111170556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.780912295229363 ], [ 7.168106809631721, 52.780912295229363 ], [ 7.168106809631721, 52.780708535138167 ], [ 7.166951832837853, 52.780708535138167 ], [ 7.166951832837853, 52.780912295229363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.780708535138167 ], [ 7.168106809631721, 52.780708535138167 ], [ 7.168106809631721, 52.780504774092975 ], [ 7.166951832837853, 52.780504774092975 ], [ 7.166951832837853, 52.780708535138167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.780504774092975 ], [ 7.168106809631721, 52.780504774092975 ], [ 7.168106809631721, 52.780301012093773 ], [ 7.166951832837853, 52.780301012093773 ], [ 7.166951832837853, 52.780504774092975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.555555444444451 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.780301012093773 ], [ 7.168106809631721, 52.780301012093773 ], [ 7.168106809631721, 52.780097249140574 ], [ 7.166951832837853, 52.780097249140574 ], [ 7.166951832837853, 52.780301012093773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 169.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.780097249140574 ], [ 7.168106809631721, 52.780097249140574 ], [ 7.168106809631721, 52.779893485233366 ], [ 7.166951832837853, 52.779893485233366 ], [ 7.166951832837853, 52.780097249140574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.77968972037214 ], [ 7.168106809631721, 52.77968972037214 ], [ 7.168106809631721, 52.779485954556918 ], [ 7.166951832837853, 52.779485954556918 ], [ 7.166951832837853, 52.77968972037214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27833_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.159648833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.779282187787672 ], [ 7.168106809631721, 52.779282187787672 ], [ 7.168106809631721, 52.779078420064423 ], [ 7.166951832837853, 52.779078420064423 ], [ 7.166951832837853, 52.779282187787672 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.775274580780099 ], [ 7.161176948868514, 52.775274580780099 ], [ 7.161176948868514, 52.775070794294201 ], [ 7.160021972074645, 52.775070794294201 ], [ 7.160021972074645, 52.775274580780099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.773236672988418 ], [ 7.161176948868514, 52.773236672988418 ], [ 7.161176948868514, 52.773032876961906 ], [ 7.160021972074645, 52.773032876961906 ], [ 7.160021972074645, 52.773236672988418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 126.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.775682150889779 ], [ 7.162331925662381, 52.775682150889779 ], [ 7.162331925662381, 52.775478366311965 ], [ 7.161176948868514, 52.775478366311965 ], [ 7.161176948868514, 52.775682150889779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.774867006854237 ], [ 7.163486902456249, 52.774867006854237 ], [ 7.163486902456249, 52.774663218460226 ], [ 7.162331925662381, 52.774663218460226 ], [ 7.162331925662381, 52.774867006854237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.776293498898916 ], [ 7.164641879250117, 52.776293498898916 ], [ 7.164641879250117, 52.776089717183247 ], [ 7.163486902456249, 52.776089717183247 ], [ 7.163486902456249, 52.776293498898916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.775070794294201 ], [ 7.164641879250117, 52.775070794294201 ], [ 7.164641879250117, 52.774867006854237 ], [ 7.163486902456249, 52.774867006854237 ], [ 7.163486902456249, 52.775070794294201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.776701059468145 ], [ 7.165796856043984, 52.776701059468145 ], [ 7.165796856043984, 52.776497279660553 ], [ 7.164641879250117, 52.776497279660553 ], [ 7.164641879250117, 52.776701059468145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 104.75000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.776293498898916 ], [ 7.165796856043984, 52.776293498898916 ], [ 7.165796856043984, 52.776089717183247 ], [ 7.164641879250117, 52.776089717183247 ], [ 7.164641879250117, 52.776293498898916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.775885934513532 ], [ 7.165796856043984, 52.775885934513532 ], [ 7.165796856043984, 52.775682150889779 ], [ 7.164641879250117, 52.775682150889779 ], [ 7.164641879250117, 52.775885934513532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 96.4897634 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.774255638810018 ], [ 7.165796856043984, 52.774255638810018 ], [ 7.165796856043984, 52.774051847553828 ], [ 7.164641879250117, 52.774051847553828 ], [ 7.164641879250117, 52.774255638810018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 198.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.776293498898916 ], [ 7.166951832837853, 52.776293498898916 ], [ 7.166951832837853, 52.776089717183247 ], [ 7.165796856043984, 52.776089717183247 ], [ 7.165796856043984, 52.776293498898916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 60.260071285714282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.775885934513532 ], [ 7.166951832837853, 52.775885934513532 ], [ 7.166951832837853, 52.775682150889779 ], [ 7.165796856043984, 52.775682150889779 ], [ 7.165796856043984, 52.775885934513532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 85.4000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.775478366311965 ], [ 7.166951832837853, 52.775478366311965 ], [ 7.166951832837853, 52.775274580780099 ], [ 7.165796856043984, 52.775274580780099 ], [ 7.165796856043984, 52.775478366311965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 114.14285842857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.774867006854237 ], [ 7.166951832837853, 52.774867006854237 ], [ 7.166951832837853, 52.774663218460226 ], [ 7.165796856043984, 52.774663218460226 ], [ 7.165796856043984, 52.774867006854237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 72.33333416666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.774663218460226 ], [ 7.166951832837853, 52.774663218460226 ], [ 7.166951832837853, 52.774459429112149 ], [ 7.165796856043984, 52.774459429112149 ], [ 7.165796856043984, 52.774663218460226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.774255638810018 ], [ 7.166951832837853, 52.774255638810018 ], [ 7.166951832837853, 52.774051847553828 ], [ 7.165796856043984, 52.774051847553828 ], [ 7.165796856043984, 52.774255638810018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 89.059322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.773644262179261 ], [ 7.166951832837853, 52.773644262179261 ], [ 7.166951832837853, 52.773440468060876 ], [ 7.165796856043984, 52.773440468060876 ], [ 7.165796856043984, 52.773644262179261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 100.9589558 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.773032876961906 ], [ 7.166951832837853, 52.773032876961906 ], [ 7.166951832837853, 52.772829079981307 ], [ 7.165796856043984, 52.772829079981307 ], [ 7.165796856043984, 52.773032876961906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.775478366311965 ], [ 7.168106809631721, 52.775478366311965 ], [ 7.168106809631721, 52.775274580780099 ], [ 7.166951832837853, 52.775274580780099 ], [ 7.166951832837853, 52.775478366311965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.775274580780099 ], [ 7.168106809631721, 52.775274580780099 ], [ 7.168106809631721, 52.775070794294201 ], [ 7.166951832837853, 52.775070794294201 ], [ 7.166951832837853, 52.775274580780099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.9873315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.775070794294201 ], [ 7.168106809631721, 52.775070794294201 ], [ 7.168106809631721, 52.774867006854237 ], [ 7.166951832837853, 52.774867006854237 ], [ 7.166951832837853, 52.775070794294201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 106.00000088888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.774867006854237 ], [ 7.168106809631721, 52.774867006854237 ], [ 7.168106809631721, 52.774663218460226 ], [ 7.166951832837853, 52.774663218460226 ], [ 7.166951832837853, 52.774867006854237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.774663218460226 ], [ 7.168106809631721, 52.774663218460226 ], [ 7.168106809631721, 52.774459429112149 ], [ 7.166951832837853, 52.774459429112149 ], [ 7.166951832837853, 52.774663218460226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.774255638810018 ], [ 7.168106809631721, 52.774255638810018 ], [ 7.168106809631721, 52.774051847553828 ], [ 7.166951832837853, 52.774051847553828 ], [ 7.166951832837853, 52.774255638810018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27834_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 79.524775166666657 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.773848055343571 ], [ 7.168106809631721, 52.773848055343571 ], [ 7.168106809631721, 52.773644262179261 ], [ 7.166951832837853, 52.773644262179261 ], [ 7.166951832837853, 52.773848055343571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.76983994798583 ], [ 7.161176948868514, 52.76983994798583 ], [ 7.161176948868514, 52.769636136057869 ], [ 7.160021972074645, 52.769636136057869 ], [ 7.160021972074645, 52.76983994798583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.936088 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.767801785771333 ], [ 7.161176948868514, 52.767801785771333 ], [ 7.161176948868514, 52.767597964302247 ], [ 7.160021972074645, 52.767597964302247 ], [ 7.160021972074645, 52.767801785771333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.770247568979457 ], [ 7.162331925662381, 52.770247568979457 ], [ 7.162331925662381, 52.770043758959687 ], [ 7.161176948868514, 52.770043758959687 ], [ 7.161176948868514, 52.770247568979457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.769432323175799 ], [ 7.163486902456249, 52.769432323175799 ], [ 7.163486902456249, 52.769228509339634 ], [ 7.162331925662381, 52.769228509339634 ], [ 7.162331925662381, 52.769432323175799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.770858993314171 ], [ 7.164641879250117, 52.770858993314171 ], [ 7.164641879250117, 52.770655186156681 ], [ 7.163486902456249, 52.770655186156681 ], [ 7.163486902456249, 52.770858993314171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.769636136057869 ], [ 7.164641879250117, 52.769636136057869 ], [ 7.164641879250117, 52.769432323175799 ], [ 7.163486902456249, 52.769432323175799 ], [ 7.163486902456249, 52.769636136057869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.771266604766843 ], [ 7.165796856043984, 52.771266604766843 ], [ 7.165796856043984, 52.771062799517544 ], [ 7.164641879250117, 52.771062799517544 ], [ 7.164641879250117, 52.771266604766843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 108.000000625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.770858993314171 ], [ 7.165796856043984, 52.770858993314171 ], [ 7.165796856043984, 52.770655186156681 ], [ 7.164641879250117, 52.770655186156681 ], [ 7.164641879250117, 52.770858993314171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 119.33333033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.770451378045117 ], [ 7.165796856043984, 52.770451378045117 ], [ 7.165796856043984, 52.770247568979457 ], [ 7.164641879250117, 52.770247568979457 ], [ 7.164641879250117, 52.770451378045117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.768820878804966 ], [ 7.165796856043984, 52.768820878804966 ], [ 7.165796856043984, 52.768617062106465 ], [ 7.164641879250117, 52.768617062106465 ], [ 7.164641879250117, 52.768820878804966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.771266604766843 ], [ 7.166951832837853, 52.771266604766843 ], [ 7.166951832837853, 52.771062799517544 ], [ 7.165796856043984, 52.771062799517544 ], [ 7.165796856043984, 52.771266604766843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 196.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.770858993314171 ], [ 7.166951832837853, 52.770858993314171 ], [ 7.166951832837853, 52.770655186156681 ], [ 7.165796856043984, 52.770655186156681 ], [ 7.165796856043984, 52.770858993314171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 43.578615 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.770451378045117 ], [ 7.166951832837853, 52.770451378045117 ], [ 7.166951832837853, 52.770247568979457 ], [ 7.165796856043984, 52.770247568979457 ], [ 7.165796856043984, 52.770451378045117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 85.50000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.770043758959687 ], [ 7.166951832837853, 52.770043758959687 ], [ 7.166951832837853, 52.76983994798583 ], [ 7.165796856043984, 52.76983994798583 ], [ 7.165796856043984, 52.770043758959687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 125.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.76983994798583 ], [ 7.166951832837853, 52.76983994798583 ], [ 7.166951832837853, 52.769636136057869 ], [ 7.165796856043984, 52.769636136057869 ], [ 7.165796856043984, 52.76983994798583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 115.63129728571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.769432323175799 ], [ 7.166951832837853, 52.769432323175799 ], [ 7.166951832837853, 52.769228509339634 ], [ 7.165796856043984, 52.769228509339634 ], [ 7.165796856043984, 52.769432323175799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 87.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.769228509339634 ], [ 7.166951832837853, 52.769228509339634 ], [ 7.166951832837853, 52.769024694549351 ], [ 7.165796856043984, 52.769024694549351 ], [ 7.165796856043984, 52.769228509339634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 157.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.768820878804966 ], [ 7.166951832837853, 52.768820878804966 ], [ 7.166951832837853, 52.768617062106465 ], [ 7.165796856043984, 52.768617062106465 ], [ 7.165796856043984, 52.768820878804966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 88.6000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.768209425847132 ], [ 7.166951832837853, 52.768209425847132 ], [ 7.166951832837853, 52.768005606286287 ], [ 7.165796856043984, 52.768005606286287 ], [ 7.165796856043984, 52.768209425847132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.59864725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.767597964302247 ], [ 7.166951832837853, 52.767597964302247 ], [ 7.166951832837853, 52.767394141879052 ], [ 7.165796856043984, 52.767394141879052 ], [ 7.165796856043984, 52.767597964302247 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.66666633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.770043758959687 ], [ 7.168106809631721, 52.770043758959687 ], [ 7.168106809631721, 52.76983994798583 ], [ 7.166951832837853, 52.76983994798583 ], [ 7.166951832837853, 52.770043758959687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.76983994798583 ], [ 7.168106809631721, 52.76983994798583 ], [ 7.168106809631721, 52.769636136057869 ], [ 7.166951832837853, 52.769636136057869 ], [ 7.166951832837853, 52.76983994798583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.68847766666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.769636136057869 ], [ 7.168106809631721, 52.769636136057869 ], [ 7.168106809631721, 52.769432323175799 ], [ 7.166951832837853, 52.769432323175799 ], [ 7.166951832837853, 52.769636136057869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.444443666666672 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.769432323175799 ], [ 7.168106809631721, 52.769432323175799 ], [ 7.168106809631721, 52.769228509339634 ], [ 7.166951832837853, 52.769228509339634 ], [ 7.166951832837853, 52.769432323175799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 172.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.769228509339634 ], [ 7.168106809631721, 52.769228509339634 ], [ 7.168106809631721, 52.769024694549351 ], [ 7.166951832837853, 52.769024694549351 ], [ 7.166951832837853, 52.769228509339634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 169.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.768820878804966 ], [ 7.168106809631721, 52.768820878804966 ], [ 7.168106809631721, 52.768617062106465 ], [ 7.166951832837853, 52.768617062106465 ], [ 7.166951832837853, 52.768820878804966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27835_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 79.6000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.768413244453853 ], [ 7.168106809631721, 52.768413244453853 ], [ 7.168106809631721, 52.768209425847132 ], [ 7.166951832837853, 52.768209425847132 ], [ 7.166951832837853, 52.768413244453853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.764404636719533 ], [ 7.161176948868514, 52.764404636719533 ], [ 7.161176948868514, 52.764200799348167 ], [ 7.160021972074645, 52.764200799348167 ], [ 7.160021972074645, 52.764404636719533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.39120125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.762366220068799 ], [ 7.161176948868514, 52.762366220068799 ], [ 7.161176948868514, 52.762162373155817 ], [ 7.160021972074645, 52.762162373155817 ], [ 7.160021972074645, 52.762366220068799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.764812308599801 ], [ 7.162331925662381, 52.764812308599801 ], [ 7.162331925662381, 52.76460847313674 ], [ 7.161176948868514, 52.76460847313674 ], [ 7.161176948868514, 52.764812308599801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.763996961022663 ], [ 7.163486902456249, 52.763996961022663 ], [ 7.163486902456249, 52.763793121742992 ], [ 7.162331925662381, 52.763793121742992 ], [ 7.162331925662381, 52.763996961022663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.765423809264099 ], [ 7.164641879250117, 52.765423809264099 ], [ 7.164641879250117, 52.765219976663474 ], [ 7.163486902456249, 52.765219976663474 ], [ 7.163486902456249, 52.765423809264099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.764200799348167 ], [ 7.164641879250117, 52.764200799348167 ], [ 7.164641879250117, 52.763996961022663 ], [ 7.163486902456249, 52.763996961022663 ], [ 7.163486902456249, 52.764200799348167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.765831471602908 ], [ 7.165796856043984, 52.765831471602908 ], [ 7.165796856043984, 52.765627640910573 ], [ 7.164641879250117, 52.765627640910573 ], [ 7.164641879250117, 52.765831471602908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 113.125000375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.765423809264099 ], [ 7.165796856043984, 52.765423809264099 ], [ 7.165796856043984, 52.765219976663474 ], [ 7.164641879250117, 52.765219976663474 ], [ 7.164641879250117, 52.765423809264099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 117.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.76501614310871 ], [ 7.165796856043984, 52.76501614310871 ], [ 7.165796856043984, 52.764812308599801 ], [ 7.164641879250117, 52.764812308599801 ], [ 7.164641879250117, 52.76501614310871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 94.2000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.763385440321173 ], [ 7.165796856043984, 52.763385440321173 ], [ 7.165796856043984, 52.763181598179031 ], [ 7.164641879250117, 52.763181598179031 ], [ 7.164641879250117, 52.763385440321173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.765831471602908 ], [ 7.166951832837853, 52.765831471602908 ], [ 7.166951832837853, 52.765627640910573 ], [ 7.165796856043984, 52.765627640910573 ], [ 7.165796856043984, 52.765831471602908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.765423809264099 ], [ 7.166951832837853, 52.765423809264099 ], [ 7.166951832837853, 52.765219976663474 ], [ 7.165796856043984, 52.765219976663474 ], [ 7.165796856043984, 52.765423809264099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 28.597992312500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.76501614310871 ], [ 7.166951832837853, 52.76501614310871 ], [ 7.166951832837853, 52.764812308599801 ], [ 7.165796856043984, 52.764812308599801 ], [ 7.165796856043984, 52.76501614310871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 89.2810482 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.76460847313674 ], [ 7.166951832837853, 52.76460847313674 ], [ 7.166951832837853, 52.764404636719533 ], [ 7.165796856043984, 52.764404636719533 ], [ 7.165796856043984, 52.76460847313674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 123.66666633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.764404636719533 ], [ 7.166951832837853, 52.764404636719533 ], [ 7.166951832837853, 52.764200799348167 ], [ 7.165796856043984, 52.764200799348167 ], [ 7.165796856043984, 52.764404636719533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 111.71428528571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.763996961022663 ], [ 7.166951832837853, 52.763996961022663 ], [ 7.166951832837853, 52.763793121742992 ], [ 7.165796856043984, 52.763793121742992 ], [ 7.165796856043984, 52.763996961022663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 89.5999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.763793121742992 ], [ 7.166951832837853, 52.763793121742992 ], [ 7.166951832837853, 52.763589281509155 ], [ 7.165796856043984, 52.763589281509155 ], [ 7.165796856043984, 52.763793121742992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.763385440321173 ], [ 7.166951832837853, 52.763385440321173 ], [ 7.166951832837853, 52.763181598179031 ], [ 7.165796856043984, 52.763181598179031 ], [ 7.165796856043984, 52.763385440321173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 86.7999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.762773911032248 ], [ 7.166951832837853, 52.762773911032248 ], [ 7.166951832837853, 52.762570066027607 ], [ 7.165796856043984, 52.762570066027607 ], [ 7.165796856043984, 52.762773911032248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 100.22536866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.762162373155817 ], [ 7.166951832837853, 52.762162373155817 ], [ 7.166951832837853, 52.761958525288662 ], [ 7.165796856043984, 52.761958525288662 ], [ 7.165796856043984, 52.762162373155817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.75000275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.76460847313674 ], [ 7.168106809631721, 52.76460847313674 ], [ 7.168106809631721, 52.764404636719533 ], [ 7.166951832837853, 52.764404636719533 ], [ 7.166951832837853, 52.76460847313674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 123.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.764404636719533 ], [ 7.168106809631721, 52.764404636719533 ], [ 7.168106809631721, 52.764200799348167 ], [ 7.166951832837853, 52.764200799348167 ], [ 7.166951832837853, 52.764404636719533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.764200799348167 ], [ 7.168106809631721, 52.764200799348167 ], [ 7.168106809631721, 52.763996961022663 ], [ 7.166951832837853, 52.763996961022663 ], [ 7.166951832837853, 52.764200799348167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.763996961022663 ], [ 7.168106809631721, 52.763996961022663 ], [ 7.168106809631721, 52.763793121742992 ], [ 7.166951832837853, 52.763793121742992 ], [ 7.166951832837853, 52.763996961022663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 169.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.763793121742992 ], [ 7.168106809631721, 52.763793121742992 ], [ 7.168106809631721, 52.763589281509155 ], [ 7.166951832837853, 52.763589281509155 ], [ 7.166951832837853, 52.763793121742992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.763385440321173 ], [ 7.168106809631721, 52.763385440321173 ], [ 7.168106809631721, 52.763181598179031 ], [ 7.166951832837853, 52.763181598179031 ], [ 7.166951832837853, 52.763385440321173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27836_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.3333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.762977755082723 ], [ 7.168106809631721, 52.762977755082723 ], [ 7.168106809631721, 52.762773911032248 ], [ 7.166951832837853, 52.762773911032248 ], [ 7.166951832837853, 52.762977755082723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.758968646945426 ], [ 7.161176948868514, 52.758968646945426 ], [ 7.161176948868514, 52.758764784129333 ], [ 7.160021972074645, 52.758764784129333 ], [ 7.160021972074645, 52.758968646945426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 129.310196 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.756929975845047 ], [ 7.161176948868514, 52.756929975845047 ], [ 7.161176948868514, 52.756726103486827 ], [ 7.160021972074645, 52.756726103486827 ], [ 7.160021972074645, 52.756929975845047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.759376369715028 ], [ 7.162331925662381, 52.759376369715028 ], [ 7.162331925662381, 52.759172508807332 ], [ 7.161176948868514, 52.759172508807332 ], [ 7.161176948868514, 52.759376369715028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.758560920359031 ], [ 7.163486902456249, 52.758560920359031 ], [ 7.163486902456249, 52.758357055634519 ], [ 7.162331925662381, 52.758357055634519 ], [ 7.162331925662381, 52.758560920359031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.759987946712933 ], [ 7.164641879250117, 52.759987946712933 ], [ 7.164641879250117, 52.759784088667821 ], [ 7.163486902456249, 52.759784088667821 ], [ 7.163486902456249, 52.759987946712933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.758764784129333 ], [ 7.164641879250117, 52.758764784129333 ], [ 7.164641879250117, 52.758560920359031 ], [ 7.163486902456249, 52.758560920359031 ], [ 7.163486902456249, 52.758764784129333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.760395659940571 ], [ 7.165796856043984, 52.760395659940571 ], [ 7.165796856043984, 52.760191803803856 ], [ 7.164641879250117, 52.760191803803856 ], [ 7.164641879250117, 52.760395659940571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 108.24999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.759987946712933 ], [ 7.165796856043984, 52.759987946712933 ], [ 7.165796856043984, 52.759784088667821 ], [ 7.164641879250117, 52.759784088667821 ], [ 7.164641879250117, 52.759987946712933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 118.30590266666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.759580229668529 ], [ 7.165796856043984, 52.759580229668529 ], [ 7.165796856043984, 52.759376369715028 ], [ 7.164641879250117, 52.759376369715028 ], [ 7.164641879250117, 52.759580229668529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 91.1137626 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.757949323322883 ], [ 7.165796856043984, 52.757949323322883 ], [ 7.165796856043984, 52.757745455735744 ], [ 7.164641879250117, 52.757745455735744 ], [ 7.164641879250117, 52.757949323322883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.760395659940571 ], [ 7.166951832837853, 52.760395659940571 ], [ 7.166951832837853, 52.760191803803856 ], [ 7.165796856043984, 52.760191803803856 ], [ 7.165796856043984, 52.760395659940571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 168.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.759987946712933 ], [ 7.166951832837853, 52.759987946712933 ], [ 7.166951832837853, 52.759784088667821 ], [ 7.165796856043984, 52.759784088667821 ], [ 7.165796856043984, 52.759987946712933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 6.0705821714285717 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.759580229668529 ], [ 7.166951832837853, 52.759580229668529 ], [ 7.166951832837853, 52.759376369715028 ], [ 7.165796856043984, 52.759376369715028 ], [ 7.165796856043984, 52.759580229668529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 82.6837258 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.759172508807332 ], [ 7.166951832837853, 52.759172508807332 ], [ 7.166951832837853, 52.758968646945426 ], [ 7.165796856043984, 52.758968646945426 ], [ 7.165796856043984, 52.759172508807332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 121.23055575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.758968646945426 ], [ 7.166951832837853, 52.758968646945426 ], [ 7.166951832837853, 52.758764784129333 ], [ 7.165796856043984, 52.758764784129333 ], [ 7.165796856043984, 52.758968646945426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 110.6250005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.758560920359031 ], [ 7.166951832837853, 52.758560920359031 ], [ 7.166951832837853, 52.758357055634519 ], [ 7.165796856043984, 52.758357055634519 ], [ 7.165796856043984, 52.758560920359031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 89.2422542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.758357055634519 ], [ 7.166951832837853, 52.758357055634519 ], [ 7.166951832837853, 52.758153189955813 ], [ 7.165796856043984, 52.758153189955813 ], [ 7.165796856043984, 52.758357055634519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 171.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.757949323322883 ], [ 7.166951832837853, 52.757949323322883 ], [ 7.166951832837853, 52.757745455735744 ], [ 7.165796856043984, 52.757745455735744 ], [ 7.165796856043984, 52.757949323322883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 87.199999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.757337717698832 ], [ 7.166951832837853, 52.757337717698832 ], [ 7.166951832837853, 52.757133847249058 ], [ 7.165796856043984, 52.757133847249058 ], [ 7.165796856043984, 52.757337717698832 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 95.597633555555547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.756726103486827 ], [ 7.166951832837853, 52.756726103486827 ], [ 7.166951832837853, 52.756522230174383 ], [ 7.165796856043984, 52.756522230174383 ], [ 7.165796856043984, 52.756726103486827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.759172508807332 ], [ 7.168106809631721, 52.759172508807332 ], [ 7.168106809631721, 52.758968646945426 ], [ 7.166951832837853, 52.758968646945426 ], [ 7.166951832837853, 52.759172508807332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.758968646945426 ], [ 7.168106809631721, 52.758968646945426 ], [ 7.168106809631721, 52.758764784129333 ], [ 7.166951832837853, 52.758764784129333 ], [ 7.166951832837853, 52.758968646945426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.19938533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.758764784129333 ], [ 7.168106809631721, 52.758764784129333 ], [ 7.168106809631721, 52.758560920359031 ], [ 7.166951832837853, 52.758560920359031 ], [ 7.166951832837853, 52.758764784129333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.004241333333326 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.758560920359031 ], [ 7.168106809631721, 52.758560920359031 ], [ 7.168106809631721, 52.758357055634519 ], [ 7.166951832837853, 52.758357055634519 ], [ 7.166951832837853, 52.758560920359031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.758357055634519 ], [ 7.168106809631721, 52.758357055634519 ], [ 7.168106809631721, 52.758153189955813 ], [ 7.166951832837853, 52.758153189955813 ], [ 7.166951832837853, 52.758357055634519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.757949323322883 ], [ 7.168106809631721, 52.757949323322883 ], [ 7.168106809631721, 52.757745455735744 ], [ 7.166951832837853, 52.757745455735744 ], [ 7.166951832837853, 52.757949323322883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27837_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.2046944 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.757541587194396 ], [ 7.168106809631721, 52.757541587194396 ], [ 7.168106809631721, 52.757337717698832 ], [ 7.166951832837853, 52.757337717698832 ], [ 7.166951832837853, 52.757541587194396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.753531978627763 ], [ 7.161176948868514, 52.753531978627763 ], [ 7.161176948868514, 52.753328090365585 ], [ 7.160021972074645, 52.753328090365585 ], [ 7.160021972074645, 52.753531978627763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 127.424359 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.751493053064323 ], [ 7.161176948868514, 52.751493053064323 ], [ 7.161176948868514, 52.751289155259528 ], [ 7.160021972074645, 52.751289155259528 ], [ 7.160021972074645, 52.751493053064323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.753939752289355 ], [ 7.162331925662381, 52.753939752289355 ], [ 7.162331925662381, 52.753735865935688 ], [ 7.161176948868514, 52.753735865935688 ], [ 7.161176948868514, 52.753939752289355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.753124201149156 ], [ 7.163486902456249, 52.753124201149156 ], [ 7.163486902456249, 52.75292031097846 ], [ 7.162331925662381, 52.75292031097846 ], [ 7.162331925662381, 52.753124201149156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 210.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.754551405624902 ], [ 7.164641879250117, 52.754551405624902 ], [ 7.164641879250117, 52.754347522133976 ], [ 7.163486902456249, 52.754347522133976 ], [ 7.163486902456249, 52.754551405624902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.753328090365585 ], [ 7.164641879250117, 52.753328090365585 ], [ 7.164641879250117, 52.753124201149156 ], [ 7.163486902456249, 52.753124201149156 ], [ 7.163486902456249, 52.753328090365585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 7.2631578947368425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.752308634740857 ], [ 7.164641879250117, 52.752308634740857 ], [ 7.164641879250117, 52.752104740753119 ], [ 7.163486902456249, 52.752104740753119 ], [ 7.163486902456249, 52.752308634740857 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.754959169744048 ], [ 7.165796856043984, 52.754959169744048 ], [ 7.165796856043984, 52.754755288161604 ], [ 7.164641879250117, 52.754755288161604 ], [ 7.164641879250117, 52.754959169744048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 108.42857185714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.754551405624902 ], [ 7.165796856043984, 52.754551405624902 ], [ 7.165796856043984, 52.754347522133976 ], [ 7.164641879250117, 52.754347522133976 ], [ 7.164641879250117, 52.754551405624902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 117.50000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.754143637688792 ], [ 7.165796856043984, 52.754143637688792 ], [ 7.165796856043984, 52.753939752289355 ], [ 7.164641879250117, 52.753939752289355 ], [ 7.164641879250117, 52.754143637688792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 81.885187 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.752512527774314 ], [ 7.165796856043984, 52.752512527774314 ], [ 7.165796856043984, 52.752308634740857 ], [ 7.164641879250117, 52.752308634740857 ], [ 7.164641879250117, 52.752512527774314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.754959169744048 ], [ 7.166951832837853, 52.754959169744048 ], [ 7.166951832837853, 52.754755288161604 ], [ 7.165796856043984, 52.754755288161604 ], [ 7.165796856043984, 52.754959169744048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.754551405624902 ], [ 7.166951832837853, 52.754551405624902 ], [ 7.166951832837853, 52.754347522133976 ], [ 7.165796856043984, 52.754347522133976 ], [ 7.165796856043984, 52.754551405624902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 67.070395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.754143637688792 ], [ 7.166951832837853, 52.754143637688792 ], [ 7.166951832837853, 52.753939752289355 ], [ 7.165796856043984, 52.753939752289355 ], [ 7.165796856043984, 52.754143637688792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 83.318659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.753735865935688 ], [ 7.166951832837853, 52.753735865935688 ], [ 7.166951832837853, 52.753531978627763 ], [ 7.165796856043984, 52.753531978627763 ], [ 7.165796856043984, 52.753735865935688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.85879633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.753531978627763 ], [ 7.166951832837853, 52.753531978627763 ], [ 7.166951832837853, 52.753328090365585 ], [ 7.165796856043984, 52.753328090365585 ], [ 7.165796856043984, 52.753531978627763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 112.43096671428573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.753124201149156 ], [ 7.166951832837853, 52.753124201149156 ], [ 7.166951832837853, 52.75292031097846 ], [ 7.165796856043984, 52.75292031097846 ], [ 7.165796856043984, 52.753124201149156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 86.7999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.75292031097846 ], [ 7.166951832837853, 52.75292031097846 ], [ 7.166951832837853, 52.752716419853527 ], [ 7.165796856043984, 52.752716419853527 ], [ 7.165796856043984, 52.75292031097846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 173.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.752512527774314 ], [ 7.166951832837853, 52.752512527774314 ], [ 7.166951832837853, 52.752308634740857 ], [ 7.165796856043984, 52.752308634740857 ], [ 7.165796856043984, 52.752512527774314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 86.8000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.751900845811122 ], [ 7.166951832837853, 52.751900845811122 ], [ 7.166951832837853, 52.751696949914866 ], [ 7.165796856043984, 52.751696949914866 ], [ 7.165796856043984, 52.751900845811122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.829421 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.751289155259528 ], [ 7.166951832837853, 52.751289155259528 ], [ 7.166951832837853, 52.751085256500453 ], [ 7.165796856043984, 52.751085256500453 ], [ 7.165796856043984, 52.751289155259528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.66666866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.753735865935688 ], [ 7.168106809631721, 52.753735865935688 ], [ 7.168106809631721, 52.753531978627763 ], [ 7.166951832837853, 52.753531978627763 ], [ 7.166951832837853, 52.753735865935688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.753531978627763 ], [ 7.168106809631721, 52.753531978627763 ], [ 7.168106809631721, 52.753328090365585 ], [ 7.166951832837853, 52.753328090365585 ], [ 7.166951832837853, 52.753531978627763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.753328090365585 ], [ 7.168106809631721, 52.753328090365585 ], [ 7.168106809631721, 52.753124201149156 ], [ 7.166951832837853, 52.753124201149156 ], [ 7.166951832837853, 52.753328090365585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.19647975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.753124201149156 ], [ 7.168106809631721, 52.753124201149156 ], [ 7.168106809631721, 52.75292031097846 ], [ 7.166951832837853, 52.75292031097846 ], [ 7.166951832837853, 52.753124201149156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.75292031097846 ], [ 7.168106809631721, 52.75292031097846 ], [ 7.168106809631721, 52.752716419853527 ], [ 7.166951832837853, 52.752716419853527 ], [ 7.166951832837853, 52.75292031097846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.752512527774314 ], [ 7.168106809631721, 52.752512527774314 ], [ 7.168106809631721, 52.752308634740857 ], [ 7.166951832837853, 52.752308634740857 ], [ 7.166951832837853, 52.752512527774314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27838_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.3333325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.752104740753119 ], [ 7.168106809631721, 52.752104740753119 ], [ 7.168106809631721, 52.751900845811122 ], [ 7.166951832837853, 52.751900845811122 ], [ 7.166951832837853, 52.752104740753119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.748094631730787 ], [ 7.161176948868514, 52.748094631730787 ], [ 7.161176948868514, 52.747890718021196 ], [ 7.160021972074645, 52.747890718021196 ], [ 7.160021972074645, 52.748094631730787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 112.1648365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.7460554516909 ], [ 7.161176948868514, 52.7460554516909 ], [ 7.161176948868514, 52.74585152843818 ], [ 7.160021972074645, 52.74585152843818 ], [ 7.160021972074645, 52.7460554516909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.748502456287085 ], [ 7.162331925662381, 52.748502456287085 ], [ 7.162331925662381, 52.748298544486083 ], [ 7.161176948868514, 52.748298544486083 ], [ 7.161176948868514, 52.748502456287085 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.74768680335729 ], [ 7.163486902456249, 52.74768680335729 ], [ 7.163486902456249, 52.747482887739089 ], [ 7.162331925662381, 52.747482887739089 ], [ 7.162331925662381, 52.74768680335729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 194.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.749114185964267 ], [ 7.164641879250117, 52.749114185964267 ], [ 7.164641879250117, 52.748910277026177 ], [ 7.163486902456249, 52.748910277026177 ], [ 7.163486902456249, 52.749114185964267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.747890718021196 ], [ 7.164641879250117, 52.747890718021196 ], [ 7.164641879250117, 52.74768680335729 ], [ 7.163486902456249, 52.74768680335729 ], [ 7.163486902456249, 52.747890718021196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 48.444444444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.746871135158614 ], [ 7.164641879250117, 52.746871135158614 ], [ 7.164641879250117, 52.74666721572315 ], [ 7.163486902456249, 52.74666721572315 ], [ 7.163486902456249, 52.746871135158614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.749522000977599 ], [ 7.165796856043984, 52.749522000977599 ], [ 7.165796856043984, 52.749318093948084 ], [ 7.164641879250117, 52.749318093948084 ], [ 7.164641879250117, 52.749522000977599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.749114185964267 ], [ 7.165796856043984, 52.749114185964267 ], [ 7.165796856043984, 52.748910277026177 ], [ 7.164641879250117, 52.748910277026177 ], [ 7.164641879250117, 52.749114185964267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 118.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.748706367133771 ], [ 7.165796856043984, 52.748706367133771 ], [ 7.165796856043984, 52.748502456287085 ], [ 7.164641879250117, 52.748502456287085 ], [ 7.164641879250117, 52.748706367133771 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 92.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.74707505363974 ], [ 7.165796856043984, 52.74707505363974 ], [ 7.165796856043984, 52.746871135158614 ], [ 7.164641879250117, 52.746871135158614 ], [ 7.164641879250117, 52.74707505363974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.749522000977599 ], [ 7.166951832837853, 52.749522000977599 ], [ 7.166951832837853, 52.749318093948084 ], [ 7.165796856043984, 52.749318093948084 ], [ 7.165796856043984, 52.749522000977599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 191.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.749114185964267 ], [ 7.166951832837853, 52.749114185964267 ], [ 7.166951832837853, 52.748910277026177 ], [ 7.165796856043984, 52.748910277026177 ], [ 7.165796856043984, 52.749114185964267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 67.502178142857147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.748706367133771 ], [ 7.166951832837853, 52.748706367133771 ], [ 7.166951832837853, 52.748502456287085 ], [ 7.165796856043984, 52.748502456287085 ], [ 7.165796856043984, 52.748706367133771 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 85.2259182 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.748298544486083 ], [ 7.166951832837853, 52.748298544486083 ], [ 7.166951832837853, 52.748094631730787 ], [ 7.165796856043984, 52.748094631730787 ], [ 7.165796856043984, 52.748298544486083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 137.480979 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.748094631730787 ], [ 7.166951832837853, 52.748094631730787 ], [ 7.166951832837853, 52.747890718021196 ], [ 7.165796856043984, 52.747890718021196 ], [ 7.165796856043984, 52.748094631730787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.9311915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.74768680335729 ], [ 7.166951832837853, 52.74768680335729 ], [ 7.166951832837853, 52.747482887739089 ], [ 7.165796856043984, 52.747482887739089 ], [ 7.165796856043984, 52.74768680335729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 88.4567004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.747482887739089 ], [ 7.166951832837853, 52.747482887739089 ], [ 7.166951832837853, 52.747278971166565 ], [ 7.165796856043984, 52.747278971166565 ], [ 7.165796856043984, 52.747482887739089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.74707505363974 ], [ 7.166951832837853, 52.74707505363974 ], [ 7.166951832837853, 52.746871135158614 ], [ 7.165796856043984, 52.746871135158614 ], [ 7.165796856043984, 52.74707505363974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 91.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.746463295333392 ], [ 7.166951832837853, 52.746463295333392 ], [ 7.166951832837853, 52.746259373989304 ], [ 7.165796856043984, 52.746259373989304 ], [ 7.165796856043984, 52.746463295333392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 100.3103673 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.74585152843818 ], [ 7.166951832837853, 52.74585152843818 ], [ 7.166951832837853, 52.745647604231131 ], [ 7.165796856043984, 52.745647604231131 ], [ 7.165796856043984, 52.74585152843818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.04637825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.748298544486083 ], [ 7.168106809631721, 52.748298544486083 ], [ 7.168106809631721, 52.748094631730787 ], [ 7.166951832837853, 52.748094631730787 ], [ 7.166951832837853, 52.748298544486083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.748094631730787 ], [ 7.168106809631721, 52.748094631730787 ], [ 7.168106809631721, 52.747890718021196 ], [ 7.166951832837853, 52.747890718021196 ], [ 7.166951832837853, 52.748094631730787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.67590625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.747890718021196 ], [ 7.168106809631721, 52.747890718021196 ], [ 7.168106809631721, 52.74768680335729 ], [ 7.166951832837853, 52.74768680335729 ], [ 7.166951832837853, 52.747890718021196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.865967222222224 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.74768680335729 ], [ 7.168106809631721, 52.74768680335729 ], [ 7.168106809631721, 52.747482887739089 ], [ 7.166951832837853, 52.747482887739089 ], [ 7.166951832837853, 52.74768680335729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.747482887739089 ], [ 7.168106809631721, 52.747482887739089 ], [ 7.168106809631721, 52.747278971166565 ], [ 7.166951832837853, 52.747278971166565 ], [ 7.166951832837853, 52.747482887739089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.74707505363974 ], [ 7.168106809631721, 52.74707505363974 ], [ 7.168106809631721, 52.746871135158614 ], [ 7.166951832837853, 52.746871135158614 ], [ 7.166951832837853, 52.74707505363974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27839_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.74666721572315 ], [ 7.168106809631721, 52.74666721572315 ], [ 7.168106809631721, 52.746463295333392 ], [ 7.166951832837853, 52.746463295333392 ], [ 7.166951832837853, 52.74666721572315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.74265660621878 ], [ 7.161176948868514, 52.74265660621878 ], [ 7.161176948868514, 52.742452667060434 ], [ 7.160021972074645, 52.742452667060434 ], [ 7.160021972074645, 52.74265660621878 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 100.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.74061717168906 ], [ 7.161176948868514, 52.74061717168906 ], [ 7.161176948868514, 52.740413222987073 ], [ 7.160021972074645, 52.740413222987073 ], [ 7.160021972074645, 52.74061717168906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.743064481672441 ], [ 7.162331925662381, 52.743064481672441 ], [ 7.162331925662381, 52.742860544422783 ], [ 7.161176948868514, 52.742860544422783 ], [ 7.161176948868514, 52.743064481672441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.742248726947722 ], [ 7.163486902456249, 52.742248726947722 ], [ 7.163486902456249, 52.742044785880658 ], [ 7.162331925662381, 52.742044785880658 ], [ 7.162331925662381, 52.742248726947722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.743676287695308 ], [ 7.164641879250117, 52.743676287695308 ], [ 7.164641879250117, 52.743472353308704 ], [ 7.163486902456249, 52.743472353308704 ], [ 7.163486902456249, 52.743676287695308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.742452667060434 ], [ 7.164641879250117, 52.742452667060434 ], [ 7.164641879250117, 52.742248726947722 ], [ 7.163486902456249, 52.742248726947722 ], [ 7.163486902456249, 52.742452667060434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.741432956953297 ], [ 7.164641879250117, 52.741432956953297 ], [ 7.164641879250117, 52.741229012068786 ], [ 7.163486902456249, 52.741229012068786 ], [ 7.163486902456249, 52.741432956953297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 196.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.744084153605506 ], [ 7.165796856043984, 52.744084153605506 ], [ 7.165796856043984, 52.743880221127576 ], [ 7.164641879250117, 52.743880221127576 ], [ 7.164641879250117, 52.744084153605506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 118.000000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.743676287695308 ], [ 7.165796856043984, 52.743676287695308 ], [ 7.165796856043984, 52.743472353308704 ], [ 7.164641879250117, 52.743472353308704 ], [ 7.164641879250117, 52.743676287695308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.97008433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.743268417967741 ], [ 7.165796856043984, 52.743268417967741 ], [ 7.165796856043984, 52.743064481672441 ], [ 7.164641879250117, 52.743064481672441 ], [ 7.164641879250117, 52.743268417967741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 105.52462275000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.741636900883442 ], [ 7.165796856043984, 52.741636900883442 ], [ 7.165796856043984, 52.741432956953297 ], [ 7.164641879250117, 52.741432956953297 ], [ 7.164641879250117, 52.741636900883442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.744084153605506 ], [ 7.166951832837853, 52.744084153605506 ], [ 7.166951832837853, 52.743880221127576 ], [ 7.165796856043984, 52.743880221127576 ], [ 7.165796856043984, 52.744084153605506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 207.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.743676287695308 ], [ 7.166951832837853, 52.743676287695308 ], [ 7.166951832837853, 52.743472353308704 ], [ 7.165796856043984, 52.743472353308704 ], [ 7.165796856043984, 52.743676287695308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 74.5287734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.743268417967741 ], [ 7.166951832837853, 52.743268417967741 ], [ 7.166951832837853, 52.743064481672441 ], [ 7.165796856043984, 52.743064481672441 ], [ 7.165796856043984, 52.743268417967741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 104.8925585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.742860544422783 ], [ 7.166951832837853, 52.742860544422783 ], [ 7.166951832837853, 52.74265660621878 ], [ 7.165796856043984, 52.74265660621878 ], [ 7.165796856043984, 52.742860544422783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.74265660621878 ], [ 7.166951832837853, 52.74265660621878 ], [ 7.166951832837853, 52.742452667060434 ], [ 7.165796856043984, 52.742452667060434 ], [ 7.165796856043984, 52.74265660621878 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 111.653018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.742248726947722 ], [ 7.166951832837853, 52.742248726947722 ], [ 7.166951832837853, 52.742044785880658 ], [ 7.165796856043984, 52.742044785880658 ], [ 7.165796856043984, 52.742248726947722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 89.5450558 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.742044785880658 ], [ 7.166951832837853, 52.742044785880658 ], [ 7.166951832837853, 52.741840843859229 ], [ 7.165796856043984, 52.741840843859229 ], [ 7.165796856043984, 52.742044785880658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.741636900883442 ], [ 7.166951832837853, 52.741636900883442 ], [ 7.166951832837853, 52.741432956953297 ], [ 7.165796856043984, 52.741432956953297 ], [ 7.165796856043984, 52.741636900883442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 90.3999988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.741025066229923 ], [ 7.166951832837853, 52.741025066229923 ], [ 7.166951832837853, 52.740821119436667 ], [ 7.165796856043984, 52.740821119436667 ], [ 7.165796856043984, 52.741025066229923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.267824444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.740413222987073 ], [ 7.166951832837853, 52.740413222987073 ], [ 7.166951832837853, 52.740209273330713 ], [ 7.165796856043984, 52.740209273330713 ], [ 7.165796856043984, 52.740413222987073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.43031575000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.742860544422783 ], [ 7.168106809631721, 52.742860544422783 ], [ 7.168106809631721, 52.74265660621878 ], [ 7.166951832837853, 52.74265660621878 ], [ 7.166951832837853, 52.742860544422783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.74265660621878 ], [ 7.168106809631721, 52.74265660621878 ], [ 7.168106809631721, 52.742452667060434 ], [ 7.166951832837853, 52.742452667060434 ], [ 7.166951832837853, 52.74265660621878 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.19439925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.742452667060434 ], [ 7.168106809631721, 52.742452667060434 ], [ 7.168106809631721, 52.742248726947722 ], [ 7.166951832837853, 52.742248726947722 ], [ 7.166951832837853, 52.742452667060434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.487138 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.742248726947722 ], [ 7.168106809631721, 52.742248726947722 ], [ 7.168106809631721, 52.742044785880658 ], [ 7.166951832837853, 52.742044785880658 ], [ 7.166951832837853, 52.742248726947722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 166.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.742044785880658 ], [ 7.168106809631721, 52.742044785880658 ], [ 7.168106809631721, 52.741840843859229 ], [ 7.166951832837853, 52.741840843859229 ], [ 7.166951832837853, 52.742044785880658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 159.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.741636900883442 ], [ 7.168106809631721, 52.741636900883442 ], [ 7.168106809631721, 52.741432956953297 ], [ 7.166951832837853, 52.741432956953297 ], [ 7.166951832837853, 52.741636900883442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27840_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.383869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.741229012068786 ], [ 7.168106809631721, 52.741229012068786 ], [ 7.168106809631721, 52.741025066229923 ], [ 7.166951832837853, 52.741025066229923 ], [ 7.166951832837853, 52.741229012068786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 170.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.737217902056052 ], [ 7.161176948868514, 52.737217902056052 ], [ 7.161176948868514, 52.737013937447593 ], [ 7.160021972074645, 52.737013937447593 ], [ 7.160021972074645, 52.737217902056052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 91.2000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.735178213023097 ], [ 7.161176948868514, 52.735178213023097 ], [ 7.161176948868514, 52.734974238870507 ], [ 7.160021972074645, 52.734974238870507 ], [ 7.160021972074645, 52.735178213023097 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.73762582840974 ], [ 7.162331925662381, 52.73762582840974 ], [ 7.162331925662381, 52.73742186571009 ], [ 7.161176948868514, 52.73742186571009 ], [ 7.161176948868514, 52.73762582840974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.736809971884739 ], [ 7.163486902456249, 52.736809971884739 ], [ 7.163486902456249, 52.736606005367477 ], [ 7.162331925662381, 52.736606005367477 ], [ 7.162331925662381, 52.736809971884739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 149.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.7382377107823 ], [ 7.164641879250117, 52.7382377107823 ], [ 7.164641879250117, 52.738033750945846 ], [ 7.163486902456249, 52.738033750945846 ], [ 7.163486902456249, 52.7382377107823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.737013937447593 ], [ 7.164641879250117, 52.737013937447593 ], [ 7.164641879250117, 52.736809971884739 ], [ 7.163486902456249, 52.736809971884739 ], [ 7.163486902456249, 52.737013937447593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.735994100089236 ], [ 7.164641879250117, 52.735994100089236 ], [ 7.164641879250117, 52.735790129754328 ], [ 7.163486902456249, 52.735790129754328 ], [ 7.163486902456249, 52.735994100089236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 199.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.738645627592035 ], [ 7.165796856043984, 52.738645627592035 ], [ 7.165796856043984, 52.738441669664361 ], [ 7.164641879250117, 52.738441669664361 ], [ 7.164641879250117, 52.738645627592035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 107.71428542857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.7382377107823 ], [ 7.165796856043984, 52.7382377107823 ], [ 7.165796856043984, 52.738033750945846 ], [ 7.164641879250117, 52.738033750945846 ], [ 7.164641879250117, 52.7382377107823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.73782979015499 ], [ 7.165796856043984, 52.73782979015499 ], [ 7.165796856043984, 52.73762582840974 ], [ 7.164641879250117, 52.73762582840974 ], [ 7.164641879250117, 52.73782979015499 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 100.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.736198069469729 ], [ 7.165796856043984, 52.736198069469729 ], [ 7.165796856043984, 52.735994100089236 ], [ 7.164641879250117, 52.735994100089236 ], [ 7.164641879250117, 52.736198069469729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.738645627592035 ], [ 7.166951832837853, 52.738645627592035 ], [ 7.166951832837853, 52.738441669664361 ], [ 7.165796856043984, 52.738441669664361 ], [ 7.165796856043984, 52.738645627592035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 199.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.7382377107823 ], [ 7.166951832837853, 52.7382377107823 ], [ 7.166951832837853, 52.738033750945846 ], [ 7.165796856043984, 52.738033750945846 ], [ 7.165796856043984, 52.7382377107823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 63.074507 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.73782979015499 ], [ 7.166951832837853, 52.73782979015499 ], [ 7.166951832837853, 52.73762582840974 ], [ 7.165796856043984, 52.73762582840974 ], [ 7.165796856043984, 52.73782979015499 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 101.341085 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.73742186571009 ], [ 7.166951832837853, 52.73742186571009 ], [ 7.166951832837853, 52.737217902056052 ], [ 7.165796856043984, 52.737217902056052 ], [ 7.165796856043984, 52.73742186571009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.54052966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.737217902056052 ], [ 7.166951832837853, 52.737217902056052 ], [ 7.166951832837853, 52.737013937447593 ], [ 7.165796856043984, 52.737013937447593 ], [ 7.165796856043984, 52.737217902056052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 99.0818065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.736809971884739 ], [ 7.166951832837853, 52.736809971884739 ], [ 7.166951832837853, 52.736606005367477 ], [ 7.165796856043984, 52.736606005367477 ], [ 7.165796856043984, 52.736809971884739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 90.1999984 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.736606005367477 ], [ 7.166951832837853, 52.736606005367477 ], [ 7.166951832837853, 52.736402037895807 ], [ 7.165796856043984, 52.736402037895807 ], [ 7.165796856043984, 52.736606005367477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.736198069469729 ], [ 7.166951832837853, 52.736198069469729 ], [ 7.166951832837853, 52.735994100089236 ], [ 7.165796856043984, 52.735994100089236 ], [ 7.165796856043984, 52.736198069469729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 90.8000016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.735586158464997 ], [ 7.166951832837853, 52.735586158464997 ], [ 7.166951832837853, 52.735382186221251 ], [ 7.165796856043984, 52.735382186221251 ], [ 7.165796856043984, 52.735586158464997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 91.9087728 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.734974238870507 ], [ 7.166951832837853, 52.734974238870507 ], [ 7.166951832837853, 52.734770263763508 ], [ 7.165796856043984, 52.734770263763508 ], [ 7.165796856043984, 52.734974238870507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 96.94740425000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.73742186571009 ], [ 7.168106809631721, 52.73742186571009 ], [ 7.168106809631721, 52.737217902056052 ], [ 7.166951832837853, 52.737217902056052 ], [ 7.166951832837853, 52.73742186571009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 118.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.737217902056052 ], [ 7.168106809631721, 52.737217902056052 ], [ 7.168106809631721, 52.737013937447593 ], [ 7.166951832837853, 52.737013937447593 ], [ 7.166951832837853, 52.737217902056052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 114.7500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.737013937447593 ], [ 7.168106809631721, 52.737013937447593 ], [ 7.168106809631721, 52.736809971884739 ], [ 7.166951832837853, 52.736809971884739 ], [ 7.166951832837853, 52.737013937447593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.7999986 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.736809971884739 ], [ 7.168106809631721, 52.736809971884739 ], [ 7.168106809631721, 52.736606005367477 ], [ 7.166951832837853, 52.736606005367477 ], [ 7.166951832837853, 52.736809971884739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.736606005367477 ], [ 7.168106809631721, 52.736606005367477 ], [ 7.168106809631721, 52.736402037895807 ], [ 7.166951832837853, 52.736402037895807 ], [ 7.166951832837853, 52.736606005367477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.736198069469729 ], [ 7.168106809631721, 52.736198069469729 ], [ 7.168106809631721, 52.735994100089236 ], [ 7.166951832837853, 52.735994100089236 ], [ 7.166951832837853, 52.736198069469729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27841_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.4000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.735790129754328 ], [ 7.168106809631721, 52.735790129754328 ], [ 7.168106809631721, 52.735586158464997 ], [ 7.166951832837853, 52.735586158464997 ], [ 7.166951832837853, 52.735790129754328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 170.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.731778519206898 ], [ 7.161176948868514, 52.731778519206898 ], [ 7.161176948868514, 52.731574529147004 ], [ 7.160021972074645, 52.731574529147004 ], [ 7.160021972074645, 52.731778519206898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 94.4770976 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.729738575657343 ], [ 7.161176948868514, 52.729738575657343 ], [ 7.161176948868514, 52.729534576052821 ], [ 7.160021972074645, 52.729534576052821 ], [ 7.160021972074645, 52.729738575657343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.732186496463306 ], [ 7.162331925662381, 52.732186496463306 ], [ 7.162331925662381, 52.731982508312328 ], [ 7.161176948868514, 52.731982508312328 ], [ 7.161176948868514, 52.732186496463306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.731370538132673 ], [ 7.163486902456249, 52.731370538132673 ], [ 7.163486902456249, 52.73116654616387 ], [ 7.162331925662381, 52.73116654616387 ], [ 7.162331925662381, 52.731370538132673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.732798455189574 ], [ 7.164641879250117, 52.732798455189574 ], [ 7.164641879250117, 52.732594469901926 ], [ 7.163486902456249, 52.732594469901926 ], [ 7.163486902456249, 52.732798455189574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.731574529147004 ], [ 7.164641879250117, 52.731574529147004 ], [ 7.164641879250117, 52.731370538132673 ], [ 7.163486902456249, 52.731370538132673 ], [ 7.163486902456249, 52.731574529147004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.730554564530713 ], [ 7.164641879250117, 52.730554564530713 ], [ 7.164641879250117, 52.730350568744079 ], [ 7.163486902456249, 52.730350568744079 ], [ 7.163486902456249, 52.730554564530713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 195.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.733206422901517 ], [ 7.165796856043984, 52.733206422901517 ], [ 7.165796856043984, 52.733002439522764 ], [ 7.164641879250117, 52.733002439522764 ], [ 7.164641879250117, 52.733206422901517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 111.374999375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.732798455189574 ], [ 7.165796856043984, 52.732798455189574 ], [ 7.165796856043984, 52.732594469901926 ], [ 7.164641879250117, 52.732594469901926 ], [ 7.164641879250117, 52.732798455189574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.250002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.732390483659842 ], [ 7.165796856043984, 52.732390483659842 ], [ 7.165796856043984, 52.732186496463306 ], [ 7.164641879250117, 52.732186496463306 ], [ 7.164641879250117, 52.732390483659842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 90.600001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.730758559362897 ], [ 7.165796856043984, 52.730758559362897 ], [ 7.165796856043984, 52.730554564530713 ], [ 7.164641879250117, 52.730554564530713 ], [ 7.164641879250117, 52.730758559362897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.733206422901517 ], [ 7.166951832837853, 52.733206422901517 ], [ 7.166951832837853, 52.733002439522764 ], [ 7.165796856043984, 52.733002439522764 ], [ 7.165796856043984, 52.733206422901517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.732798455189574 ], [ 7.166951832837853, 52.732798455189574 ], [ 7.166951832837853, 52.732594469901926 ], [ 7.165796856043984, 52.732594469901926 ], [ 7.165796856043984, 52.732798455189574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 66.380071571428573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.732390483659842 ], [ 7.166951832837853, 52.732390483659842 ], [ 7.166951832837853, 52.732186496463306 ], [ 7.165796856043984, 52.732186496463306 ], [ 7.165796856043984, 52.732390483659842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 90.4375972 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.731982508312328 ], [ 7.166951832837853, 52.731982508312328 ], [ 7.166951832837853, 52.731778519206898 ], [ 7.165796856043984, 52.731778519206898 ], [ 7.165796856043984, 52.731982508312328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.1782395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.731778519206898 ], [ 7.166951832837853, 52.731778519206898 ], [ 7.166951832837853, 52.731574529147004 ], [ 7.165796856043984, 52.731574529147004 ], [ 7.165796856043984, 52.731778519206898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 86.0205976 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.731574529147004 ], [ 7.166951832837853, 52.731574529147004 ], [ 7.166951832837853, 52.731370538132673 ], [ 7.165796856043984, 52.731370538132673 ], [ 7.165796856043984, 52.731574529147004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 100.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.731370538132673 ], [ 7.166951832837853, 52.731370538132673 ], [ 7.166951832837853, 52.73116654616387 ], [ 7.165796856043984, 52.73116654616387 ], [ 7.165796856043984, 52.731370538132673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 83.9329118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.73116654616387 ], [ 7.166951832837853, 52.73116654616387 ], [ 7.166951832837853, 52.730962553240616 ], [ 7.165796856043984, 52.730962553240616 ], [ 7.165796856043984, 52.73116654616387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 162.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.730758559362897 ], [ 7.166951832837853, 52.730758559362897 ], [ 7.166951832837853, 52.730554564530713 ], [ 7.165796856043984, 52.730554564530713 ], [ 7.165796856043984, 52.730758559362897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 90.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.730146572002965 ], [ 7.166951832837853, 52.730146572002965 ], [ 7.166951832837853, 52.72994257430738 ], [ 7.165796856043984, 52.72994257430738 ], [ 7.165796856043984, 52.730146572002965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 86.03052533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.729534576052821 ], [ 7.166951832837853, 52.729534576052821 ], [ 7.166951832837853, 52.729330575493833 ], [ 7.165796856043984, 52.729330575493833 ], [ 7.165796856043984, 52.729534576052821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 85.954905 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.731982508312328 ], [ 7.168106809631721, 52.731982508312328 ], [ 7.168106809631721, 52.731778519206898 ], [ 7.166951832837853, 52.731778519206898 ], [ 7.166951832837853, 52.731982508312328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 114.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.731778519206898 ], [ 7.168106809631721, 52.731778519206898 ], [ 7.168106809631721, 52.731574529147004 ], [ 7.166951832837853, 52.731574529147004 ], [ 7.166951832837853, 52.731778519206898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.66666766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.731574529147004 ], [ 7.168106809631721, 52.731574529147004 ], [ 7.168106809631721, 52.731370538132673 ], [ 7.166951832837853, 52.731370538132673 ], [ 7.166951832837853, 52.731574529147004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.23637475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.731370538132673 ], [ 7.168106809631721, 52.731370538132673 ], [ 7.168106809631721, 52.73116654616387 ], [ 7.166951832837853, 52.73116654616387 ], [ 7.166951832837853, 52.731370538132673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.521188 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.73116654616387 ], [ 7.168106809631721, 52.73116654616387 ], [ 7.168106809631721, 52.730962553240616 ], [ 7.166951832837853, 52.730962553240616 ], [ 7.166951832837853, 52.73116654616387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 175.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.730758559362897 ], [ 7.168106809631721, 52.730758559362897 ], [ 7.168106809631721, 52.730554564530713 ], [ 7.166951832837853, 52.730554564530713 ], [ 7.166951832837853, 52.730758559362897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27842_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 80.003948833333325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.730350568744079 ], [ 7.168106809631721, 52.730350568744079 ], [ 7.168106809631721, 52.730146572002965 ], [ 7.166951832837853, 52.730146572002965 ], [ 7.166951832837853, 52.730350568744079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.726338457635656 ], [ 7.161176948868514, 52.726338457635656 ], [ 7.161176948868514, 52.726134442123005 ], [ 7.160021972074645, 52.726134442123005 ], [ 7.160021972074645, 52.726338457635656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 91.8114322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.724298259556136 ], [ 7.161176948868514, 52.724298259556136 ], [ 7.161176948868514, 52.724094234498345 ], [ 7.160021972074645, 52.724094234498345 ], [ 7.160021972074645, 52.724298259556136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.726746485797463 ], [ 7.162331925662381, 52.726746485797463 ], [ 7.162331925662381, 52.72654247219382 ], [ 7.161176948868514, 52.72654247219382 ], [ 7.161176948868514, 52.726746485797463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.725930425655847 ], [ 7.163486902456249, 52.725930425655847 ], [ 7.163486902456249, 52.725726408234166 ], [ 7.162331925662381, 52.725726408234166 ], [ 7.162331925662381, 52.725930425655847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 196.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.727358520881438 ], [ 7.164641879250117, 52.727358520881438 ], [ 7.164641879250117, 52.727154510141276 ], [ 7.163486902456249, 52.727154510141276 ], [ 7.163486902456249, 52.727358520881438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.726134442123005 ], [ 7.164641879250117, 52.726134442123005 ], [ 7.164641879250117, 52.725930425655847 ], [ 7.163486902456249, 52.725930425655847 ], [ 7.163486902456249, 52.726134442123005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.725114350242102 ], [ 7.164641879250117, 52.725114350242102 ], [ 7.164641879250117, 52.724910329002384 ], [ 7.163486902456249, 52.724910329002384 ], [ 7.163486902456249, 52.725114350242102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 195.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.727766539498276 ], [ 7.165796856043984, 52.727766539498276 ], [ 7.165796856043984, 52.727562530667107 ], [ 7.164641879250117, 52.727562530667107 ], [ 7.164641879250117, 52.727766539498276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 115.99999971428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.727358520881438 ], [ 7.165796856043984, 52.727358520881438 ], [ 7.165796856043984, 52.727154510141276 ], [ 7.164641879250117, 52.727154510141276 ], [ 7.164641879250117, 52.727358520881438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.726950498446627 ], [ 7.165796856043984, 52.726950498446627 ], [ 7.165796856043984, 52.726746485797463 ], [ 7.164641879250117, 52.726746485797463 ], [ 7.164641879250117, 52.726950498446627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 84.123986166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.725318370527305 ], [ 7.165796856043984, 52.725318370527305 ], [ 7.165796856043984, 52.725114350242102 ], [ 7.164641879250117, 52.725114350242102 ], [ 7.164641879250117, 52.725318370527305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.727766539498276 ], [ 7.166951832837853, 52.727766539498276 ], [ 7.166951832837853, 52.727562530667107 ], [ 7.165796856043984, 52.727562530667107 ], [ 7.165796856043984, 52.727766539498276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.727358520881438 ], [ 7.166951832837853, 52.727358520881438 ], [ 7.166951832837853, 52.727154510141276 ], [ 7.165796856043984, 52.727154510141276 ], [ 7.165796856043984, 52.727358520881438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 53.84679175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.726950498446627 ], [ 7.166951832837853, 52.726950498446627 ], [ 7.166951832837853, 52.726746485797463 ], [ 7.165796856043984, 52.726746485797463 ], [ 7.165796856043984, 52.726950498446627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 86.3565126 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.72654247219382 ], [ 7.166951832837853, 52.72654247219382 ], [ 7.166951832837853, 52.726338457635656 ], [ 7.165796856043984, 52.726338457635656 ], [ 7.165796856043984, 52.72654247219382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.726338457635656 ], [ 7.166951832837853, 52.726338457635656 ], [ 7.166951832837853, 52.726134442123005 ], [ 7.165796856043984, 52.726134442123005 ], [ 7.165796856043984, 52.726338457635656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 86.1393948 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.726134442123005 ], [ 7.166951832837853, 52.726134442123005 ], [ 7.166951832837853, 52.725930425655847 ], [ 7.165796856043984, 52.725930425655847 ], [ 7.165796856043984, 52.726134442123005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.725930425655847 ], [ 7.166951832837853, 52.725930425655847 ], [ 7.166951832837853, 52.725726408234166 ], [ 7.165796856043984, 52.725726408234166 ], [ 7.165796856043984, 52.725930425655847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 99.5213606 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.725726408234166 ], [ 7.166951832837853, 52.725726408234166 ], [ 7.166951832837853, 52.725522389858 ], [ 7.165796856043984, 52.725522389858 ], [ 7.165796856043984, 52.725726408234166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 166.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.725318370527305 ], [ 7.166951832837853, 52.725318370527305 ], [ 7.166951832837853, 52.725114350242102 ], [ 7.165796856043984, 52.725114350242102 ], [ 7.165796856043984, 52.725318370527305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 94.12708225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.724706306808152 ], [ 7.166951832837853, 52.724706306808152 ], [ 7.166951832837853, 52.724502283659412 ], [ 7.165796856043984, 52.724502283659412 ], [ 7.165796856043984, 52.724706306808152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 100.8984001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.724094234498345 ], [ 7.166951832837853, 52.724094234498345 ], [ 7.166951832837853, 52.723890208486033 ], [ 7.165796856043984, 52.723890208486033 ], [ 7.165796856043984, 52.724094234498345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 75.022267 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.72654247219382 ], [ 7.168106809631721, 52.72654247219382 ], [ 7.168106809631721, 52.726338457635656 ], [ 7.166951832837853, 52.726338457635656 ], [ 7.166951832837853, 52.72654247219382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.726338457635656 ], [ 7.168106809631721, 52.726338457635656 ], [ 7.168106809631721, 52.726134442123005 ], [ 7.166951832837853, 52.726134442123005 ], [ 7.166951832837853, 52.726338457635656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.33333233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.726134442123005 ], [ 7.168106809631721, 52.726134442123005 ], [ 7.168106809631721, 52.725930425655847 ], [ 7.166951832837853, 52.725930425655847 ], [ 7.166951832837853, 52.726134442123005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 104.94108055555556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.725930425655847 ], [ 7.168106809631721, 52.725930425655847 ], [ 7.168106809631721, 52.725726408234166 ], [ 7.166951832837853, 52.725726408234166 ], [ 7.166951832837853, 52.725930425655847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 103.701871625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.725726408234166 ], [ 7.168106809631721, 52.725726408234166 ], [ 7.168106809631721, 52.725522389858 ], [ 7.166951832837853, 52.725522389858 ], [ 7.166951832837853, 52.725726408234166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.725318370527305 ], [ 7.168106809631721, 52.725318370527305 ], [ 7.168106809631721, 52.725114350242102 ], [ 7.166951832837853, 52.725114350242102 ], [ 7.166951832837853, 52.725318370527305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27843_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 84.8118694 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.724910329002384 ], [ 7.168106809631721, 52.724910329002384 ], [ 7.168106809631721, 52.724706306808152 ], [ 7.166951832837853, 52.724706306808152 ], [ 7.166951832837853, 52.724910329002384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.720897717306705 ], [ 7.161176948868514, 52.720897717306705 ], [ 7.161176948868514, 52.720693676339941 ], [ 7.160021972074645, 52.720693676339941 ], [ 7.160021972074645, 52.720897717306705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 91.6011226 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.718857264683855 ], [ 7.161176948868514, 52.718857264683855 ], [ 7.161176948868514, 52.718653214171461 ], [ 7.160021972074645, 52.718653214171461 ], [ 7.160021972074645, 52.718857264683855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.721305796376576 ], [ 7.162331925662381, 52.721305796376576 ], [ 7.162331925662381, 52.72110175731892 ], [ 7.161176948868514, 52.72110175731892 ], [ 7.161176948868514, 52.721305796376576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.720489634418627 ], [ 7.163486902456249, 52.720489634418627 ], [ 7.163486902456249, 52.720285591542741 ], [ 7.162331925662381, 52.720285591542741 ], [ 7.162331925662381, 52.720489634418627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.721917907822274 ], [ 7.164641879250117, 52.721917907822274 ], [ 7.164641879250117, 52.721713871628268 ], [ 7.163486902456249, 52.721713871628268 ], [ 7.163486902456249, 52.721917907822274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.720693676339941 ], [ 7.164641879250117, 52.720693676339941 ], [ 7.164641879250117, 52.720489634418627 ], [ 7.163486902456249, 52.720489634418627 ], [ 7.163486902456249, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.71967345718776 ], [ 7.164641879250117, 52.71967345718776 ], [ 7.164641879250117, 52.71946941049363 ], [ 7.163486902456249, 52.71946941049363 ], [ 7.163486902456249, 52.71967345718776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.722325977346678 ], [ 7.165796856043984, 52.722325977346678 ], [ 7.165796856043984, 52.722121943061751 ], [ 7.164641879250117, 52.722121943061751 ], [ 7.164641879250117, 52.722325977346678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 111.625000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.721917907822274 ], [ 7.165796856043984, 52.721917907822274 ], [ 7.165796856043984, 52.721713871628268 ], [ 7.164641879250117, 52.721713871628268 ], [ 7.164641879250117, 52.721917907822274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 121.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.72150983447969 ], [ 7.165796856043984, 52.72150983447969 ], [ 7.165796856043984, 52.721305796376576 ], [ 7.164641879250117, 52.721305796376576 ], [ 7.164641879250117, 52.72150983447969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 93.303048249999989 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.719877502927318 ], [ 7.165796856043984, 52.719877502927318 ], [ 7.165796856043984, 52.71967345718776 ], [ 7.164641879250117, 52.71967345718776 ], [ 7.164641879250117, 52.719877502927318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 140.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.722325977346678 ], [ 7.166951832837853, 52.722325977346678 ], [ 7.166951832837853, 52.722121943061751 ], [ 7.165796856043984, 52.722121943061751 ], [ 7.165796856043984, 52.722325977346678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 159.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.721917907822274 ], [ 7.166951832837853, 52.721917907822274 ], [ 7.166951832837853, 52.721713871628268 ], [ 7.165796856043984, 52.721713871628268 ], [ 7.165796856043984, 52.721917907822274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 20.736275866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.72150983447969 ], [ 7.166951832837853, 52.72150983447969 ], [ 7.166951832837853, 52.721305796376576 ], [ 7.165796856043984, 52.721305796376576 ], [ 7.165796856043984, 52.72150983447969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 82.2787516 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.72110175731892 ], [ 7.166951832837853, 52.72110175731892 ], [ 7.166951832837853, 52.720897717306705 ], [ 7.165796856043984, 52.720897717306705 ], [ 7.165796856043984, 52.72110175731892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 141.66666966666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.720897717306705 ], [ 7.166951832837853, 52.720897717306705 ], [ 7.166951832837853, 52.720693676339941 ], [ 7.165796856043984, 52.720693676339941 ], [ 7.165796856043984, 52.720897717306705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.448483 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.720693676339941 ], [ 7.166951832837853, 52.720693676339941 ], [ 7.166951832837853, 52.720489634418627 ], [ 7.165796856043984, 52.720489634418627 ], [ 7.165796856043984, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.720489634418627 ], [ 7.166951832837853, 52.720489634418627 ], [ 7.166951832837853, 52.720285591542741 ], [ 7.165796856043984, 52.720285591542741 ], [ 7.165796856043984, 52.720489634418627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 105.99999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.720285591542741 ], [ 7.166951832837853, 52.720285591542741 ], [ 7.166951832837853, 52.720081547712311 ], [ 7.165796856043984, 52.720081547712311 ], [ 7.165796856043984, 52.720285591542741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.719877502927318 ], [ 7.166951832837853, 52.719877502927318 ], [ 7.166951832837853, 52.71967345718776 ], [ 7.165796856043984, 52.71967345718776 ], [ 7.165796856043984, 52.719877502927318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.7999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.719265362844943 ], [ 7.166951832837853, 52.719265362844943 ], [ 7.166951832837853, 52.719061314241692 ], [ 7.165796856043984, 52.719061314241692 ], [ 7.165796856043984, 52.719265362844943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 105.81423587499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.718653214171461 ], [ 7.166951832837853, 52.718653214171461 ], [ 7.166951832837853, 52.718449162704481 ], [ 7.165796856043984, 52.718449162704481 ], [ 7.165796856043984, 52.718653214171461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 66.021757714285712 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.72110175731892 ], [ 7.168106809631721, 52.72110175731892 ], [ 7.168106809631721, 52.720897717306705 ], [ 7.166951832837853, 52.720897717306705 ], [ 7.166951832837853, 52.72110175731892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.720897717306705 ], [ 7.168106809631721, 52.720897717306705 ], [ 7.168106809631721, 52.720693676339941 ], [ 7.166951832837853, 52.720693676339941 ], [ 7.166951832837853, 52.720897717306705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 63.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.720693676339941 ], [ 7.168106809631721, 52.720693676339941 ], [ 7.168106809631721, 52.720489634418627 ], [ 7.166951832837853, 52.720489634418627 ], [ 7.166951832837853, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 120.26664518181819 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.720489634418627 ], [ 7.168106809631721, 52.720489634418627 ], [ 7.168106809631721, 52.720285591542741 ], [ 7.166951832837853, 52.720285591542741 ], [ 7.166951832837853, 52.720489634418627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 133.76437014285713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.720285591542741 ], [ 7.168106809631721, 52.720285591542741 ], [ 7.168106809631721, 52.720081547712311 ], [ 7.166951832837853, 52.720081547712311 ], [ 7.166951832837853, 52.720285591542741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.719877502927318 ], [ 7.168106809631721, 52.719877502927318 ], [ 7.168106809631721, 52.71967345718776 ], [ 7.166951832837853, 52.71967345718776 ], [ 7.166951832837853, 52.719877502927318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27844_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 112.61883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.71946941049363 ], [ 7.168106809631721, 52.71946941049363 ], [ 7.168106809631721, 52.719265362844943 ], [ 7.166951832837853, 52.719265362844943 ], [ 7.166951832837853, 52.71946941049363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.715456298184414 ], [ 7.161176948868514, 52.715456298184414 ], [ 7.161176948868514, 52.715252231762207 ], [ 7.160021972074645, 52.715252231762207 ], [ 7.160021972074645, 52.715456298184414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 102.91000425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.713415591004875 ], [ 7.161176948868514, 52.713415591004875 ], [ 7.161176948868514, 52.713211515036534 ], [ 7.160021972074645, 52.713211515036534 ], [ 7.160021972074645, 52.713415591004875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.715864428165027 ], [ 7.162331925662381, 52.715864428165027 ], [ 7.162331925662381, 52.71566036365202 ], [ 7.161176948868514, 52.71566036365202 ], [ 7.161176948868514, 52.715864428165027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 186.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.715048164385387 ], [ 7.163486902456249, 52.715048164385387 ], [ 7.163486902456249, 52.714844096053973 ], [ 7.162331925662381, 52.714844096053973 ], [ 7.162331925662381, 52.715048164385387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.71647661597644 ], [ 7.164641879250117, 52.71647661597644 ], [ 7.164641879250117, 52.716272554327226 ], [ 7.163486902456249, 52.716272554327226 ], [ 7.163486902456249, 52.71647661597644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.715252231762207 ], [ 7.164641879250117, 52.715252231762207 ], [ 7.164641879250117, 52.715048164385387 ], [ 7.163486902456249, 52.715048164385387 ], [ 7.163486902456249, 52.715252231762207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.714231885332055 ], [ 7.164641879250117, 52.714231885332055 ], [ 7.164641879250117, 52.714027813182184 ], [ 7.163486902456249, 52.714027813182184 ], [ 7.163486902456249, 52.714231885332055 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.716884736411089 ], [ 7.165796856043984, 52.716884736411089 ], [ 7.165796856043984, 52.716680676671068 ], [ 7.164641879250117, 52.716680676671068 ], [ 7.164641879250117, 52.716884736411089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 119.42857157142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.71647661597644 ], [ 7.165796856043984, 52.71647661597644 ], [ 7.165796856043984, 52.716272554327226 ], [ 7.164641879250117, 52.716272554327226 ], [ 7.164641879250117, 52.71647661597644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.28679666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.716068491723426 ], [ 7.165796856043984, 52.716068491723426 ], [ 7.165796856043984, 52.715864428165027 ], [ 7.164641879250117, 52.715864428165027 ], [ 7.164641879250117, 52.716068491723426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 109.046295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.714435956527304 ], [ 7.165796856043984, 52.714435956527304 ], [ 7.165796856043984, 52.714231885332055 ], [ 7.164641879250117, 52.714231885332055 ], [ 7.164641879250117, 52.714435956527304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.716884736411089 ], [ 7.166951832837853, 52.716884736411089 ], [ 7.166951832837853, 52.716680676671068 ], [ 7.165796856043984, 52.716680676671068 ], [ 7.165796856043984, 52.716884736411089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.71647661597644 ], [ 7.166951832837853, 52.71647661597644 ], [ 7.166951832837853, 52.716272554327226 ], [ 7.165796856043984, 52.716272554327226 ], [ 7.165796856043984, 52.71647661597644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 107.4129024 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.71566036365202 ], [ 7.166951832837853, 52.71566036365202 ], [ 7.166951832837853, 52.715456298184414 ], [ 7.165796856043984, 52.715456298184414 ], [ 7.165796856043984, 52.71566036365202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 144.914659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.715456298184414 ], [ 7.166951832837853, 52.715456298184414 ], [ 7.166951832837853, 52.715252231762207 ], [ 7.165796856043984, 52.715252231762207 ], [ 7.165796856043984, 52.715456298184414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.869046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.715252231762207 ], [ 7.166951832837853, 52.715252231762207 ], [ 7.166951832837853, 52.715048164385387 ], [ 7.165796856043984, 52.715048164385387 ], [ 7.165796856043984, 52.715252231762207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.715048164385387 ], [ 7.166951832837853, 52.715048164385387 ], [ 7.166951832837853, 52.714844096053973 ], [ 7.165796856043984, 52.714844096053973 ], [ 7.165796856043984, 52.715048164385387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 114.07319225000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.714844096053973 ], [ 7.166951832837853, 52.714844096053973 ], [ 7.166951832837853, 52.714640026767938 ], [ 7.165796856043984, 52.714640026767938 ], [ 7.165796856043984, 52.714844096053973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.714435956527304 ], [ 7.166951832837853, 52.714435956527304 ], [ 7.166951832837853, 52.714231885332055 ], [ 7.165796856043984, 52.714231885332055 ], [ 7.165796856043984, 52.714435956527304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 98.32087125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.7138237400777 ], [ 7.166951832837853, 52.7138237400777 ], [ 7.166951832837853, 52.713619666018595 ], [ 7.165796856043984, 52.713619666018595 ], [ 7.165796856043984, 52.7138237400777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.79976028571427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.713211515036534 ], [ 7.166951832837853, 52.713211515036534 ], [ 7.166951832837853, 52.713007438113564 ], [ 7.165796856043984, 52.713007438113564 ], [ 7.165796856043984, 52.713211515036534 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 78.874895166666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.71566036365202 ], [ 7.168106809631721, 52.71566036365202 ], [ 7.168106809631721, 52.715456298184414 ], [ 7.166951832837853, 52.715456298184414 ], [ 7.166951832837853, 52.71566036365202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.715456298184414 ], [ 7.168106809631721, 52.715456298184414 ], [ 7.168106809631721, 52.715252231762207 ], [ 7.166951832837853, 52.715252231762207 ], [ 7.166951832837853, 52.715456298184414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.715252231762207 ], [ 7.168106809631721, 52.715252231762207 ], [ 7.168106809631721, 52.715048164385387 ], [ 7.166951832837853, 52.715048164385387 ], [ 7.166951832837853, 52.715252231762207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.07558263636365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.715048164385387 ], [ 7.168106809631721, 52.715048164385387 ], [ 7.168106809631721, 52.714844096053973 ], [ 7.166951832837853, 52.714844096053973 ], [ 7.166951832837853, 52.715048164385387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 151.589724 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.714844096053973 ], [ 7.168106809631721, 52.714844096053973 ], [ 7.168106809631721, 52.714640026767938 ], [ 7.166951832837853, 52.714640026767938 ], [ 7.166951832837853, 52.714844096053973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.714435956527304 ], [ 7.168106809631721, 52.714435956527304 ], [ 7.168106809631721, 52.714231885332055 ], [ 7.166951832837853, 52.714231885332055 ], [ 7.166951832837853, 52.714435956527304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27845_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.25000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.714027813182184 ], [ 7.168106809631721, 52.714027813182184 ], [ 7.168106809631721, 52.7138237400777 ], [ 7.166951832837853, 52.7138237400777 ], [ 7.166951832837853, 52.714027813182184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.710014200233175 ], [ 7.161176948868514, 52.710014200233175 ], [ 7.161176948868514, 52.709810108354183 ], [ 7.160021972074645, 52.709810108354183 ], [ 7.160021972074645, 52.710014200233175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 95.4025618 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.707973238483611 ], [ 7.161176948868514, 52.707973238483611 ], [ 7.161176948868514, 52.70776913705798 ], [ 7.160021972074645, 52.70776913705798 ], [ 7.160021972074645, 52.707973238483611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.710422381127188 ], [ 7.162331925662381, 52.710422381127188 ], [ 7.162331925662381, 52.710218291157503 ], [ 7.161176948868514, 52.710218291157503 ], [ 7.161176948868514, 52.710422381127188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.709606015520542 ], [ 7.163486902456249, 52.709606015520542 ], [ 7.163486902456249, 52.709401921732251 ], [ 7.162331925662381, 52.709401921732251 ], [ 7.162331925662381, 52.709606015520542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 191.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.711034645308338 ], [ 7.164641879250117, 52.711034645308338 ], [ 7.164641879250117, 52.710830558202602 ], [ 7.163486902456249, 52.710830558202602 ], [ 7.163486902456249, 52.711034645308338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.709810108354183 ], [ 7.164641879250117, 52.709810108354183 ], [ 7.164641879250117, 52.709606015520542 ], [ 7.163486902456249, 52.709606015520542 ], [ 7.163486902456249, 52.709810108354183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.708789634639395 ], [ 7.164641879250117, 52.708789634639395 ], [ 7.164641879250117, 52.708585537032441 ], [ 7.163486902456249, 52.708585537032441 ], [ 7.163486902456249, 52.708789634639395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 193.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.711442816655889 ], [ 7.165796856043984, 52.711442816655889 ], [ 7.165796856043984, 52.711238731459439 ], [ 7.164641879250117, 52.711238731459439 ], [ 7.164641879250117, 52.711442816655889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 132.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.711034645308338 ], [ 7.165796856043984, 52.711034645308338 ], [ 7.165796856043984, 52.710830558202602 ], [ 7.164641879250117, 52.710830558202602 ], [ 7.164641879250117, 52.711034645308338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.2499985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.710626470142216 ], [ 7.165796856043984, 52.710626470142216 ], [ 7.165796856043984, 52.710422381127188 ], [ 7.164641879250117, 52.710422381127188 ], [ 7.164641879250117, 52.710626470142216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 129.0987655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.70899373129167 ], [ 7.165796856043984, 52.70899373129167 ], [ 7.165796856043984, 52.708789634639395 ], [ 7.164641879250117, 52.708789634639395 ], [ 7.164641879250117, 52.70899373129167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.711442816655889 ], [ 7.166951832837853, 52.711442816655889 ], [ 7.166951832837853, 52.711238731459439 ], [ 7.165796856043984, 52.711238731459439 ], [ 7.165796856043984, 52.711442816655889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.711034645308338 ], [ 7.166951832837853, 52.711034645308338 ], [ 7.166951832837853, 52.710830558202602 ], [ 7.165796856043984, 52.710830558202602 ], [ 7.165796856043984, 52.711034645308338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.70099666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.710218291157503 ], [ 7.166951832837853, 52.710218291157503 ], [ 7.166951832837853, 52.710014200233175 ], [ 7.165796856043984, 52.710014200233175 ], [ 7.165796856043984, 52.710218291157503 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 145.33333066666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.710014200233175 ], [ 7.166951832837853, 52.710014200233175 ], [ 7.166951832837853, 52.709810108354183 ], [ 7.165796856043984, 52.709810108354183 ], [ 7.165796856043984, 52.710014200233175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 87.9447914 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.709810108354183 ], [ 7.166951832837853, 52.709810108354183 ], [ 7.166951832837853, 52.709606015520542 ], [ 7.165796856043984, 52.709606015520542 ], [ 7.165796856043984, 52.709810108354183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.709606015520542 ], [ 7.166951832837853, 52.709606015520542 ], [ 7.166951832837853, 52.709401921732251 ], [ 7.165796856043984, 52.709401921732251 ], [ 7.165796856043984, 52.709606015520542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 128.63748266666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.709401921732251 ], [ 7.166951832837853, 52.709401921732251 ], [ 7.166951832837853, 52.709197826989289 ], [ 7.165796856043984, 52.709197826989289 ], [ 7.165796856043984, 52.709401921732251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.70899373129167 ], [ 7.166951832837853, 52.70899373129167 ], [ 7.166951832837853, 52.708789634639395 ], [ 7.165796856043984, 52.708789634639395 ], [ 7.165796856043984, 52.70899373129167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 108.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.708381438470838 ], [ 7.166951832837853, 52.708381438470838 ], [ 7.166951832837853, 52.708177338954549 ], [ 7.165796856043984, 52.708177338954549 ], [ 7.165796856043984, 52.708381438470838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 119.083856375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.70776913705798 ], [ 7.166951832837853, 52.70776913705798 ], [ 7.166951832837853, 52.707565034677692 ], [ 7.165796856043984, 52.707565034677692 ], [ 7.165796856043984, 52.70776913705798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 82.6000016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.710218291157503 ], [ 7.168106809631721, 52.710218291157503 ], [ 7.168106809631721, 52.710014200233175 ], [ 7.166951832837853, 52.710014200233175 ], [ 7.166951832837853, 52.710218291157503 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.710014200233175 ], [ 7.168106809631721, 52.710014200233175 ], [ 7.168106809631721, 52.709810108354183 ], [ 7.166951832837853, 52.709810108354183 ], [ 7.166951832837853, 52.710014200233175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.709810108354183 ], [ 7.168106809631721, 52.709810108354183 ], [ 7.168106809631721, 52.709606015520542 ], [ 7.166951832837853, 52.709606015520542 ], [ 7.166951832837853, 52.709810108354183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.9082542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.709606015520542 ], [ 7.168106809631721, 52.709606015520542 ], [ 7.168106809631721, 52.709401921732251 ], [ 7.166951832837853, 52.709401921732251 ], [ 7.166951832837853, 52.709606015520542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 150.99395816666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.709401921732251 ], [ 7.168106809631721, 52.709401921732251 ], [ 7.168106809631721, 52.709197826989289 ], [ 7.166951832837853, 52.709197826989289 ], [ 7.166951832837853, 52.709401921732251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.70899373129167 ], [ 7.168106809631721, 52.70899373129167 ], [ 7.168106809631721, 52.708789634639395 ], [ 7.166951832837853, 52.708789634639395 ], [ 7.166951832837853, 52.70899373129167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27846_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.32455166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.708585537032441 ], [ 7.168106809631721, 52.708585537032441 ], [ 7.168106809631721, 52.708381438470838 ], [ 7.166951832837853, 52.708381438470838 ], [ 7.166951832837853, 52.708585537032441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.704571423417406 ], [ 7.161176948868514, 52.704571423417406 ], [ 7.161176948868514, 52.704367306080307 ], [ 7.160021972074645, 52.704367306080307 ], [ 7.160021972074645, 52.704571423417406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 91.6932915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.702530207084472 ], [ 7.161176948868514, 52.702530207084472 ], [ 7.161176948868514, 52.702326080200237 ], [ 7.160021972074645, 52.702326080200237 ], [ 7.160021972074645, 52.702530207084472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.70497965522749 ], [ 7.162331925662381, 52.70497965522749 ], [ 7.162331925662381, 52.704775539799797 ], [ 7.161176948868514, 52.704775539799797 ], [ 7.161176948868514, 52.70497965522749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.704163187788502 ], [ 7.163486902456249, 52.704163187788502 ], [ 7.163486902456249, 52.703959068541991 ], [ 7.162331925662381, 52.703959068541991 ], [ 7.162331925662381, 52.704163187788502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.705591995782385 ], [ 7.164641879250117, 52.705591995782385 ], [ 7.164641879250117, 52.705387883218776 ], [ 7.163486902456249, 52.705387883218776 ], [ 7.163486902456249, 52.705591995782385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.704367306080307 ], [ 7.164641879250117, 52.704367306080307 ], [ 7.164641879250117, 52.704163187788502 ], [ 7.163486902456249, 52.704163187788502 ], [ 7.163486902456249, 52.704367306080307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.703346705074203 ], [ 7.164641879250117, 52.703346705074203 ], [ 7.164641879250117, 52.703142582008844 ], [ 7.163486902456249, 52.703142582008844 ], [ 7.163486902456249, 52.703346705074203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 191.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.706000218045503 ], [ 7.165796856043984, 52.706000218045503 ], [ 7.165796856043984, 52.705796107391286 ], [ 7.164641879250117, 52.705796107391286 ], [ 7.164641879250117, 52.706000218045503 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 142.0571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.705591995782385 ], [ 7.165796856043984, 52.705591995782385 ], [ 7.165796856043984, 52.705387883218776 ], [ 7.164641879250117, 52.705387883218776 ], [ 7.164641879250117, 52.705591995782385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.705183769700483 ], [ 7.165796856043984, 52.705183769700483 ], [ 7.165796856043984, 52.70497965522749 ], [ 7.164641879250117, 52.70497965522749 ], [ 7.164641879250117, 52.705183769700483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 133.88095233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.703550827184849 ], [ 7.165796856043984, 52.703550827184849 ], [ 7.165796856043984, 52.703346705074203 ], [ 7.164641879250117, 52.703346705074203 ], [ 7.164641879250117, 52.703550827184849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.706000218045503 ], [ 7.166951832837853, 52.706000218045503 ], [ 7.166951832837853, 52.705796107391286 ], [ 7.165796856043984, 52.705796107391286 ], [ 7.165796856043984, 52.706000218045503 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.705591995782385 ], [ 7.166951832837853, 52.705591995782385 ], [ 7.166951832837853, 52.705387883218776 ], [ 7.165796856043984, 52.705387883218776 ], [ 7.165796856043984, 52.705591995782385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 123.898857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.704775539799797 ], [ 7.166951832837853, 52.704775539799797 ], [ 7.166951832837853, 52.704571423417406 ], [ 7.165796856043984, 52.704571423417406 ], [ 7.165796856043984, 52.704775539799797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 141.13062533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.704571423417406 ], [ 7.166951832837853, 52.704571423417406 ], [ 7.166951832837853, 52.704367306080307 ], [ 7.165796856043984, 52.704367306080307 ], [ 7.165796856043984, 52.704571423417406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 87.600001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.704367306080307 ], [ 7.166951832837853, 52.704367306080307 ], [ 7.166951832837853, 52.704163187788502 ], [ 7.165796856043984, 52.704163187788502 ], [ 7.165796856043984, 52.704367306080307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 106.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.704163187788502 ], [ 7.166951832837853, 52.704163187788502 ], [ 7.166951832837853, 52.703959068541991 ], [ 7.165796856043984, 52.703959068541991 ], [ 7.165796856043984, 52.704163187788502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 133.49999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.703959068541991 ], [ 7.166951832837853, 52.703959068541991 ], [ 7.166951832837853, 52.703754948340766 ], [ 7.165796856043984, 52.703754948340766 ], [ 7.165796856043984, 52.703959068541991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.703550827184849 ], [ 7.166951832837853, 52.703550827184849 ], [ 7.166951832837853, 52.703346705074203 ], [ 7.165796856043984, 52.703346705074203 ], [ 7.165796856043984, 52.703550827184849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 117.51351375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.702938457988772 ], [ 7.166951832837853, 52.702938457988772 ], [ 7.166951832837853, 52.702734333013971 ], [ 7.165796856043984, 52.702734333013971 ], [ 7.165796856043984, 52.702938457988772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.85714371428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.702326080200237 ], [ 7.166951832837853, 52.702326080200237 ], [ 7.166951832837853, 52.702121952361281 ], [ 7.165796856043984, 52.702121952361281 ], [ 7.165796856043984, 52.702326080200237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 83.833333666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.704775539799797 ], [ 7.168106809631721, 52.704775539799797 ], [ 7.168106809631721, 52.704571423417406 ], [ 7.166951832837853, 52.704571423417406 ], [ 7.166951832837853, 52.704775539799797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.704571423417406 ], [ 7.168106809631721, 52.704571423417406 ], [ 7.168106809631721, 52.704367306080307 ], [ 7.166951832837853, 52.704367306080307 ], [ 7.166951832837853, 52.704571423417406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.704367306080307 ], [ 7.168106809631721, 52.704367306080307 ], [ 7.168106809631721, 52.704163187788502 ], [ 7.166951832837853, 52.704163187788502 ], [ 7.166951832837853, 52.704367306080307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.533107 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.704163187788502 ], [ 7.168106809631721, 52.704163187788502 ], [ 7.168106809631721, 52.703959068541991 ], [ 7.166951832837853, 52.703959068541991 ], [ 7.166951832837853, 52.704163187788502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 149.22831983333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.703959068541991 ], [ 7.168106809631721, 52.703959068541991 ], [ 7.168106809631721, 52.703754948340766 ], [ 7.166951832837853, 52.703754948340766 ], [ 7.166951832837853, 52.703959068541991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.703550827184849 ], [ 7.168106809631721, 52.703550827184849 ], [ 7.168106809631721, 52.703346705074203 ], [ 7.166951832837853, 52.703346705074203 ], [ 7.166951832837853, 52.703550827184849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27847_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 115.176022 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.703142582008844 ], [ 7.168106809631721, 52.703142582008844 ], [ 7.168106809631721, 52.702938457988772 ], [ 7.166951832837853, 52.702938457988772 ], [ 7.166951832837853, 52.703142582008844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.69912796770155 ], [ 7.161176948868514, 52.69912796770155 ], [ 7.161176948868514, 52.698923824905002 ], [ 7.160021972074645, 52.698923824905002 ], [ 7.160021972074645, 52.69912796770155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 93.956964 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.697086496771909 ], [ 7.161176948868514, 52.697086496771909 ], [ 7.161176948868514, 52.696882344427728 ], [ 7.160021972074645, 52.696882344427728 ], [ 7.160021972074645, 52.697086496771909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.69953625043037 ], [ 7.162331925662381, 52.69953625043037 ], [ 7.162331925662381, 52.699332109543334 ], [ 7.161176948868514, 52.699332109543334 ], [ 7.161176948868514, 52.69953625043037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.698719681153705 ], [ 7.163486902456249, 52.698719681153705 ], [ 7.163486902456249, 52.698515536447651 ], [ 7.162331925662381, 52.698515536447651 ], [ 7.162331925662381, 52.698719681153705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.700148667362996 ], [ 7.164641879250117, 52.700148667362996 ], [ 7.164641879250117, 52.6999445293402 ], [ 7.163486902456249, 52.6999445293402 ], [ 7.163486902456249, 52.700148667362996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.698923824905002 ], [ 7.164641879250117, 52.698923824905002 ], [ 7.164641879250117, 52.698719681153705 ], [ 7.163486902456249, 52.698719681153705 ], [ 7.163486902456249, 52.698923824905002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.697903096600925 ], [ 7.164641879250117, 52.697903096600925 ], [ 7.164641879250117, 52.697698948075825 ], [ 7.163486902456249, 52.697698948075825 ], [ 7.163486902456249, 52.697903096600925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.700556940544359 ], [ 7.165796856043984, 52.700556940544359 ], [ 7.165796856043984, 52.700352804431049 ], [ 7.164641879250117, 52.700352804431049 ], [ 7.164641879250117, 52.700556940544359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 147.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.700148667362996 ], [ 7.165796856043984, 52.700148667362996 ], [ 7.165796856043984, 52.6999445293402 ], [ 7.164641879250117, 52.6999445293402 ], [ 7.164641879250117, 52.700148667362996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 118.10444875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.699740390362663 ], [ 7.165796856043984, 52.699740390362663 ], [ 7.165796856043984, 52.69953625043037 ], [ 7.164641879250117, 52.69953625043037 ], [ 7.164641879250117, 52.699740390362663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 132.66666833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.698107244171261 ], [ 7.165796856043984, 52.698107244171261 ], [ 7.165796856043984, 52.697903096600925 ], [ 7.164641879250117, 52.697903096600925 ], [ 7.164641879250117, 52.698107244171261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.700556940544359 ], [ 7.166951832837853, 52.700556940544359 ], [ 7.166951832837853, 52.700352804431049 ], [ 7.165796856043984, 52.700352804431049 ], [ 7.165796856043984, 52.700556940544359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.700148667362996 ], [ 7.166951832837853, 52.700148667362996 ], [ 7.166951832837853, 52.6999445293402 ], [ 7.165796856043984, 52.6999445293402 ], [ 7.165796856043984, 52.700148667362996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.125181 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.699332109543334 ], [ 7.166951832837853, 52.699332109543334 ], [ 7.166951832837853, 52.69912796770155 ], [ 7.165796856043984, 52.69912796770155 ], [ 7.165796856043984, 52.699332109543334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.99735933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.69912796770155 ], [ 7.166951832837853, 52.69912796770155 ], [ 7.166951832837853, 52.698923824905002 ], [ 7.165796856043984, 52.698923824905002 ], [ 7.165796856043984, 52.69912796770155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 84.2000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.698923824905002 ], [ 7.166951832837853, 52.698923824905002 ], [ 7.166951832837853, 52.698719681153705 ], [ 7.165796856043984, 52.698719681153705 ], [ 7.165796856043984, 52.698923824905002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.698719681153705 ], [ 7.166951832837853, 52.698719681153705 ], [ 7.166951832837853, 52.698515536447651 ], [ 7.165796856043984, 52.698515536447651 ], [ 7.165796856043984, 52.698719681153705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 144.33333466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.698515536447651 ], [ 7.166951832837853, 52.698515536447651 ], [ 7.166951832837853, 52.698311390786834 ], [ 7.165796856043984, 52.698311390786834 ], [ 7.165796856043984, 52.698515536447651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.698107244171261 ], [ 7.166951832837853, 52.698107244171261 ], [ 7.166951832837853, 52.697903096600925 ], [ 7.165796856043984, 52.697903096600925 ], [ 7.165796856043984, 52.698107244171261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.697494798595955 ], [ 7.166951832837853, 52.697494798595955 ], [ 7.166951832837853, 52.697290648161321 ], [ 7.165796856043984, 52.697290648161321 ], [ 7.165796856043984, 52.697494798595955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 116.517923 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.696882344427728 ], [ 7.166951832837853, 52.696882344427728 ], [ 7.166951832837853, 52.696678191128782 ], [ 7.165796856043984, 52.696678191128782 ], [ 7.165796856043984, 52.696882344427728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 83.6000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.699332109543334 ], [ 7.168106809631721, 52.699332109543334 ], [ 7.168106809631721, 52.69912796770155 ], [ 7.166951832837853, 52.69912796770155 ], [ 7.166951832837853, 52.699332109543334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.69912796770155 ], [ 7.168106809631721, 52.69912796770155 ], [ 7.168106809631721, 52.698923824905002 ], [ 7.166951832837853, 52.698923824905002 ], [ 7.166951832837853, 52.69912796770155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.698923824905002 ], [ 7.168106809631721, 52.698923824905002 ], [ 7.168106809631721, 52.698719681153705 ], [ 7.166951832837853, 52.698719681153705 ], [ 7.166951832837853, 52.698923824905002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.3999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.698719681153705 ], [ 7.168106809631721, 52.698719681153705 ], [ 7.168106809631721, 52.698515536447651 ], [ 7.166951832837853, 52.698515536447651 ], [ 7.166951832837853, 52.698719681153705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 150.6037452 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.698515536447651 ], [ 7.168106809631721, 52.698515536447651 ], [ 7.168106809631721, 52.698311390786834 ], [ 7.166951832837853, 52.698311390786834 ], [ 7.166951832837853, 52.698515536447651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.698107244171261 ], [ 7.168106809631721, 52.698107244171261 ], [ 7.168106809631721, 52.697903096600925 ], [ 7.166951832837853, 52.697903096600925 ], [ 7.166951832837853, 52.698107244171261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27848_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 115.7394005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.697698948075825 ], [ 7.168106809631721, 52.697698948075825 ], [ 7.168106809631721, 52.697494798595955 ], [ 7.166951832837853, 52.697494798595955 ], [ 7.166951832837853, 52.697698948075825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 174.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.693683833050052 ], [ 7.161176948868514, 52.693683833050052 ], [ 7.161176948868514, 52.693479664792726 ], [ 7.160021972074645, 52.693479664792726 ], [ 7.160021972074645, 52.693683833050052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 92.6000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.691642107510397 ], [ 7.161176948868514, 52.691642107510397 ], [ 7.161176948868514, 52.691437929704939 ], [ 7.160021972074645, 52.691437929704939 ], [ 7.160021972074645, 52.691642107510397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.69409216670028 ], [ 7.162331925662381, 52.69409216670028 ], [ 7.162331925662381, 52.693888000352565 ], [ 7.161176948868514, 52.693888000352565 ], [ 7.161176948868514, 52.69409216670028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.693275495580608 ], [ 7.163486902456249, 52.693275495580608 ], [ 7.163486902456249, 52.693071325413676 ], [ 7.162331925662381, 52.693071325413676 ], [ 7.162331925662381, 52.693275495580608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 160.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.694704660014644 ], [ 7.164641879250117, 52.694704660014644 ], [ 7.164641879250117, 52.694500496531312 ], [ 7.163486902456249, 52.694500496531312 ], [ 7.163486902456249, 52.694704660014644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.693479664792726 ], [ 7.164641879250117, 52.693479664792726 ], [ 7.164641879250117, 52.693275495580608 ], [ 7.163486902456249, 52.693275495580608 ], [ 7.163486902456249, 52.693479664792726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.692458809184011 ], [ 7.164641879250117, 52.692458809184011 ], [ 7.164641879250117, 52.692254635197834 ], [ 7.163486902456249, 52.692254635197834 ], [ 7.163486902456249, 52.692458809184011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 148.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.695112984116911 ], [ 7.165796856043984, 52.695112984116911 ], [ 7.165796856043984, 52.694908822543169 ], [ 7.164641879250117, 52.694908822543169 ], [ 7.164641879250117, 52.695112984116911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 149.2651515 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.694704660014644 ], [ 7.165796856043984, 52.694704660014644 ], [ 7.165796856043984, 52.694500496531312 ], [ 7.164641879250117, 52.694500496531312 ], [ 7.164641879250117, 52.694704660014644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.23953825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.694296332093202 ], [ 7.165796856043984, 52.694296332093202 ], [ 7.165796856043984, 52.69409216670028 ], [ 7.164641879250117, 52.69409216670028 ], [ 7.164641879250117, 52.694296332093202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 134.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.692662982215381 ], [ 7.165796856043984, 52.692662982215381 ], [ 7.165796856043984, 52.692458809184011 ], [ 7.164641879250117, 52.692458809184011 ], [ 7.164641879250117, 52.692662982215381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.695112984116911 ], [ 7.166951832837853, 52.695112984116911 ], [ 7.166951832837853, 52.694908822543169 ], [ 7.165796856043984, 52.694908822543169 ], [ 7.165796856043984, 52.695112984116911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 192.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.694704660014644 ], [ 7.166951832837853, 52.694704660014644 ], [ 7.166951832837853, 52.694500496531312 ], [ 7.165796856043984, 52.694500496531312 ], [ 7.165796856043984, 52.694704660014644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.41634466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.693888000352565 ], [ 7.166951832837853, 52.693888000352565 ], [ 7.166951832837853, 52.693683833050052 ], [ 7.165796856043984, 52.693683833050052 ], [ 7.165796856043984, 52.693888000352565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 144.61206333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.693683833050052 ], [ 7.166951832837853, 52.693683833050052 ], [ 7.166951832837853, 52.693479664792726 ], [ 7.165796856043984, 52.693479664792726 ], [ 7.165796856043984, 52.693683833050052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 84.3506388 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.693479664792726 ], [ 7.166951832837853, 52.693479664792726 ], [ 7.166951832837853, 52.693275495580608 ], [ 7.165796856043984, 52.693275495580608 ], [ 7.165796856043984, 52.693479664792726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.693275495580608 ], [ 7.166951832837853, 52.693275495580608 ], [ 7.166951832837853, 52.693071325413676 ], [ 7.165796856043984, 52.693071325413676 ], [ 7.165796856043984, 52.693275495580608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 139.66666633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.693071325413676 ], [ 7.166951832837853, 52.693071325413676 ], [ 7.166951832837853, 52.692867154291939 ], [ 7.165796856043984, 52.692867154291939 ], [ 7.165796856043984, 52.693071325413676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.692662982215381 ], [ 7.166951832837853, 52.692662982215381 ], [ 7.166951832837853, 52.692458809184011 ], [ 7.165796856043984, 52.692458809184011 ], [ 7.165796856043984, 52.692662982215381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.118686 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.692050460256837 ], [ 7.166951832837853, 52.692050460256837 ], [ 7.166951832837853, 52.691846284361027 ], [ 7.165796856043984, 52.691846284361027 ], [ 7.165796856043984, 52.692050460256837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 114.47838575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.691437929704939 ], [ 7.166951832837853, 52.691437929704939 ], [ 7.166951832837853, 52.691233750944662 ], [ 7.165796856043984, 52.691233750944662 ], [ 7.165796856043984, 52.691437929704939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 83.748745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.693888000352565 ], [ 7.168106809631721, 52.693888000352565 ], [ 7.168106809631721, 52.693683833050052 ], [ 7.166951832837853, 52.693683833050052 ], [ 7.166951832837853, 52.693888000352565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.693683833050052 ], [ 7.168106809631721, 52.693683833050052 ], [ 7.168106809631721, 52.693479664792726 ], [ 7.166951832837853, 52.693479664792726 ], [ 7.166951832837853, 52.693683833050052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.693479664792726 ], [ 7.168106809631721, 52.693479664792726 ], [ 7.168106809631721, 52.693275495580608 ], [ 7.166951832837853, 52.693275495580608 ], [ 7.166951832837853, 52.693479664792726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 117.03797533333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.693275495580608 ], [ 7.168106809631721, 52.693275495580608 ], [ 7.168106809631721, 52.693071325413676 ], [ 7.166951832837853, 52.693071325413676 ], [ 7.166951832837853, 52.693275495580608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.621103 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.693071325413676 ], [ 7.168106809631721, 52.693071325413676 ], [ 7.168106809631721, 52.692867154291939 ], [ 7.166951832837853, 52.692867154291939 ], [ 7.166951832837853, 52.693071325413676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.692662982215381 ], [ 7.168106809631721, 52.692662982215381 ], [ 7.168106809631721, 52.692458809184011 ], [ 7.166951832837853, 52.692458809184011 ], [ 7.166951832837853, 52.692662982215381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27849_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.692254635197834 ], [ 7.168106809631721, 52.692254635197834 ], [ 7.168106809631721, 52.692050460256837 ], [ 7.166951832837853, 52.692050460256837 ], [ 7.166951832837853, 52.692254635197834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.688239019427392 ], [ 7.161176948868514, 52.688239019427392 ], [ 7.161176948868514, 52.688034825707973 ], [ 7.160021972074645, 52.688034825707973 ], [ 7.160021972074645, 52.688239019427392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 87.9400366 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.686197039264414 ], [ 7.161176948868514, 52.686197039264414 ], [ 7.161176948868514, 52.685992835996352 ], [ 7.160021972074645, 52.685992835996352 ], [ 7.160021972074645, 52.686197039264414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.688647404001699 ], [ 7.162331925662381, 52.688647404001699 ], [ 7.162331925662381, 52.688443212191977 ], [ 7.161176948868514, 52.688443212191977 ], [ 7.161176948868514, 52.688647404001699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.687830631033691 ], [ 7.163486902456249, 52.687830631033691 ], [ 7.163486902456249, 52.687626435404539 ], [ 7.162331925662381, 52.687626435404539 ], [ 7.162331925662381, 52.687830631033691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.689259973701787 ], [ 7.164641879250117, 52.689259973701787 ], [ 7.164641879250117, 52.689055784756611 ], [ 7.163486902456249, 52.689055784756611 ], [ 7.163486902456249, 52.689259973701787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.688034825707973 ], [ 7.164641879250117, 52.688034825707973 ], [ 7.164641879250117, 52.687830631033691 ], [ 7.163486902456249, 52.687830631033691 ], [ 7.163486902456249, 52.688034825707973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.68701384278797 ], [ 7.164641879250117, 52.68701384278797 ], [ 7.164641879250117, 52.68680964333938 ], [ 7.163486902456249, 52.68680964333938 ], [ 7.163486902456249, 52.68701384278797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.689668348727622 ], [ 7.165796856043984, 52.689668348727622 ], [ 7.165796856043984, 52.689464161692136 ], [ 7.164641879250117, 52.689464161692136 ], [ 7.164641879250117, 52.689668348727622 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 152.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.689259973701787 ], [ 7.165796856043984, 52.689259973701787 ], [ 7.165796856043984, 52.689055784756611 ], [ 7.164641879250117, 52.689055784756611 ], [ 7.164641879250117, 52.689259973701787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 121.15461633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.68885159485658 ], [ 7.165796856043984, 52.68885159485658 ], [ 7.165796856043984, 52.688647404001699 ], [ 7.164641879250117, 52.688647404001699 ], [ 7.164641879250117, 52.68885159485658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 136.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.687218041281682 ], [ 7.165796856043984, 52.687218041281682 ], [ 7.165796856043984, 52.68701384278797 ], [ 7.164641879250117, 52.68701384278797 ], [ 7.164641879250117, 52.687218041281682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.689668348727622 ], [ 7.166951832837853, 52.689668348727622 ], [ 7.166951832837853, 52.689464161692136 ], [ 7.165796856043984, 52.689464161692136 ], [ 7.165796856043984, 52.689668348727622 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.689259973701787 ], [ 7.166951832837853, 52.689259973701787 ], [ 7.166951832837853, 52.689055784756611 ], [ 7.165796856043984, 52.689055784756611 ], [ 7.165796856043984, 52.689259973701787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.688443212191977 ], [ 7.166951832837853, 52.688443212191977 ], [ 7.166951832837853, 52.688239019427392 ], [ 7.165796856043984, 52.688239019427392 ], [ 7.165796856043984, 52.688443212191977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.49541766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.688239019427392 ], [ 7.166951832837853, 52.688239019427392 ], [ 7.166951832837853, 52.688034825707973 ], [ 7.165796856043984, 52.688034825707973 ], [ 7.165796856043984, 52.688239019427392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.96895116666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.688034825707973 ], [ 7.166951832837853, 52.688034825707973 ], [ 7.166951832837853, 52.687830631033691 ], [ 7.165796856043984, 52.687830631033691 ], [ 7.165796856043984, 52.688034825707973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.687830631033691 ], [ 7.166951832837853, 52.687830631033691 ], [ 7.166951832837853, 52.687626435404539 ], [ 7.165796856043984, 52.687626435404539 ], [ 7.165796856043984, 52.687830631033691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 140.66666466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.687626435404539 ], [ 7.166951832837853, 52.687626435404539 ], [ 7.166951832837853, 52.687422238820552 ], [ 7.165796856043984, 52.687422238820552 ], [ 7.165796856043984, 52.687626435404539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.687218041281682 ], [ 7.166951832837853, 52.687218041281682 ], [ 7.166951832837853, 52.68701384278797 ], [ 7.165796856043984, 52.68701384278797 ], [ 7.165796856043984, 52.687218041281682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 130.992675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.686605442935921 ], [ 7.166951832837853, 52.686605442935921 ], [ 7.166951832837853, 52.686401241577606 ], [ 7.165796856043984, 52.686401241577606 ], [ 7.165796856043984, 52.686605442935921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 119.781283375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.685992835996352 ], [ 7.166951832837853, 52.685992835996352 ], [ 7.166951832837853, 52.685788631773406 ], [ 7.165796856043984, 52.685788631773406 ], [ 7.165796856043984, 52.685992835996352 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 85.1999988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.688443212191977 ], [ 7.168106809631721, 52.688443212191977 ], [ 7.168106809631721, 52.688239019427392 ], [ 7.166951832837853, 52.688239019427392 ], [ 7.166951832837853, 52.688443212191977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.688239019427392 ], [ 7.168106809631721, 52.688239019427392 ], [ 7.168106809631721, 52.688034825707973 ], [ 7.166951832837853, 52.688034825707973 ], [ 7.166951832837853, 52.688239019427392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.688034825707973 ], [ 7.168106809631721, 52.688034825707973 ], [ 7.168106809631721, 52.687830631033691 ], [ 7.166951832837853, 52.687830631033691 ], [ 7.166951832837853, 52.688034825707973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.3832042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.687830631033691 ], [ 7.168106809631721, 52.687830631033691 ], [ 7.168106809631721, 52.687626435404539 ], [ 7.166951832837853, 52.687626435404539 ], [ 7.166951832837853, 52.687830631033691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 150.546511 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.687626435404539 ], [ 7.168106809631721, 52.687626435404539 ], [ 7.168106809631721, 52.687422238820552 ], [ 7.166951832837853, 52.687422238820552 ], [ 7.166951832837853, 52.687626435404539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.687218041281682 ], [ 7.168106809631721, 52.687218041281682 ], [ 7.168106809631721, 52.68701384278797 ], [ 7.166951832837853, 52.68701384278797 ], [ 7.166951832837853, 52.687218041281682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27850_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.66666433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.68680964333938 ], [ 7.168106809631721, 52.68680964333938 ], [ 7.168106809631721, 52.686605442935921 ], [ 7.166951832837853, 52.686605442935921 ], [ 7.166951832837853, 52.68680964333938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.682793526798093 ], [ 7.161176948868514, 52.682793526798093 ], [ 7.161176948868514, 52.682589307615238 ], [ 7.160021972074645, 52.682589307615238 ], [ 7.160021972074645, 52.682793526798093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 86.0318185 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.680751291998462 ], [ 7.161176948868514, 52.680751291998462 ], [ 7.161176948868514, 52.680547063266459 ], [ 7.160021972074645, 52.680547063266459 ], [ 7.160021972074645, 52.680751291998462 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.68320196229913 ], [ 7.162331925662381, 52.68320196229913 ], [ 7.162331925662381, 52.682997745026064 ], [ 7.161176948868514, 52.682997745026064 ], [ 7.161176948868514, 52.68320196229913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.682385087477456 ], [ 7.163486902456249, 52.682385087477456 ], [ 7.163486902456249, 52.682180866384783 ], [ 7.162331925662381, 52.682180866384783 ], [ 7.162331925662381, 52.682385087477456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.683814608388936 ], [ 7.164641879250117, 52.683814608388936 ], [ 7.164641879250117, 52.683610393980558 ], [ 7.163486902456249, 52.683610393980558 ], [ 7.163486902456249, 52.683814608388936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.682589307615238 ], [ 7.164641879250117, 52.682589307615238 ], [ 7.164641879250117, 52.682385087477456 ], [ 7.163486902456249, 52.682385087477456 ], [ 7.163486902456249, 52.682589307615238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.681568197377274 ], [ 7.164641879250117, 52.681568197377274 ], [ 7.164641879250117, 52.681363972464943 ], [ 7.163486902456249, 52.681363972464943 ], [ 7.163486902456249, 52.681568197377274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.684223034341002 ], [ 7.165796856043984, 52.684223034341002 ], [ 7.165796856043984, 52.684018821842422 ], [ 7.164641879250117, 52.684018821842422 ], [ 7.164641879250117, 52.684223034341002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 154.00000080000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.683814608388936 ], [ 7.165796856043984, 52.683814608388936 ], [ 7.165796856043984, 52.683610393980558 ], [ 7.164641879250117, 52.683610393980558 ], [ 7.164641879250117, 52.683814608388936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 120.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.68340617861729 ], [ 7.165796856043984, 52.68340617861729 ], [ 7.165796856043984, 52.68320196229913 ], [ 7.164641879250117, 52.68320196229913 ], [ 7.164641879250117, 52.68340617861729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 136.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.681772421334685 ], [ 7.165796856043984, 52.681772421334685 ], [ 7.165796856043984, 52.681568197377274 ], [ 7.164641879250117, 52.681568197377274 ], [ 7.164641879250117, 52.681772421334685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.684223034341002 ], [ 7.166951832837853, 52.684223034341002 ], [ 7.166951832837853, 52.684018821842422 ], [ 7.165796856043984, 52.684018821842422 ], [ 7.165796856043984, 52.684223034341002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.683814608388936 ], [ 7.166951832837853, 52.683814608388936 ], [ 7.166951832837853, 52.683610393980558 ], [ 7.165796856043984, 52.683610393980558 ], [ 7.165796856043984, 52.683814608388936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.49640833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.682997745026064 ], [ 7.166951832837853, 52.682997745026064 ], [ 7.166951832837853, 52.682793526798093 ], [ 7.165796856043984, 52.682793526798093 ], [ 7.165796856043984, 52.682997745026064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 140.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.682793526798093 ], [ 7.166951832837853, 52.682793526798093 ], [ 7.166951832837853, 52.682589307615238 ], [ 7.165796856043984, 52.682589307615238 ], [ 7.165796856043984, 52.682793526798093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 81.2291852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.682589307615238 ], [ 7.166951832837853, 52.682589307615238 ], [ 7.166951832837853, 52.682385087477456 ], [ 7.165796856043984, 52.682385087477456 ], [ 7.165796856043984, 52.682589307615238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.682385087477456 ], [ 7.166951832837853, 52.682385087477456 ], [ 7.166951832837853, 52.682180866384783 ], [ 7.165796856043984, 52.682180866384783 ], [ 7.165796856043984, 52.682385087477456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 139.118446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.682180866384783 ], [ 7.166951832837853, 52.682180866384783 ], [ 7.166951832837853, 52.681976644337183 ], [ 7.165796856043984, 52.681976644337183 ], [ 7.165796856043984, 52.682180866384783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.681772421334685 ], [ 7.166951832837853, 52.681772421334685 ], [ 7.166951832837853, 52.681568197377274 ], [ 7.165796856043984, 52.681568197377274 ], [ 7.165796856043984, 52.681772421334685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 130.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.681159746597707 ], [ 7.166951832837853, 52.681159746597707 ], [ 7.166951832837853, 52.680955519775544 ], [ 7.165796856043984, 52.680955519775544 ], [ 7.165796856043984, 52.681159746597707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 121.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.680547063266459 ], [ 7.166951832837853, 52.680547063266459 ], [ 7.166951832837853, 52.68034283357953 ], [ 7.165796856043984, 52.68034283357953 ], [ 7.165796856043984, 52.680547063266459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 82.833333166666662 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.682997745026064 ], [ 7.168106809631721, 52.682997745026064 ], [ 7.168106809631721, 52.682793526798093 ], [ 7.166951832837853, 52.682793526798093 ], [ 7.166951832837853, 52.682997745026064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.682793526798093 ], [ 7.168106809631721, 52.682793526798093 ], [ 7.168106809631721, 52.682589307615238 ], [ 7.166951832837853, 52.682589307615238 ], [ 7.166951832837853, 52.682793526798093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.682589307615238 ], [ 7.168106809631721, 52.682589307615238 ], [ 7.168106809631721, 52.682385087477456 ], [ 7.166951832837853, 52.682385087477456 ], [ 7.166951832837853, 52.682589307615238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.90946454545453 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.682385087477456 ], [ 7.168106809631721, 52.682385087477456 ], [ 7.168106809631721, 52.682180866384783 ], [ 7.166951832837853, 52.682180866384783 ], [ 7.166951832837853, 52.682385087477456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 155.1168245 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.682180866384783 ], [ 7.168106809631721, 52.682180866384783 ], [ 7.168106809631721, 52.681976644337183 ], [ 7.166951832837853, 52.681976644337183 ], [ 7.166951832837853, 52.682180866384783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.681772421334685 ], [ 7.168106809631721, 52.681772421334685 ], [ 7.168106809631721, 52.681568197377274 ], [ 7.166951832837853, 52.681568197377274 ], [ 7.166951832837853, 52.681772421334685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27851_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.68424375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.681363972464943 ], [ 7.168106809631721, 52.681363972464943 ], [ 7.168106809631721, 52.681159746597707 ], [ 7.166951832837853, 52.681159746597707 ], [ 7.166951832837853, 52.681363972464943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 86.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.675304865677077 ], [ 7.161176948868514, 52.675304865677077 ], [ 7.161176948868514, 52.675100611479806 ], [ 7.160021972074645, 52.675100611479806 ], [ 7.160021972074645, 52.675304865677077 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.676938864876419 ], [ 7.163486902456249, 52.676938864876419 ], [ 7.163486902456249, 52.676734618318875 ], [ 7.162331925662381, 52.676734618318875 ], [ 7.162331925662381, 52.676938864876419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.677143110479015 ], [ 7.164641879250117, 52.677143110479015 ], [ 7.164641879250117, 52.676938864876419 ], [ 7.163486902456249, 52.676938864876419 ], [ 7.163486902456249, 52.677143110479015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 153.0000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.678368564040589 ], [ 7.165796856043984, 52.678368564040589 ], [ 7.165796856043984, 52.678164324167703 ], [ 7.164641879250117, 52.678164324167703 ], [ 7.164641879250117, 52.678368564040589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.678777040921553 ], [ 7.166951832837853, 52.678777040921553 ], [ 7.166951832837853, 52.678572802958541 ], [ 7.165796856043984, 52.678572802958541 ], [ 7.165796856043984, 52.678777040921553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.677347355126656 ], [ 7.166951832837853, 52.677347355126656 ], [ 7.166951832837853, 52.677143110479015 ], [ 7.165796856043984, 52.677143110479015 ], [ 7.165796856043984, 52.677347355126656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.677143110479015 ], [ 7.166951832837853, 52.677143110479015 ], [ 7.166951832837853, 52.676938864876419 ], [ 7.165796856043984, 52.676938864876419 ], [ 7.165796856043984, 52.677143110479015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 138.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.676734618318875 ], [ 7.166951832837853, 52.676734618318875 ], [ 7.166951832837853, 52.676530370806361 ], [ 7.165796856043984, 52.676530370806361 ], [ 7.165796856043984, 52.676734618318875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 120.674629 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.675100611479806 ], [ 7.166951832837853, 52.675100611479806 ], [ 7.166951832837853, 52.674896356327558 ], [ 7.165796856043984, 52.674896356327558 ], [ 7.165796856043984, 52.675100611479806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.677143110479015 ], [ 7.168106809631721, 52.677143110479015 ], [ 7.168106809631721, 52.676938864876419 ], [ 7.166951832837853, 52.676938864876419 ], [ 7.166951832837853, 52.677143110479015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.676938864876419 ], [ 7.168106809631721, 52.676938864876419 ], [ 7.168106809631721, 52.676734618318875 ], [ 7.166951832837853, 52.676734618318875 ], [ 7.166951832837853, 52.676938864876419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.676734618318875 ], [ 7.168106809631721, 52.676734618318875 ], [ 7.168106809631721, 52.676530370806361 ], [ 7.166951832837853, 52.676530370806361 ], [ 7.166951832837853, 52.676734618318875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.676326122338899 ], [ 7.168106809631721, 52.676326122338899 ], [ 7.168106809631721, 52.676121872916461 ], [ 7.166951832837853, 52.676121872916461 ], [ 7.166951832837853, 52.676326122338899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27852_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 116.092374 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.67591762253906 ], [ 7.168106809631721, 52.67591762253906 ], [ 7.168106809631721, 52.675713371206704 ], [ 7.166951832837853, 52.675713371206704 ], [ 7.166951832837853, 52.67591762253906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.250244719517973 ], [ 7.161176948868514, 52.250244719517973 ], [ 7.161176948868514, 52.250038483623804 ], [ 7.160021972074645, 52.250038483623804 ], [ 7.160021972074645, 52.250244719517973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 117.607312 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.248182317432018 ], [ 7.161176948868514, 52.248182317432018 ], [ 7.161176948868514, 52.247976071950198 ], [ 7.160021972074645, 52.247976071950198 ], [ 7.160021972074645, 52.248182317432018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.250863421447932 ], [ 7.162331925662381, 52.250863421447932 ], [ 7.162331925662381, 52.250657188430033 ], [ 7.161176948868514, 52.250657188430033 ], [ 7.161176948868514, 52.250863421447932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 154.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.250038483623804 ], [ 7.163486902456249, 52.250038483623804 ], [ 7.163486902456249, 52.249832246770886 ], [ 7.162331925662381, 52.249832246770886 ], [ 7.162331925662381, 52.250038483623804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.251482114749145 ], [ 7.164641879250117, 52.251482114749145 ], [ 7.164641879250117, 52.25127588460748 ], [ 7.163486902456249, 52.25127588460748 ], [ 7.163486902456249, 52.251482114749145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.250244719517973 ], [ 7.164641879250117, 52.250244719517973 ], [ 7.164641879250117, 52.250038483623804 ], [ 7.163486902456249, 52.250038483623804 ], [ 7.163486902456249, 52.250244719517973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.249419770188759 ], [ 7.164641879250117, 52.249419770188759 ], [ 7.164641879250117, 52.249213530459549 ], [ 7.163486902456249, 52.249213530459549 ], [ 7.163486902456249, 52.249419770188759 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.251894572156218 ], [ 7.165796856043984, 52.251894572156218 ], [ 7.165796856043984, 52.251688343932045 ], [ 7.164641879250117, 52.251688343932045 ], [ 7.164641879250117, 52.251894572156218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 141.85714271428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.251688343932045 ], [ 7.165796856043984, 52.251688343932045 ], [ 7.165796856043984, 52.251482114749145 ], [ 7.164641879250117, 52.251482114749145 ], [ 7.164641879250117, 52.251688343932045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.250657188430033 ], [ 7.165796856043984, 52.250657188430033 ], [ 7.165796856043984, 52.250450954453378 ], [ 7.164641879250117, 52.250450954453378 ], [ 7.164641879250117, 52.250657188430033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.251894572156218 ], [ 7.166951832837853, 52.251894572156218 ], [ 7.166951832837853, 52.251688343932045 ], [ 7.165796856043984, 52.251688343932045 ], [ 7.165796856043984, 52.251894572156218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.251482114749145 ], [ 7.166951832837853, 52.251482114749145 ], [ 7.166951832837853, 52.25127588460748 ], [ 7.165796856043984, 52.25127588460748 ], [ 7.165796856043984, 52.251482114749145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.58056125000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.250863421447932 ], [ 7.166951832837853, 52.250863421447932 ], [ 7.166951832837853, 52.250657188430033 ], [ 7.165796856043984, 52.250657188430033 ], [ 7.165796856043984, 52.250863421447932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.250450954453378 ], [ 7.166951832837853, 52.250450954453378 ], [ 7.166951832837853, 52.250244719517973 ], [ 7.165796856043984, 52.250244719517973 ], [ 7.165796856043984, 52.250450954453378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.248801048124847 ], [ 7.166951832837853, 52.248801048124847 ], [ 7.166951832837853, 52.248594805519339 ], [ 7.165796856043984, 52.248594805519339 ], [ 7.165796856043984, 52.248801048124847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 134.80814066666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.247976071950198 ], [ 7.166951832837853, 52.247976071950198 ], [ 7.166951832837853, 52.247769825509593 ], [ 7.165796856043984, 52.247769825509593 ], [ 7.165796856043984, 52.247976071950198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.41666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.250244719517973 ], [ 7.168106809631721, 52.250244719517973 ], [ 7.168106809631721, 52.250038483623804 ], [ 7.166951832837853, 52.250038483623804 ], [ 7.166951832837853, 52.250244719517973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 133.40355257142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.250038483623804 ], [ 7.168106809631721, 52.250038483623804 ], [ 7.168106809631721, 52.249832246770886 ], [ 7.166951832837853, 52.249832246770886 ], [ 7.166951832837853, 52.250038483623804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 119.24205916666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.249832246770886 ], [ 7.168106809631721, 52.249832246770886 ], [ 7.168106809631721, 52.249626008959197 ], [ 7.166951832837853, 52.249626008959197 ], [ 7.166951832837853, 52.249832246770886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27930_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.3553926 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.249007289771583 ], [ 7.168106809631721, 52.249007289771583 ], [ 7.168106809631721, 52.248801048124847 ], [ 7.166951832837853, 52.248801048124847 ], [ 7.166951832837853, 52.249007289771583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.244744767560334 ], [ 7.161176948868514, 52.244744767560334 ], [ 7.161176948868514, 52.244538506098692 ], [ 7.160021972074645, 52.244538506098692 ], [ 7.160021972074645, 52.244744767560334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 118.80403775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.242682109797371 ], [ 7.161176948868514, 52.242682109797371 ], [ 7.161176948868514, 52.242475838747588 ], [ 7.160021972074645, 52.242475838747588 ], [ 7.160021972074645, 52.242682109797371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 148.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.245363546192472 ], [ 7.162331925662381, 52.245363546192472 ], [ 7.162331925662381, 52.245157287607235 ], [ 7.161176948868514, 52.245157287607235 ], [ 7.161176948868514, 52.245363546192472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.244538506098692 ], [ 7.163486902456249, 52.244538506098692 ], [ 7.163486902456249, 52.244332243678237 ], [ 7.162331925662381, 52.244332243678237 ], [ 7.162331925662381, 52.244538506098692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.245982316195423 ], [ 7.164641879250117, 52.245982316195423 ], [ 7.164641879250117, 52.245776060486563 ], [ 7.163486902456249, 52.245776060486563 ], [ 7.163486902456249, 52.245982316195423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.244744767560334 ], [ 7.164641879250117, 52.244744767560334 ], [ 7.164641879250117, 52.244538506098692 ], [ 7.163486902456249, 52.244538506098692 ], [ 7.163486902456249, 52.244744767560334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.243919715960899 ], [ 7.164641879250117, 52.243919715960899 ], [ 7.164641879250117, 52.243713450664018 ], [ 7.163486902456249, 52.243713450664018 ], [ 7.163486902456249, 52.243919715960899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.246394824736754 ], [ 7.165796856043984, 52.246394824736754 ], [ 7.165796856043984, 52.246188570945485 ], [ 7.164641879250117, 52.246188570945485 ], [ 7.164641879250117, 52.246394824736754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 140.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.246188570945485 ], [ 7.165796856043984, 52.246188570945485 ], [ 7.165796856043984, 52.245982316195423 ], [ 7.164641879250117, 52.245982316195423 ], [ 7.164641879250117, 52.246188570945485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.245157287607235 ], [ 7.165796856043984, 52.245157287607235 ], [ 7.165796856043984, 52.244951028063184 ], [ 7.164641879250117, 52.244951028063184 ], [ 7.164641879250117, 52.245157287607235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.246394824736754 ], [ 7.166951832837853, 52.246394824736754 ], [ 7.166951832837853, 52.246188570945485 ], [ 7.165796856043984, 52.246188570945485 ], [ 7.165796856043984, 52.246394824736754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 172.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.245982316195423 ], [ 7.166951832837853, 52.245982316195423 ], [ 7.166951832837853, 52.245776060486563 ], [ 7.165796856043984, 52.245776060486563 ], [ 7.165796856043984, 52.245982316195423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 137.121733 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.245363546192472 ], [ 7.166951832837853, 52.245363546192472 ], [ 7.166951832837853, 52.245157287607235 ], [ 7.165796856043984, 52.245157287607235 ], [ 7.165796856043984, 52.245363546192472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.49999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.244951028063184 ], [ 7.166951832837853, 52.244951028063184 ], [ 7.166951832837853, 52.244744767560334 ], [ 7.165796856043984, 52.244744767560334 ], [ 7.165796856043984, 52.244951028063184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.22499733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.243300917193807 ], [ 7.166951832837853, 52.243300917193807 ], [ 7.166951832837853, 52.243094649020485 ], [ 7.165796856043984, 52.243094649020485 ], [ 7.165796856043984, 52.243300917193807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.05651725000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.242475838747588 ], [ 7.166951832837853, 52.242475838747588 ], [ 7.166951832837853, 52.242269566738983 ], [ 7.165796856043984, 52.242269566738983 ], [ 7.165796856043984, 52.242475838747588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.244744767560334 ], [ 7.168106809631721, 52.244744767560334 ], [ 7.168106809631721, 52.244538506098692 ], [ 7.166951832837853, 52.244538506098692 ], [ 7.166951832837853, 52.244744767560334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 143.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.244538506098692 ], [ 7.168106809631721, 52.244538506098692 ], [ 7.168106809631721, 52.244332243678237 ], [ 7.166951832837853, 52.244332243678237 ], [ 7.166951832837853, 52.244538506098692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.33944166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.244332243678237 ], [ 7.168106809631721, 52.244332243678237 ], [ 7.168106809631721, 52.244125980298968 ], [ 7.166951832837853, 52.244125980298968 ], [ 7.166951832837853, 52.244332243678237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27931_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 108.65193166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.243507184408323 ], [ 7.168106809631721, 52.243507184408323 ], [ 7.168106809631721, 52.243300917193807 ], [ 7.166951832837853, 52.243300917193807 ], [ 7.166951832837853, 52.243507184408323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 92.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.19521451417156 ], [ 7.161176948868514, 52.19521451417156 ], [ 7.161176948868514, 52.195008022545537 ], [ 7.160021972074645, 52.195008022545537 ], [ 7.160021972074645, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.3143748 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.160021972074645, 52.193149554745702 ], [ 7.161176948868514, 52.193149554745702 ], [ 7.161176948868514, 52.19294305352728 ], [ 7.160021972074645, 52.19294305352728 ], [ 7.160021972074645, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.161176948868514, 52.195833983294236 ], [ 7.162331925662381, 52.195833983294236 ], [ 7.162331925662381, 52.195627494545903 ], [ 7.161176948868514, 52.195627494545903 ], [ 7.161176948868514, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.162331925662381, 52.195008022545537 ], [ 7.163486902456249, 52.195008022545537 ], [ 7.163486902456249, 52.194801529960294 ], [ 7.162331925662381, 52.194801529960294 ], [ 7.162331925662381, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 68.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.196453443783888 ], [ 7.164641879250117, 52.196453443783888 ], [ 7.164641879250117, 52.196246957913225 ], [ 7.163486902456249, 52.196246957913225 ], [ 7.163486902456249, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.19521451417156 ], [ 7.164641879250117, 52.19521451417156 ], [ 7.164641879250117, 52.195008022545537 ], [ 7.163486902456249, 52.195008022545537 ], [ 7.163486902456249, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.163486902456249, 52.194388541912076 ], [ 7.164641879250117, 52.194388541912076 ], [ 7.164641879250117, 52.194182046449129 ], [ 7.163486902456249, 52.194182046449129 ], [ 7.163486902456249, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.196866412647559 ], [ 7.165796856043984, 52.196866412647559 ], [ 7.165796856043984, 52.196659928695333 ], [ 7.164641879250117, 52.196659928695333 ], [ 7.164641879250117, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 81.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 52.196659928695333 ], [ 7.165796856043984, 52.196659928695333 ], [ 7.165796856043984, 52.196453443783888 ], [ 7.164641879250117, 52.196453443783888 ], [ 7.164641879250117, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.196866412647559 ], [ 7.166951832837853, 52.196866412647559 ], [ 7.166951832837853, 52.196659928695333 ], [ 7.165796856043984, 52.196659928695333 ], [ 7.165796856043984, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.196453443783888 ], [ 7.166951832837853, 52.196453443783888 ], [ 7.166951832837853, 52.196246957913225 ], [ 7.165796856043984, 52.196246957913225 ], [ 7.165796856043984, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 96.0584252 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.195833983294236 ], [ 7.166951832837853, 52.195833983294236 ], [ 7.166951832837853, 52.195627494545903 ], [ 7.165796856043984, 52.195627494545903 ], [ 7.165796856043984, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 106.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.195421004838344 ], [ 7.166951832837853, 52.195421004838344 ], [ 7.166951832837853, 52.19521451417156 ], [ 7.165796856043984, 52.19521451417156 ], [ 7.165796856043984, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 94.871795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.193769052645486 ], [ 7.166951832837853, 52.193769052645486 ], [ 7.166951832837853, 52.193562554304805 ], [ 7.165796856043984, 52.193562554304805 ], [ 7.165796856043984, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 89.0569054 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.165796856043984, 52.19294305352728 ], [ 7.166951832837853, 52.19294305352728 ], [ 7.166951832837853, 52.192736551349611 ], [ 7.165796856043984, 52.192736551349611 ], [ 7.165796856043984, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 118.3589575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.195833983294236 ], [ 7.168106809631721, 52.195833983294236 ], [ 7.168106809631721, 52.195627494545903 ], [ 7.166951832837853, 52.195627494545903 ], [ 7.166951832837853, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.108282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.195627494545903 ], [ 7.168106809631721, 52.195627494545903 ], [ 7.168106809631721, 52.195421004838344 ], [ 7.166951832837853, 52.195421004838344 ], [ 7.166951832837853, 52.195627494545903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.583333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.19521451417156 ], [ 7.168106809631721, 52.19521451417156 ], [ 7.168106809631721, 52.195008022545537 ], [ 7.166951832837853, 52.195008022545537 ], [ 7.166951832837853, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.7229413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.195008022545537 ], [ 7.168106809631721, 52.195008022545537 ], [ 7.168106809631721, 52.194801529960294 ], [ 7.166951832837853, 52.194801529960294 ], [ 7.166951832837853, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "27940_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.69462775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.166951832837853, 52.194801529960294 ], [ 7.168106809631721, 52.194801529960294 ], [ 7.168106809631721, 52.194595036415805 ], [ 7.166951832837853, 52.194595036415805 ], [ 7.166951832837853, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28173_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.164641879250117, 50.893632119602735 ], [ 7.165796856043984, 50.893632119602735 ], [ 7.165796856043984, 50.893419635420472 ], [ 7.164641879250117, 50.893419635420472 ], [ 7.164641879250117, 50.893632119602735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28352_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 53.620720301203683 ], [ 7.173625032091313, 53.620720301203683 ], [ 7.173625032091313, 53.620520494828483 ], [ 7.172470055297445, 53.620520494828483 ], [ 7.172470055297445, 53.620720301203683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28352_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 53.621319714654476 ], [ 7.174780008885181, 53.621319714654476 ], [ 7.174780008885181, 53.621119911116679 ], [ 7.173625032091313, 53.621119911116679 ], [ 7.173625032091313, 53.621319714654476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28352_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 66.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 53.620520494828483 ], [ 7.174780008885181, 53.620520494828483 ], [ 7.174780008885181, 53.620320687507473 ], [ 7.173625032091313, 53.620320687507473 ], [ 7.173625032091313, 53.620520494828483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28353_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 72.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 53.615391807517497 ], [ 7.173625032091313, 53.615391807517497 ], [ 7.173625032091313, 53.615191975920155 ], [ 7.172470055297445, 53.615191975920155 ], [ 7.172470055297445, 53.615391807517497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28353_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 90.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 53.61599129663437 ], [ 7.174780008885181, 53.61599129663437 ], [ 7.174780008885181, 53.615791467874594 ], [ 7.173625032091313, 53.615791467874594 ], [ 7.173625032091313, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28353_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 74.4784045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 53.615191975920155 ], [ 7.174780008885181, 53.615191975920155 ], [ 7.174780008885181, 53.614992143376966 ], [ 7.173625032091313, 53.614992143376966 ], [ 7.173625032091313, 53.615191975920155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28354_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 51.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 53.610262497097445 ], [ 7.175934985679048, 53.610262497097445 ], [ 7.175934985679048, 53.610062641222434 ], [ 7.174780008885181, 53.610062641222434 ], [ 7.174780008885181, 53.610262497097445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28435_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 53.176162906957636 ], [ 7.171315078503577, 53.176162906957636 ], [ 7.171315078503577, 53.175961002257807 ], [ 7.170160101709709, 53.175961002257807 ], [ 7.170160101709709, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28436_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 53.170778456428657 ], [ 7.171315078503577, 53.170778456428657 ], [ 7.171315078503577, 53.170576526388309 ], [ 7.170160101709709, 53.170576526388309 ], [ 7.170160101709709, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28499_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 85.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.830601247041741 ], [ 7.174780008885181, 52.830601247041741 ], [ 7.174780008885181, 52.830397719670103 ], [ 7.173625032091313, 52.830397719670103 ], [ 7.173625032091313, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.802437568924972 ], [ 7.170160101709709, 52.802437568924972 ], [ 7.170160101709709, 52.80223390962918 ], [ 7.169005124915841, 52.80223390962918 ], [ 7.169005124915841, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.750337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.800400933045779 ], [ 7.170160101709709, 52.800400933045779 ], [ 7.170160101709709, 52.800197264211889 ], [ 7.169005124915841, 52.800197264211889 ], [ 7.169005124915841, 52.800400933045779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.802844884655165 ], [ 7.171315078503577, 52.802844884655165 ], [ 7.171315078503577, 52.80264122726696 ], [ 7.170160101709709, 52.80264122726696 ], [ 7.170160101709709, 52.802844884655165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 65.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.802030249379577 ], [ 7.173625032091313, 52.802030249379577 ], [ 7.173625032091313, 52.801826588176191 ], [ 7.172470055297445, 52.801826588176191 ], [ 7.172470055297445, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.803863157289271 ], [ 7.174780008885181, 52.803863157289271 ], [ 7.174780008885181, 52.803659504670023 ], [ 7.173625032091313, 52.803659504670023 ], [ 7.173625032091313, 52.803863157289271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 26.125000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.803455851096992 ], [ 7.174780008885181, 52.803455851096992 ], [ 7.174780008885181, 52.803252196570178 ], [ 7.173625032091313, 52.803252196570178 ], [ 7.173625032091313, 52.803455851096992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.803048541089566 ], [ 7.174780008885181, 52.803048541089566 ], [ 7.174780008885181, 52.802844884655165 ], [ 7.173625032091313, 52.802844884655165 ], [ 7.173625032091313, 52.803048541089566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.801419262907984 ], [ 7.174780008885181, 52.801419262907984 ], [ 7.174780008885181, 52.801215598843164 ], [ 7.173625032091313, 52.801215598843164 ], [ 7.173625032091313, 52.801419262907984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.803455851096992 ], [ 7.175934985679048, 52.803455851096992 ], [ 7.175934985679048, 52.803252196570178 ], [ 7.174780008885181, 52.803252196570178 ], [ 7.174780008885181, 52.803455851096992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 74.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.803048541089566 ], [ 7.175934985679048, 52.803048541089566 ], [ 7.175934985679048, 52.802844884655165 ], [ 7.174780008885181, 52.802844884655165 ], [ 7.174780008885181, 52.803048541089566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 82.900858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.80264122726696 ], [ 7.175934985679048, 52.80264122726696 ], [ 7.175934985679048, 52.802437568924972 ], [ 7.174780008885181, 52.802437568924972 ], [ 7.174780008885181, 52.80264122726696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 90.588304 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.802437568924972 ], [ 7.175934985679048, 52.802437568924972 ], [ 7.175934985679048, 52.80223390962918 ], [ 7.174780008885181, 52.80223390962918 ], [ 7.174780008885181, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 98.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.802030249379577 ], [ 7.175934985679048, 52.802030249379577 ], [ 7.175934985679048, 52.801826588176191 ], [ 7.174780008885181, 52.801826588176191 ], [ 7.174780008885181, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 72.0317925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.801826588176191 ], [ 7.175934985679048, 52.801826588176191 ], [ 7.175934985679048, 52.801622926018979 ], [ 7.174780008885181, 52.801622926018979 ], [ 7.174780008885181, 52.801826588176191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.801419262907984 ], [ 7.175934985679048, 52.801419262907984 ], [ 7.175934985679048, 52.801215598843164 ], [ 7.174780008885181, 52.801215598843164 ], [ 7.174780008885181, 52.801419262907984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 81.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.800808267852098 ], [ 7.175934985679048, 52.800808267852098 ], [ 7.175934985679048, 52.800604600925844 ], [ 7.174780008885181, 52.800604600925844 ], [ 7.174780008885181, 52.800808267852098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 94.222223333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.800197264211889 ], [ 7.175934985679048, 52.800197264211889 ], [ 7.175934985679048, 52.799993594424187 ], [ 7.174780008885181, 52.799993594424187 ], [ 7.174780008885181, 52.800197264211889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.80264122726696 ], [ 7.177089962472917, 52.80264122726696 ], [ 7.177089962472917, 52.802437568924972 ], [ 7.175934985679048, 52.802437568924972 ], [ 7.175934985679048, 52.80264122726696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 76.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.802437568924972 ], [ 7.177089962472917, 52.802437568924972 ], [ 7.177089962472917, 52.80223390962918 ], [ 7.175934985679048, 52.80223390962918 ], [ 7.175934985679048, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.322581 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.80223390962918 ], [ 7.177089962472917, 52.80223390962918 ], [ 7.177089962472917, 52.802030249379577 ], [ 7.175934985679048, 52.802030249379577 ], [ 7.175934985679048, 52.80223390962918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.922974 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.802030249379577 ], [ 7.177089962472917, 52.802030249379577 ], [ 7.177089962472917, 52.801826588176191 ], [ 7.175934985679048, 52.801826588176191 ], [ 7.175934985679048, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.801826588176191 ], [ 7.177089962472917, 52.801826588176191 ], [ 7.177089962472917, 52.801622926018979 ], [ 7.175934985679048, 52.801622926018979 ], [ 7.175934985679048, 52.801826588176191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.801419262907984 ], [ 7.177089962472917, 52.801419262907984 ], [ 7.177089962472917, 52.801215598843164 ], [ 7.175934985679048, 52.801215598843164 ], [ 7.175934985679048, 52.801419262907984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28504_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 78.8591845 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.801011933824533 ], [ 7.177089962472917, 52.801011933824533 ], [ 7.177089962472917, 52.800808267852098 ], [ 7.175934985679048, 52.800808267852098 ], [ 7.175934985679048, 52.801011933824533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.797006327953362 ], [ 7.170160101709709, 52.797006327953362 ], [ 7.170160101709709, 52.796802643222229 ], [ 7.169005124915841, 52.796802643222229 ], [ 7.169005124915841, 52.797006327953362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.794969437718571 ], [ 7.170160101709709, 52.794969437718571 ], [ 7.170160101709709, 52.794765743448842 ], [ 7.169005124915841, 52.794765743448842 ], [ 7.169005124915841, 52.794969437718571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 106.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.797413694554066 ], [ 7.171315078503577, 52.797413694554066 ], [ 7.171315078503577, 52.797210011730634 ], [ 7.170160101709709, 52.797210011730634 ], [ 7.170160101709709, 52.797413694554066 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.796598957537263 ], [ 7.172470055297445, 52.796598957537263 ], [ 7.172470055297445, 52.796395270898429 ], [ 7.171315078503577, 52.796395270898429 ], [ 7.171315078503577, 52.796598957537263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 203.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.798024737301297 ], [ 7.173625032091313, 52.798024737301297 ], [ 7.173625032091313, 52.797821057339391 ], [ 7.172470055297445, 52.797821057339391 ], [ 7.172470055297445, 52.798024737301297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 76.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.796598957537263 ], [ 7.173625032091313, 52.796598957537263 ], [ 7.173625032091313, 52.796395270898429 ], [ 7.172470055297445, 52.796395270898429 ], [ 7.172470055297445, 52.796598957537263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 81.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.798432094363569 ], [ 7.174780008885181, 52.798432094363569 ], [ 7.174780008885181, 52.79822841630935 ], [ 7.173625032091313, 52.79822841630935 ], [ 7.173625032091313, 52.798432094363569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 22.054844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.798024737301297 ], [ 7.174780008885181, 52.798024737301297 ], [ 7.174780008885181, 52.797821057339391 ], [ 7.173625032091313, 52.797821057339391 ], [ 7.173625032091313, 52.798024737301297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.2500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.797617376423652 ], [ 7.174780008885181, 52.797617376423652 ], [ 7.174780008885181, 52.797413694554066 ], [ 7.173625032091313, 52.797413694554066 ], [ 7.173625032091313, 52.797617376423652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 82.325154666666663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.7959878947592 ], [ 7.174780008885181, 52.7959878947592 ], [ 7.174780008885181, 52.795784205258798 ], [ 7.173625032091313, 52.795784205258798 ], [ 7.173625032091313, 52.7959878947592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.798432094363569 ], [ 7.175934985679048, 52.798432094363569 ], [ 7.175934985679048, 52.79822841630935 ], [ 7.174780008885181, 52.79822841630935 ], [ 7.174780008885181, 52.798432094363569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 116.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.798024737301297 ], [ 7.175934985679048, 52.798024737301297 ], [ 7.175934985679048, 52.797821057339391 ], [ 7.174780008885181, 52.797821057339391 ], [ 7.174780008885181, 52.798024737301297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 75.170457142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.797617376423652 ], [ 7.175934985679048, 52.797617376423652 ], [ 7.175934985679048, 52.797413694554066 ], [ 7.174780008885181, 52.797413694554066 ], [ 7.174780008885181, 52.797617376423652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 81.233353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.797210011730634 ], [ 7.175934985679048, 52.797210011730634 ], [ 7.175934985679048, 52.797006327953362 ], [ 7.174780008885181, 52.797006327953362 ], [ 7.174780008885181, 52.797210011730634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 89.487403833333317 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.797006327953362 ], [ 7.175934985679048, 52.797006327953362 ], [ 7.175934985679048, 52.796802643222229 ], [ 7.174780008885181, 52.796802643222229 ], [ 7.174780008885181, 52.797006327953362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 101.2636878888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.796598957537263 ], [ 7.175934985679048, 52.796598957537263 ], [ 7.175934985679048, 52.796395270898429 ], [ 7.174780008885181, 52.796395270898429 ], [ 7.174780008885181, 52.796598957537263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 73.66666716666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.796395270898429 ], [ 7.175934985679048, 52.796395270898429 ], [ 7.175934985679048, 52.796191583305735 ], [ 7.174780008885181, 52.796191583305735 ], [ 7.174780008885181, 52.796395270898429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.7959878947592 ], [ 7.175934985679048, 52.7959878947592 ], [ 7.175934985679048, 52.795784205258798 ], [ 7.174780008885181, 52.795784205258798 ], [ 7.174780008885181, 52.7959878947592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 89.717778 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.79537682339641 ], [ 7.175934985679048, 52.79537682339641 ], [ 7.175934985679048, 52.795173131034424 ], [ 7.174780008885181, 52.795173131034424 ], [ 7.174780008885181, 52.79537682339641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 97.000000099999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.794765743448842 ], [ 7.175934985679048, 52.794765743448842 ], [ 7.175934985679048, 52.794562048225252 ], [ 7.174780008885181, 52.794562048225252 ], [ 7.174780008885181, 52.794765743448842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.797210011730634 ], [ 7.177089962472917, 52.797210011730634 ], [ 7.177089962472917, 52.797006327953362 ], [ 7.175934985679048, 52.797006327953362 ], [ 7.175934985679048, 52.797210011730634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.797006327953362 ], [ 7.177089962472917, 52.797006327953362 ], [ 7.177089962472917, 52.796802643222229 ], [ 7.175934985679048, 52.796802643222229 ], [ 7.175934985679048, 52.797006327953362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.3774784 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.796802643222229 ], [ 7.177089962472917, 52.796802643222229 ], [ 7.177089962472917, 52.796598957537263 ], [ 7.175934985679048, 52.796598957537263 ], [ 7.175934985679048, 52.796802643222229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.79416 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.796598957537263 ], [ 7.177089962472917, 52.796598957537263 ], [ 7.177089962472917, 52.796395270898429 ], [ 7.175934985679048, 52.796395270898429 ], [ 7.175934985679048, 52.796598957537263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.796395270898429 ], [ 7.177089962472917, 52.796395270898429 ], [ 7.177089962472917, 52.796191583305735 ], [ 7.175934985679048, 52.796191583305735 ], [ 7.175934985679048, 52.796395270898429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 147.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.7959878947592 ], [ 7.177089962472917, 52.7959878947592 ], [ 7.177089962472917, 52.795784205258798 ], [ 7.175934985679048, 52.795784205258798 ], [ 7.175934985679048, 52.7959878947592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28505_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 79.3333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.795580514804541 ], [ 7.177089962472917, 52.795580514804541 ], [ 7.177089962472917, 52.79537682339641 ], [ 7.175934985679048, 52.79537682339641 ], [ 7.175934985679048, 52.795580514804541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.791574408688938 ], [ 7.170160101709709, 52.791574408688938 ], [ 7.170160101709709, 52.791370698521128 ], [ 7.169005124915841, 52.791370698521128 ], [ 7.169005124915841, 52.791574408688938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.803513 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.789537264085091 ], [ 7.170160101709709, 52.789537264085091 ], [ 7.170160101709709, 52.789333544378181 ], [ 7.169005124915841, 52.789333544378181 ], [ 7.169005124915841, 52.789537264085091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.791981826162854 ], [ 7.171315078503577, 52.791981826162854 ], [ 7.171315078503577, 52.791778117902851 ], [ 7.170160101709709, 52.791778117902851 ], [ 7.170160101709709, 52.791981826162854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.791166987399436 ], [ 7.172470055297445, 52.791166987399436 ], [ 7.172470055297445, 52.790963275323818 ], [ 7.171315078503577, 52.790963275323818 ], [ 7.171315078503577, 52.791166987399436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 200.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.792592945219511 ], [ 7.173625032091313, 52.792592945219511 ], [ 7.173625032091313, 52.792389239821183 ], [ 7.172470055297445, 52.792389239821183 ], [ 7.172470055297445, 52.792592945219511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.791370698521128 ], [ 7.173625032091313, 52.791370698521128 ], [ 7.173625032091313, 52.791166987399436 ], [ 7.172470055297445, 52.791166987399436 ], [ 7.172470055297445, 52.791370698521128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.793000353154483 ], [ 7.174780008885181, 52.793000353154483 ], [ 7.174780008885181, 52.792796649663948 ], [ 7.173625032091313, 52.792796649663948 ], [ 7.173625032091313, 52.793000353154483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 17.562127404255317 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.792592945219511 ], [ 7.174780008885181, 52.792592945219511 ], [ 7.174780008885181, 52.792389239821183 ], [ 7.173625032091313, 52.792389239821183 ], [ 7.173625032091313, 52.792592945219511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.50663366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.792185533468967 ], [ 7.174780008885181, 52.792185533468967 ], [ 7.174780008885181, 52.791981826162854 ], [ 7.173625032091313, 52.791981826162854 ], [ 7.173625032091313, 52.792185533468967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 92.7999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.790555848310881 ], [ 7.174780008885181, 52.790555848310881 ], [ 7.174780008885181, 52.790352133373545 ], [ 7.173625032091313, 52.790352133373545 ], [ 7.173625032091313, 52.790555848310881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.793000353154483 ], [ 7.175934985679048, 52.793000353154483 ], [ 7.175934985679048, 52.792796649663948 ], [ 7.174780008885181, 52.792796649663948 ], [ 7.174780008885181, 52.793000353154483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.792592945219511 ], [ 7.175934985679048, 52.792592945219511 ], [ 7.175934985679048, 52.792389239821183 ], [ 7.174780008885181, 52.792389239821183 ], [ 7.174780008885181, 52.792592945219511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 72.316503166666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.792185533468967 ], [ 7.175934985679048, 52.792185533468967 ], [ 7.175934985679048, 52.791981826162854 ], [ 7.174780008885181, 52.791981826162854 ], [ 7.174780008885181, 52.792185533468967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 84.6767235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.791778117902851 ], [ 7.175934985679048, 52.791778117902851 ], [ 7.175934985679048, 52.791574408688938 ], [ 7.174780008885181, 52.791574408688938 ], [ 7.174780008885181, 52.791778117902851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 122.67729333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.791574408688938 ], [ 7.175934985679048, 52.791574408688938 ], [ 7.175934985679048, 52.791370698521128 ], [ 7.174780008885181, 52.791370698521128 ], [ 7.174780008885181, 52.791574408688938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 110.3749995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.791166987399436 ], [ 7.175934985679048, 52.791166987399436 ], [ 7.175934985679048, 52.790963275323818 ], [ 7.174780008885181, 52.790963275323818 ], [ 7.174780008885181, 52.791166987399436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 78.249748833333328 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.790963275323818 ], [ 7.175934985679048, 52.790963275323818 ], [ 7.175934985679048, 52.790759562294305 ], [ 7.174780008885181, 52.790759562294305 ], [ 7.174780008885181, 52.790963275323818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 168.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.790555848310881 ], [ 7.175934985679048, 52.790555848310881 ], [ 7.175934985679048, 52.790352133373545 ], [ 7.174780008885181, 52.790352133373545 ], [ 7.174780008885181, 52.790555848310881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 90.2000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.78994470063715 ], [ 7.175934985679048, 52.78994470063715 ], [ 7.175934985679048, 52.789740982838083 ], [ 7.174780008885181, 52.789740982838083 ], [ 7.174780008885181, 52.78994470063715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.05132655555556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.789333544378181 ], [ 7.175934985679048, 52.789333544378181 ], [ 7.175934985679048, 52.78912982371736 ], [ 7.174780008885181, 52.78912982371736 ], [ 7.174780008885181, 52.789333544378181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.105365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.791778117902851 ], [ 7.177089962472917, 52.791778117902851 ], [ 7.177089962472917, 52.791574408688938 ], [ 7.175934985679048, 52.791574408688938 ], [ 7.175934985679048, 52.791778117902851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.791574408688938 ], [ 7.177089962472917, 52.791574408688938 ], [ 7.177089962472917, 52.791370698521128 ], [ 7.175934985679048, 52.791370698521128 ], [ 7.175934985679048, 52.791574408688938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.9224465 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.791370698521128 ], [ 7.177089962472917, 52.791370698521128 ], [ 7.177089962472917, 52.791166987399436 ], [ 7.175934985679048, 52.791166987399436 ], [ 7.175934985679048, 52.791370698521128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.111112222222218 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.791166987399436 ], [ 7.177089962472917, 52.791166987399436 ], [ 7.177089962472917, 52.790963275323818 ], [ 7.175934985679048, 52.790963275323818 ], [ 7.175934985679048, 52.791166987399436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.790963275323818 ], [ 7.177089962472917, 52.790963275323818 ], [ 7.177089962472917, 52.790759562294305 ], [ 7.175934985679048, 52.790759562294305 ], [ 7.175934985679048, 52.790963275323818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.790555848310881 ], [ 7.177089962472917, 52.790555848310881 ], [ 7.177089962472917, 52.790352133373545 ], [ 7.175934985679048, 52.790352133373545 ], [ 7.175934985679048, 52.790555848310881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28506_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 79.026384666666658 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.790148417482307 ], [ 7.177089962472917, 52.790148417482307 ], [ 7.177089962472917, 52.78994470063715 ], [ 7.175934985679048, 52.78994470063715 ], [ 7.175934985679048, 52.790148417482307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.786141811095831 ], [ 7.170160101709709, 52.786141811095831 ], [ 7.170160101709709, 52.785938075490009 ], [ 7.169005124915841, 52.785938075490009 ], [ 7.169005124915841, 52.786141811095831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.78654927944563 ], [ 7.171315078503577, 52.78654927944563 ], [ 7.171315078503577, 52.786345545747707 ], [ 7.170160101709709, 52.786345545747707 ], [ 7.170160101709709, 52.78654927944563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 207.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.787160474815757 ], [ 7.173625032091313, 52.787160474815757 ], [ 7.173625032091313, 52.786956743979665 ], [ 7.172470055297445, 52.786956743979665 ], [ 7.172470055297445, 52.787160474815757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.785938075490009 ], [ 7.173625032091313, 52.785938075490009 ], [ 7.173625032091313, 52.785734338930219 ], [ 7.172470055297445, 52.785734338930219 ], [ 7.172470055297445, 52.785938075490009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 104.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.787160474815757 ], [ 7.174780008885181, 52.787160474815757 ], [ 7.174780008885181, 52.786956743979665 ], [ 7.173625032091313, 52.786956743979665 ], [ 7.173625032091313, 52.787160474815757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 130.025521 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.786753012189628 ], [ 7.174780008885181, 52.786753012189628 ], [ 7.174780008885181, 52.78654927944563 ], [ 7.173625032091313, 52.78654927944563 ], [ 7.173625032091313, 52.786753012189628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 92.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.78512312352715 ], [ 7.174780008885181, 52.78512312352715 ], [ 7.174780008885181, 52.784919383151546 ], [ 7.173625032091313, 52.784919383151546 ], [ 7.173625032091313, 52.78512312352715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.787160474815757 ], [ 7.175934985679048, 52.787160474815757 ], [ 7.175934985679048, 52.786956743979665 ], [ 7.174780008885181, 52.786956743979665 ], [ 7.174780008885181, 52.787160474815757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 65.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.786753012189628 ], [ 7.175934985679048, 52.786753012189628 ], [ 7.175934985679048, 52.78654927944563 ], [ 7.174780008885181, 52.78654927944563 ], [ 7.174780008885181, 52.786753012189628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 121.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.785734338930219 ], [ 7.175934985679048, 52.785734338930219 ], [ 7.175934985679048, 52.78553060141649 ], [ 7.174780008885181, 52.78553060141649 ], [ 7.174780008885181, 52.785734338930219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.78553060141649 ], [ 7.175934985679048, 52.78553060141649 ], [ 7.175934985679048, 52.7853268629488 ], [ 7.174780008885181, 52.7853268629488 ], [ 7.174780008885181, 52.78553060141649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 88.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.784511899538437 ], [ 7.175934985679048, 52.784511899538437 ], [ 7.175934985679048, 52.784308156300938 ], [ 7.174780008885181, 52.784308156300938 ], [ 7.174780008885181, 52.784511899538437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.783900666964044 ], [ 7.175934985679048, 52.783900666964044 ], [ 7.175934985679048, 52.783696920864642 ], [ 7.174780008885181, 52.783696920864642 ], [ 7.174780008885181, 52.783900666964044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28507_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.786141811095831 ], [ 7.177089962472917, 52.786141811095831 ], [ 7.177089962472917, 52.785938075490009 ], [ 7.175934985679048, 52.785938075490009 ], [ 7.175934985679048, 52.786141811095831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28519_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 94.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.720693676339941 ], [ 7.177089962472917, 52.720693676339941 ], [ 7.177089962472917, 52.720489634418627 ], [ 7.175934985679048, 52.720489634418627 ], [ 7.175934985679048, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.677347355126656 ], [ 7.170160101709709, 52.677347355126656 ], [ 7.170160101709709, 52.677143110479015 ], [ 7.169005124915841, 52.677143110479015 ], [ 7.169005124915841, 52.677347355126656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 86.69132675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.675304865677077 ], [ 7.170160101709709, 52.675304865677077 ], [ 7.170160101709709, 52.675100611479806 ], [ 7.169005124915841, 52.675100611479806 ], [ 7.169005124915841, 52.675304865677077 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.677755841557072 ], [ 7.171315078503577, 52.677755841557072 ], [ 7.171315078503577, 52.677551598819335 ], [ 7.170160101709709, 52.677551598819335 ], [ 7.170160101709709, 52.677755841557072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.676938864876419 ], [ 7.172470055297445, 52.676938864876419 ], [ 7.172470055297445, 52.676734618318875 ], [ 7.171315078503577, 52.676734618318875 ], [ 7.171315078503577, 52.676938864876419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 191.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.678368564040589 ], [ 7.173625032091313, 52.678368564040589 ], [ 7.173625032091313, 52.678164324167703 ], [ 7.172470055297445, 52.678164324167703 ], [ 7.172470055297445, 52.678368564040589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.677143110479015 ], [ 7.173625032091313, 52.677143110479015 ], [ 7.173625032091313, 52.676938864876419 ], [ 7.172470055297445, 52.676938864876419 ], [ 7.172470055297445, 52.677143110479015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.676121872916461 ], [ 7.173625032091313, 52.676121872916461 ], [ 7.173625032091313, 52.67591762253906 ], [ 7.172470055297445, 52.67591762253906 ], [ 7.172470055297445, 52.676121872916461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.678777040921553 ], [ 7.174780008885181, 52.678777040921553 ], [ 7.174780008885181, 52.678572802958541 ], [ 7.173625032091313, 52.678572802958541 ], [ 7.173625032091313, 52.678777040921553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 154.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.678368564040589 ], [ 7.174780008885181, 52.678368564040589 ], [ 7.174780008885181, 52.678164324167703 ], [ 7.173625032091313, 52.678164324167703 ], [ 7.173625032091313, 52.678368564040589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 120.895835 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.677960083339862 ], [ 7.174780008885181, 52.677960083339862 ], [ 7.174780008885181, 52.677755841557072 ], [ 7.173625032091313, 52.677755841557072 ], [ 7.173625032091313, 52.677960083339862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 131.250002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.676326122338899 ], [ 7.174780008885181, 52.676326122338899 ], [ 7.174780008885181, 52.676121872916461 ], [ 7.173625032091313, 52.676121872916461 ], [ 7.173625032091313, 52.676326122338899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.678777040921553 ], [ 7.175934985679048, 52.678777040921553 ], [ 7.175934985679048, 52.678572802958541 ], [ 7.174780008885181, 52.678572802958541 ], [ 7.174780008885181, 52.678777040921553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.678368564040589 ], [ 7.175934985679048, 52.678368564040589 ], [ 7.175934985679048, 52.678164324167703 ], [ 7.174780008885181, 52.678164324167703 ], [ 7.174780008885181, 52.678368564040589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.79737533333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.677551598819335 ], [ 7.175934985679048, 52.677551598819335 ], [ 7.175934985679048, 52.677347355126656 ], [ 7.174780008885181, 52.677347355126656 ], [ 7.174780008885181, 52.677551598819335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 148.21382433333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.677347355126656 ], [ 7.175934985679048, 52.677347355126656 ], [ 7.175934985679048, 52.677143110479015 ], [ 7.174780008885181, 52.677143110479015 ], [ 7.174780008885181, 52.677347355126656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 84.2751834 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.677143110479015 ], [ 7.175934985679048, 52.677143110479015 ], [ 7.175934985679048, 52.676938864876419 ], [ 7.174780008885181, 52.676938864876419 ], [ 7.174780008885181, 52.677143110479015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.676938864876419 ], [ 7.175934985679048, 52.676938864876419 ], [ 7.175934985679048, 52.676734618318875 ], [ 7.174780008885181, 52.676734618318875 ], [ 7.174780008885181, 52.676938864876419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 146.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.676734618318875 ], [ 7.175934985679048, 52.676734618318875 ], [ 7.175934985679048, 52.676530370806361 ], [ 7.174780008885181, 52.676530370806361 ], [ 7.174780008885181, 52.676734618318875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 191.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.676326122338899 ], [ 7.175934985679048, 52.676326122338899 ], [ 7.175934985679048, 52.676121872916461 ], [ 7.174780008885181, 52.676121872916461 ], [ 7.174780008885181, 52.676326122338899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 125.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.675713371206704 ], [ 7.175934985679048, 52.675713371206704 ], [ 7.175934985679048, 52.675509118919372 ], [ 7.174780008885181, 52.675509118919372 ], [ 7.174780008885181, 52.675713371206704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 120.0484575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.675100611479806 ], [ 7.175934985679048, 52.675100611479806 ], [ 7.175934985679048, 52.674896356327558 ], [ 7.174780008885181, 52.674896356327558 ], [ 7.174780008885181, 52.675100611479806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 85.148376666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.677551598819335 ], [ 7.177089962472917, 52.677551598819335 ], [ 7.177089962472917, 52.677347355126656 ], [ 7.175934985679048, 52.677347355126656 ], [ 7.175934985679048, 52.677551598819335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.677347355126656 ], [ 7.177089962472917, 52.677347355126656 ], [ 7.177089962472917, 52.677143110479015 ], [ 7.175934985679048, 52.677143110479015 ], [ 7.175934985679048, 52.677347355126656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.677143110479015 ], [ 7.177089962472917, 52.677143110479015 ], [ 7.177089962472917, 52.676938864876419 ], [ 7.175934985679048, 52.676938864876419 ], [ 7.175934985679048, 52.677143110479015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.75254325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.676938864876419 ], [ 7.177089962472917, 52.676938864876419 ], [ 7.177089962472917, 52.676734618318875 ], [ 7.175934985679048, 52.676734618318875 ], [ 7.175934985679048, 52.676938864876419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 153.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.676734618318875 ], [ 7.177089962472917, 52.676734618318875 ], [ 7.177089962472917, 52.676530370806361 ], [ 7.175934985679048, 52.676530370806361 ], [ 7.175934985679048, 52.676734618318875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.676326122338899 ], [ 7.177089962472917, 52.676326122338899 ], [ 7.177089962472917, 52.676121872916461 ], [ 7.175934985679048, 52.676121872916461 ], [ 7.175934985679048, 52.676326122338899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28527_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.67591762253906 ], [ 7.177089962472917, 52.67591762253906 ], [ 7.177089962472917, 52.675713371206704 ], [ 7.175934985679048, 52.675713371206704 ], [ 7.175934985679048, 52.67591762253906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.671900504377618 ], [ 7.170160101709709, 52.671900504377618 ], [ 7.170160101709709, 52.671696234263862 ], [ 7.169005124915841, 52.671696234263862 ], [ 7.169005124915841, 52.671900504377618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 84.65686966666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.66985776026479 ], [ 7.170160101709709, 52.66985776026479 ], [ 7.170160101709709, 52.669653480600914 ], [ 7.169005124915841, 52.669653480600914 ], [ 7.169005124915841, 52.66985776026479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.672309041740078 ], [ 7.171315078503577, 52.672309041740078 ], [ 7.171315078503577, 52.67210477353634 ], [ 7.170160101709709, 52.67210477353634 ], [ 7.170160101709709, 52.672309041740078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.67149196319513 ], [ 7.172470055297445, 52.67149196319513 ], [ 7.172470055297445, 52.671287691171379 ], [ 7.171315078503577, 52.671287691171379 ], [ 7.171315078503577, 52.67149196319513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.672921840621306 ], [ 7.173625032091313, 52.672921840621306 ], [ 7.173625032091313, 52.672717575282562 ], [ 7.172470055297445, 52.672717575282562 ], [ 7.172470055297445, 52.672921840621306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.671696234263862 ], [ 7.173625032091313, 52.671696234263862 ], [ 7.173625032091313, 52.67149196319513 ], [ 7.172470055297445, 52.67149196319513 ], [ 7.172470055297445, 52.671696234263862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.670674869370067 ], [ 7.173625032091313, 52.670674869370067 ], [ 7.173625032091313, 52.670470593526282 ], [ 7.172470055297445, 52.670470593526282 ], [ 7.172470055297445, 52.670674869370067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.67333036843381 ], [ 7.174780008885181, 52.67333036843381 ], [ 7.174780008885181, 52.673126105005053 ], [ 7.173625032091313, 52.673126105005053 ], [ 7.173625032091313, 52.67333036843381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 148.22796971428573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.672921840621306 ], [ 7.174780008885181, 52.672921840621306 ], [ 7.174780008885181, 52.672717575282562 ], [ 7.173625032091313, 52.672717575282562 ], [ 7.173625032091313, 52.672921840621306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 115.4072355 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.672513308988812 ], [ 7.174780008885181, 52.672513308988812 ], [ 7.174780008885181, 52.672309041740078 ], [ 7.173625032091313, 52.672309041740078 ], [ 7.173625032091313, 52.672513308988812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 134.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.670879144258855 ], [ 7.174780008885181, 52.670879144258855 ], [ 7.174780008885181, 52.670674869370067 ], [ 7.173625032091313, 52.670674869370067 ], [ 7.173625032091313, 52.670879144258855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.67333036843381 ], [ 7.175934985679048, 52.67333036843381 ], [ 7.175934985679048, 52.673126105005053 ], [ 7.174780008885181, 52.673126105005053 ], [ 7.174780008885181, 52.67333036843381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.672921840621306 ], [ 7.175934985679048, 52.672921840621306 ], [ 7.175934985679048, 52.672717575282562 ], [ 7.174780008885181, 52.672717575282562 ], [ 7.174780008885181, 52.672921840621306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.64981075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.67210477353634 ], [ 7.175934985679048, 52.67210477353634 ], [ 7.175934985679048, 52.671900504377618 ], [ 7.174780008885181, 52.671900504377618 ], [ 7.174780008885181, 52.67210477353634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 144.41399966666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.671900504377618 ], [ 7.175934985679048, 52.671900504377618 ], [ 7.175934985679048, 52.671696234263862 ], [ 7.174780008885181, 52.671696234263862 ], [ 7.174780008885181, 52.671900504377618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 85.1666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.671696234263862 ], [ 7.175934985679048, 52.671696234263862 ], [ 7.175934985679048, 52.67149196319513 ], [ 7.174780008885181, 52.67149196319513 ], [ 7.174780008885181, 52.671696234263862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.67149196319513 ], [ 7.175934985679048, 52.67149196319513 ], [ 7.175934985679048, 52.671287691171379 ], [ 7.174780008885181, 52.671287691171379 ], [ 7.174780008885181, 52.67149196319513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 149.66667133333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.671287691171379 ], [ 7.175934985679048, 52.671287691171379 ], [ 7.175934985679048, 52.671083418192616 ], [ 7.174780008885181, 52.671083418192616 ], [ 7.174780008885181, 52.671287691171379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.670879144258855 ], [ 7.175934985679048, 52.670879144258855 ], [ 7.175934985679048, 52.670674869370067 ], [ 7.174780008885181, 52.670674869370067 ], [ 7.174780008885181, 52.670879144258855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.749998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.670266316727471 ], [ 7.175934985679048, 52.670266316727471 ], [ 7.175934985679048, 52.670062038973633 ], [ 7.174780008885181, 52.670062038973633 ], [ 7.174780008885181, 52.670266316727471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 120.79529044444445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.669653480600914 ], [ 7.175934985679048, 52.669653480600914 ], [ 7.175934985679048, 52.669449199982026 ], [ 7.174780008885181, 52.669449199982026 ], [ 7.174780008885181, 52.669653480600914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 85.0000016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.67210477353634 ], [ 7.177089962472917, 52.67210477353634 ], [ 7.177089962472917, 52.671900504377618 ], [ 7.175934985679048, 52.671900504377618 ], [ 7.175934985679048, 52.67210477353634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.671900504377618 ], [ 7.177089962472917, 52.671900504377618 ], [ 7.177089962472917, 52.671696234263862 ], [ 7.175934985679048, 52.671696234263862 ], [ 7.175934985679048, 52.671900504377618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.671696234263862 ], [ 7.177089962472917, 52.671696234263862 ], [ 7.177089962472917, 52.67149196319513 ], [ 7.175934985679048, 52.67149196319513 ], [ 7.175934985679048, 52.671696234263862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 115.32957707692307 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.67149196319513 ], [ 7.177089962472917, 52.67149196319513 ], [ 7.177089962472917, 52.671287691171379 ], [ 7.175934985679048, 52.671287691171379 ], [ 7.175934985679048, 52.67149196319513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.42223785714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.671287691171379 ], [ 7.177089962472917, 52.671287691171379 ], [ 7.177089962472917, 52.671083418192616 ], [ 7.175934985679048, 52.671083418192616 ], [ 7.175934985679048, 52.671287691171379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 151.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.670879144258855 ], [ 7.177089962472917, 52.670879144258855 ], [ 7.177089962472917, 52.670674869370067 ], [ 7.175934985679048, 52.670674869370067 ], [ 7.175934985679048, 52.670879144258855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28528_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.741505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.670470593526282 ], [ 7.177089962472917, 52.670470593526282 ], [ 7.177089962472917, 52.670266316727471 ], [ 7.175934985679048, 52.670266316727471 ], [ 7.175934985679048, 52.670470593526282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.666452974515522 ], [ 7.170160101709709, 52.666452974515522 ], [ 7.170160101709709, 52.666248678934359 ], [ 7.169005124915841, 52.666248678934359 ], [ 7.169005124915841, 52.666452974515522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 84.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.66440997572618 ], [ 7.170160101709709, 52.66440997572618 ], [ 7.170160101709709, 52.664205670594384 ], [ 7.169005124915841, 52.664205670594384 ], [ 7.169005124915841, 52.66440997572618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.666861562812699 ], [ 7.171315078503577, 52.666861562812699 ], [ 7.171315078503577, 52.666657269141638 ], [ 7.170160101709709, 52.666657269141638 ], [ 7.170160101709709, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.666044382398134 ], [ 7.172470055297445, 52.666044382398134 ], [ 7.172470055297445, 52.665840084906861 ], [ 7.171315078503577, 52.665840084906861 ], [ 7.171315078503577, 52.666044382398134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 205.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.66747443809561 ], [ 7.173625032091313, 52.66747443809561 ], [ 7.173625032091313, 52.667270147289678 ], [ 7.172470055297445, 52.667270147289678 ], [ 7.172470055297445, 52.66747443809561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.666248678934359 ], [ 7.173625032091313, 52.666248678934359 ], [ 7.173625032091313, 52.666044382398134 ], [ 7.172470055297445, 52.666044382398134 ], [ 7.172470055297445, 52.666248678934359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.665227186702666 ], [ 7.173625032091313, 52.665227186702666 ], [ 7.173625032091313, 52.665022885391153 ], [ 7.172470055297445, 52.665022885391153 ], [ 7.172470055297445, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.667883016842332 ], [ 7.174780008885181, 52.667883016842332 ], [ 7.174780008885181, 52.667678727946488 ], [ 7.173625032091313, 52.667678727946488 ], [ 7.173625032091313, 52.667883016842332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.66747443809561 ], [ 7.174780008885181, 52.66747443809561 ], [ 7.174780008885181, 52.667270147289678 ], [ 7.173625032091313, 52.667270147289678 ], [ 7.173625032091313, 52.66747443809561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.667065855528719 ], [ 7.174780008885181, 52.667065855528719 ], [ 7.174780008885181, 52.666861562812699 ], [ 7.173625032091313, 52.666861562812699 ], [ 7.173625032091313, 52.667065855528719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 45.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.666861562812699 ], [ 7.174780008885181, 52.666861562812699 ], [ 7.174780008885181, 52.666657269141638 ], [ 7.173625032091313, 52.666657269141638 ], [ 7.173625032091313, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 131.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.665431487059116 ], [ 7.174780008885181, 52.665431487059116 ], [ 7.174780008885181, 52.665227186702666 ], [ 7.173625032091313, 52.665227186702666 ], [ 7.173625032091313, 52.665431487059116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.667883016842332 ], [ 7.175934985679048, 52.667883016842332 ], [ 7.175934985679048, 52.667678727946488 ], [ 7.174780008885181, 52.667678727946488 ], [ 7.174780008885181, 52.667883016842332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.66747443809561 ], [ 7.175934985679048, 52.66747443809561 ], [ 7.175934985679048, 52.667270147289678 ], [ 7.174780008885181, 52.667270147289678 ], [ 7.174780008885181, 52.66747443809561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.396985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.666657269141638 ], [ 7.175934985679048, 52.666657269141638 ], [ 7.175934985679048, 52.666452974515522 ], [ 7.174780008885181, 52.666452974515522 ], [ 7.174780008885181, 52.666657269141638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 140.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.666452974515522 ], [ 7.175934985679048, 52.666452974515522 ], [ 7.175934985679048, 52.666248678934359 ], [ 7.174780008885181, 52.666248678934359 ], [ 7.174780008885181, 52.666452974515522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 85.283168 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.666248678934359 ], [ 7.175934985679048, 52.666248678934359 ], [ 7.175934985679048, 52.666044382398134 ], [ 7.174780008885181, 52.666044382398134 ], [ 7.174780008885181, 52.666248678934359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.666044382398134 ], [ 7.175934985679048, 52.666044382398134 ], [ 7.175934985679048, 52.665840084906861 ], [ 7.174780008885181, 52.665840084906861 ], [ 7.174780008885181, 52.666044382398134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 147.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.665840084906861 ], [ 7.175934985679048, 52.665840084906861 ], [ 7.175934985679048, 52.66563578646052 ], [ 7.174780008885181, 52.66563578646052 ], [ 7.174780008885181, 52.665840084906861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.665431487059116 ], [ 7.175934985679048, 52.665431487059116 ], [ 7.175934985679048, 52.665227186702666 ], [ 7.174780008885181, 52.665227186702666 ], [ 7.174780008885181, 52.665431487059116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.664818583124557 ], [ 7.175934985679048, 52.664818583124557 ], [ 7.175934985679048, 52.664614279902906 ], [ 7.174780008885181, 52.664614279902906 ], [ 7.174780008885181, 52.664818583124557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.05320366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.664205670594384 ], [ 7.175934985679048, 52.664205670594384 ], [ 7.175934985679048, 52.66400136450752 ], [ 7.174780008885181, 52.66400136450752 ], [ 7.174780008885181, 52.664205670594384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 87.50128 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.666657269141638 ], [ 7.177089962472917, 52.666657269141638 ], [ 7.177089962472917, 52.666452974515522 ], [ 7.175934985679048, 52.666452974515522 ], [ 7.175934985679048, 52.666657269141638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.666452974515522 ], [ 7.177089962472917, 52.666452974515522 ], [ 7.177089962472917, 52.666248678934359 ], [ 7.175934985679048, 52.666248678934359 ], [ 7.175934985679048, 52.666452974515522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.666248678934359 ], [ 7.177089962472917, 52.666248678934359 ], [ 7.177089962472917, 52.666044382398134 ], [ 7.175934985679048, 52.666044382398134 ], [ 7.175934985679048, 52.666248678934359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.4686065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.666044382398134 ], [ 7.177089962472917, 52.666044382398134 ], [ 7.177089962472917, 52.665840084906861 ], [ 7.175934985679048, 52.665840084906861 ], [ 7.175934985679048, 52.666044382398134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.665840084906861 ], [ 7.177089962472917, 52.665840084906861 ], [ 7.177089962472917, 52.66563578646052 ], [ 7.175934985679048, 52.66563578646052 ], [ 7.175934985679048, 52.665840084906861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.665431487059116 ], [ 7.177089962472917, 52.665431487059116 ], [ 7.177089962472917, 52.665227186702666 ], [ 7.175934985679048, 52.665227186702666 ], [ 7.175934985679048, 52.665431487059116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28529_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 114.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.665022885391153 ], [ 7.177089962472917, 52.665022885391153 ], [ 7.177089962472917, 52.664818583124557 ], [ 7.175934985679048, 52.664818583124557 ], [ 7.175934985679048, 52.665022885391153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28602_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.266740484833868 ], [ 7.170160101709709, 52.266740484833868 ], [ 7.170160101709709, 52.266534325634538 ], [ 7.169005124915841, 52.266534325634538 ], [ 7.169005124915841, 52.266740484833868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28602_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.266740484833868 ], [ 7.173625032091313, 52.266740484833868 ], [ 7.173625032091313, 52.266534325634538 ], [ 7.172470055297445, 52.266534325634538 ], [ 7.172470055297445, 52.266740484833868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28602_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.26447268091718 ], [ 7.175934985679048, 52.26447268091718 ], [ 7.175934985679048, 52.264266511172998 ], [ 7.174780008885181, 52.264266511172998 ], [ 7.174780008885181, 52.26447268091718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28602_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 139.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.266534325634538 ], [ 7.177089962472917, 52.266534325634538 ], [ 7.177089962472917, 52.266328165476601 ], [ 7.175934985679048, 52.266328165476601 ], [ 7.175934985679048, 52.266534325634538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28602_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.266328165476601 ], [ 7.177089962472917, 52.266328165476601 ], [ 7.177089962472917, 52.266122004360042 ], [ 7.175934985679048, 52.266122004360042 ], [ 7.175934985679048, 52.266328165476601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28602_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.265503515258651 ], [ 7.177089962472917, 52.265503515258651 ], [ 7.177089962472917, 52.26529735030762 ], [ 7.175934985679048, 52.26529735030762 ], [ 7.175934985679048, 52.265503515258651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.261242578120864 ], [ 7.170160101709709, 52.261242578120864 ], [ 7.170160101709709, 52.261036393357863 ], [ 7.169005124915841, 52.261036393357863 ], [ 7.169005124915841, 52.261242578120864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 115.5019172 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.259180687350835 ], [ 7.170160101709709, 52.259180687350835 ], [ 7.170160101709709, 52.258974493001119 ], [ 7.169005124915841, 52.258974493001119 ], [ 7.169005124915841, 52.259180687350835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 145.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.261861126657905 ], [ 7.171315078503577, 52.261861126657905 ], [ 7.171315078503577, 52.261654944770882 ], [ 7.170160101709709, 52.261654944770882 ], [ 7.170160101709709, 52.261861126657905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.261036393357863 ], [ 7.172470055297445, 52.261036393357863 ], [ 7.172470055297445, 52.260830207636204 ], [ 7.171315078503577, 52.260830207636204 ], [ 7.171315078503577, 52.261036393357863 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 149.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.262479666567046 ], [ 7.173625032091313, 52.262479666567046 ], [ 7.173625032091313, 52.262273487555994 ], [ 7.172470055297445, 52.262273487555994 ], [ 7.172470055297445, 52.262479666567046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.261242578120864 ], [ 7.173625032091313, 52.261242578120864 ], [ 7.173625032091313, 52.261036393357863 ], [ 7.172470055297445, 52.261036393357863 ], [ 7.172470055297445, 52.261242578120864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 145.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.260417833316872 ], [ 7.173625032091313, 52.260417833316872 ], [ 7.173625032091313, 52.260211644719213 ], [ 7.172470055297445, 52.260211644719213 ], [ 7.172470055297445, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.262892021713228 ], [ 7.174780008885181, 52.262892021713228 ], [ 7.174780008885181, 52.262685844619455 ], [ 7.173625032091313, 52.262685844619455 ], [ 7.173625032091313, 52.262892021713228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.138036375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.262685844619455 ], [ 7.174780008885181, 52.262685844619455 ], [ 7.174780008885181, 52.262479666567046 ], [ 7.173625032091313, 52.262479666567046 ], [ 7.173625032091313, 52.262685844619455 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.261654944770882 ], [ 7.174780008885181, 52.261654944770882 ], [ 7.174780008885181, 52.261448761925202 ], [ 7.173625032091313, 52.261448761925202 ], [ 7.173625032091313, 52.261654944770882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.262892021713228 ], [ 7.175934985679048, 52.262892021713228 ], [ 7.175934985679048, 52.262685844619455 ], [ 7.174780008885181, 52.262685844619455 ], [ 7.174780008885181, 52.262892021713228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 213.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.262479666567046 ], [ 7.175934985679048, 52.262479666567046 ], [ 7.175934985679048, 52.262273487555994 ], [ 7.174780008885181, 52.262273487555994 ], [ 7.174780008885181, 52.262479666567046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 134.350871 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.261861126657905 ], [ 7.175934985679048, 52.261861126657905 ], [ 7.175934985679048, 52.261654944770882 ], [ 7.174780008885181, 52.261654944770882 ], [ 7.174780008885181, 52.261861126657905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.100868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.261448761925202 ], [ 7.175934985679048, 52.261448761925202 ], [ 7.175934985679048, 52.261242578120864 ], [ 7.174780008885181, 52.261242578120864 ], [ 7.174780008885181, 52.261448761925202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.259799264647889 ], [ 7.175934985679048, 52.259799264647889 ], [ 7.175934985679048, 52.259593073174209 ], [ 7.174780008885181, 52.259593073174209 ], [ 7.174780008885181, 52.259799264647889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 126.94531975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.258974493001119 ], [ 7.175934985679048, 52.258974493001119 ], [ 7.175934985679048, 52.25876829769274 ], [ 7.174780008885181, 52.25876829769274 ], [ 7.174780008885181, 52.258974493001119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 162.976796 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.261654944770882 ], [ 7.177089962472917, 52.261654944770882 ], [ 7.177089962472917, 52.261448761925202 ], [ 7.175934985679048, 52.261448761925202 ], [ 7.175934985679048, 52.261654944770882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.261242578120864 ], [ 7.177089962472917, 52.261242578120864 ], [ 7.177089962472917, 52.261036393357863 ], [ 7.175934985679048, 52.261036393357863 ], [ 7.175934985679048, 52.261242578120864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.70293637499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.261036393357863 ], [ 7.177089962472917, 52.261036393357863 ], [ 7.177089962472917, 52.260830207636204 ], [ 7.175934985679048, 52.260830207636204 ], [ 7.175934985679048, 52.261036393357863 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 122.00541212499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.260830207636204 ], [ 7.177089962472917, 52.260830207636204 ], [ 7.177089962472917, 52.260624020955866 ], [ 7.175934985679048, 52.260624020955866 ], [ 7.175934985679048, 52.260830207636204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28603_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.0784865 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.260005455162883 ], [ 7.177089962472917, 52.260005455162883 ], [ 7.177089962472917, 52.259799264647889 ], [ 7.175934985679048, 52.259799264647889 ], [ 7.175934985679048, 52.260005455162883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 161.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.255743989693521 ], [ 7.170160101709709, 52.255743989693521 ], [ 7.170160101709709, 52.255537779365575 ], [ 7.169005124915841, 52.255537779365575 ], [ 7.169005124915841, 52.255743989693521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 116.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.253681843271877 ], [ 7.170160101709709, 52.253681843271877 ], [ 7.170160101709709, 52.253475623356742 ], [ 7.169005124915841, 52.253475623356742 ], [ 7.169005124915841, 52.253681843271877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 147.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.256362614925123 ], [ 7.171315078503577, 52.256362614925123 ], [ 7.171315078503577, 52.256156407473291 ], [ 7.170160101709709, 52.256156407473291 ], [ 7.170160101709709, 52.256362614925123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 163.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.255537779365575 ], [ 7.172470055297445, 52.255537779365575 ], [ 7.172470055297445, 52.255331568078923 ], [ 7.171315078503577, 52.255331568078923 ], [ 7.171315078503577, 52.255537779365575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.256981231528393 ], [ 7.173625032091313, 52.256981231528393 ], [ 7.173625032091313, 52.256775026952674 ], [ 7.172470055297445, 52.256775026952674 ], [ 7.172470055297445, 52.256981231528393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.255743989693521 ], [ 7.173625032091313, 52.255743989693521 ], [ 7.173625032091313, 52.255537779365575 ], [ 7.172470055297445, 52.255537779365575 ], [ 7.172470055297445, 52.255743989693521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.254919142629468 ], [ 7.173625032091313, 52.254919142629468 ], [ 7.173625032091313, 52.254712928466674 ], [ 7.172470055297445, 52.254712928466674 ], [ 7.172470055297445, 52.254919142629468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.257393637803744 ], [ 7.174780008885181, 52.257393637803744 ], [ 7.174780008885181, 52.257187435145418 ], [ 7.173625032091313, 52.257187435145418 ], [ 7.173625032091313, 52.257393637803744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 137.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.257187435145418 ], [ 7.174780008885181, 52.257187435145418 ], [ 7.174780008885181, 52.256981231528393 ], [ 7.173625032091313, 52.256981231528393 ], [ 7.173625032091313, 52.257187435145418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.256156407473291 ], [ 7.174780008885181, 52.256156407473291 ], [ 7.174780008885181, 52.255950199062767 ], [ 7.173625032091313, 52.255950199062767 ], [ 7.173625032091313, 52.256156407473291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.257393637803744 ], [ 7.175934985679048, 52.257393637803744 ], [ 7.175934985679048, 52.257187435145418 ], [ 7.174780008885181, 52.257187435145418 ], [ 7.174780008885181, 52.257393637803744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 200.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.256981231528393 ], [ 7.175934985679048, 52.256981231528393 ], [ 7.175934985679048, 52.256775026952674 ], [ 7.174780008885181, 52.256775026952674 ], [ 7.174780008885181, 52.256981231528393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.14402775000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.256362614925123 ], [ 7.175934985679048, 52.256362614925123 ], [ 7.175934985679048, 52.256156407473291 ], [ 7.174780008885181, 52.256156407473291 ], [ 7.174780008885181, 52.256362614925123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.255950199062767 ], [ 7.175934985679048, 52.255950199062767 ], [ 7.175934985679048, 52.255743989693521 ], [ 7.174780008885181, 52.255743989693521 ], [ 7.174780008885181, 52.255950199062767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.254300497264914 ], [ 7.175934985679048, 52.254300497264914 ], [ 7.175934985679048, 52.254094280225956 ], [ 7.174780008885181, 52.254094280225956 ], [ 7.174780008885181, 52.254300497264914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 129.51936425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.253475623356742 ], [ 7.175934985679048, 52.253475623356742 ], [ 7.175934985679048, 52.253269402482893 ], [ 7.174780008885181, 52.253269402482893 ], [ 7.174780008885181, 52.253475623356742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 161.5613895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.256156407473291 ], [ 7.177089962472917, 52.256156407473291 ], [ 7.177089962472917, 52.255950199062767 ], [ 7.175934985679048, 52.255950199062767 ], [ 7.175934985679048, 52.256156407473291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.255743989693521 ], [ 7.177089962472917, 52.255743989693521 ], [ 7.177089962472917, 52.255537779365575 ], [ 7.175934985679048, 52.255537779365575 ], [ 7.175934985679048, 52.255743989693521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.44895885714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.255537779365575 ], [ 7.177089962472917, 52.255537779365575 ], [ 7.177089962472917, 52.255331568078923 ], [ 7.175934985679048, 52.255331568078923 ], [ 7.175934985679048, 52.255537779365575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.51754225000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.255331568078923 ], [ 7.177089962472917, 52.255331568078923 ], [ 7.177089962472917, 52.255125355833549 ], [ 7.175934985679048, 52.255125355833549 ], [ 7.175934985679048, 52.255331568078923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28604_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.3469245 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.254506713345144 ], [ 7.177089962472917, 52.254506713345144 ], [ 7.177089962472917, 52.254300497264914 ], [ 7.175934985679048, 52.254300497264914 ], [ 7.175934985679048, 52.254506713345144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28605_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.251894572156218 ], [ 7.175934985679048, 52.251894572156218 ], [ 7.175934985679048, 52.251688343932045 ], [ 7.174780008885181, 52.251688343932045 ], [ 7.174780008885181, 52.251894572156218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28605_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 112.452177 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.249832246770886 ], [ 7.177089962472917, 52.249832246770886 ], [ 7.177089962472917, 52.249626008959197 ], [ 7.175934985679048, 52.249626008959197 ], [ 7.175934985679048, 52.249832246770886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 101.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.19521451417156 ], [ 7.170160101709709, 52.19521451417156 ], [ 7.170160101709709, 52.195008022545537 ], [ 7.169005124915841, 52.195008022545537 ], [ 7.169005124915841, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.169005124915841, 52.193149554745702 ], [ 7.170160101709709, 52.193149554745702 ], [ 7.170160101709709, 52.19294305352728 ], [ 7.169005124915841, 52.19294305352728 ], [ 7.169005124915841, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.170160101709709, 52.195833983294236 ], [ 7.171315078503577, 52.195833983294236 ], [ 7.171315078503577, 52.195627494545903 ], [ 7.170160101709709, 52.195627494545903 ], [ 7.170160101709709, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.171315078503577, 52.195008022545537 ], [ 7.172470055297445, 52.195008022545537 ], [ 7.172470055297445, 52.194801529960294 ], [ 7.171315078503577, 52.194801529960294 ], [ 7.171315078503577, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.196453443783888 ], [ 7.173625032091313, 52.196453443783888 ], [ 7.173625032091313, 52.196246957913225 ], [ 7.172470055297445, 52.196246957913225 ], [ 7.172470055297445, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.19521451417156 ], [ 7.173625032091313, 52.19521451417156 ], [ 7.173625032091313, 52.195008022545537 ], [ 7.172470055297445, 52.195008022545537 ], [ 7.172470055297445, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 109.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.172470055297445, 52.194388541912076 ], [ 7.173625032091313, 52.194388541912076 ], [ 7.173625032091313, 52.194182046449129 ], [ 7.172470055297445, 52.194182046449129 ], [ 7.172470055297445, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.196866412647559 ], [ 7.174780008885181, 52.196866412647559 ], [ 7.174780008885181, 52.196659928695333 ], [ 7.173625032091313, 52.196659928695333 ], [ 7.173625032091313, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 79.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 52.196659928695333 ], [ 7.174780008885181, 52.196659928695333 ], [ 7.174780008885181, 52.196453443783888 ], [ 7.173625032091313, 52.196453443783888 ], [ 7.173625032091313, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 101.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.196866412647559 ], [ 7.175934985679048, 52.196866412647559 ], [ 7.175934985679048, 52.196659928695333 ], [ 7.174780008885181, 52.196659928695333 ], [ 7.174780008885181, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 99.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.196453443783888 ], [ 7.175934985679048, 52.196453443783888 ], [ 7.175934985679048, 52.196246957913225 ], [ 7.174780008885181, 52.196246957913225 ], [ 7.174780008885181, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 91.470914 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.195833983294236 ], [ 7.175934985679048, 52.195833983294236 ], [ 7.175934985679048, 52.195627494545903 ], [ 7.174780008885181, 52.195627494545903 ], [ 7.174780008885181, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 104.8104432 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.195421004838344 ], [ 7.175934985679048, 52.195421004838344 ], [ 7.175934985679048, 52.19521451417156 ], [ 7.174780008885181, 52.19521451417156 ], [ 7.174780008885181, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 93.399999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.193769052645486 ], [ 7.175934985679048, 52.193769052645486 ], [ 7.175934985679048, 52.193562554304805 ], [ 7.174780008885181, 52.193562554304805 ], [ 7.174780008885181, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 89.2062202 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.174780008885181, 52.19294305352728 ], [ 7.175934985679048, 52.19294305352728 ], [ 7.175934985679048, 52.192736551349611 ], [ 7.174780008885181, 52.192736551349611 ], [ 7.174780008885181, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 115.7370176 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.195833983294236 ], [ 7.177089962472917, 52.195833983294236 ], [ 7.177089962472917, 52.195627494545903 ], [ 7.175934985679048, 52.195627494545903 ], [ 7.175934985679048, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.916666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.19521451417156 ], [ 7.177089962472917, 52.19521451417156 ], [ 7.177089962472917, 52.195008022545537 ], [ 7.175934985679048, 52.195008022545537 ], [ 7.175934985679048, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.1999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.195008022545537 ], [ 7.177089962472917, 52.195008022545537 ], [ 7.177089962472917, 52.194801529960294 ], [ 7.175934985679048, 52.194801529960294 ], [ 7.175934985679048, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28615_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.26527925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.175934985679048, 52.194801529960294 ], [ 7.177089962472917, 52.194801529960294 ], [ 7.177089962472917, 52.194595036415805 ], [ 7.175934985679048, 52.194595036415805 ], [ 7.175934985679048, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28848_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 50.893632119602735 ], [ 7.174780008885181, 50.893632119602735 ], [ 7.174780008885181, 50.893419635420472 ], [ 7.173625032091313, 50.893419635420472 ], [ 7.173625032091313, 50.893632119602735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "28849_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.173625032091313, 50.887965542980851 ], [ 7.174780008885181, 50.887965542980851 ], [ 7.174780008885181, 50.887753032946847 ], [ 7.173625032091313, 50.887753032946847 ], [ 7.173625032091313, 50.887965542980851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 30.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 53.614992143376966 ], [ 7.179143254550905, 53.614992143376966 ], [ 7.179143254550905, 53.614792309887918 ], [ 7.177988277757035, 53.614792309887918 ], [ 7.177988277757035, 53.614992143376966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 50.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 53.614192803745574 ], [ 7.181453208138641, 53.614192803745574 ], [ 7.181453208138641, 53.613992966473056 ], [ 7.180298231344771, 53.613992966473056 ], [ 7.180298231344771, 53.614192803745574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 47.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 53.615391807517497 ], [ 7.182608184932507, 53.615391807517497 ], [ 7.182608184932507, 53.615191975920155 ], [ 7.181453208138641, 53.615191975920155 ], [ 7.181453208138641, 53.615391807517497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 53.61599129663437 ], [ 7.183763161726376, 53.61599129663437 ], [ 7.183763161726376, 53.615791467874594 ], [ 7.182608184932507, 53.615791467874594 ], [ 7.182608184932507, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 47.780439333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 53.615191975920155 ], [ 7.183763161726376, 53.615191975920155 ], [ 7.183763161726376, 53.614992143376966 ], [ 7.182608184932507, 53.614992143376966 ], [ 7.182608184932507, 53.615191975920155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 49.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 53.61599129663437 ], [ 7.184918138520243, 53.61599129663437 ], [ 7.184918138520243, 53.615791467874594 ], [ 7.183763161726376, 53.615791467874594 ], [ 7.183763161726376, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29028_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 31.833333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 53.614392640072218 ], [ 7.186073115314111, 53.614392640072218 ], [ 7.186073115314111, 53.614192803745574 ], [ 7.184918138520243, 53.614192803745574 ], [ 7.184918138520243, 53.614392640072218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29029_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 9.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 53.610262497097445 ], [ 7.184918138520243, 53.610262497097445 ], [ 7.184918138520243, 53.610062641222434 ], [ 7.183763161726376, 53.610062641222434 ], [ 7.183763161726376, 53.610262497097445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29030_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 53.604932683379708 ], [ 7.184918138520243, 53.604932683379708 ], [ 7.184918138520243, 53.604732802279713 ], [ 7.183763161726376, 53.604732802279713 ], [ 7.183763161726376, 53.604932683379708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29053_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 36.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 53.48216122856681 ], [ 7.182608184932507, 53.48216122856681 ], [ 7.182608184932507, 53.481960766892271 ], [ 7.181453208138641, 53.481960766892271 ], [ 7.181453208138641, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29053_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 23.649351 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 53.481760304270516 ], [ 7.183763161726376, 53.481760304270516 ], [ 7.183763161726376, 53.481559840701564 ], [ 7.182608184932507, 53.481559840701564 ], [ 7.182608184932507, 53.481760304270516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29053_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 23.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 53.48216122856681 ], [ 7.184918138520243, 53.48216122856681 ], [ 7.184918138520243, 53.481960766892271 ], [ 7.183763161726376, 53.481960766892271 ], [ 7.183763161726376, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29110_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 53.176162906957636 ], [ 7.180298231344771, 53.176162906957636 ], [ 7.180298231344771, 53.175961002257807 ], [ 7.179143254550905, 53.175961002257807 ], [ 7.179143254550905, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29174_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.830601247041741 ], [ 7.183763161726376, 52.830601247041741 ], [ 7.183763161726376, 52.830397719670103 ], [ 7.182608184932507, 52.830397719670103 ], [ 7.182608184932507, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29175_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 82.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.825173524137448 ], [ 7.183763161726376, 52.825173524137448 ], [ 7.183763161726376, 52.824969971337467 ], [ 7.182608184932507, 52.824969971337467 ], [ 7.182608184932507, 52.825173524137448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.807868131639673 ], [ 7.179143254550905, 52.807868131639673 ], [ 7.179143254550905, 52.807664497777871 ], [ 7.177988277757035, 52.807664497777871 ], [ 7.177988277757035, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.50000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.805831750102612 ], [ 7.179143254550905, 52.805831750102612 ], [ 7.179143254550905, 52.805628106703217 ], [ 7.177988277757035, 52.805628106703217 ], [ 7.177988277757035, 52.805831750102612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 94.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.808275396502054 ], [ 7.180298231344771, 52.808275396502054 ], [ 7.180298231344771, 52.808071764547734 ], [ 7.179143254550905, 52.808071764547734 ], [ 7.179143254550905, 52.808275396502054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.807460862962309 ], [ 7.181453208138641, 52.807460862962309 ], [ 7.181453208138641, 52.807257227193006 ], [ 7.180298231344771, 52.807257227193006 ], [ 7.180298231344771, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 213.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.808886286642526 ], [ 7.182608184932507, 52.808886286642526 ], [ 7.182608184932507, 52.80868265754944 ], [ 7.181453208138641, 52.80868265754944 ], [ 7.181453208138641, 52.808886286642526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 74.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.807460862962309 ], [ 7.182608184932507, 52.807460862962309 ], [ 7.182608184932507, 52.807257227193006 ], [ 7.181453208138641, 52.807257227193006 ], [ 7.181453208138641, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 86.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.809293541967484 ], [ 7.183763161726376, 52.809293541967484 ], [ 7.183763161726376, 52.809089914781879 ], [ 7.182608184932507, 52.809089914781879 ], [ 7.182608184932507, 52.809293541967484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 32.940367230769233 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.808886286642526 ], [ 7.183763161726376, 52.808886286642526 ], [ 7.183763161726376, 52.80868265754944 ], [ 7.182608184932507, 52.80868265754944 ], [ 7.182608184932507, 52.808886286642526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.808479027502614 ], [ 7.183763161726376, 52.808479027502614 ], [ 7.183763161726376, 52.808275396502054 ], [ 7.182608184932507, 52.808275396502054 ], [ 7.182608184932507, 52.808479027502614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 88.6000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.806849952793108 ], [ 7.183763161726376, 52.806849952793108 ], [ 7.183763161726376, 52.806646314162535 ], [ 7.182608184932507, 52.806646314162535 ], [ 7.182608184932507, 52.806849952793108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 147.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.809293541967484 ], [ 7.184918138520243, 52.809293541967484 ], [ 7.184918138520243, 52.809089914781879 ], [ 7.183763161726376, 52.809089914781879 ], [ 7.183763161726376, 52.809293541967484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.808886286642526 ], [ 7.184918138520243, 52.808886286642526 ], [ 7.184918138520243, 52.80868265754944 ], [ 7.183763161726376, 52.80868265754944 ], [ 7.183763161726376, 52.808886286642526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 96.625283 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.808275396502054 ], [ 7.184918138520243, 52.808275396502054 ], [ 7.184918138520243, 52.808071764547734 ], [ 7.183763161726376, 52.808071764547734 ], [ 7.183763161726376, 52.808275396502054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 103.4537995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.808071764547734 ], [ 7.184918138520243, 52.808071764547734 ], [ 7.184918138520243, 52.807868131639673 ], [ 7.183763161726376, 52.807868131639673 ], [ 7.183763161726376, 52.808071764547734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.6045678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.807868131639673 ], [ 7.184918138520243, 52.807868131639673 ], [ 7.184918138520243, 52.807664497777871 ], [ 7.183763161726376, 52.807664497777871 ], [ 7.183763161726376, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.60338644444444 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.807460862962309 ], [ 7.184918138520243, 52.807460862962309 ], [ 7.184918138520243, 52.807257227193006 ], [ 7.183763161726376, 52.807257227193006 ], [ 7.183763161726376, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 97.8069364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.807257227193006 ], [ 7.184918138520243, 52.807257227193006 ], [ 7.184918138520243, 52.807053590469934 ], [ 7.183763161726376, 52.807053590469934 ], [ 7.183763161726376, 52.807257227193006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.806849952793108 ], [ 7.184918138520243, 52.806849952793108 ], [ 7.184918138520243, 52.806646314162535 ], [ 7.183763161726376, 52.806646314162535 ], [ 7.183763161726376, 52.806849952793108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 85.833334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.806239034040104 ], [ 7.184918138520243, 52.806239034040104 ], [ 7.184918138520243, 52.806035392548239 ], [ 7.183763161726376, 52.806035392548239 ], [ 7.183763161726376, 52.806239034040104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 92.701020666666679 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.805628106703217 ], [ 7.184918138520243, 52.805628106703217 ], [ 7.184918138520243, 52.805424462350054 ], [ 7.183763161726376, 52.805424462350054 ], [ 7.183763161726376, 52.805628106703217 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.32553875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.808071764547734 ], [ 7.186073115314111, 52.808071764547734 ], [ 7.186073115314111, 52.807868131639673 ], [ 7.184918138520243, 52.807868131639673 ], [ 7.184918138520243, 52.808071764547734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 79.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.807868131639673 ], [ 7.186073115314111, 52.807868131639673 ], [ 7.186073115314111, 52.807664497777871 ], [ 7.184918138520243, 52.807664497777871 ], [ 7.184918138520243, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.807664497777871 ], [ 7.186073115314111, 52.807664497777871 ], [ 7.186073115314111, 52.807460862962309 ], [ 7.184918138520243, 52.807460862962309 ], [ 7.184918138520243, 52.807664497777871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.062917555555543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.807460862962309 ], [ 7.186073115314111, 52.807460862962309 ], [ 7.186073115314111, 52.807257227193006 ], [ 7.184918138520243, 52.807257227193006 ], [ 7.184918138520243, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.807257227193006 ], [ 7.186073115314111, 52.807257227193006 ], [ 7.186073115314111, 52.807053590469934 ], [ 7.184918138520243, 52.807053590469934 ], [ 7.184918138520243, 52.807257227193006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 168.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.806849952793108 ], [ 7.186073115314111, 52.806849952793108 ], [ 7.186073115314111, 52.806646314162535 ], [ 7.184918138520243, 52.806646314162535 ], [ 7.184918138520243, 52.806849952793108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29178_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 78.370581333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.8064426745782 ], [ 7.186073115314111, 52.8064426745782 ], [ 7.186073115314111, 52.806239034040104 ], [ 7.184918138520243, 52.806239034040104 ], [ 7.184918138520243, 52.8064426745782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.802437568924972 ], [ 7.179143254550905, 52.802437568924972 ], [ 7.179143254550905, 52.80223390962918 ], [ 7.177988277757035, 52.80223390962918 ], [ 7.177988277757035, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.800400933045779 ], [ 7.179143254550905, 52.800400933045779 ], [ 7.179143254550905, 52.800197264211889 ], [ 7.177988277757035, 52.800197264211889 ], [ 7.177988277757035, 52.800400933045779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.802844884655165 ], [ 7.180298231344771, 52.802844884655165 ], [ 7.180298231344771, 52.80264122726696 ], [ 7.179143254550905, 52.80264122726696 ], [ 7.179143254550905, 52.802844884655165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.802030249379577 ], [ 7.181453208138641, 52.802030249379577 ], [ 7.181453208138641, 52.801826588176191 ], [ 7.180298231344771, 52.801826588176191 ], [ 7.180298231344771, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 213.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.803455851096992 ], [ 7.182608184932507, 52.803455851096992 ], [ 7.182608184932507, 52.803252196570178 ], [ 7.181453208138641, 52.803252196570178 ], [ 7.181453208138641, 52.803455851096992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 71.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.802030249379577 ], [ 7.182608184932507, 52.802030249379577 ], [ 7.182608184932507, 52.801826588176191 ], [ 7.181453208138641, 52.801826588176191 ], [ 7.181453208138641, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 86.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.803863157289271 ], [ 7.183763161726376, 52.803863157289271 ], [ 7.183763161726376, 52.803659504670023 ], [ 7.182608184932507, 52.803659504670023 ], [ 7.182608184932507, 52.803863157289271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 33.857143047619047 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.803455851096992 ], [ 7.183763161726376, 52.803455851096992 ], [ 7.183763161726376, 52.803252196570178 ], [ 7.182608184932507, 52.803252196570178 ], [ 7.182608184932507, 52.803455851096992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 130.07794233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.803048541089566 ], [ 7.183763161726376, 52.803048541089566 ], [ 7.183763161726376, 52.802844884655165 ], [ 7.182608184932507, 52.802844884655165 ], [ 7.182608184932507, 52.803048541089566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 78.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.801419262907984 ], [ 7.183763161726376, 52.801419262907984 ], [ 7.183763161726376, 52.801215598843164 ], [ 7.182608184932507, 52.801215598843164 ], [ 7.182608184932507, 52.801419262907984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.803863157289271 ], [ 7.184918138520243, 52.803863157289271 ], [ 7.184918138520243, 52.803659504670023 ], [ 7.183763161726376, 52.803659504670023 ], [ 7.183763161726376, 52.803863157289271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.803455851096992 ], [ 7.184918138520243, 52.803455851096992 ], [ 7.184918138520243, 52.803252196570178 ], [ 7.183763161726376, 52.803252196570178 ], [ 7.183763161726376, 52.803455851096992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 67.9654676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.803048541089566 ], [ 7.184918138520243, 52.803048541089566 ], [ 7.184918138520243, 52.802844884655165 ], [ 7.183763161726376, 52.802844884655165 ], [ 7.183763161726376, 52.803048541089566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.802844884655165 ], [ 7.184918138520243, 52.802844884655165 ], [ 7.184918138520243, 52.80264122726696 ], [ 7.183763161726376, 52.80264122726696 ], [ 7.183763161726376, 52.802844884655165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 84.0413425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.80264122726696 ], [ 7.184918138520243, 52.80264122726696 ], [ 7.184918138520243, 52.802437568924972 ], [ 7.183763161726376, 52.802437568924972 ], [ 7.183763161726376, 52.80264122726696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 94.402027 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.802437568924972 ], [ 7.184918138520243, 52.802437568924972 ], [ 7.184918138520243, 52.80223390962918 ], [ 7.183763161726376, 52.80223390962918 ], [ 7.183763161726376, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 97.14285685714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.802030249379577 ], [ 7.184918138520243, 52.802030249379577 ], [ 7.184918138520243, 52.801826588176191 ], [ 7.183763161726376, 52.801826588176191 ], [ 7.183763161726376, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 74.8000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.801826588176191 ], [ 7.184918138520243, 52.801826588176191 ], [ 7.184918138520243, 52.801622926018979 ], [ 7.183763161726376, 52.801622926018979 ], [ 7.183763161726376, 52.801826588176191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.801419262907984 ], [ 7.184918138520243, 52.801419262907984 ], [ 7.184918138520243, 52.801215598843164 ], [ 7.183763161726376, 52.801215598843164 ], [ 7.183763161726376, 52.801419262907984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 84.000000749999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.800808267852098 ], [ 7.184918138520243, 52.800808267852098 ], [ 7.184918138520243, 52.800604600925844 ], [ 7.183763161726376, 52.800604600925844 ], [ 7.183763161726376, 52.800808267852098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 89.192393888888901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.800197264211889 ], [ 7.184918138520243, 52.800197264211889 ], [ 7.184918138520243, 52.799993594424187 ], [ 7.183763161726376, 52.799993594424187 ], [ 7.183763161726376, 52.800197264211889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.305591 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.80264122726696 ], [ 7.186073115314111, 52.80264122726696 ], [ 7.186073115314111, 52.802437568924972 ], [ 7.184918138520243, 52.802437568924972 ], [ 7.184918138520243, 52.80264122726696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 75.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.802437568924972 ], [ 7.186073115314111, 52.802437568924972 ], [ 7.186073115314111, 52.80223390962918 ], [ 7.184918138520243, 52.80223390962918 ], [ 7.184918138520243, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.80223390962918 ], [ 7.186073115314111, 52.80223390962918 ], [ 7.186073115314111, 52.802030249379577 ], [ 7.184918138520243, 52.802030249379577 ], [ 7.184918138520243, 52.80223390962918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.037595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.802030249379577 ], [ 7.186073115314111, 52.802030249379577 ], [ 7.186073115314111, 52.801826588176191 ], [ 7.184918138520243, 52.801826588176191 ], [ 7.184918138520243, 52.802030249379577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.801826588176191 ], [ 7.186073115314111, 52.801826588176191 ], [ 7.186073115314111, 52.801622926018979 ], [ 7.184918138520243, 52.801622926018979 ], [ 7.184918138520243, 52.801826588176191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.801419262907984 ], [ 7.186073115314111, 52.801419262907984 ], [ 7.186073115314111, 52.801215598843164 ], [ 7.184918138520243, 52.801215598843164 ], [ 7.184918138520243, 52.801419262907984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29179_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 78.7191924 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.801011933824533 ], [ 7.186073115314111, 52.801011933824533 ], [ 7.186073115314111, 52.800808267852098 ], [ 7.184918138520243, 52.800808267852098 ], [ 7.184918138520243, 52.801011933824533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29194_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.720693676339941 ], [ 7.186073115314111, 52.720693676339941 ], [ 7.186073115314111, 52.720489634418627 ], [ 7.184918138520243, 52.720489634418627 ], [ 7.184918138520243, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.666452974515522 ], [ 7.179143254550905, 52.666452974515522 ], [ 7.179143254550905, 52.666248678934359 ], [ 7.177988277757035, 52.666248678934359 ], [ 7.177988277757035, 52.666452974515522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 86.35166975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.66440997572618 ], [ 7.179143254550905, 52.66440997572618 ], [ 7.179143254550905, 52.664205670594384 ], [ 7.177988277757035, 52.664205670594384 ], [ 7.177988277757035, 52.66440997572618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.666861562812699 ], [ 7.180298231344771, 52.666861562812699 ], [ 7.180298231344771, 52.666657269141638 ], [ 7.179143254550905, 52.666657269141638 ], [ 7.179143254550905, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.666044382398134 ], [ 7.181453208138641, 52.666044382398134 ], [ 7.181453208138641, 52.665840084906861 ], [ 7.180298231344771, 52.665840084906861 ], [ 7.180298231344771, 52.666044382398134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 199.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.66747443809561 ], [ 7.182608184932507, 52.66747443809561 ], [ 7.182608184932507, 52.667270147289678 ], [ 7.181453208138641, 52.667270147289678 ], [ 7.181453208138641, 52.66747443809561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.666248678934359 ], [ 7.182608184932507, 52.666248678934359 ], [ 7.182608184932507, 52.666044382398134 ], [ 7.181453208138641, 52.666044382398134 ], [ 7.181453208138641, 52.666248678934359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.665227186702666 ], [ 7.182608184932507, 52.665227186702666 ], [ 7.182608184932507, 52.665022885391153 ], [ 7.181453208138641, 52.665022885391153 ], [ 7.181453208138641, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.667883016842332 ], [ 7.183763161726376, 52.667883016842332 ], [ 7.183763161726376, 52.667678727946488 ], [ 7.182608184932507, 52.667678727946488 ], [ 7.182608184932507, 52.667883016842332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 144.4000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.66747443809561 ], [ 7.183763161726376, 52.66747443809561 ], [ 7.183763161726376, 52.667270147289678 ], [ 7.182608184932507, 52.667270147289678 ], [ 7.182608184932507, 52.66747443809561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 94.23928025000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.667065855528719 ], [ 7.183763161726376, 52.667065855528719 ], [ 7.183763161726376, 52.666861562812699 ], [ 7.182608184932507, 52.666861562812699 ], [ 7.182608184932507, 52.667065855528719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 75.857142857142861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.666861562812699 ], [ 7.183763161726376, 52.666861562812699 ], [ 7.183763161726376, 52.666657269141638 ], [ 7.182608184932507, 52.666657269141638 ], [ 7.182608184932507, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 131.499996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.665431487059116 ], [ 7.183763161726376, 52.665431487059116 ], [ 7.183763161726376, 52.665227186702666 ], [ 7.182608184932507, 52.665227186702666 ], [ 7.182608184932507, 52.665431487059116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 53.363636363636367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.665227186702666 ], [ 7.183763161726376, 52.665227186702666 ], [ 7.183763161726376, 52.665022885391153 ], [ 7.182608184932507, 52.665022885391153 ], [ 7.182608184932507, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.667883016842332 ], [ 7.184918138520243, 52.667883016842332 ], [ 7.184918138520243, 52.667678727946488 ], [ 7.183763161726376, 52.667678727946488 ], [ 7.183763161726376, 52.667883016842332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.66747443809561 ], [ 7.184918138520243, 52.66747443809561 ], [ 7.184918138520243, 52.667270147289678 ], [ 7.183763161726376, 52.667270147289678 ], [ 7.183763161726376, 52.66747443809561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.666657269141638 ], [ 7.184918138520243, 52.666657269141638 ], [ 7.184918138520243, 52.666452974515522 ], [ 7.183763161726376, 52.666452974515522 ], [ 7.183763161726376, 52.666657269141638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.15695666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.666452974515522 ], [ 7.184918138520243, 52.666452974515522 ], [ 7.184918138520243, 52.666248678934359 ], [ 7.183763161726376, 52.666248678934359 ], [ 7.183763161726376, 52.666452974515522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.74999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.666248678934359 ], [ 7.184918138520243, 52.666248678934359 ], [ 7.184918138520243, 52.666044382398134 ], [ 7.183763161726376, 52.666044382398134 ], [ 7.183763161726376, 52.666248678934359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.666044382398134 ], [ 7.184918138520243, 52.666044382398134 ], [ 7.184918138520243, 52.665840084906861 ], [ 7.183763161726376, 52.665840084906861 ], [ 7.183763161726376, 52.666044382398134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 145.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.665840084906861 ], [ 7.184918138520243, 52.665840084906861 ], [ 7.184918138520243, 52.66563578646052 ], [ 7.183763161726376, 52.66563578646052 ], [ 7.183763161726376, 52.665840084906861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.665431487059116 ], [ 7.184918138520243, 52.665431487059116 ], [ 7.184918138520243, 52.665227186702666 ], [ 7.183763161726376, 52.665227186702666 ], [ 7.183763161726376, 52.665431487059116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 137.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.664818583124557 ], [ 7.184918138520243, 52.664818583124557 ], [ 7.184918138520243, 52.664614279902906 ], [ 7.183763161726376, 52.664614279902906 ], [ 7.183763161726376, 52.664818583124557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 119.83333316666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.664205670594384 ], [ 7.184918138520243, 52.664205670594384 ], [ 7.184918138520243, 52.66400136450752 ], [ 7.183763161726376, 52.66400136450752 ], [ 7.183763161726376, 52.664205670594384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 87.4982035 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.666657269141638 ], [ 7.186073115314111, 52.666657269141638 ], [ 7.186073115314111, 52.666452974515522 ], [ 7.184918138520243, 52.666452974515522 ], [ 7.184918138520243, 52.666657269141638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.666452974515522 ], [ 7.186073115314111, 52.666452974515522 ], [ 7.186073115314111, 52.666248678934359 ], [ 7.184918138520243, 52.666248678934359 ], [ 7.184918138520243, 52.666452974515522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.666248678934359 ], [ 7.186073115314111, 52.666248678934359 ], [ 7.186073115314111, 52.666044382398134 ], [ 7.184918138520243, 52.666044382398134 ], [ 7.184918138520243, 52.666248678934359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 87.96345211111111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.666044382398134 ], [ 7.186073115314111, 52.666044382398134 ], [ 7.186073115314111, 52.665840084906861 ], [ 7.184918138520243, 52.665840084906861 ], [ 7.184918138520243, 52.666044382398134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.9384845 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.665840084906861 ], [ 7.186073115314111, 52.665840084906861 ], [ 7.186073115314111, 52.66563578646052 ], [ 7.184918138520243, 52.66563578646052 ], [ 7.184918138520243, 52.665840084906861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.665431487059116 ], [ 7.186073115314111, 52.665431487059116 ], [ 7.186073115314111, 52.665227186702666 ], [ 7.184918138520243, 52.665227186702666 ], [ 7.184918138520243, 52.665431487059116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29204_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.08581966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.665022885391153 ], [ 7.186073115314111, 52.665022885391153 ], [ 7.186073115314111, 52.664818583124557 ], [ 7.184918138520243, 52.664818583124557 ], [ 7.184918138520243, 52.665022885391153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.66100476550497 ], [ 7.179143254550905, 52.66100476550497 ], [ 7.179143254550905, 52.660800444455042 ], [ 7.177988277757035, 52.660800444455042 ], [ 7.177988277757035, 52.66100476550497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 88.410558166666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.658961512025826 ], [ 7.179143254550905, 52.658961512025826 ], [ 7.179143254550905, 52.658757181424782 ], [ 7.177988277757035, 52.658757181424782 ], [ 7.177988277757035, 52.658961512025826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.661413404739513 ], [ 7.180298231344771, 52.661413404739513 ], [ 7.180298231344771, 52.661209085599801 ], [ 7.179143254550905, 52.661209085599801 ], [ 7.179143254550905, 52.661413404739513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 178.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.660596122450023 ], [ 7.181453208138641, 52.660596122450023 ], [ 7.181453208138641, 52.660391799489886 ], [ 7.180298231344771, 52.660391799489886 ], [ 7.180298231344771, 52.660596122450023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.662026356428093 ], [ 7.182608184932507, 52.662026356428093 ], [ 7.182608184932507, 52.661822040153659 ], [ 7.181453208138641, 52.661822040153659 ], [ 7.181453208138641, 52.662026356428093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.660800444455042 ], [ 7.182608184932507, 52.660800444455042 ], [ 7.182608184932507, 52.660596122450023 ], [ 7.181453208138641, 52.660596122450023 ], [ 7.181453208138641, 52.660800444455042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.659778824878821 ], [ 7.182608184932507, 52.659778824878821 ], [ 7.182608184932507, 52.659574498098252 ], [ 7.181453208138641, 52.659574498098252 ], [ 7.181453208138641, 52.659778824878821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.66243498611167 ], [ 7.183763161726376, 52.66243498611167 ], [ 7.183763161726376, 52.66223067174743 ], [ 7.182608184932507, 52.66223067174743 ], [ 7.182608184932507, 52.66243498611167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 150.49999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.662026356428093 ], [ 7.183763161726376, 52.662026356428093 ], [ 7.183763161726376, 52.661822040153659 ], [ 7.182608184932507, 52.661822040153659 ], [ 7.182608184932507, 52.662026356428093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 79.240637833333324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.661617722924142 ], [ 7.183763161726376, 52.661617722924142 ], [ 7.183763161726376, 52.661413404739513 ], [ 7.182608184932507, 52.661413404739513 ], [ 7.182608184932507, 52.661617722924142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.661413404739513 ], [ 7.183763161726376, 52.661413404739513 ], [ 7.183763161726376, 52.661209085599801 ], [ 7.182608184932507, 52.661209085599801 ], [ 7.182608184932507, 52.661413404739513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.661209085599801 ], [ 7.183763161726376, 52.661209085599801 ], [ 7.183763161726376, 52.66100476550497 ], [ 7.182608184932507, 52.66100476550497 ], [ 7.182608184932507, 52.661209085599801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 130.20930325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.659983150704292 ], [ 7.183763161726376, 52.659983150704292 ], [ 7.183763161726376, 52.659778824878821 ], [ 7.182608184932507, 52.659778824878821 ], [ 7.182608184932507, 52.659983150704292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.659778824878821 ], [ 7.183763161726376, 52.659778824878821 ], [ 7.183763161726376, 52.659574498098252 ], [ 7.182608184932507, 52.659574498098252 ], [ 7.182608184932507, 52.659778824878821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.66243498611167 ], [ 7.184918138520243, 52.66243498611167 ], [ 7.184918138520243, 52.66223067174743 ], [ 7.183763161726376, 52.66223067174743 ], [ 7.183763161726376, 52.66243498611167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.662026356428093 ], [ 7.184918138520243, 52.662026356428093 ], [ 7.184918138520243, 52.661822040153659 ], [ 7.183763161726376, 52.661822040153659 ], [ 7.183763161726376, 52.662026356428093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 126.5128575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.661209085599801 ], [ 7.184918138520243, 52.661209085599801 ], [ 7.184918138520243, 52.66100476550497 ], [ 7.183763161726376, 52.66100476550497 ], [ 7.183763161726376, 52.661209085599801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.66780866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.66100476550497 ], [ 7.184918138520243, 52.66100476550497 ], [ 7.184918138520243, 52.660800444455042 ], [ 7.183763161726376, 52.660800444455042 ], [ 7.183763161726376, 52.66100476550497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 81.970313833333321 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.660800444455042 ], [ 7.184918138520243, 52.660800444455042 ], [ 7.184918138520243, 52.660596122450023 ], [ 7.183763161726376, 52.660596122450023 ], [ 7.183763161726376, 52.660800444455042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 113.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.660596122450023 ], [ 7.184918138520243, 52.660596122450023 ], [ 7.184918138520243, 52.660391799489886 ], [ 7.183763161726376, 52.660391799489886 ], [ 7.183763161726376, 52.660596122450023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.659983150704292 ], [ 7.184918138520243, 52.659983150704292 ], [ 7.184918138520243, 52.659778824878821 ], [ 7.183763161726376, 52.659778824878821 ], [ 7.183763161726376, 52.659983150704292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.659370170362557 ], [ 7.184918138520243, 52.659370170362557 ], [ 7.184918138520243, 52.659165841671758 ], [ 7.183763161726376, 52.659165841671758 ], [ 7.183763161726376, 52.659370170362557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 123.827933875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.658757181424782 ], [ 7.184918138520243, 52.658757181424782 ], [ 7.184918138520243, 52.658552849868606 ], [ 7.183763161726376, 52.658552849868606 ], [ 7.183763161726376, 52.658757181424782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 84.773026 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.661209085599801 ], [ 7.186073115314111, 52.661209085599801 ], [ 7.186073115314111, 52.66100476550497 ], [ 7.184918138520243, 52.66100476550497 ], [ 7.184918138520243, 52.661209085599801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.66100476550497 ], [ 7.186073115314111, 52.66100476550497 ], [ 7.186073115314111, 52.660800444455042 ], [ 7.184918138520243, 52.660800444455042 ], [ 7.184918138520243, 52.66100476550497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.660800444455042 ], [ 7.186073115314111, 52.660800444455042 ], [ 7.186073115314111, 52.660596122450023 ], [ 7.184918138520243, 52.660596122450023 ], [ 7.184918138520243, 52.660800444455042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.4233255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.660596122450023 ], [ 7.186073115314111, 52.660596122450023 ], [ 7.186073115314111, 52.660391799489886 ], [ 7.184918138520243, 52.660391799489886 ], [ 7.184918138520243, 52.660596122450023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.41051171428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.660391799489886 ], [ 7.186073115314111, 52.660391799489886 ], [ 7.186073115314111, 52.660187475574645 ], [ 7.184918138520243, 52.660187475574645 ], [ 7.184918138520243, 52.660391799489886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.659983150704292 ], [ 7.186073115314111, 52.659983150704292 ], [ 7.186073115314111, 52.659778824878821 ], [ 7.184918138520243, 52.659778824878821 ], [ 7.184918138520243, 52.659983150704292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29205_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.659574498098252 ], [ 7.186073115314111, 52.659574498098252 ], [ 7.186073115314111, 52.659370170362557 ], [ 7.184918138520243, 52.659370170362557 ], [ 7.184918138520243, 52.659574498098252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29206_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.655147183315385 ], [ 7.186073115314111, 52.655147183315385 ], [ 7.186073115314111, 52.654942834885063 ], [ 7.184918138520243, 52.654942834885063 ], [ 7.184918138520243, 52.655147183315385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29212_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.46107433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.622439283610817 ], [ 7.186073115314111, 52.622439283610817 ], [ 7.186073115314111, 52.622234782331567 ], [ 7.184918138520243, 52.622234782331567 ], [ 7.184918138520243, 52.622439283610817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.617394639831915 ], [ 7.179143254550905, 52.617394639831915 ], [ 7.179143254550905, 52.617190114984233 ], [ 7.177988277757035, 52.617190114984233 ], [ 7.177988277757035, 52.617394639831915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 129.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.615349348357249 ], [ 7.179143254550905, 52.615349348357249 ], [ 7.179143254550905, 52.615144813954473 ], [ 7.177988277757035, 52.615144813954473 ], [ 7.177988277757035, 52.615349348357249 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.617803686660793 ], [ 7.180298231344771, 52.617803686660793 ], [ 7.180298231344771, 52.617599163724101 ], [ 7.179143254550905, 52.617599163724101 ], [ 7.179143254550905, 52.617803686660793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.616985589181041 ], [ 7.181453208138641, 52.616985589181041 ], [ 7.181453208138641, 52.616781062422348 ], [ 7.180298231344771, 52.616781062422348 ], [ 7.180298231344771, 52.616985589181041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.618417249737895 ], [ 7.182608184932507, 52.618417249737895 ], [ 7.182608184932507, 52.61821272966769 ], [ 7.181453208138641, 52.61821272966769 ], [ 7.181453208138641, 52.618417249737895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.617190114984233 ], [ 7.182608184932507, 52.617190114984233 ], [ 7.182608184932507, 52.616985589181041 ], [ 7.181453208138641, 52.616985589181041 ], [ 7.181453208138641, 52.617190114984233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.616167476413231 ], [ 7.182608184932507, 52.616167476413231 ], [ 7.182608184932507, 52.615962945832507 ], [ 7.181453208138641, 52.615962945832507 ], [ 7.181453208138641, 52.616167476413231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.618826287011849 ], [ 7.183763161726376, 52.618826287011849 ], [ 7.183763161726376, 52.618621768852613 ], [ 7.182608184932507, 52.618621768852613 ], [ 7.182608184932507, 52.618826287011849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 163.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.618417249737895 ], [ 7.183763161726376, 52.618417249737895 ], [ 7.183763161726376, 52.61821272966769 ], [ 7.182608184932507, 52.61821272966769 ], [ 7.182608184932507, 52.618417249737895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.618008208641982 ], [ 7.183763161726376, 52.618008208641982 ], [ 7.183763161726376, 52.617803686660793 ], [ 7.182608184932507, 52.617803686660793 ], [ 7.182608184932507, 52.618008208641982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.617599163724101 ], [ 7.183763161726376, 52.617599163724101 ], [ 7.183763161726376, 52.617394639831915 ], [ 7.182608184932507, 52.617394639831915 ], [ 7.182608184932507, 52.617599163724101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.616372006038446 ], [ 7.183763161726376, 52.616372006038446 ], [ 7.183763161726376, 52.616167476413231 ], [ 7.182608184932507, 52.616167476413231 ], [ 7.182608184932507, 52.616372006038446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.616167476413231 ], [ 7.183763161726376, 52.616167476413231 ], [ 7.183763161726376, 52.615962945832507 ], [ 7.182608184932507, 52.615962945832507 ], [ 7.182608184932507, 52.616167476413231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.618826287011849 ], [ 7.184918138520243, 52.618826287011849 ], [ 7.184918138520243, 52.618621768852613 ], [ 7.183763161726376, 52.618621768852613 ], [ 7.183763161726376, 52.618826287011849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.618417249737895 ], [ 7.184918138520243, 52.618417249737895 ], [ 7.184918138520243, 52.61821272966769 ], [ 7.183763161726376, 52.61821272966769 ], [ 7.183763161726376, 52.618417249737895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 125.895191 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.617599163724101 ], [ 7.184918138520243, 52.617599163724101 ], [ 7.184918138520243, 52.617394639831915 ], [ 7.183763161726376, 52.617394639831915 ], [ 7.183763161726376, 52.617599163724101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.819851 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.617394639831915 ], [ 7.184918138520243, 52.617394639831915 ], [ 7.184918138520243, 52.617190114984233 ], [ 7.183763161726376, 52.617190114984233 ], [ 7.183763161726376, 52.617394639831915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.617190114984233 ], [ 7.184918138520243, 52.617190114984233 ], [ 7.184918138520243, 52.616985589181041 ], [ 7.183763161726376, 52.616985589181041 ], [ 7.183763161726376, 52.617190114984233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 111.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.616985589181041 ], [ 7.184918138520243, 52.616985589181041 ], [ 7.184918138520243, 52.616781062422348 ], [ 7.183763161726376, 52.616781062422348 ], [ 7.183763161726376, 52.616985589181041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.616372006038446 ], [ 7.184918138520243, 52.616372006038446 ], [ 7.184918138520243, 52.616167476413231 ], [ 7.183763161726376, 52.616167476413231 ], [ 7.183763161726376, 52.616372006038446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.61575841429628 ], [ 7.184918138520243, 52.61575841429628 ], [ 7.184918138520243, 52.615553881804516 ], [ 7.183763161726376, 52.615553881804516 ], [ 7.183763161726376, 52.61575841429628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.57142757142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.615144813954473 ], [ 7.184918138520243, 52.615144813954473 ], [ 7.184918138520243, 52.614940278596158 ], [ 7.183763161726376, 52.614940278596158 ], [ 7.183763161726376, 52.615144813954473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.617599163724101 ], [ 7.186073115314111, 52.617599163724101 ], [ 7.186073115314111, 52.617394639831915 ], [ 7.184918138520243, 52.617394639831915 ], [ 7.184918138520243, 52.617599163724101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.617394639831915 ], [ 7.186073115314111, 52.617394639831915 ], [ 7.186073115314111, 52.617190114984233 ], [ 7.184918138520243, 52.617190114984233 ], [ 7.184918138520243, 52.617394639831915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.617190114984233 ], [ 7.186073115314111, 52.617190114984233 ], [ 7.186073115314111, 52.616985589181041 ], [ 7.184918138520243, 52.616985589181041 ], [ 7.184918138520243, 52.617190114984233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.542227916666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.616985589181041 ], [ 7.186073115314111, 52.616985589181041 ], [ 7.186073115314111, 52.616781062422348 ], [ 7.184918138520243, 52.616781062422348 ], [ 7.184918138520243, 52.616985589181041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 132.5420272 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.616781062422348 ], [ 7.186073115314111, 52.616781062422348 ], [ 7.186073115314111, 52.616576534708152 ], [ 7.184918138520243, 52.616576534708152 ], [ 7.184918138520243, 52.616781062422348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.616372006038446 ], [ 7.186073115314111, 52.616372006038446 ], [ 7.186073115314111, 52.616167476413231 ], [ 7.184918138520243, 52.616167476413231 ], [ 7.184918138520243, 52.616372006038446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29213_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.5909635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.615962945832507 ], [ 7.186073115314111, 52.615962945832507 ], [ 7.186073115314111, 52.61575841429628 ], [ 7.184918138520243, 52.61575841429628 ], [ 7.184918138520243, 52.615962945832507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 171.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.61194031689454 ], [ 7.179143254550905, 52.61194031689454 ], [ 7.179143254550905, 52.611735766566184 ], [ 7.177988277757035, 52.611735766566184 ], [ 7.177988277757035, 52.61194031689454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 126.244343 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.609894770610921 ], [ 7.179143254550905, 52.609894770610921 ], [ 7.179143254550905, 52.60969021072696 ], [ 7.177988277757035, 52.60969021072696 ], [ 7.177988277757035, 52.609894770610921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.612349414684616 ], [ 7.180298231344771, 52.612349414684616 ], [ 7.180298231344771, 52.612144866267357 ], [ 7.179143254550905, 52.612144866267357 ], [ 7.179143254550905, 52.612349414684616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.61153121528227 ], [ 7.181453208138641, 52.61153121528227 ], [ 7.181453208138641, 52.611326663042803 ], [ 7.180298231344771, 52.611326663042803 ], [ 7.180298231344771, 52.61153121528227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.612963054203149 ], [ 7.182608184932507, 52.612963054203149 ], [ 7.182608184932507, 52.612758508652512 ], [ 7.181453208138641, 52.612758508652512 ], [ 7.181453208138641, 52.612963054203149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.611735766566184 ], [ 7.182608184932507, 52.611735766566184 ], [ 7.182608184932507, 52.61153121528227 ], [ 7.181453208138641, 52.61153121528227 ], [ 7.181453208138641, 52.611735766566184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.610713000591076 ], [ 7.182608184932507, 52.610713000591076 ], [ 7.182608184932507, 52.61050844452938 ], [ 7.181453208138641, 52.61050844452938 ], [ 7.181453208138641, 52.610713000591076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.613372142437797 ], [ 7.183763161726376, 52.613372142437797 ], [ 7.183763161726376, 52.613167598798242 ], [ 7.182608184932507, 52.613167598798242 ], [ 7.182608184932507, 52.613372142437797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 156.4000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.612963054203149 ], [ 7.183763161726376, 52.612963054203149 ], [ 7.183763161726376, 52.612758508652512 ], [ 7.182608184932507, 52.612758508652512 ], [ 7.182608184932507, 52.612963054203149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 79.7999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.612553962146329 ], [ 7.183763161726376, 52.612553962146329 ], [ 7.183763161726376, 52.612349414684616 ], [ 7.182608184932507, 52.612349414684616 ], [ 7.182608184932507, 52.612553962146329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.612144866267357 ], [ 7.183763161726376, 52.612144866267357 ], [ 7.183763161726376, 52.61194031689454 ], [ 7.182608184932507, 52.61194031689454 ], [ 7.182608184932507, 52.612144866267357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 150.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.610917555697213 ], [ 7.183763161726376, 52.610917555697213 ], [ 7.183763161726376, 52.610713000591076 ], [ 7.182608184932507, 52.610713000591076 ], [ 7.182608184932507, 52.610917555697213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.610713000591076 ], [ 7.183763161726376, 52.610713000591076 ], [ 7.183763161726376, 52.61050844452938 ], [ 7.182608184932507, 52.61050844452938 ], [ 7.182608184932507, 52.610713000591076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.613372142437797 ], [ 7.184918138520243, 52.613372142437797 ], [ 7.184918138520243, 52.613167598798242 ], [ 7.183763161726376, 52.613167598798242 ], [ 7.183763161726376, 52.613372142437797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.612963054203149 ], [ 7.184918138520243, 52.612963054203149 ], [ 7.184918138520243, 52.612758508652512 ], [ 7.183763161726376, 52.612758508652512 ], [ 7.183763161726376, 52.612963054203149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.605705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.612144866267357 ], [ 7.184918138520243, 52.612144866267357 ], [ 7.184918138520243, 52.61194031689454 ], [ 7.183763161726376, 52.61194031689454 ], [ 7.183763161726376, 52.612144866267357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.98643833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.61194031689454 ], [ 7.184918138520243, 52.61194031689454 ], [ 7.184918138520243, 52.611735766566184 ], [ 7.183763161726376, 52.611735766566184 ], [ 7.183763161726376, 52.61194031689454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.25542475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.611735766566184 ], [ 7.184918138520243, 52.611735766566184 ], [ 7.184918138520243, 52.61153121528227 ], [ 7.183763161726376, 52.61153121528227 ], [ 7.183763161726376, 52.611735766566184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.61153121528227 ], [ 7.184918138520243, 52.61153121528227 ], [ 7.184918138520243, 52.611326663042803 ], [ 7.183763161726376, 52.611326663042803 ], [ 7.183763161726376, 52.61153121528227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.610917555697213 ], [ 7.184918138520243, 52.610917555697213 ], [ 7.184918138520243, 52.610713000591076 ], [ 7.183763161726376, 52.610713000591076 ], [ 7.183763161726376, 52.610917555697213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.610303887512124 ], [ 7.184918138520243, 52.610303887512124 ], [ 7.184918138520243, 52.610099329539302 ], [ 7.183763161726376, 52.610099329539302 ], [ 7.183763161726376, 52.610303887512124 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 116.874999375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.60969021072696 ], [ 7.184918138520243, 52.60969021072696 ], [ 7.184918138520243, 52.609485649887439 ], [ 7.183763161726376, 52.609485649887439 ], [ 7.183763161726376, 52.60969021072696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.612144866267357 ], [ 7.186073115314111, 52.612144866267357 ], [ 7.186073115314111, 52.61194031689454 ], [ 7.184918138520243, 52.61194031689454 ], [ 7.184918138520243, 52.612144866267357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.61194031689454 ], [ 7.186073115314111, 52.61194031689454 ], [ 7.186073115314111, 52.611735766566184 ], [ 7.184918138520243, 52.611735766566184 ], [ 7.184918138520243, 52.61194031689454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.611735766566184 ], [ 7.186073115314111, 52.611735766566184 ], [ 7.186073115314111, 52.61153121528227 ], [ 7.184918138520243, 52.61153121528227 ], [ 7.184918138520243, 52.611735766566184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 103.8037275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.61153121528227 ], [ 7.186073115314111, 52.61153121528227 ], [ 7.186073115314111, 52.611326663042803 ], [ 7.184918138520243, 52.611326663042803 ], [ 7.184918138520243, 52.61153121528227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.45975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.611326663042803 ], [ 7.186073115314111, 52.611326663042803 ], [ 7.186073115314111, 52.611122109847784 ], [ 7.184918138520243, 52.611122109847784 ], [ 7.184918138520243, 52.611326663042803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.610917555697213 ], [ 7.186073115314111, 52.610917555697213 ], [ 7.186073115314111, 52.610713000591076 ], [ 7.184918138520243, 52.610713000591076 ], [ 7.184918138520243, 52.610917555697213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29214_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.61050844452938 ], [ 7.186073115314111, 52.61050844452938 ], [ 7.186073115314111, 52.610303887512124 ], [ 7.184918138520243, 52.610303887512124 ], [ 7.184918138520243, 52.61050844452938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.606485314455597 ], [ 7.179143254550905, 52.606485314455597 ], [ 7.179143254550905, 52.606280738645246 ], [ 7.177988277757035, 52.606280738645246 ], [ 7.177988277757035, 52.606485314455597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.99778675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.60443951334981 ], [ 7.179143254550905, 52.60443951334981 ], [ 7.179143254550905, 52.60423492798337 ], [ 7.177988277757035, 52.60423492798337 ], [ 7.177988277757035, 52.60443951334981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.606894463209507 ], [ 7.180298231344771, 52.606894463209507 ], [ 7.180298231344771, 52.606689889310353 ], [ 7.179143254550905, 52.606689889310353 ], [ 7.179143254550905, 52.606894463209507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.606076161879294 ], [ 7.181453208138641, 52.606076161879294 ], [ 7.181453208138641, 52.605871584157725 ], [ 7.180298231344771, 52.605871584157725 ], [ 7.180298231344771, 52.606076161879294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 206.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.607508179173429 ], [ 7.182608184932507, 52.607508179173429 ], [ 7.182608184932507, 52.607303608141045 ], [ 7.181453208138641, 52.607303608141045 ], [ 7.181453208138641, 52.607508179173429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.606280738645246 ], [ 7.182608184932507, 52.606280738645246 ], [ 7.182608184932507, 52.606076161879294 ], [ 7.181453208138641, 52.606076161879294 ], [ 7.181453208138641, 52.606280738645246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.605257845259423 ], [ 7.182608184932507, 52.605257845259423 ], [ 7.182608184932507, 52.605053263715448 ], [ 7.181453208138641, 52.605053263715448 ], [ 7.181453208138641, 52.605257845259423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.60791731837142 ], [ 7.183763161726376, 52.60791731837142 ], [ 7.183763161726376, 52.607712749250211 ], [ 7.182608184932507, 52.607712749250211 ], [ 7.182608184932507, 52.60791731837142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 155.3999984 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.607508179173429 ], [ 7.183763161726376, 52.607508179173429 ], [ 7.183763161726376, 52.607303608141045 ], [ 7.182608184932507, 52.607303608141045 ], [ 7.182608184932507, 52.607508179173429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 75.180942833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.60709903615308 ], [ 7.183763161726376, 52.60709903615308 ], [ 7.183763161726376, 52.606894463209507 ], [ 7.182608184932507, 52.606894463209507 ], [ 7.182608184932507, 52.60709903615308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.606689889310353 ], [ 7.183763161726376, 52.606689889310353 ], [ 7.183763161726376, 52.606485314455597 ], [ 7.182608184932507, 52.606485314455597 ], [ 7.182608184932507, 52.606689889310353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 147.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.605462425847804 ], [ 7.183763161726376, 52.605462425847804 ], [ 7.183763161726376, 52.605257845259423 ], [ 7.182608184932507, 52.605257845259423 ], [ 7.182608184932507, 52.605462425847804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 155.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.605257845259423 ], [ 7.183763161726376, 52.605257845259423 ], [ 7.183763161726376, 52.605053263715448 ], [ 7.182608184932507, 52.605053263715448 ], [ 7.182608184932507, 52.605257845259423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.60791731837142 ], [ 7.184918138520243, 52.60791731837142 ], [ 7.184918138520243, 52.607712749250211 ], [ 7.183763161726376, 52.607712749250211 ], [ 7.183763161726376, 52.60791731837142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.607508179173429 ], [ 7.184918138520243, 52.607508179173429 ], [ 7.184918138520243, 52.607303608141045 ], [ 7.183763161726376, 52.607303608141045 ], [ 7.183763161726376, 52.607508179173429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.45177725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.606689889310353 ], [ 7.184918138520243, 52.606689889310353 ], [ 7.184918138520243, 52.606485314455597 ], [ 7.183763161726376, 52.606485314455597 ], [ 7.183763161726376, 52.606689889310353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 141.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.606485314455597 ], [ 7.184918138520243, 52.606485314455597 ], [ 7.184918138520243, 52.606280738645246 ], [ 7.183763161726376, 52.606280738645246 ], [ 7.183763161726376, 52.606485314455597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.84984033333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.606280738645246 ], [ 7.184918138520243, 52.606280738645246 ], [ 7.184918138520243, 52.606076161879294 ], [ 7.183763161726376, 52.606076161879294 ], [ 7.183763161726376, 52.606280738645246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.606076161879294 ], [ 7.184918138520243, 52.606076161879294 ], [ 7.184918138520243, 52.605871584157725 ], [ 7.183763161726376, 52.605871584157725 ], [ 7.183763161726376, 52.606076161879294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.605462425847804 ], [ 7.184918138520243, 52.605462425847804 ], [ 7.184918138520243, 52.605257845259423 ], [ 7.183763161726376, 52.605257845259423 ], [ 7.183763161726376, 52.605462425847804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.9977865 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.604848681215849 ], [ 7.184918138520243, 52.604848681215849 ], [ 7.184918138520243, 52.604644097760634 ], [ 7.183763161726376, 52.604644097760634 ], [ 7.183763161726376, 52.604848681215849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 120.86724428571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.60423492798337 ], [ 7.184918138520243, 52.60423492798337 ], [ 7.184918138520243, 52.604030341661307 ], [ 7.183763161726376, 52.604030341661307 ], [ 7.183763161726376, 52.60423492798337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.3607565 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.606689889310353 ], [ 7.186073115314111, 52.606689889310353 ], [ 7.186073115314111, 52.606485314455597 ], [ 7.184918138520243, 52.606485314455597 ], [ 7.184918138520243, 52.606689889310353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.606485314455597 ], [ 7.186073115314111, 52.606485314455597 ], [ 7.186073115314111, 52.606280738645246 ], [ 7.184918138520243, 52.606280738645246 ], [ 7.184918138520243, 52.606485314455597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.606280738645246 ], [ 7.186073115314111, 52.606280738645246 ], [ 7.186073115314111, 52.606076161879294 ], [ 7.184918138520243, 52.606076161879294 ], [ 7.184918138520243, 52.606280738645246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.06294184615385 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.606076161879294 ], [ 7.186073115314111, 52.606076161879294 ], [ 7.186073115314111, 52.605871584157725 ], [ 7.184918138520243, 52.605871584157725 ], [ 7.184918138520243, 52.606076161879294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.8398735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.605871584157725 ], [ 7.186073115314111, 52.605871584157725 ], [ 7.186073115314111, 52.605667005480569 ], [ 7.184918138520243, 52.605667005480569 ], [ 7.184918138520243, 52.605871584157725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.605462425847804 ], [ 7.186073115314111, 52.605462425847804 ], [ 7.186073115314111, 52.605257845259423 ], [ 7.184918138520243, 52.605257845259423 ], [ 7.184918138520243, 52.605462425847804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29215_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.605053263715448 ], [ 7.186073115314111, 52.605053263715448 ], [ 7.186073115314111, 52.604848681215849 ], [ 7.184918138520243, 52.604848681215849 ], [ 7.184918138520243, 52.605053263715448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.601029632479886 ], [ 7.179143254550905, 52.601029632479886 ], [ 7.179143254550905, 52.600825031186211 ], [ 7.177988277757035, 52.600825031186211 ], [ 7.177988277757035, 52.601029632479886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.598983576538735 ], [ 7.179143254550905, 52.598983576538735 ], [ 7.179143254550905, 52.598778965688489 ], [ 7.177988277757035, 52.598778965688489 ], [ 7.177988277757035, 52.598983576538735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.60143883220028 ], [ 7.180298231344771, 52.60143883220028 ], [ 7.180298231344771, 52.601234232817902 ], [ 7.179143254550905, 52.601234232817902 ], [ 7.179143254550905, 52.60143883220028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.600620428936899 ], [ 7.181453208138641, 52.600620428936899 ], [ 7.181453208138641, 52.600415825731929 ], [ 7.180298231344771, 52.600415825731929 ], [ 7.180298231344771, 52.600620428936899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 204.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.602052624613542 ], [ 7.182608184932507, 52.602052624613542 ], [ 7.182608184932507, 52.60184802809809 ], [ 7.181453208138641, 52.60184802809809 ], [ 7.181453208138641, 52.602052624613542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.600825031186211 ], [ 7.182608184932507, 52.600825031186211 ], [ 7.182608184932507, 52.600620428936899 ], [ 7.181453208138641, 52.600620428936899 ], [ 7.181453208138641, 52.600825031186211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.599802010383087 ], [ 7.182608184932507, 52.599802010383087 ], [ 7.182608184932507, 52.599597403355496 ], [ 7.181453208138641, 52.599597403355496 ], [ 7.181453208138641, 52.599802010383087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.60246181477752 ], [ 7.183763161726376, 52.60246181477752 ], [ 7.183763161726376, 52.602257220173342 ], [ 7.182608184932507, 52.602257220173342 ], [ 7.182608184932507, 52.60246181477752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 154.16666683333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.602052624613542 ], [ 7.183763161726376, 52.602052624613542 ], [ 7.183763161726376, 52.60184802809809 ], [ 7.182608184932507, 52.60184802809809 ], [ 7.182608184932507, 52.602052624613542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 73.139535333333342 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.601643430627007 ], [ 7.183763161726376, 52.601643430627007 ], [ 7.183763161726376, 52.60143883220028 ], [ 7.182608184932507, 52.60143883220028 ], [ 7.182608184932507, 52.601643430627007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.601234232817902 ], [ 7.183763161726376, 52.601234232817902 ], [ 7.183763161726376, 52.601029632479886 ], [ 7.182608184932507, 52.601029632479886 ], [ 7.182608184932507, 52.601234232817902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 148.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.600006616455026 ], [ 7.183763161726376, 52.600006616455026 ], [ 7.183763161726376, 52.599802010383087 ], [ 7.182608184932507, 52.599802010383087 ], [ 7.182608184932507, 52.600006616455026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.599802010383087 ], [ 7.183763161726376, 52.599802010383087 ], [ 7.183763161726376, 52.599597403355496 ], [ 7.182608184932507, 52.599597403355496 ], [ 7.182608184932507, 52.599802010383087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.60246181477752 ], [ 7.184918138520243, 52.60246181477752 ], [ 7.184918138520243, 52.602257220173342 ], [ 7.183763161726376, 52.602257220173342 ], [ 7.183763161726376, 52.60246181477752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 165.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.602052624613542 ], [ 7.184918138520243, 52.602052624613542 ], [ 7.184918138520243, 52.60184802809809 ], [ 7.183763161726376, 52.60184802809809 ], [ 7.183763161726376, 52.602052624613542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.96061233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.601234232817902 ], [ 7.184918138520243, 52.601234232817902 ], [ 7.184918138520243, 52.601029632479886 ], [ 7.183763161726376, 52.601029632479886 ], [ 7.183763161726376, 52.601234232817902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.77518533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.601029632479886 ], [ 7.184918138520243, 52.601029632479886 ], [ 7.184918138520243, 52.600825031186211 ], [ 7.183763161726376, 52.600825031186211 ], [ 7.183763161726376, 52.601029632479886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.99999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.600825031186211 ], [ 7.184918138520243, 52.600825031186211 ], [ 7.184918138520243, 52.600620428936899 ], [ 7.183763161726376, 52.600620428936899 ], [ 7.183763161726376, 52.600825031186211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.600620428936899 ], [ 7.184918138520243, 52.600620428936899 ], [ 7.184918138520243, 52.600415825731929 ], [ 7.183763161726376, 52.600415825731929 ], [ 7.183763161726376, 52.600620428936899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.600006616455026 ], [ 7.184918138520243, 52.600006616455026 ], [ 7.184918138520243, 52.599802010383087 ], [ 7.183763161726376, 52.599802010383087 ], [ 7.183763161726376, 52.600006616455026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.599392795372239 ], [ 7.184918138520243, 52.599392795372239 ], [ 7.184918138520243, 52.599188186433324 ], [ 7.183763161726376, 52.599188186433324 ], [ 7.183763161726376, 52.599392795372239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.57142828571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.598778965688489 ], [ 7.184918138520243, 52.598778965688489 ], [ 7.184918138520243, 52.598574353882576 ], [ 7.183763161726376, 52.598574353882576 ], [ 7.183763161726376, 52.598778965688489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.601234232817902 ], [ 7.186073115314111, 52.601234232817902 ], [ 7.186073115314111, 52.601029632479886 ], [ 7.184918138520243, 52.601029632479886 ], [ 7.184918138520243, 52.601234232817902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.601029632479886 ], [ 7.186073115314111, 52.601029632479886 ], [ 7.186073115314111, 52.600825031186211 ], [ 7.184918138520243, 52.600825031186211 ], [ 7.184918138520243, 52.601029632479886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.600825031186211 ], [ 7.186073115314111, 52.600825031186211 ], [ 7.186073115314111, 52.600620428936899 ], [ 7.184918138520243, 52.600620428936899 ], [ 7.184918138520243, 52.600825031186211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.53163045454545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.600620428936899 ], [ 7.186073115314111, 52.600620428936899 ], [ 7.186073115314111, 52.600415825731929 ], [ 7.184918138520243, 52.600415825731929 ], [ 7.184918138520243, 52.600620428936899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.42278366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.600415825731929 ], [ 7.186073115314111, 52.600415825731929 ], [ 7.186073115314111, 52.600211221571307 ], [ 7.184918138520243, 52.600211221571307 ], [ 7.184918138520243, 52.600415825731929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 170.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.600006616455026 ], [ 7.186073115314111, 52.600006616455026 ], [ 7.186073115314111, 52.599802010383087 ], [ 7.184918138520243, 52.599802010383087 ], [ 7.184918138520243, 52.600006616455026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29216_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.18014675000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.599597403355496 ], [ 7.186073115314111, 52.599597403355496 ], [ 7.186073115314111, 52.599392795372239 ], [ 7.184918138520243, 52.599392795372239 ], [ 7.184918138520243, 52.599597403355496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.595573270932213 ], [ 7.179143254550905, 52.595573270932213 ], [ 7.179143254550905, 52.595368644153915 ], [ 7.177988277757035, 52.595368644153915 ], [ 7.177988277757035, 52.595573270932213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.593526960142533 ], [ 7.179143254550905, 52.593526960142533 ], [ 7.179143254550905, 52.593322323807151 ], [ 7.177988277757035, 52.593322323807151 ], [ 7.177988277757035, 52.593526960142533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 127.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.595982521621728 ], [ 7.180298231344771, 52.595982521621728 ], [ 7.180298231344771, 52.595777896754825 ], [ 7.179143254550905, 52.595777896754825 ], [ 7.179143254550905, 52.595982521621728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.595164016419922 ], [ 7.181453208138641, 52.595164016419922 ], [ 7.181453208138641, 52.594959387730214 ], [ 7.180298231344771, 52.594959387730214 ], [ 7.180298231344771, 52.595164016419922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 205.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.596596390488294 ], [ 7.182608184932507, 52.596596390488294 ], [ 7.182608184932507, 52.596391768488459 ], [ 7.181453208138641, 52.596391768488459 ], [ 7.181453208138641, 52.596596390488294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.595368644153915 ], [ 7.182608184932507, 52.595368644153915 ], [ 7.182608184932507, 52.595164016419922 ], [ 7.181453208138641, 52.595164016419922 ], [ 7.181453208138641, 52.595368644153915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.594345495926895 ], [ 7.182608184932507, 52.594345495926895 ], [ 7.182608184932507, 52.594140863414374 ], [ 7.181453208138641, 52.594140863414374 ], [ 7.181453208138641, 52.594345495926895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.597005631620888 ], [ 7.183763161726376, 52.597005631620888 ], [ 7.183763161726376, 52.596801011532435 ], [ 7.182608184932507, 52.596801011532435 ], [ 7.182608184932507, 52.597005631620888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.596596390488294 ], [ 7.183763161726376, 52.596596390488294 ], [ 7.183763161726376, 52.596391768488459 ], [ 7.182608184932507, 52.596391768488459 ], [ 7.182608184932507, 52.596596390488294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 76.770899833333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.596187145532944 ], [ 7.183763161726376, 52.596187145532944 ], [ 7.183763161726376, 52.595982521621728 ], [ 7.182608184932507, 52.595982521621728 ], [ 7.182608184932507, 52.596187145532944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.595777896754825 ], [ 7.183763161726376, 52.595777896754825 ], [ 7.183763161726376, 52.595573270932213 ], [ 7.182608184932507, 52.595573270932213 ], [ 7.182608184932507, 52.595777896754825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 143.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.594550127483714 ], [ 7.183763161726376, 52.594550127483714 ], [ 7.183763161726376, 52.594345495926895 ], [ 7.182608184932507, 52.594345495926895 ], [ 7.182608184932507, 52.594550127483714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.594345495926895 ], [ 7.183763161726376, 52.594345495926895 ], [ 7.183763161726376, 52.594140863414374 ], [ 7.182608184932507, 52.594140863414374 ], [ 7.182608184932507, 52.594345495926895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.597005631620888 ], [ 7.184918138520243, 52.597005631620888 ], [ 7.184918138520243, 52.596801011532435 ], [ 7.183763161726376, 52.596801011532435 ], [ 7.183763161726376, 52.597005631620888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.596596390488294 ], [ 7.184918138520243, 52.596596390488294 ], [ 7.184918138520243, 52.596391768488459 ], [ 7.183763161726376, 52.596391768488459 ], [ 7.183763161726376, 52.596596390488294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 145.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.595777896754825 ], [ 7.184918138520243, 52.595777896754825 ], [ 7.184918138520243, 52.595573270932213 ], [ 7.183763161726376, 52.595573270932213 ], [ 7.183763161726376, 52.595777896754825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.7060595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.595573270932213 ], [ 7.184918138520243, 52.595573270932213 ], [ 7.184918138520243, 52.595368644153915 ], [ 7.183763161726376, 52.595368644153915 ], [ 7.183763161726376, 52.595573270932213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.922298 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.595368644153915 ], [ 7.184918138520243, 52.595368644153915 ], [ 7.184918138520243, 52.595164016419922 ], [ 7.183763161726376, 52.595164016419922 ], [ 7.183763161726376, 52.595368644153915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 153.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.595164016419922 ], [ 7.184918138520243, 52.595164016419922 ], [ 7.184918138520243, 52.594959387730214 ], [ 7.183763161726376, 52.594959387730214 ], [ 7.183763161726376, 52.595164016419922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.594550127483714 ], [ 7.184918138520243, 52.594550127483714 ], [ 7.184918138520243, 52.594345495926895 ], [ 7.183763161726376, 52.594345495926895 ], [ 7.183763161726376, 52.594550127483714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.593936229946138 ], [ 7.184918138520243, 52.593936229946138 ], [ 7.184918138520243, 52.593731595522193 ], [ 7.183763161726376, 52.593731595522193 ], [ 7.183763161726376, 52.593936229946138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 123.874998125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.593322323807151 ], [ 7.184918138520243, 52.593322323807151 ], [ 7.184918138520243, 52.593117686516059 ], [ 7.183763161726376, 52.593117686516059 ], [ 7.183763161726376, 52.593322323807151 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.595777896754825 ], [ 7.186073115314111, 52.595777896754825 ], [ 7.186073115314111, 52.595573270932213 ], [ 7.184918138520243, 52.595573270932213 ], [ 7.184918138520243, 52.595777896754825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.595573270932213 ], [ 7.186073115314111, 52.595573270932213 ], [ 7.186073115314111, 52.595368644153915 ], [ 7.184918138520243, 52.595368644153915 ], [ 7.184918138520243, 52.595573270932213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.595368644153915 ], [ 7.186073115314111, 52.595368644153915 ], [ 7.186073115314111, 52.595164016419922 ], [ 7.184918138520243, 52.595164016419922 ], [ 7.184918138520243, 52.595368644153915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.29052078571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.595164016419922 ], [ 7.186073115314111, 52.595164016419922 ], [ 7.186073115314111, 52.594959387730214 ], [ 7.184918138520243, 52.594959387730214 ], [ 7.184918138520243, 52.595164016419922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 143.5261448 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.594959387730214 ], [ 7.186073115314111, 52.594959387730214 ], [ 7.186073115314111, 52.594754758084818 ], [ 7.184918138520243, 52.594754758084818 ], [ 7.184918138520243, 52.594959387730214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 133.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.594550127483714 ], [ 7.186073115314111, 52.594550127483714 ], [ 7.186073115314111, 52.594345495926895 ], [ 7.184918138520243, 52.594345495926895 ], [ 7.184918138520243, 52.594550127483714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29217_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.594140863414374 ], [ 7.186073115314111, 52.594140863414374 ], [ 7.186073115314111, 52.593936229946138 ], [ 7.184918138520243, 52.593936229946138 ], [ 7.184918138520243, 52.594140863414374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.59011622977745 ], [ 7.179143254550905, 52.59011622977745 ], [ 7.179143254550905, 52.589911577513199 ], [ 7.177988277757035, 52.589911577513199 ], [ 7.177988277757035, 52.59011622977745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.54545525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.588069664126031 ], [ 7.179143254550905, 52.588069664126031 ], [ 7.179143254550905, 52.587865002304213 ], [ 7.177988277757035, 52.587865002304213 ], [ 7.177988277757035, 52.588069664126031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.590525531438708 ], [ 7.180298231344771, 52.590525531438708 ], [ 7.180298231344771, 52.590320881085951 ], [ 7.179143254550905, 52.590320881085951 ], [ 7.179143254550905, 52.590525531438708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.589706924293203 ], [ 7.181453208138641, 52.589706924293203 ], [ 7.181453208138641, 52.589502270117443 ], [ 7.180298231344771, 52.589502270117443 ], [ 7.180298231344771, 52.589706924293203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 206.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.591139476762535 ], [ 7.182608184932507, 52.591139476762535 ], [ 7.182608184932507, 52.590934829277003 ], [ 7.181453208138641, 52.590934829277003 ], [ 7.181453208138641, 52.591139476762535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.589911577513199 ], [ 7.182608184932507, 52.589911577513199 ], [ 7.182608184932507, 52.589706924293203 ], [ 7.181453208138641, 52.589706924293203 ], [ 7.181453208138641, 52.589911577513199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.588888301855683 ], [ 7.182608184932507, 52.588888301855683 ], [ 7.182608184932507, 52.588683643856911 ], [ 7.181453208138641, 52.588683643856911 ], [ 7.181453208138641, 52.588888301855683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.591548768866389 ], [ 7.183763161726376, 52.591548768866389 ], [ 7.183763161726376, 52.591344123292323 ], [ 7.182608184932507, 52.591344123292323 ], [ 7.182608184932507, 52.591548768866389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 156.66666716666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.591139476762535 ], [ 7.183763161726376, 52.591139476762535 ], [ 7.183763161726376, 52.590934829277003 ], [ 7.182608184932507, 52.590934829277003 ], [ 7.182608184932507, 52.591139476762535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 61.448008142857141 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.590730180835727 ], [ 7.183763161726376, 52.590730180835727 ], [ 7.183763161726376, 52.590525531438708 ], [ 7.182608184932507, 52.590525531438708 ], [ 7.182608184932507, 52.590730180835727 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.590320881085951 ], [ 7.183763161726376, 52.590320881085951 ], [ 7.183763161726376, 52.59011622977745 ], [ 7.182608184932507, 52.59011622977745 ], [ 7.182608184932507, 52.590320881085951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 137.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.589092958898689 ], [ 7.183763161726376, 52.589092958898689 ], [ 7.183763161726376, 52.588888301855683 ], [ 7.182608184932507, 52.588888301855683 ], [ 7.182608184932507, 52.589092958898689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.588888301855683 ], [ 7.183763161726376, 52.588888301855683 ], [ 7.183763161726376, 52.588683643856911 ], [ 7.182608184932507, 52.588683643856911 ], [ 7.182608184932507, 52.588888301855683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.591548768866389 ], [ 7.184918138520243, 52.591548768866389 ], [ 7.184918138520243, 52.591344123292323 ], [ 7.183763161726376, 52.591344123292323 ], [ 7.183763161726376, 52.591548768866389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.591139476762535 ], [ 7.184918138520243, 52.591139476762535 ], [ 7.184918138520243, 52.590934829277003 ], [ 7.183763161726376, 52.590934829277003 ], [ 7.183763161726376, 52.591139476762535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.17223366666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.590320881085951 ], [ 7.184918138520243, 52.590320881085951 ], [ 7.184918138520243, 52.59011622977745 ], [ 7.183763161726376, 52.59011622977745 ], [ 7.183763161726376, 52.590320881085951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 120.80221475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.59011622977745 ], [ 7.184918138520243, 52.59011622977745 ], [ 7.184918138520243, 52.589911577513199 ], [ 7.183763161726376, 52.589911577513199 ], [ 7.183763161726376, 52.59011622977745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 119.14355566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.589911577513199 ], [ 7.184918138520243, 52.589911577513199 ], [ 7.184918138520243, 52.589706924293203 ], [ 7.183763161726376, 52.589706924293203 ], [ 7.183763161726376, 52.589911577513199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.589706924293203 ], [ 7.184918138520243, 52.589706924293203 ], [ 7.184918138520243, 52.589502270117443 ], [ 7.183763161726376, 52.589502270117443 ], [ 7.183763161726376, 52.589706924293203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.589092958898689 ], [ 7.184918138520243, 52.589092958898689 ], [ 7.184918138520243, 52.588888301855683 ], [ 7.183763161726376, 52.588888301855683 ], [ 7.183763161726376, 52.589092958898689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 137.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.588478984902373 ], [ 7.184918138520243, 52.588478984902373 ], [ 7.184918138520243, 52.588274324992092 ], [ 7.183763161726376, 52.588274324992092 ], [ 7.183763161726376, 52.588478984902373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 112.75559712499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.587865002304213 ], [ 7.184918138520243, 52.587865002304213 ], [ 7.184918138520243, 52.587660339526622 ], [ 7.183763161726376, 52.587660339526622 ], [ 7.183763161726376, 52.587865002304213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.463433 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.590320881085951 ], [ 7.186073115314111, 52.590320881085951 ], [ 7.186073115314111, 52.59011622977745 ], [ 7.184918138520243, 52.59011622977745 ], [ 7.184918138520243, 52.590320881085951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 133.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.59011622977745 ], [ 7.186073115314111, 52.59011622977745 ], [ 7.186073115314111, 52.589911577513199 ], [ 7.184918138520243, 52.589911577513199 ], [ 7.184918138520243, 52.59011622977745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.589911577513199 ], [ 7.186073115314111, 52.589911577513199 ], [ 7.186073115314111, 52.589706924293203 ], [ 7.184918138520243, 52.589706924293203 ], [ 7.184918138520243, 52.589911577513199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 103.24828615384617 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.589706924293203 ], [ 7.186073115314111, 52.589706924293203 ], [ 7.186073115314111, 52.589502270117443 ], [ 7.184918138520243, 52.589502270117443 ], [ 7.184918138520243, 52.589706924293203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.06569916666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.589502270117443 ], [ 7.186073115314111, 52.589502270117443 ], [ 7.186073115314111, 52.589297614985945 ], [ 7.184918138520243, 52.589297614985945 ], [ 7.184918138520243, 52.589502270117443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.589092958898689 ], [ 7.186073115314111, 52.589092958898689 ], [ 7.186073115314111, 52.588888301855683 ], [ 7.184918138520243, 52.588888301855683 ], [ 7.184918138520243, 52.589092958898689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29218_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.85802475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.588683643856911 ], [ 7.186073115314111, 52.588683643856911 ], [ 7.186073115314111, 52.588478984902373 ], [ 7.184918138520243, 52.588478984902373 ], [ 7.184918138520243, 52.588683643856911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.584658508980432 ], [ 7.179143254550905, 52.584658508980432 ], [ 7.179143254550905, 52.584453831228913 ], [ 7.177988277757035, 52.584453831228913 ], [ 7.177988277757035, 52.584658508980432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.91338966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.582611688454115 ], [ 7.179143254550905, 52.582611688454115 ], [ 7.179143254550905, 52.582407001144531 ], [ 7.177988277757035, 52.582407001144531 ], [ 7.177988277757035, 52.582611688454115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.585067861616082 ], [ 7.180298231344771, 52.585067861616082 ], [ 7.180298231344771, 52.58486318577615 ], [ 7.179143254550905, 52.58486318577615 ], [ 7.179143254550905, 52.585067861616082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.5842491525216 ], [ 7.181453208138641, 52.5842491525216 ], [ 7.181453208138641, 52.584044472858487 ], [ 7.180298231344771, 52.584044472858487 ], [ 7.180298231344771, 52.5842491525216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 205.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.585681883401115 ], [ 7.182608184932507, 52.585681883401115 ], [ 7.182608184932507, 52.585477210428557 ], [ 7.181453208138641, 52.585477210428557 ], [ 7.181453208138641, 52.585681883401115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.584453831228913 ], [ 7.182608184932507, 52.584453831228913 ], [ 7.182608184932507, 52.5842491525216 ], [ 7.181453208138641, 52.5842491525216 ], [ 7.181453208138641, 52.584453831228913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.583430428134321 ], [ 7.182608184932507, 52.583430428134321 ], [ 7.182608184932507, 52.583225744647976 ], [ 7.181453208138641, 52.583225744647976 ], [ 7.181453208138641, 52.583430428134321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.586091226478871 ], [ 7.183763161726376, 52.586091226478871 ], [ 7.183763161726376, 52.585886555417879 ], [ 7.182608184932507, 52.585886555417879 ], [ 7.182608184932507, 52.586091226478871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 153.8000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.585681883401115 ], [ 7.183763161726376, 52.585681883401115 ], [ 7.183763161726376, 52.585477210428557 ], [ 7.182608184932507, 52.585477210428557 ], [ 7.182608184932507, 52.585681883401115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 84.519927 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.585272536500213 ], [ 7.183763161726376, 52.585272536500213 ], [ 7.183763161726376, 52.585067861616082 ], [ 7.182608184932507, 52.585067861616082 ], [ 7.182608184932507, 52.585272536500213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.58486318577615 ], [ 7.183763161726376, 52.58486318577615 ], [ 7.183763161726376, 52.584658508980432 ], [ 7.182608184932507, 52.584658508980432 ], [ 7.182608184932507, 52.58486318577615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.69130025000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.583635110664844 ], [ 7.183763161726376, 52.583635110664844 ], [ 7.183763161726376, 52.583430428134321 ], [ 7.182608184932507, 52.583430428134321 ], [ 7.182608184932507, 52.583635110664844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.583430428134321 ], [ 7.183763161726376, 52.583430428134321 ], [ 7.183763161726376, 52.583225744647976 ], [ 7.182608184932507, 52.583225744647976 ], [ 7.182608184932507, 52.583430428134321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.586091226478871 ], [ 7.184918138520243, 52.586091226478871 ], [ 7.184918138520243, 52.585886555417879 ], [ 7.183763161726376, 52.585886555417879 ], [ 7.183763161726376, 52.586091226478871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.585681883401115 ], [ 7.184918138520243, 52.585681883401115 ], [ 7.184918138520243, 52.585477210428557 ], [ 7.183763161726376, 52.585477210428557 ], [ 7.183763161726376, 52.585681883401115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.249998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.58486318577615 ], [ 7.184918138520243, 52.58486318577615 ], [ 7.184918138520243, 52.584658508980432 ], [ 7.183763161726376, 52.584658508980432 ], [ 7.183763161726376, 52.58486318577615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 121.76147666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.584658508980432 ], [ 7.184918138520243, 52.584658508980432 ], [ 7.184918138520243, 52.584453831228913 ], [ 7.183763161726376, 52.584453831228913 ], [ 7.183763161726376, 52.584658508980432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.4732755 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.584453831228913 ], [ 7.184918138520243, 52.584453831228913 ], [ 7.184918138520243, 52.5842491525216 ], [ 7.183763161726376, 52.5842491525216 ], [ 7.183763161726376, 52.584453831228913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 126.25420983333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.5842491525216 ], [ 7.184918138520243, 52.5842491525216 ], [ 7.184918138520243, 52.584044472858487 ], [ 7.183763161726376, 52.584044472858487 ], [ 7.183763161726376, 52.5842491525216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.583635110664844 ], [ 7.184918138520243, 52.583635110664844 ], [ 7.184918138520243, 52.583430428134321 ], [ 7.183763161726376, 52.583430428134321 ], [ 7.183763161726376, 52.583635110664844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 125.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.583021060205844 ], [ 7.184918138520243, 52.583021060205844 ], [ 7.184918138520243, 52.582816374807884 ], [ 7.183763161726376, 52.582816374807884 ], [ 7.183763161726376, 52.583021060205844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 119.3595592857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.582407001144531 ], [ 7.184918138520243, 52.582407001144531 ], [ 7.184918138520243, 52.582202312879133 ], [ 7.183763161726376, 52.582202312879133 ], [ 7.183763161726376, 52.582407001144531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.238114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.58486318577615 ], [ 7.186073115314111, 52.58486318577615 ], [ 7.186073115314111, 52.584658508980432 ], [ 7.184918138520243, 52.584658508980432 ], [ 7.184918138520243, 52.58486318577615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.584658508980432 ], [ 7.186073115314111, 52.584658508980432 ], [ 7.186073115314111, 52.584453831228913 ], [ 7.184918138520243, 52.584453831228913 ], [ 7.184918138520243, 52.584658508980432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.584453831228913 ], [ 7.186073115314111, 52.584453831228913 ], [ 7.186073115314111, 52.5842491525216 ], [ 7.184918138520243, 52.5842491525216 ], [ 7.184918138520243, 52.584453831228913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 105.12911207692308 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.5842491525216 ], [ 7.186073115314111, 52.5842491525216 ], [ 7.186073115314111, 52.584044472858487 ], [ 7.184918138520243, 52.584044472858487 ], [ 7.184918138520243, 52.5842491525216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 133.20917766666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.584044472858487 ], [ 7.186073115314111, 52.584044472858487 ], [ 7.186073115314111, 52.583839792239573 ], [ 7.184918138520243, 52.583839792239573 ], [ 7.184918138520243, 52.584044472858487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.583635110664844 ], [ 7.186073115314111, 52.583635110664844 ], [ 7.186073115314111, 52.583430428134321 ], [ 7.184918138520243, 52.583430428134321 ], [ 7.184918138520243, 52.583635110664844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29219_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 125.32185833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.583225744647976 ], [ 7.186073115314111, 52.583225744647976 ], [ 7.186073115314111, 52.583021060205844 ], [ 7.184918138520243, 52.583021060205844 ], [ 7.184918138520243, 52.583225744647976 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.579200108506051 ], [ 7.179143254550905, 52.579200108506051 ], [ 7.179143254550905, 52.57899540526595 ], [ 7.177988277757035, 52.57899540526595 ], [ 7.177988277757035, 52.579200108506051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.16273866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.577153033091676 ], [ 7.179143254550905, 52.577153033091676 ], [ 7.179143254550905, 52.576948320293006 ], [ 7.177988277757035, 52.576948320293006 ], [ 7.177988277757035, 52.577153033091676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 119.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.579609512118722 ], [ 7.180298231344771, 52.579609512118722 ], [ 7.180298231344771, 52.579404810790301 ], [ 7.179143254550905, 52.579404810790301 ], [ 7.179143254550905, 52.579609512118722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.578790701069998 ], [ 7.181453208138641, 52.578790701069998 ], [ 7.181453208138641, 52.578585995918203 ], [ 7.180298231344771, 52.578585995918203 ], [ 7.180298231344771, 52.578790701069998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 197.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.580223610368918 ], [ 7.182608184932507, 52.580223610368918 ], [ 7.182608184932507, 52.58001891190802 ], [ 7.181453208138641, 52.58001891190802 ], [ 7.181453208138641, 52.580223610368918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.57899540526595 ], [ 7.182608184932507, 52.57899540526595 ], [ 7.182608184932507, 52.578790701069998 ], [ 7.181453208138641, 52.578790701069998 ], [ 7.181453208138641, 52.57899540526595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.577971874727695 ], [ 7.182608184932507, 52.577971874727695 ], [ 7.182608184932507, 52.577767165752476 ], [ 7.181453208138641, 52.577767165752476 ], [ 7.181453208138641, 52.577971874727695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 189.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.580633004423191 ], [ 7.183763161726376, 52.580633004423191 ], [ 7.183763161726376, 52.580428307873966 ], [ 7.182608184932507, 52.580428307873966 ], [ 7.182608184932507, 52.580633004423191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 155.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.580223610368918 ], [ 7.183763161726376, 52.580223610368918 ], [ 7.183763161726376, 52.58001891190802 ], [ 7.182608184932507, 52.58001891190802 ], [ 7.182608184932507, 52.580223610368918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 87.2448988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.579814212491286 ], [ 7.183763161726376, 52.579814212491286 ], [ 7.183763161726376, 52.579609512118722 ], [ 7.182608184932507, 52.579609512118722 ], [ 7.182608184932507, 52.579814212491286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.579404810790301 ], [ 7.183763161726376, 52.579404810790301 ], [ 7.183763161726376, 52.579200108506051 ], [ 7.182608184932507, 52.579200108506051 ], [ 7.182608184932507, 52.579404810790301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 147.08757 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.578176582747048 ], [ 7.183763161726376, 52.578176582747048 ], [ 7.183763161726376, 52.577971874727695 ], [ 7.182608184932507, 52.577971874727695 ], [ 7.182608184932507, 52.578176582747048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.577971874727695 ], [ 7.183763161726376, 52.577971874727695 ], [ 7.183763161726376, 52.577767165752476 ], [ 7.182608184932507, 52.577767165752476 ], [ 7.182608184932507, 52.577971874727695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.580633004423191 ], [ 7.184918138520243, 52.580633004423191 ], [ 7.184918138520243, 52.580428307873966 ], [ 7.183763161726376, 52.580428307873966 ], [ 7.183763161726376, 52.580633004423191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.580223610368918 ], [ 7.184918138520243, 52.580223610368918 ], [ 7.184918138520243, 52.58001891190802 ], [ 7.183763161726376, 52.58001891190802 ], [ 7.183763161726376, 52.580223610368918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.33333466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.579404810790301 ], [ 7.184918138520243, 52.579404810790301 ], [ 7.184918138520243, 52.579200108506051 ], [ 7.183763161726376, 52.579200108506051 ], [ 7.183763161726376, 52.579404810790301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.52541575000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.579200108506051 ], [ 7.184918138520243, 52.579200108506051 ], [ 7.184918138520243, 52.57899540526595 ], [ 7.183763161726376, 52.57899540526595 ], [ 7.183763161726376, 52.579200108506051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.57899540526595 ], [ 7.184918138520243, 52.57899540526595 ], [ 7.184918138520243, 52.578790701069998 ], [ 7.183763161726376, 52.578790701069998 ], [ 7.183763161726376, 52.57899540526595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.00000085714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.578790701069998 ], [ 7.184918138520243, 52.578790701069998 ], [ 7.184918138520243, 52.578585995918203 ], [ 7.183763161726376, 52.578585995918203 ], [ 7.183763161726376, 52.578790701069998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 165.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.578176582747048 ], [ 7.184918138520243, 52.578176582747048 ], [ 7.184918138520243, 52.577971874727695 ], [ 7.183763161726376, 52.577971874727695 ], [ 7.183763161726376, 52.578176582747048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 125.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.577562455821401 ], [ 7.184918138520243, 52.577562455821401 ], [ 7.184918138520243, 52.577357744934467 ], [ 7.183763161726376, 52.577357744934467 ], [ 7.183763161726376, 52.577562455821401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 124.71428542857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.576948320293006 ], [ 7.184918138520243, 52.576948320293006 ], [ 7.184918138520243, 52.576743606538486 ], [ 7.183763161726376, 52.576743606538486 ], [ 7.183763161726376, 52.576948320293006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.2500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.579404810790301 ], [ 7.186073115314111, 52.579404810790301 ], [ 7.186073115314111, 52.579200108506051 ], [ 7.184918138520243, 52.579200108506051 ], [ 7.184918138520243, 52.579404810790301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.579200108506051 ], [ 7.186073115314111, 52.579200108506051 ], [ 7.186073115314111, 52.57899540526595 ], [ 7.184918138520243, 52.57899540526595 ], [ 7.184918138520243, 52.579200108506051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.57899540526595 ], [ 7.186073115314111, 52.57899540526595 ], [ 7.186073115314111, 52.578790701069998 ], [ 7.184918138520243, 52.578790701069998 ], [ 7.184918138520243, 52.57899540526595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 106.84989707692309 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.578790701069998 ], [ 7.186073115314111, 52.578790701069998 ], [ 7.186073115314111, 52.578585995918203 ], [ 7.184918138520243, 52.578585995918203 ], [ 7.184918138520243, 52.578790701069998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.52924633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.578585995918203 ], [ 7.186073115314111, 52.578585995918203 ], [ 7.186073115314111, 52.578381289810551 ], [ 7.184918138520243, 52.578381289810551 ], [ 7.184918138520243, 52.578585995918203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.578176582747048 ], [ 7.186073115314111, 52.578176582747048 ], [ 7.186073115314111, 52.577971874727695 ], [ 7.184918138520243, 52.577971874727695 ], [ 7.184918138520243, 52.578176582747048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29220_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 122.00336925000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.577767165752476 ], [ 7.186073115314111, 52.577767165752476 ], [ 7.186073115314111, 52.577562455821401 ], [ 7.184918138520243, 52.577562455821401 ], [ 7.184918138520243, 52.577767165752476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.573741028319205 ], [ 7.179143254550905, 52.573741028319205 ], [ 7.179143254550905, 52.573536299589207 ], [ 7.177988277757035, 52.573536299589207 ], [ 7.177988277757035, 52.573741028319205 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.749999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.571693698003607 ], [ 7.179143254550905, 52.571693698003607 ], [ 7.179143254550905, 52.57148895971455 ], [ 7.177988277757035, 52.57148895971455 ], [ 7.177988277757035, 52.571693698003607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.574150482911527 ], [ 7.180298231344771, 52.574150482911527 ], [ 7.180298231344771, 52.573945756093309 ], [ 7.179143254550905, 52.573945756093309 ], [ 7.179143254550905, 52.574150482911527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.573331569903303 ], [ 7.181453208138641, 52.573331569903303 ], [ 7.181453208138641, 52.573126839261505 ], [ 7.180298231344771, 52.573126839261505 ], [ 7.180298231344771, 52.573331569903303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.574764657630823 ], [ 7.182608184932507, 52.574764657630823 ], [ 7.182608184932507, 52.574559933680277 ], [ 7.181453208138641, 52.574559933680277 ], [ 7.181453208138641, 52.574764657630823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.573536299589207 ], [ 7.182608184932507, 52.573536299589207 ], [ 7.182608184932507, 52.573331569903303 ], [ 7.181453208138641, 52.573331569903303 ], [ 7.181453208138641, 52.573536299589207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.572512641600703 ], [ 7.182608184932507, 52.572512641600703 ], [ 7.182608184932507, 52.572307907135297 ], [ 7.181453208138641, 52.572307907135297 ], [ 7.181453208138641, 52.572512641600703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 195.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.575174102664256 ], [ 7.183763161726376, 52.575174102664256 ], [ 7.183763161726376, 52.574969380625483 ], [ 7.182608184932507, 52.574969380625483 ], [ 7.182608184932507, 52.575174102664256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 155.4000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.574764657630823 ], [ 7.183763161726376, 52.574764657630823 ], [ 7.183763161726376, 52.574559933680277 ], [ 7.182608184932507, 52.574559933680277 ], [ 7.182608184932507, 52.574764657630823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 87.8102068 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.574355208773845 ], [ 7.183763161726376, 52.574355208773845 ], [ 7.183763161726376, 52.574150482911527 ], [ 7.182608184932507, 52.574150482911527 ], [ 7.182608184932507, 52.574355208773845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.573945756093309 ], [ 7.183763161726376, 52.573945756093309 ], [ 7.183763161726376, 52.573741028319205 ], [ 7.182608184932507, 52.573741028319205 ], [ 7.182608184932507, 52.573945756093309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.572717375110209 ], [ 7.183763161726376, 52.572717375110209 ], [ 7.183763161726376, 52.572512641600703 ], [ 7.182608184932507, 52.572512641600703 ], [ 7.182608184932507, 52.572717375110209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.572512641600703 ], [ 7.183763161726376, 52.572512641600703 ], [ 7.183763161726376, 52.572307907135297 ], [ 7.182608184932507, 52.572307907135297 ], [ 7.182608184932507, 52.572512641600703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.575174102664256 ], [ 7.184918138520243, 52.575174102664256 ], [ 7.184918138520243, 52.574969380625483 ], [ 7.183763161726376, 52.574969380625483 ], [ 7.183763161726376, 52.575174102664256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 200.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.574764657630823 ], [ 7.184918138520243, 52.574764657630823 ], [ 7.184918138520243, 52.574559933680277 ], [ 7.183763161726376, 52.574559933680277 ], [ 7.183763161726376, 52.574764657630823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.625071 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.573945756093309 ], [ 7.184918138520243, 52.573945756093309 ], [ 7.184918138520243, 52.573741028319205 ], [ 7.183763161726376, 52.573741028319205 ], [ 7.183763161726376, 52.573945756093309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.19290366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.573741028319205 ], [ 7.184918138520243, 52.573741028319205 ], [ 7.184918138520243, 52.573536299589207 ], [ 7.183763161726376, 52.573536299589207 ], [ 7.183763161726376, 52.573741028319205 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 128.17992933333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.573536299589207 ], [ 7.184918138520243, 52.573536299589207 ], [ 7.184918138520243, 52.573331569903303 ], [ 7.183763161726376, 52.573331569903303 ], [ 7.183763161726376, 52.573536299589207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 146.66666783333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.573331569903303 ], [ 7.184918138520243, 52.573331569903303 ], [ 7.184918138520243, 52.573126839261505 ], [ 7.183763161726376, 52.573126839261505 ], [ 7.183763161726376, 52.573331569903303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.572717375110209 ], [ 7.184918138520243, 52.572717375110209 ], [ 7.184918138520243, 52.572512641600703 ], [ 7.183763161726376, 52.572512641600703 ], [ 7.183763161726376, 52.572717375110209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.42640371428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.57148895971455 ], [ 7.184918138520243, 52.57148895971455 ], [ 7.184918138520243, 52.571284220469586 ], [ 7.183763161726376, 52.571284220469586 ], [ 7.183763161726376, 52.57148895971455 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 114.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.573945756093309 ], [ 7.186073115314111, 52.573945756093309 ], [ 7.186073115314111, 52.573741028319205 ], [ 7.184918138520243, 52.573741028319205 ], [ 7.184918138520243, 52.573945756093309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.573741028319205 ], [ 7.186073115314111, 52.573741028319205 ], [ 7.186073115314111, 52.573536299589207 ], [ 7.184918138520243, 52.573536299589207 ], [ 7.184918138520243, 52.573741028319205 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.573536299589207 ], [ 7.186073115314111, 52.573536299589207 ], [ 7.186073115314111, 52.573331569903303 ], [ 7.184918138520243, 52.573331569903303 ], [ 7.184918138520243, 52.573536299589207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 118.3103521 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.573331569903303 ], [ 7.186073115314111, 52.573331569903303 ], [ 7.186073115314111, 52.573126839261505 ], [ 7.184918138520243, 52.573126839261505 ], [ 7.184918138520243, 52.573331569903303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.23913342857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.573126839261505 ], [ 7.186073115314111, 52.573126839261505 ], [ 7.186073115314111, 52.572922107663807 ], [ 7.184918138520243, 52.572922107663807 ], [ 7.184918138520243, 52.573126839261505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.572717375110209 ], [ 7.186073115314111, 52.572717375110209 ], [ 7.186073115314111, 52.572512641600703 ], [ 7.184918138520243, 52.572512641600703 ], [ 7.184918138520243, 52.572717375110209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29221_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.25000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.572307907135297 ], [ 7.186073115314111, 52.572307907135297 ], [ 7.186073115314111, 52.572103171713977 ], [ 7.184918138520243, 52.572103171713977 ], [ 7.184918138520243, 52.572307907135297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 172.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.568281268384816 ], [ 7.179143254550905, 52.568281268384816 ], [ 7.179143254550905, 52.5680765141636 ], [ 7.177988277757035, 52.5680765141636 ], [ 7.177988277757035, 52.568281268384816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.566233683154856 ], [ 7.179143254550905, 52.566233683154856 ], [ 7.179143254550905, 52.566028919374091 ], [ 7.177988277757035, 52.566028919374091 ], [ 7.177988277757035, 52.566233683154856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.568690773959418 ], [ 7.180298231344771, 52.568690773959418 ], [ 7.180298231344771, 52.568486021650095 ], [ 7.179143254550905, 52.568486021650095 ], [ 7.179143254550905, 52.568690773959418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.567871758986435 ], [ 7.181453208138641, 52.567871758986435 ], [ 7.181453208138641, 52.567667002853334 ], [ 7.180298231344771, 52.567667002853334 ], [ 7.180298231344771, 52.567871758986435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.569305025151777 ], [ 7.182608184932507, 52.569305025151777 ], [ 7.182608184932507, 52.569100275710262 ], [ 7.181453208138641, 52.569100275710262 ], [ 7.181453208138641, 52.569305025151777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.5680765141636 ], [ 7.182608184932507, 52.5680765141636 ], [ 7.182608184932507, 52.567871758986435 ], [ 7.181453208138641, 52.567871758986435 ], [ 7.181453208138641, 52.5680765141636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.567052728718288 ], [ 7.182608184932507, 52.567052728718288 ], [ 7.182608184932507, 52.566847968761365 ], [ 7.181453208138641, 52.566847968761365 ], [ 7.181453208138641, 52.567052728718288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.569714521166993 ], [ 7.183763161726376, 52.569714521166993 ], [ 7.183763161726376, 52.56950977363735 ], [ 7.182608184932507, 52.56950977363735 ], [ 7.182608184932507, 52.569714521166993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 152.2000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.569305025151777 ], [ 7.183763161726376, 52.569305025151777 ], [ 7.183763161726376, 52.569100275710262 ], [ 7.182608184932507, 52.569100275710262 ], [ 7.182608184932507, 52.569305025151777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 96.0987535 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.568895525312811 ], [ 7.183763161726376, 52.568895525312811 ], [ 7.183763161726376, 52.568690773959418 ], [ 7.182608184932507, 52.568690773959418 ], [ 7.182608184932507, 52.568895525312811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.568486021650095 ], [ 7.183763161726376, 52.568486021650095 ], [ 7.183763161726376, 52.568281268384816 ], [ 7.182608184932507, 52.568281268384816 ], [ 7.182608184932507, 52.568486021650095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.7113845 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.567257487719253 ], [ 7.183763161726376, 52.567257487719253 ], [ 7.183763161726376, 52.567052728718288 ], [ 7.182608184932507, 52.567052728718288 ], [ 7.182608184932507, 52.567257487719253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.567052728718288 ], [ 7.183763161726376, 52.567052728718288 ], [ 7.183763161726376, 52.566847968761365 ], [ 7.182608184932507, 52.566847968761365 ], [ 7.182608184932507, 52.567052728718288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.569714521166993 ], [ 7.184918138520243, 52.569714521166993 ], [ 7.184918138520243, 52.56950977363735 ], [ 7.183763161726376, 52.56950977363735 ], [ 7.183763161726376, 52.569714521166993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 201.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.569305025151777 ], [ 7.184918138520243, 52.569305025151777 ], [ 7.184918138520243, 52.569100275710262 ], [ 7.183763161726376, 52.569100275710262 ], [ 7.183763161726376, 52.569305025151777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.00000275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.568486021650095 ], [ 7.184918138520243, 52.568486021650095 ], [ 7.184918138520243, 52.568281268384816 ], [ 7.183763161726376, 52.568281268384816 ], [ 7.183763161726376, 52.568486021650095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.34218233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.568281268384816 ], [ 7.184918138520243, 52.568281268384816 ], [ 7.184918138520243, 52.5680765141636 ], [ 7.183763161726376, 52.5680765141636 ], [ 7.183763161726376, 52.568281268384816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.55413225000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.5680765141636 ], [ 7.184918138520243, 52.5680765141636 ], [ 7.184918138520243, 52.567871758986435 ], [ 7.183763161726376, 52.567871758986435 ], [ 7.183763161726376, 52.5680765141636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 145.600001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.567871758986435 ], [ 7.184918138520243, 52.567871758986435 ], [ 7.184918138520243, 52.567667002853334 ], [ 7.183763161726376, 52.567667002853334 ], [ 7.183763161726376, 52.567871758986435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.567257487719253 ], [ 7.184918138520243, 52.567257487719253 ], [ 7.184918138520243, 52.567052728718288 ], [ 7.183763161726376, 52.567052728718288 ], [ 7.183763161726376, 52.567257487719253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 136.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.566643207848486 ], [ 7.184918138520243, 52.566643207848486 ], [ 7.184918138520243, 52.566438445979657 ], [ 7.183763161726376, 52.566438445979657 ], [ 7.183763161726376, 52.566643207848486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.22435625000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.566028919374091 ], [ 7.184918138520243, 52.566028919374091 ], [ 7.184918138520243, 52.565824154637376 ], [ 7.183763161726376, 52.565824154637376 ], [ 7.183763161726376, 52.566028919374091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.05224475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.568486021650095 ], [ 7.186073115314111, 52.568486021650095 ], [ 7.186073115314111, 52.568281268384816 ], [ 7.184918138520243, 52.568281268384816 ], [ 7.184918138520243, 52.568486021650095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.568281268384816 ], [ 7.186073115314111, 52.568281268384816 ], [ 7.186073115314111, 52.5680765141636 ], [ 7.184918138520243, 52.5680765141636 ], [ 7.184918138520243, 52.568281268384816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.5680765141636 ], [ 7.186073115314111, 52.5680765141636 ], [ 7.186073115314111, 52.567871758986435 ], [ 7.184918138520243, 52.567871758986435 ], [ 7.184918138520243, 52.5680765141636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.74551163636364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.567871758986435 ], [ 7.186073115314111, 52.567871758986435 ], [ 7.186073115314111, 52.567667002853334 ], [ 7.184918138520243, 52.567667002853334 ], [ 7.184918138520243, 52.567871758986435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 143.05575133333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.567667002853334 ], [ 7.186073115314111, 52.567667002853334 ], [ 7.186073115314111, 52.567462245764268 ], [ 7.184918138520243, 52.567462245764268 ], [ 7.184918138520243, 52.567667002853334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 164.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.567257487719253 ], [ 7.186073115314111, 52.567257487719253 ], [ 7.186073115314111, 52.567052728718288 ], [ 7.184918138520243, 52.567052728718288 ], [ 7.184918138520243, 52.567257487719253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29222_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.49641725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.566847968761365 ], [ 7.186073115314111, 52.566847968761365 ], [ 7.186073115314111, 52.566643207848486 ], [ 7.184918138520243, 52.566643207848486 ], [ 7.184918138520243, 52.566847968761365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.562820828667839 ], [ 7.179143254550905, 52.562820828667839 ], [ 7.179143254550905, 52.562616048954084 ], [ 7.177988277757035, 52.562616048954084 ], [ 7.177988277757035, 52.562820828667839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.560772988510365 ], [ 7.179143254550905, 52.560772988510365 ], [ 7.179143254550905, 52.560568199236577 ], [ 7.177988277757035, 52.560568199236577 ], [ 7.177988277757035, 52.560772988510365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.563230385227342 ], [ 7.180298231344771, 52.563230385227342 ], [ 7.180298231344771, 52.563025607425587 ], [ 7.179143254550905, 52.563025607425587 ], [ 7.179143254550905, 52.563230385227342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.562411268284343 ], [ 7.181453208138641, 52.562411268284343 ], [ 7.181453208138641, 52.562206486658603 ], [ 7.180298231344771, 52.562206486658603 ], [ 7.180298231344771, 52.562411268284343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.563844712896689 ], [ 7.182608184932507, 52.563844712896689 ], [ 7.182608184932507, 52.563639937962897 ], [ 7.181453208138641, 52.563639937962897 ], [ 7.181453208138641, 52.563844712896689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.562616048954084 ], [ 7.182608184932507, 52.562616048954084 ], [ 7.182608184932507, 52.562411268284343 ], [ 7.181453208138641, 52.562411268284343 ], [ 7.181453208138641, 52.562616048954084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.561592136045391 ], [ 7.182608184932507, 52.561592136045391 ], [ 7.182608184932507, 52.561387350595645 ], [ 7.181453208138641, 52.561387350595645 ], [ 7.181453208138641, 52.561592136045391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.564254259896337 ], [ 7.183763161726376, 52.564254259896337 ], [ 7.183763161726376, 52.564049486874509 ], [ 7.182608184932507, 52.564049486874509 ], [ 7.182608184932507, 52.564254259896337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 151.39293533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.563844712896689 ], [ 7.183763161726376, 52.563844712896689 ], [ 7.183763161726376, 52.563639937962897 ], [ 7.182608184932507, 52.563639937962897 ], [ 7.182608184932507, 52.563844712896689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 109.9370195 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.563435162073119 ], [ 7.183763161726376, 52.563435162073119 ], [ 7.183763161726376, 52.563230385227342 ], [ 7.182608184932507, 52.563230385227342 ], [ 7.182608184932507, 52.563435162073119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.563025607425587 ], [ 7.183763161726376, 52.563025607425587 ], [ 7.183763161726376, 52.562820828667839 ], [ 7.182608184932507, 52.562820828667839 ], [ 7.182608184932507, 52.563025607425587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.56179692053913 ], [ 7.183763161726376, 52.56179692053913 ], [ 7.183763161726376, 52.561592136045391 ], [ 7.182608184932507, 52.561592136045391 ], [ 7.182608184932507, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.561592136045391 ], [ 7.183763161726376, 52.561592136045391 ], [ 7.183763161726376, 52.561387350595645 ], [ 7.182608184932507, 52.561387350595645 ], [ 7.182608184932507, 52.561592136045391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.564254259896337 ], [ 7.184918138520243, 52.564254259896337 ], [ 7.184918138520243, 52.564049486874509 ], [ 7.183763161726376, 52.564049486874509 ], [ 7.183763161726376, 52.564254259896337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.563844712896689 ], [ 7.184918138520243, 52.563844712896689 ], [ 7.184918138520243, 52.563639937962897 ], [ 7.183763161726376, 52.563639937962897 ], [ 7.183763161726376, 52.563844712896689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.563025607425587 ], [ 7.184918138520243, 52.563025607425587 ], [ 7.184918138520243, 52.562820828667839 ], [ 7.183763161726376, 52.562820828667839 ], [ 7.183763161726376, 52.563025607425587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.851711 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.562820828667839 ], [ 7.184918138520243, 52.562820828667839 ], [ 7.184918138520243, 52.562616048954084 ], [ 7.183763161726376, 52.562616048954084 ], [ 7.183763161726376, 52.562820828667839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 118.626543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.562616048954084 ], [ 7.184918138520243, 52.562616048954084 ], [ 7.184918138520243, 52.562411268284343 ], [ 7.183763161726376, 52.562411268284343 ], [ 7.183763161726376, 52.562616048954084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 146.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.562411268284343 ], [ 7.184918138520243, 52.562411268284343 ], [ 7.184918138520243, 52.562206486658603 ], [ 7.183763161726376, 52.562206486658603 ], [ 7.183763161726376, 52.562411268284343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.56179692053913 ], [ 7.184918138520243, 52.56179692053913 ], [ 7.184918138520243, 52.561592136045391 ], [ 7.183763161726376, 52.561592136045391 ], [ 7.183763161726376, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.561182564189885 ], [ 7.184918138520243, 52.561182564189885 ], [ 7.184918138520243, 52.560977776828132 ], [ 7.183763161726376, 52.560977776828132 ], [ 7.183763161726376, 52.561182564189885 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 129.9029265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.560568199236577 ], [ 7.184918138520243, 52.560568199236577 ], [ 7.184918138520243, 52.560363409006783 ], [ 7.183763161726376, 52.560363409006783 ], [ 7.183763161726376, 52.560568199236577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.563025607425587 ], [ 7.186073115314111, 52.563025607425587 ], [ 7.186073115314111, 52.562820828667839 ], [ 7.184918138520243, 52.562820828667839 ], [ 7.184918138520243, 52.563025607425587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.562820828667839 ], [ 7.186073115314111, 52.562820828667839 ], [ 7.186073115314111, 52.562616048954084 ], [ 7.184918138520243, 52.562616048954084 ], [ 7.184918138520243, 52.562820828667839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.562616048954084 ], [ 7.186073115314111, 52.562616048954084 ], [ 7.186073115314111, 52.562411268284343 ], [ 7.184918138520243, 52.562411268284343 ], [ 7.184918138520243, 52.562616048954084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.5859095 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.562411268284343 ], [ 7.186073115314111, 52.562411268284343 ], [ 7.186073115314111, 52.562206486658603 ], [ 7.184918138520243, 52.562206486658603 ], [ 7.184918138520243, 52.562411268284343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 136.67673433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.562206486658603 ], [ 7.186073115314111, 52.562206486658603 ], [ 7.186073115314111, 52.56200170407687 ], [ 7.184918138520243, 52.56200170407687 ], [ 7.184918138520243, 52.562206486658603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.56179692053913 ], [ 7.186073115314111, 52.56179692053913 ], [ 7.186073115314111, 52.561592136045391 ], [ 7.184918138520243, 52.561592136045391 ], [ 7.184918138520243, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29223_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 126.28178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.561387350595645 ], [ 7.186073115314111, 52.561387350595645 ], [ 7.186073115314111, 52.561182564189885 ], [ 7.184918138520243, 52.561182564189885 ], [ 7.184918138520243, 52.561387350595645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.272237709866424 ], [ 7.179143254550905, 52.272237709866424 ], [ 7.179143254550905, 52.272031576229509 ], [ 7.177988277757035, 52.272031576229509 ], [ 7.177988277757035, 52.272237709866424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 112.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.270176330361494 ], [ 7.179143254550905, 52.270176330361494 ], [ 7.179143254550905, 52.269970187138817 ], [ 7.177988277757035, 52.269970187138817 ], [ 7.177988277757035, 52.270176330361494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.272856105025802 ], [ 7.180298231344771, 52.272856105025802 ], [ 7.180298231344771, 52.272649974264581 ], [ 7.179143254550905, 52.272649974264581 ], [ 7.179143254550905, 52.272856105025802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.272031576229509 ], [ 7.181453208138641, 52.272031576229509 ], [ 7.181453208138641, 52.271825441634022 ], [ 7.180298231344771, 52.271825441634022 ], [ 7.180298231344771, 52.272031576229509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.27347449155814 ], [ 7.182608184932507, 52.27347449155814 ], [ 7.182608184932507, 52.273268363672578 ], [ 7.181453208138641, 52.273268363672578 ], [ 7.181453208138641, 52.27347449155814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.272237709866424 ], [ 7.182608184932507, 52.272237709866424 ], [ 7.182608184932507, 52.272031576229509 ], [ 7.181453208138641, 52.272031576229509 ], [ 7.181453208138641, 52.272237709866424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.271413169567339 ], [ 7.182608184932507, 52.271413169567339 ], [ 7.182608184932507, 52.271207032096143 ], [ 7.181453208138641, 52.271207032096143 ], [ 7.181453208138641, 52.271413169567339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.273886744453584 ], [ 7.183763161726376, 52.273886744453584 ], [ 7.183763161726376, 52.273680618485137 ], [ 7.182608184932507, 52.273680618485137 ], [ 7.182608184932507, 52.273886744453584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.68147742857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.273680618485137 ], [ 7.183763161726376, 52.273680618485137 ], [ 7.183763161726376, 52.27347449155814 ], [ 7.182608184932507, 52.27347449155814 ], [ 7.182608184932507, 52.273680618485137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.272649974264581 ], [ 7.183763161726376, 52.272649974264581 ], [ 7.183763161726376, 52.272443842544781 ], [ 7.182608184932507, 52.272443842544781 ], [ 7.182608184932507, 52.272649974264581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.273886744453584 ], [ 7.184918138520243, 52.273886744453584 ], [ 7.184918138520243, 52.273680618485137 ], [ 7.183763161726376, 52.273680618485137 ], [ 7.183763161726376, 52.273886744453584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 196.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.27347449155814 ], [ 7.184918138520243, 52.27347449155814 ], [ 7.184918138520243, 52.273268363672578 ], [ 7.183763161726376, 52.273268363672578 ], [ 7.183763161726376, 52.27347449155814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 137.89031166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.272856105025802 ], [ 7.184918138520243, 52.272856105025802 ], [ 7.184918138520243, 52.272649974264581 ], [ 7.183763161726376, 52.272649974264581 ], [ 7.183763161726376, 52.272856105025802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.32755833333337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.272443842544781 ], [ 7.184918138520243, 52.272443842544781 ], [ 7.184918138520243, 52.272237709866424 ], [ 7.183763161726376, 52.272237709866424 ], [ 7.183763161726376, 52.272443842544781 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.270794754278008 ], [ 7.184918138520243, 52.270794754278008 ], [ 7.184918138520243, 52.270588613931089 ], [ 7.183763161726376, 52.270588613931089 ], [ 7.183763161726376, 52.270794754278008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 132.1761345 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.269970187138817 ], [ 7.184918138520243, 52.269970187138817 ], [ 7.184918138520243, 52.269764042957561 ], [ 7.183763161726376, 52.269764042957561 ], [ 7.183763161726376, 52.269970187138817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 151.20098433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.272649974264581 ], [ 7.186073115314111, 52.272649974264581 ], [ 7.186073115314111, 52.272443842544781 ], [ 7.184918138520243, 52.272443842544781 ], [ 7.184918138520243, 52.272649974264581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.272237709866424 ], [ 7.186073115314111, 52.272237709866424 ], [ 7.186073115314111, 52.272031576229509 ], [ 7.184918138520243, 52.272031576229509 ], [ 7.184918138520243, 52.272237709866424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.373297 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.272031576229509 ], [ 7.186073115314111, 52.272031576229509 ], [ 7.186073115314111, 52.271825441634022 ], [ 7.184918138520243, 52.271825441634022 ], [ 7.184918138520243, 52.272031576229509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 123.49937125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.271825441634022 ], [ 7.186073115314111, 52.271825441634022 ], [ 7.186073115314111, 52.27161930607997 ], [ 7.184918138520243, 52.27161930607997 ], [ 7.184918138520243, 52.271825441634022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29276_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.50000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.271000893666368 ], [ 7.186073115314111, 52.271000893666368 ], [ 7.186073115314111, 52.270794754278008 ], [ 7.184918138520243, 52.270794754278008 ], [ 7.184918138520243, 52.271000893666368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.266740484833868 ], [ 7.179143254550905, 52.266740484833868 ], [ 7.179143254550905, 52.266534325634538 ], [ 7.177988277757035, 52.266534325634538 ], [ 7.177988277757035, 52.266740484833868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 112.67579975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.264678849702733 ], [ 7.179143254550905, 52.264678849702733 ], [ 7.179143254550905, 52.26447268091718 ], [ 7.177988277757035, 52.26447268091718 ], [ 7.177988277757035, 52.264678849702733 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.267358956680162 ], [ 7.180298231344771, 52.267358956680162 ], [ 7.180298231344771, 52.267152800356676 ], [ 7.179143254550905, 52.267152800356676 ], [ 7.179143254550905, 52.267358956680162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.266534325634538 ], [ 7.181453208138641, 52.266534325634538 ], [ 7.181453208138641, 52.266328165476601 ], [ 7.180298231344771, 52.266328165476601 ], [ 7.180298231344771, 52.266534325634538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.267977419898997 ], [ 7.182608184932507, 52.267977419898997 ], [ 7.182608184932507, 52.267771266451327 ], [ 7.181453208138641, 52.267771266451327 ], [ 7.181453208138641, 52.267977419898997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.266740484833868 ], [ 7.182608184932507, 52.266740484833868 ], [ 7.182608184932507, 52.266534325634538 ], [ 7.181453208138641, 52.266534325634538 ], [ 7.181453208138641, 52.266740484833868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.265915842284862 ], [ 7.182608184932507, 52.265915842284862 ], [ 7.182608184932507, 52.265709679251074 ], [ 7.181453208138641, 52.265709679251074 ], [ 7.181453208138641, 52.265915842284862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.268389723918531 ], [ 7.183763161726376, 52.268389723918531 ], [ 7.183763161726376, 52.268183572388068 ], [ 7.182608184932507, 52.268183572388068 ], [ 7.182608184932507, 52.268389723918531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 107.58861888888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.268183572388068 ], [ 7.183763161726376, 52.268183572388068 ], [ 7.183763161726376, 52.267977419898997 ], [ 7.182608184932507, 52.267977419898997 ], [ 7.182608184932507, 52.268183572388068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.267152800356676 ], [ 7.183763161726376, 52.267152800356676 ], [ 7.183763161726376, 52.266946643074576 ], [ 7.182608184932507, 52.266946643074576 ], [ 7.182608184932507, 52.267152800356676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.268389723918531 ], [ 7.184918138520243, 52.268389723918531 ], [ 7.184918138520243, 52.268183572388068 ], [ 7.183763161726376, 52.268183572388068 ], [ 7.183763161726376, 52.268389723918531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 192.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.267977419898997 ], [ 7.184918138520243, 52.267977419898997 ], [ 7.184918138520243, 52.267771266451327 ], [ 7.183763161726376, 52.267771266451327 ], [ 7.183763161726376, 52.267977419898997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 135.91356366666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.267358956680162 ], [ 7.184918138520243, 52.267358956680162 ], [ 7.184918138520243, 52.267152800356676 ], [ 7.183763161726376, 52.267152800356676 ], [ 7.183763161726376, 52.267358956680162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.8046235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.266946643074576 ], [ 7.184918138520243, 52.266946643074576 ], [ 7.184918138520243, 52.266740484833868 ], [ 7.183763161726376, 52.266740484833868 ], [ 7.183763161726376, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 137.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.26529735030762 ], [ 7.184918138520243, 52.26529735030762 ], [ 7.184918138520243, 52.265091184397953 ], [ 7.183763161726376, 52.265091184397953 ], [ 7.183763161726376, 52.26529735030762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 130.49980466666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.26447268091718 ], [ 7.184918138520243, 52.26447268091718 ], [ 7.184918138520243, 52.264266511172998 ], [ 7.183763161726376, 52.264266511172998 ], [ 7.183763161726376, 52.26447268091718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 160.018367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.267152800356676 ], [ 7.186073115314111, 52.267152800356676 ], [ 7.186073115314111, 52.266946643074576 ], [ 7.184918138520243, 52.266946643074576 ], [ 7.184918138520243, 52.267152800356676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.266740484833868 ], [ 7.186073115314111, 52.266740484833868 ], [ 7.186073115314111, 52.266534325634538 ], [ 7.184918138520243, 52.266534325634538 ], [ 7.184918138520243, 52.266740484833868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.42857171428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.266534325634538 ], [ 7.186073115314111, 52.266534325634538 ], [ 7.186073115314111, 52.266328165476601 ], [ 7.184918138520243, 52.266328165476601 ], [ 7.184918138520243, 52.266534325634538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.0848705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.266328165476601 ], [ 7.186073115314111, 52.266328165476601 ], [ 7.186073115314111, 52.266122004360042 ], [ 7.184918138520243, 52.266122004360042 ], [ 7.184918138520243, 52.266328165476601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29277_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.265503515258651 ], [ 7.186073115314111, 52.265503515258651 ], [ 7.186073115314111, 52.26529735030762 ], [ 7.184918138520243, 52.26529735030762 ], [ 7.184918138520243, 52.265503515258651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.19521451417156 ], [ 7.179143254550905, 52.19521451417156 ], [ 7.179143254550905, 52.195008022545537 ], [ 7.177988277757035, 52.195008022545537 ], [ 7.177988277757035, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.8241406 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177988277757035, 52.193149554745702 ], [ 7.179143254550905, 52.193149554745702 ], [ 7.179143254550905, 52.19294305352728 ], [ 7.177988277757035, 52.19294305352728 ], [ 7.177988277757035, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 91.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.179143254550905, 52.195833983294236 ], [ 7.180298231344771, 52.195833983294236 ], [ 7.180298231344771, 52.195627494545903 ], [ 7.179143254550905, 52.195627494545903 ], [ 7.179143254550905, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.180298231344771, 52.195008022545537 ], [ 7.181453208138641, 52.195008022545537 ], [ 7.181453208138641, 52.194801529960294 ], [ 7.180298231344771, 52.194801529960294 ], [ 7.180298231344771, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.196453443783888 ], [ 7.182608184932507, 52.196453443783888 ], [ 7.182608184932507, 52.196246957913225 ], [ 7.181453208138641, 52.196246957913225 ], [ 7.181453208138641, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 89.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.19521451417156 ], [ 7.182608184932507, 52.19521451417156 ], [ 7.182608184932507, 52.195008022545537 ], [ 7.181453208138641, 52.195008022545537 ], [ 7.181453208138641, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.181453208138641, 52.194388541912076 ], [ 7.182608184932507, 52.194388541912076 ], [ 7.182608184932507, 52.194182046449129 ], [ 7.181453208138641, 52.194182046449129 ], [ 7.181453208138641, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.196866412647559 ], [ 7.183763161726376, 52.196866412647559 ], [ 7.183763161726376, 52.196659928695333 ], [ 7.182608184932507, 52.196659928695333 ], [ 7.182608184932507, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 87.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 52.196659928695333 ], [ 7.183763161726376, 52.196659928695333 ], [ 7.183763161726376, 52.196453443783888 ], [ 7.182608184932507, 52.196453443783888 ], [ 7.182608184932507, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.196866412647559 ], [ 7.184918138520243, 52.196866412647559 ], [ 7.184918138520243, 52.196659928695333 ], [ 7.183763161726376, 52.196659928695333 ], [ 7.183763161726376, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.196453443783888 ], [ 7.184918138520243, 52.196453443783888 ], [ 7.184918138520243, 52.196246957913225 ], [ 7.183763161726376, 52.196246957913225 ], [ 7.183763161726376, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 91.8977414 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.195833983294236 ], [ 7.184918138520243, 52.195833983294236 ], [ 7.184918138520243, 52.195627494545903 ], [ 7.183763161726376, 52.195627494545903 ], [ 7.183763161726376, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 102.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.195421004838344 ], [ 7.184918138520243, 52.195421004838344 ], [ 7.184918138520243, 52.19521451417156 ], [ 7.183763161726376, 52.19521451417156 ], [ 7.183763161726376, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 92.8000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.193769052645486 ], [ 7.184918138520243, 52.193769052645486 ], [ 7.184918138520243, 52.193562554304805 ], [ 7.183763161726376, 52.193562554304805 ], [ 7.183763161726376, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 89.6717488 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.183763161726376, 52.19294305352728 ], [ 7.184918138520243, 52.19294305352728 ], [ 7.184918138520243, 52.192736551349611 ], [ 7.183763161726376, 52.192736551349611 ], [ 7.183763161726376, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 115.768335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.195833983294236 ], [ 7.186073115314111, 52.195833983294236 ], [ 7.186073115314111, 52.195627494545903 ], [ 7.184918138520243, 52.195627494545903 ], [ 7.184918138520243, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.19521451417156 ], [ 7.186073115314111, 52.19521451417156 ], [ 7.186073115314111, 52.195008022545537 ], [ 7.184918138520243, 52.195008022545537 ], [ 7.184918138520243, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.807415374999991 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.195008022545537 ], [ 7.186073115314111, 52.195008022545537 ], [ 7.186073115314111, 52.194801529960294 ], [ 7.184918138520243, 52.194801529960294 ], [ 7.184918138520243, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29290_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.8474704 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.184918138520243, 52.194801529960294 ], [ 7.186073115314111, 52.194801529960294 ], [ 7.186073115314111, 52.194595036415805 ], [ 7.184918138520243, 52.194595036415805 ], [ 7.184918138520243, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29524_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 50.887965542980851 ], [ 7.183763161726376, 50.887965542980851 ], [ 7.183763161726376, 50.887753032946847 ], [ 7.182608184932507, 50.887753032946847 ], [ 7.182608184932507, 50.887965542980851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29525_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.182608184932507, 50.882298276965926 ], [ 7.183763161726376, 50.882298276965926 ], [ 7.183763161726376, 50.882085741079145 ], [ 7.182608184932507, 50.882085741079145 ], [ 7.182608184932507, 50.882298276965926 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29700_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 9.6071428571428577 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 53.63097575808839 ], [ 7.188126407392099, 53.63097575808839 ], [ 7.188126407392099, 53.630776000261697 ], [ 7.186971430598231, 53.630776000261697 ], [ 7.186971430598231, 53.63097575808839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29700_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 50.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 53.630176721107418 ], [ 7.190436360979835, 53.630176721107418 ], [ 7.190436360979835, 53.62997695949791 ], [ 7.189281384185967, 53.62997695949791 ], [ 7.189281384185967, 53.630176721107418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29700_2_15", "Weekday": 2, "hour": 15, "Speed_value_mean": 6.333333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 53.62997695949791 ], [ 7.190436360979835, 53.62997695949791 ], [ 7.190436360979835, 53.629777196942705 ], [ 7.189281384185967, 53.629777196942705 ], [ 7.189281384185967, 53.62997695949791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29700_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 17.882352941176471 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.631774779938233 ], [ 7.193901291361438, 53.631774779938233 ], [ 7.193901291361438, 53.631575025894321 ], [ 7.192746314567571, 53.631575025894321 ], [ 7.192746314567571, 53.631774779938233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29700_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 53.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 53.630376481771208 ], [ 7.195056268155307, 53.630376481771208 ], [ 7.195056268155307, 53.630176721107418 ], [ 7.193901291361438, 53.630176721107418 ], [ 7.193901291361438, 53.630376481771208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29701_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 53.625648559065006 ], [ 7.188126407392099, 53.625648559065006 ], [ 7.188126407392099, 53.625448776018985 ], [ 7.186971430598231, 53.625448776018985 ], [ 7.186971430598231, 53.625648559065006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29701_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 81.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 53.624849421206378 ], [ 7.190436360979835, 53.624849421206378 ], [ 7.190436360979835, 53.62464963437732 ], [ 7.189281384185967, 53.62464963437732 ], [ 7.189281384185967, 53.624849421206378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29701_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 71.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.626447681791625 ], [ 7.193901291361438, 53.626447681791625 ], [ 7.193901291361438, 53.626247902528583 ], [ 7.192746314567571, 53.626247902528583 ], [ 7.192746314567571, 53.626447681791625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29701_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 53.625049207089667 ], [ 7.195056268155307, 53.625049207089667 ], [ 7.195056268155307, 53.624849421206378 ], [ 7.193901291361438, 53.624849421206378 ], [ 7.193901291361438, 53.625049207089667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29702_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 84.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 53.620320687507473 ], [ 7.188126407392099, 53.620320687507473 ], [ 7.188126407392099, 53.620120879240659 ], [ 7.186971430598231, 53.620120879240659 ], [ 7.186971430598231, 53.620320687507473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29702_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 53.619521448765376 ], [ 7.190436360979835, 53.619521448765376 ], [ 7.190436360979835, 53.619321636715313 ], [ 7.189281384185967, 53.619321636715313 ], [ 7.189281384185967, 53.619521448765376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29702_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 84.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.621319714654476 ], [ 7.193901291361438, 53.621319714654476 ], [ 7.193901291361438, 53.621119911116679 ], [ 7.192746314567571, 53.621119911116679 ], [ 7.192746314567571, 53.621319714654476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29702_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.621119911116679 ], [ 7.193901291361438, 53.621119911116679 ], [ 7.193901291361438, 53.620920106633079 ], [ 7.192746314567571, 53.620920106633079 ], [ 7.192746314567571, 53.621119911116679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29702_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 53.619721259869614 ], [ 7.195056268155307, 53.619721259869614 ], [ 7.195056268155307, 53.619521448765376 ], [ 7.193901291361438, 53.619521448765376 ], [ 7.193901291361438, 53.619721259869614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 77.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 53.614992143376966 ], [ 7.188126407392099, 53.614992143376966 ], [ 7.188126407392099, 53.614792309887918 ], [ 7.186971430598231, 53.614792309887918 ], [ 7.186971430598231, 53.614992143376966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 53.614192803745574 ], [ 7.190436360979835, 53.614192803745574 ], [ 7.190436360979835, 53.613992966473056 ], [ 7.189281384185967, 53.613992966473056 ], [ 7.189281384185967, 53.614192803745574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 62.833333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.615391807517497 ], [ 7.191591337773703, 53.615391807517497 ], [ 7.191591337773703, 53.615191975920155 ], [ 7.190436360979835, 53.615191975920155 ], [ 7.190436360979835, 53.615391807517497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.61599129663437 ], [ 7.192746314567571, 53.61599129663437 ], [ 7.192746314567571, 53.615791467874594 ], [ 7.191591337773703, 53.615791467874594 ], [ 7.191591337773703, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 58.736318571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.615191975920155 ], [ 7.192746314567571, 53.615191975920155 ], [ 7.192746314567571, 53.614992143376966 ], [ 7.191591337773703, 53.614992143376966 ], [ 7.191591337773703, 53.615191975920155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.61599129663437 ], [ 7.193901291361438, 53.61599129663437 ], [ 7.193901291361438, 53.615791467874594 ], [ 7.192746314567571, 53.615791467874594 ], [ 7.192746314567571, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29703_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 53.614392640072218 ], [ 7.195056268155307, 53.614392640072218 ], [ 7.195056268155307, 53.614192803745574 ], [ 7.193901291361438, 53.614192803745574 ], [ 7.193901291361438, 53.614392640072218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29705_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 26.1 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.604932683379708 ], [ 7.193901291361438, 53.604932683379708 ], [ 7.193901291361438, 53.604732802279713 ], [ 7.192746314567571, 53.604732802279713 ], [ 7.192746314567571, 53.604932683379708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29706_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.599602196976981 ], [ 7.193901291361438, 53.599602196976981 ], [ 7.193901291361438, 53.599402290650545 ], [ 7.192746314567571, 53.599402290650545 ], [ 7.192746314567571, 53.599602196976981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29720_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 85.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.524904733744776 ], [ 7.191591337773703, 53.524904733744776 ], [ 7.191591337773703, 53.524704474095905 ], [ 7.190436360979835, 53.524704474095905 ], [ 7.190436360979835, 53.524904733744776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29720_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 66.59979483333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.524504213500258 ], [ 7.192746314567571, 53.524504213500258 ], [ 7.192746314567571, 53.524303951957826 ], [ 7.191591337773703, 53.524303951957826 ], [ 7.191591337773703, 53.524504213500258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29720_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 98.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.524904733744776 ], [ 7.193901291361438, 53.524904733744776 ], [ 7.193901291361438, 53.524704474095905 ], [ 7.192746314567571, 53.524704474095905 ], [ 7.192746314567571, 53.524904733744776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29721_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.51956415242671 ], [ 7.191591337773703, 53.51956415242671 ], [ 7.191591337773703, 53.519363867529677 ], [ 7.190436360979835, 53.519363867529677 ], [ 7.190436360979835, 53.51956415242671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29721_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 77.607758833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.51916358168581 ], [ 7.192746314567571, 53.51916358168581 ], [ 7.192746314567571, 53.518963294895109 ], [ 7.191591337773703, 53.518963294895109 ], [ 7.191591337773703, 53.51916358168581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29721_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.51956415242671 ], [ 7.193901291361438, 53.51956415242671 ], [ 7.193901291361438, 53.519363867529677 ], [ 7.192746314567571, 53.519363867529677 ], [ 7.192746314567571, 53.51956415242671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29722_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 78.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.514222897805752 ], [ 7.191591337773703, 53.514222897805752 ], [ 7.191591337773703, 53.514022587659113 ], [ 7.190436360979835, 53.514022587659113 ], [ 7.190436360979835, 53.514222897805752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29722_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 56.88015475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.513822276565584 ], [ 7.192746314567571, 53.513822276565584 ], [ 7.192746314567571, 53.513621964525171 ], [ 7.191591337773703, 53.513621964525171 ], [ 7.191591337773703, 53.513822276565584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29722_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 74.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.514222897805752 ], [ 7.193901291361438, 53.514222897805752 ], [ 7.193901291361438, 53.514022587659113 ], [ 7.192746314567571, 53.514022587659113 ], [ 7.192746314567571, 53.514222897805752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29725_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.497794320985768 ], [ 7.192746314567571, 53.497794320985768 ], [ 7.192746314567571, 53.497593933187552 ], [ 7.191591337773703, 53.497593933187552 ], [ 7.191591337773703, 53.497794320985768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29725_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.498195093741025 ], [ 7.193901291361438, 53.498195093741025 ], [ 7.193901291361438, 53.497994707836931 ], [ 7.192746314567571, 53.497994707836931 ], [ 7.192746314567571, 53.498195093741025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29726_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.492851145524092 ], [ 7.191591337773703, 53.492851145524092 ], [ 7.191591337773703, 53.492650734364616 ], [ 7.190436360979835, 53.492650734364616 ], [ 7.190436360979835, 53.492851145524092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29726_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 78.2916674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.49245032225803 ], [ 7.192746314567571, 53.49245032225803 ], [ 7.192746314567571, 53.49224990920434 ], [ 7.191591337773703, 53.49224990920434 ], [ 7.191591337773703, 53.49245032225803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29726_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.492851145524092 ], [ 7.193901291361438, 53.492851145524092 ], [ 7.193901291361438, 53.492650734364616 ], [ 7.192746314567571, 53.492650734364616 ], [ 7.192746314567571, 53.492851145524092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29727_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 74.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.487506523812137 ], [ 7.191591337773703, 53.487506523812137 ], [ 7.191591337773703, 53.487306087395851 ], [ 7.190436360979835, 53.487306087395851 ], [ 7.190436360979835, 53.487506523812137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29727_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 65.169521571428575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.487105650032404 ], [ 7.192746314567571, 53.487105650032404 ], [ 7.192746314567571, 53.486905211721805 ], [ 7.191591337773703, 53.486905211721805 ], [ 7.191591337773703, 53.487105650032404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29727_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.487506523812137 ], [ 7.193901291361438, 53.487506523812137 ], [ 7.193901291361438, 53.487306087395851 ], [ 7.192746314567571, 53.487306087395851 ], [ 7.192746314567571, 53.487506523812137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29728_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 70.714285714285708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 53.48216122856681 ], [ 7.191591337773703, 53.48216122856681 ], [ 7.191591337773703, 53.481960766892271 ], [ 7.190436360979835, 53.481960766892271 ], [ 7.190436360979835, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29728_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 58.130427909090912 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 53.481760304270516 ], [ 7.192746314567571, 53.481760304270516 ], [ 7.192746314567571, 53.481559840701564 ], [ 7.191591337773703, 53.481559840701564 ], [ 7.191591337773703, 53.481760304270516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29728_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 71.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 53.48216122856681 ], [ 7.193901291361438, 53.48216122856681 ], [ 7.193901291361438, 53.481960766892271 ], [ 7.192746314567571, 53.481960766892271 ], [ 7.192746314567571, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29784_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 53.181546681758618 ], [ 7.189281384185967, 53.181546681758618 ], [ 7.189281384185967, 53.181344802397923 ], [ 7.188126407392099, 53.181344802397923 ], [ 7.188126407392099, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29850_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.825173524137448 ], [ 7.192746314567571, 52.825173524137448 ], [ 7.192746314567571, 52.824969971337467 ], [ 7.191591337773703, 52.824969971337467 ], [ 7.191591337773703, 52.825173524137448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.81669134954884 ], [ 7.188126407392099, 52.81669134954884 ], [ 7.188126407392099, 52.816487757014393 ], [ 7.186971430598231, 52.816487757014393 ], [ 7.186971430598231, 52.81669134954884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.819134385576881 ], [ 7.189281384185967, 52.819134385576881 ], [ 7.189281384185967, 52.818930804486307 ], [ 7.188126407392099, 52.818930804486307 ], [ 7.188126407392099, 52.819134385576881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.818320055492663 ], [ 7.190436360979835, 52.818320055492663 ], [ 7.190436360979835, 52.818116470587483 ], [ 7.189281384185967, 52.818116470587483 ], [ 7.189281384185967, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.819745123126793 ], [ 7.191591337773703, 52.819745123126793 ], [ 7.191591337773703, 52.819541544897127 ], [ 7.190436360979835, 52.819541544897127 ], [ 7.190436360979835, 52.819745123126793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.818320055492663 ], [ 7.191591337773703, 52.818320055492663 ], [ 7.191591337773703, 52.818116470587483 ], [ 7.190436360979835, 52.818116470587483 ], [ 7.190436360979835, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.820152276725203 ], [ 7.192746314567571, 52.820152276725203 ], [ 7.192746314567571, 52.819948700402826 ], [ 7.191591337773703, 52.819948700402826 ], [ 7.191591337773703, 52.820152276725203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 90.833332666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.819745123126793 ], [ 7.192746314567571, 52.819745123126793 ], [ 7.192746314567571, 52.819541544897127 ], [ 7.191591337773703, 52.819541544897127 ], [ 7.191591337773703, 52.819745123126793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 119.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.819337965713835 ], [ 7.192746314567571, 52.819337965713835 ], [ 7.192746314567571, 52.819134385576881 ], [ 7.191591337773703, 52.819134385576881 ], [ 7.191591337773703, 52.819337965713835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 117.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.81770929791616 ], [ 7.192746314567571, 52.81770929791616 ], [ 7.192746314567571, 52.817505710150023 ], [ 7.191591337773703, 52.817505710150023 ], [ 7.191591337773703, 52.81770929791616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.820152276725203 ], [ 7.193901291361438, 52.820152276725203 ], [ 7.193901291361438, 52.819948700402826 ], [ 7.192746314567571, 52.819948700402826 ], [ 7.192746314567571, 52.820152276725203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.819745123126793 ], [ 7.193901291361438, 52.819745123126793 ], [ 7.193901291361438, 52.819541544897127 ], [ 7.192746314567571, 52.819541544897127 ], [ 7.192746314567571, 52.819745123126793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 160.075058 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.819134385576881 ], [ 7.193901291361438, 52.819134385576881 ], [ 7.193901291361438, 52.818930804486307 ], [ 7.192746314567571, 52.818930804486307 ], [ 7.192746314567571, 52.819134385576881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.084196 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.818930804486307 ], [ 7.193901291361438, 52.818930804486307 ], [ 7.193901291361438, 52.818727222442064 ], [ 7.192746314567571, 52.818727222442064 ], [ 7.192746314567571, 52.818930804486307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.17038 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.818727222442064 ], [ 7.193901291361438, 52.818727222442064 ], [ 7.193901291361438, 52.818523639444201 ], [ 7.192746314567571, 52.818523639444201 ], [ 7.192746314567571, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 93.488322666666662 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.818320055492663 ], [ 7.193901291361438, 52.818320055492663 ], [ 7.193901291361438, 52.818116470587483 ], [ 7.192746314567571, 52.818116470587483 ], [ 7.192746314567571, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 117.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.818116470587483 ], [ 7.193901291361438, 52.818116470587483 ], [ 7.193901291361438, 52.817912884728656 ], [ 7.192746314567571, 52.817912884728656 ], [ 7.192746314567571, 52.818116470587483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.81770929791616 ], [ 7.193901291361438, 52.81770929791616 ], [ 7.193901291361438, 52.817505710150023 ], [ 7.192746314567571, 52.817505710150023 ], [ 7.192746314567571, 52.81770929791616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.817098531756756 ], [ 7.193901291361438, 52.817098531756756 ], [ 7.193901291361438, 52.816894941129632 ], [ 7.192746314567571, 52.816894941129632 ], [ 7.192746314567571, 52.817098531756756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 104.66666866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.816487757014393 ], [ 7.193901291361438, 52.816487757014393 ], [ 7.193901291361438, 52.816284163526262 ], [ 7.192746314567571, 52.816284163526262 ], [ 7.192746314567571, 52.816487757014393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 127.868902 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.818930804486307 ], [ 7.195056268155307, 52.818930804486307 ], [ 7.195056268155307, 52.818727222442064 ], [ 7.193901291361438, 52.818727222442064 ], [ 7.193901291361438, 52.818930804486307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.818727222442064 ], [ 7.195056268155307, 52.818727222442064 ], [ 7.195056268155307, 52.818523639444201 ], [ 7.193901291361438, 52.818523639444201 ], [ 7.193901291361438, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.5388835 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.818523639444201 ], [ 7.195056268155307, 52.818523639444201 ], [ 7.195056268155307, 52.818320055492663 ], [ 7.193901291361438, 52.818320055492663 ], [ 7.193901291361438, 52.818523639444201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.30425325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.818320055492663 ], [ 7.195056268155307, 52.818320055492663 ], [ 7.195056268155307, 52.818116470587483 ], [ 7.193901291361438, 52.818116470587483 ], [ 7.193901291361438, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.818116470587483 ], [ 7.195056268155307, 52.818116470587483 ], [ 7.195056268155307, 52.817912884728656 ], [ 7.193901291361438, 52.817912884728656 ], [ 7.193901291361438, 52.818116470587483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.81770929791616 ], [ 7.195056268155307, 52.81770929791616 ], [ 7.195056268155307, 52.817505710150023 ], [ 7.193901291361438, 52.817505710150023 ], [ 7.193901291361438, 52.81770929791616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29851_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 116.171659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.817302121430224 ], [ 7.195056268155307, 52.817302121430224 ], [ 7.195056268155307, 52.817098531756756 ], [ 7.193901291361438, 52.817098531756756 ], [ 7.193901291361438, 52.817302121430224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.813298016133395 ], [ 7.188126407392099, 52.813298016133395 ], [ 7.188126407392099, 52.813094407704227 ], [ 7.186971430598231, 52.813094407704227 ], [ 7.186971430598231, 52.813298016133395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.564693 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.811261888924996 ], [ 7.188126407392099, 52.811261888924996 ], [ 7.188126407392099, 52.811058270958746 ], [ 7.186971430598231, 52.811058270958746 ], [ 7.186971430598231, 52.811261888924996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.813705230130644 ], [ 7.189281384185967, 52.813705230130644 ], [ 7.189281384185967, 52.813501623608865 ], [ 7.188126407392099, 52.813501623608865 ], [ 7.188126407392099, 52.813705230130644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.812890798321355 ], [ 7.190436360979835, 52.812890798321355 ], [ 7.190436360979835, 52.812687187984785 ], [ 7.189281384185967, 52.812687187984785 ], [ 7.189281384185967, 52.812890798321355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.814316043973811 ], [ 7.191591337773703, 52.814316043973811 ], [ 7.191591337773703, 52.81411244031311 ], [ 7.190436360979835, 52.81411244031311 ], [ 7.190436360979835, 52.814316043973811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.812890798321355 ], [ 7.191591337773703, 52.812890798321355 ], [ 7.191591337773703, 52.812687187984785 ], [ 7.190436360979835, 52.812687187984785 ], [ 7.190436360979835, 52.812890798321355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 86.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.814723248434149 ], [ 7.192746314567571, 52.814723248434149 ], [ 7.192746314567571, 52.814519646680829 ], [ 7.191591337773703, 52.814519646680829 ], [ 7.191591337773703, 52.814723248434149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 27.96819565625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.814316043973811 ], [ 7.192746314567571, 52.814316043973811 ], [ 7.192746314567571, 52.81411244031311 ], [ 7.191591337773703, 52.81411244031311 ], [ 7.191591337773703, 52.814316043973811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 118.28922625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.813908835698726 ], [ 7.192746314567571, 52.813908835698726 ], [ 7.192746314567571, 52.813705230130644 ], [ 7.191591337773703, 52.813705230130644 ], [ 7.191591337773703, 52.813908835698726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 119.291746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.812279964450532 ], [ 7.192746314567571, 52.812279964450532 ], [ 7.192746314567571, 52.812076351252848 ], [ 7.191591337773703, 52.812076351252848 ], [ 7.191591337773703, 52.812279964450532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.814723248434149 ], [ 7.193901291361438, 52.814723248434149 ], [ 7.193901291361438, 52.814519646680829 ], [ 7.192746314567571, 52.814519646680829 ], [ 7.192746314567571, 52.814723248434149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.814316043973811 ], [ 7.193901291361438, 52.814316043973811 ], [ 7.193901291361438, 52.81411244031311 ], [ 7.192746314567571, 52.81411244031311 ], [ 7.192746314567571, 52.814316043973811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 149.07821566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.813705230130644 ], [ 7.193901291361438, 52.813705230130644 ], [ 7.193901291361438, 52.813501623608865 ], [ 7.192746314567571, 52.813501623608865 ], [ 7.192746314567571, 52.813705230130644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.969752 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.813501623608865 ], [ 7.193901291361438, 52.813501623608865 ], [ 7.193901291361438, 52.813298016133395 ], [ 7.192746314567571, 52.813298016133395 ], [ 7.192746314567571, 52.813501623608865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 94.4236516 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.813298016133395 ], [ 7.193901291361438, 52.813298016133395 ], [ 7.193901291361438, 52.813094407704227 ], [ 7.192746314567571, 52.813094407704227 ], [ 7.192746314567571, 52.813298016133395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 97.698635636363633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.812890798321355 ], [ 7.193901291361438, 52.812890798321355 ], [ 7.193901291361438, 52.812687187984785 ], [ 7.192746314567571, 52.812687187984785 ], [ 7.192746314567571, 52.812890798321355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 115.484127 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.812687187984785 ], [ 7.193901291361438, 52.812687187984785 ], [ 7.193901291361438, 52.812483576694511 ], [ 7.192746314567571, 52.812483576694511 ], [ 7.192746314567571, 52.812687187984785 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.812279964450532 ], [ 7.193901291361438, 52.812279964450532 ], [ 7.193901291361438, 52.812076351252848 ], [ 7.192746314567571, 52.812076351252848 ], [ 7.192746314567571, 52.812279964450532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 99.83333416666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.811669121996346 ], [ 7.193901291361438, 52.811669121996346 ], [ 7.193901291361438, 52.81146550593752 ], [ 7.192746314567571, 52.81146550593752 ], [ 7.192746314567571, 52.811669121996346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 108.3294393 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.811058270958746 ], [ 7.193901291361438, 52.811058270958746 ], [ 7.193901291361438, 52.81085465203877 ], [ 7.192746314567571, 52.81085465203877 ], [ 7.192746314567571, 52.811058270958746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.79313025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.813501623608865 ], [ 7.195056268155307, 52.813501623608865 ], [ 7.195056268155307, 52.813298016133395 ], [ 7.193901291361438, 52.813298016133395 ], [ 7.193901291361438, 52.813501623608865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 63.352941176470587 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.813298016133395 ], [ 7.195056268155307, 52.813298016133395 ], [ 7.195056268155307, 52.813094407704227 ], [ 7.193901291361438, 52.813094407704227 ], [ 7.193901291361438, 52.813298016133395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 102.78940633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.813094407704227 ], [ 7.195056268155307, 52.813094407704227 ], [ 7.195056268155307, 52.812890798321355 ], [ 7.193901291361438, 52.812890798321355 ], [ 7.193901291361438, 52.813094407704227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 116.03981337500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.812890798321355 ], [ 7.195056268155307, 52.812890798321355 ], [ 7.195056268155307, 52.812687187984785 ], [ 7.193901291361438, 52.812687187984785 ], [ 7.193901291361438, 52.812890798321355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 81.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.812687187984785 ], [ 7.195056268155307, 52.812687187984785 ], [ 7.195056268155307, 52.812483576694511 ], [ 7.193901291361438, 52.812483576694511 ], [ 7.193901291361438, 52.812687187984785 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 177.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.812279964450532 ], [ 7.195056268155307, 52.812279964450532 ], [ 7.195056268155307, 52.812076351252848 ], [ 7.193901291361438, 52.812076351252848 ], [ 7.193901291361438, 52.812279964450532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29852_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 108.4706252 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.811872737101446 ], [ 7.195056268155307, 52.811872737101446 ], [ 7.195056268155307, 52.811669121996346 ], [ 7.193901291361438, 52.811669121996346 ], [ 7.193901291361438, 52.811872737101446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.807868131639673 ], [ 7.188126407392099, 52.807868131639673 ], [ 7.188126407392099, 52.807664497777871 ], [ 7.186971430598231, 52.807664497777871 ], [ 7.186971430598231, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.808275396502054 ], [ 7.189281384185967, 52.808275396502054 ], [ 7.189281384185967, 52.808071764547734 ], [ 7.188126407392099, 52.808071764547734 ], [ 7.188126407392099, 52.808275396502054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.807460862962309 ], [ 7.190436360979835, 52.807460862962309 ], [ 7.190436360979835, 52.807257227193006 ], [ 7.189281384185967, 52.807257227193006 ], [ 7.189281384185967, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 210.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.808886286642526 ], [ 7.191591337773703, 52.808886286642526 ], [ 7.191591337773703, 52.80868265754944 ], [ 7.190436360979835, 52.80868265754944 ], [ 7.190436360979835, 52.808886286642526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.807460862962309 ], [ 7.191591337773703, 52.807460862962309 ], [ 7.191591337773703, 52.807257227193006 ], [ 7.190436360979835, 52.807257227193006 ], [ 7.190436360979835, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.809293541967484 ], [ 7.192746314567571, 52.809293541967484 ], [ 7.192746314567571, 52.809089914781879 ], [ 7.191591337773703, 52.809089914781879 ], [ 7.191591337773703, 52.809293541967484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 30.857142857142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.808886286642526 ], [ 7.192746314567571, 52.808886286642526 ], [ 7.192746314567571, 52.80868265754944 ], [ 7.191591337773703, 52.80868265754944 ], [ 7.191591337773703, 52.808886286642526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.90358 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.808479027502614 ], [ 7.192746314567571, 52.808479027502614 ], [ 7.192746314567571, 52.808275396502054 ], [ 7.191591337773703, 52.808275396502054 ], [ 7.191591337773703, 52.808479027502614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 102.327734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.806849952793108 ], [ 7.192746314567571, 52.806849952793108 ], [ 7.192746314567571, 52.806646314162535 ], [ 7.191591337773703, 52.806646314162535 ], [ 7.191591337773703, 52.806849952793108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.809293541967484 ], [ 7.193901291361438, 52.809293541967484 ], [ 7.193901291361438, 52.809089914781879 ], [ 7.192746314567571, 52.809089914781879 ], [ 7.192746314567571, 52.809293541967484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.808886286642526 ], [ 7.193901291361438, 52.808886286642526 ], [ 7.193901291361438, 52.80868265754944 ], [ 7.192746314567571, 52.80868265754944 ], [ 7.192746314567571, 52.808886286642526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 140.212259 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.808275396502054 ], [ 7.193901291361438, 52.808275396502054 ], [ 7.193901291361438, 52.808071764547734 ], [ 7.192746314567571, 52.808071764547734 ], [ 7.192746314567571, 52.808275396502054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 122.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.808071764547734 ], [ 7.193901291361438, 52.808071764547734 ], [ 7.193901291361438, 52.807868131639673 ], [ 7.192746314567571, 52.807868131639673 ], [ 7.192746314567571, 52.808071764547734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 100.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.807868131639673 ], [ 7.193901291361438, 52.807868131639673 ], [ 7.193901291361438, 52.807664497777871 ], [ 7.192746314567571, 52.807664497777871 ], [ 7.192746314567571, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.807460862962309 ], [ 7.193901291361438, 52.807460862962309 ], [ 7.193901291361438, 52.807257227193006 ], [ 7.192746314567571, 52.807257227193006 ], [ 7.192746314567571, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.806849952793108 ], [ 7.193901291361438, 52.806849952793108 ], [ 7.193901291361438, 52.806646314162535 ], [ 7.192746314567571, 52.806646314162535 ], [ 7.192746314567571, 52.806849952793108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 104.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.805628106703217 ], [ 7.193901291361438, 52.805628106703217 ], [ 7.193901291361438, 52.805424462350054 ], [ 7.192746314567571, 52.805424462350054 ], [ 7.192746314567571, 52.805628106703217 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.365753 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.808071764547734 ], [ 7.195056268155307, 52.808071764547734 ], [ 7.195056268155307, 52.807868131639673 ], [ 7.193901291361438, 52.807868131639673 ], [ 7.193901291361438, 52.808071764547734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.807868131639673 ], [ 7.195056268155307, 52.807868131639673 ], [ 7.195056268155307, 52.807664497777871 ], [ 7.193901291361438, 52.807664497777871 ], [ 7.193901291361438, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.807460862962309 ], [ 7.195056268155307, 52.807460862962309 ], [ 7.195056268155307, 52.807257227193006 ], [ 7.193901291361438, 52.807257227193006 ], [ 7.193901291361438, 52.807460862962309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.807257227193006 ], [ 7.195056268155307, 52.807257227193006 ], [ 7.195056268155307, 52.807053590469934 ], [ 7.193901291361438, 52.807053590469934 ], [ 7.193901291361438, 52.807257227193006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29853_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 83.441492 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.8064426745782 ], [ 7.195056268155307, 52.8064426745782 ], [ 7.195056268155307, 52.806239034040104 ], [ 7.193901291361438, 52.806239034040104 ], [ 7.193901291361438, 52.8064426745782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29869_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.720693676339941 ], [ 7.195056268155307, 52.720693676339941 ], [ 7.195056268155307, 52.720489634418627 ], [ 7.193901291361438, 52.720489634418627 ], [ 7.193901291361438, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29879_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.666861562812699 ], [ 7.192746314567571, 52.666861562812699 ], [ 7.192746314567571, 52.666657269141638 ], [ 7.191591337773703, 52.666657269141638 ], [ 7.191591337773703, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29879_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.665227186702666 ], [ 7.192746314567571, 52.665227186702666 ], [ 7.192746314567571, 52.665022885391153 ], [ 7.191591337773703, 52.665022885391153 ], [ 7.191591337773703, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.655555877310555 ], [ 7.188126407392099, 52.655555877310555 ], [ 7.188126407392099, 52.655351530790554 ], [ 7.186971430598231, 52.655351530790554 ], [ 7.186971430598231, 52.655555877310555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 89.669104 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.653512369128336 ], [ 7.188126407392099, 52.653512369128336 ], [ 7.188126407392099, 52.653308013056709 ], [ 7.186971430598231, 52.653308013056709 ], [ 7.186971430598231, 52.653512369128336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.655964567485114 ], [ 7.189281384185967, 52.655964567485114 ], [ 7.189281384185967, 52.655760222875415 ], [ 7.188126407392099, 52.655760222875415 ], [ 7.188126407392099, 52.655964567485114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.655147183315385 ], [ 7.190436360979835, 52.655147183315385 ], [ 7.190436360979835, 52.654942834885063 ], [ 7.189281384185967, 52.654942834885063 ], [ 7.189281384185967, 52.655147183315385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.65657759558335 ], [ 7.191591337773703, 52.65657759558335 ], [ 7.191591337773703, 52.656373253839078 ], [ 7.190436360979835, 52.656373253839078 ], [ 7.190436360979835, 52.65657759558335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.655351530790554 ], [ 7.191591337773703, 52.655351530790554 ], [ 7.191591337773703, 52.655147183315385 ], [ 7.190436360979835, 52.655147183315385 ], [ 7.190436360979835, 52.655351530790554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.654329783863169 ], [ 7.191591337773703, 52.654329783863169 ], [ 7.191591337773703, 52.654125431612208 ], [ 7.190436360979835, 52.654125431612208 ], [ 7.190436360979835, 52.654329783863169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 186.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.656986276206446 ], [ 7.192746314567571, 52.656986276206446 ], [ 7.192746314567571, 52.656781936372468 ], [ 7.191591337773703, 52.656781936372468 ], [ 7.191591337773703, 52.656986276206446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 147.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.65657759558335 ], [ 7.192746314567571, 52.65657759558335 ], [ 7.192746314567571, 52.656373253839078 ], [ 7.191591337773703, 52.656373253839078 ], [ 7.191591337773703, 52.65657759558335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 74.963651666666678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.656168911139673 ], [ 7.192746314567571, 52.656168911139673 ], [ 7.192746314567571, 52.655964567485114 ], [ 7.191591337773703, 52.655964567485114 ], [ 7.191591337773703, 52.656168911139673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.655760222875415 ], [ 7.192746314567571, 52.655760222875415 ], [ 7.192746314567571, 52.655555877310555 ], [ 7.191591337773703, 52.655555877310555 ], [ 7.191591337773703, 52.655760222875415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 137.33582225000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.654534135158961 ], [ 7.192746314567571, 52.654534135158961 ], [ 7.192746314567571, 52.654329783863169 ], [ 7.191591337773703, 52.654329783863169 ], [ 7.191591337773703, 52.654534135158961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 135.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.654329783863169 ], [ 7.192746314567571, 52.654329783863169 ], [ 7.192746314567571, 52.654125431612208 ], [ 7.191591337773703, 52.654125431612208 ], [ 7.191591337773703, 52.654329783863169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.656986276206446 ], [ 7.193901291361438, 52.656986276206446 ], [ 7.193901291361438, 52.656781936372468 ], [ 7.192746314567571, 52.656781936372468 ], [ 7.192746314567571, 52.656986276206446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.65657759558335 ], [ 7.193901291361438, 52.65657759558335 ], [ 7.193901291361438, 52.656373253839078 ], [ 7.192746314567571, 52.656373253839078 ], [ 7.192746314567571, 52.65657759558335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.99301175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.655760222875415 ], [ 7.193901291361438, 52.655760222875415 ], [ 7.193901291361438, 52.655555877310555 ], [ 7.192746314567571, 52.655555877310555 ], [ 7.192746314567571, 52.655760222875415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 140.555109 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.655555877310555 ], [ 7.193901291361438, 52.655555877310555 ], [ 7.193901291361438, 52.655351530790554 ], [ 7.192746314567571, 52.655351530790554 ], [ 7.192746314567571, 52.655555877310555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 80.369865833333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.655351530790554 ], [ 7.193901291361438, 52.655351530790554 ], [ 7.193901291361438, 52.655147183315385 ], [ 7.192746314567571, 52.655147183315385 ], [ 7.192746314567571, 52.655351530790554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.655147183315385 ], [ 7.193901291361438, 52.655147183315385 ], [ 7.193901291361438, 52.654942834885063 ], [ 7.192746314567571, 52.654942834885063 ], [ 7.192746314567571, 52.655147183315385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.654534135158961 ], [ 7.193901291361438, 52.654534135158961 ], [ 7.193901291361438, 52.654329783863169 ], [ 7.192746314567571, 52.654329783863169 ], [ 7.192746314567571, 52.654534135158961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 141.49999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.653921078406086 ], [ 7.193901291361438, 52.653921078406086 ], [ 7.193901291361438, 52.653716724244795 ], [ 7.192746314567571, 52.653716724244795 ], [ 7.192746314567571, 52.653921078406086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 123.94932925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.653308013056709 ], [ 7.193901291361438, 52.653308013056709 ], [ 7.193901291361438, 52.653103656029906 ], [ 7.192746314567571, 52.653103656029906 ], [ 7.192746314567571, 52.653308013056709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 83.000000166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.655760222875415 ], [ 7.195056268155307, 52.655760222875415 ], [ 7.195056268155307, 52.655555877310555 ], [ 7.193901291361438, 52.655555877310555 ], [ 7.193901291361438, 52.655760222875415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.655555877310555 ], [ 7.195056268155307, 52.655555877310555 ], [ 7.195056268155307, 52.655351530790554 ], [ 7.193901291361438, 52.655351530790554 ], [ 7.193901291361438, 52.655555877310555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.655351530790554 ], [ 7.195056268155307, 52.655351530790554 ], [ 7.195056268155307, 52.655147183315385 ], [ 7.193901291361438, 52.655147183315385 ], [ 7.193901291361438, 52.655351530790554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.976240066666648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.655147183315385 ], [ 7.195056268155307, 52.655147183315385 ], [ 7.195056268155307, 52.654942834885063 ], [ 7.193901291361438, 52.654942834885063 ], [ 7.193901291361438, 52.655147183315385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.54783485714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.654942834885063 ], [ 7.195056268155307, 52.654942834885063 ], [ 7.195056268155307, 52.6547384854996 ], [ 7.193901291361438, 52.6547384854996 ], [ 7.193901291361438, 52.654942834885063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 171.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.654534135158961 ], [ 7.195056268155307, 52.654534135158961 ], [ 7.195056268155307, 52.654329783863169 ], [ 7.193901291361438, 52.654329783863169 ], [ 7.193901291361438, 52.654534135158961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29881_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.7500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.654125431612208 ], [ 7.195056268155307, 52.654125431612208 ], [ 7.195056268155307, 52.653921078406086 ], [ 7.193901291361438, 52.653921078406086 ], [ 7.193901291361438, 52.654125431612208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.650106309896884 ], [ 7.188126407392099, 52.650106309896884 ], [ 7.188126407392099, 52.649901937905476 ], [ 7.186971430598231, 52.649901937905476 ], [ 7.186971430598231, 52.650106309896884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 122.091019 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.648062546998339 ], [ 7.188126407392099, 52.648062546998339 ], [ 7.188126407392099, 52.647858165454799 ], [ 7.186971430598231, 52.647858165454799 ], [ 7.186971430598231, 52.648062546998339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.650515051014125 ], [ 7.189281384185967, 52.650515051014125 ], [ 7.189281384185967, 52.650310680933103 ], [ 7.188126407392099, 52.650310680933103 ], [ 7.188126407392099, 52.650515051014125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.649697564958856 ], [ 7.190436360979835, 52.649697564958856 ], [ 7.190436360979835, 52.649493191057033 ], [ 7.189281384185967, 52.649493191057033 ], [ 7.189281384185967, 52.649697564958856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.651128155525981 ], [ 7.191591337773703, 52.651128155525981 ], [ 7.191591337773703, 52.650923788310557 ], [ 7.190436360979835, 52.650923788310557 ], [ 7.190436360979835, 52.651128155525981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.649901937905476 ], [ 7.191591337773703, 52.649901937905476 ], [ 7.191591337773703, 52.649697564958856 ], [ 7.190436360979835, 52.649697564958856 ], [ 7.190436360979835, 52.649901937905476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.648880063620304 ], [ 7.191591337773703, 52.648880063620304 ], [ 7.191591337773703, 52.648675685897629 ], [ 7.190436360979835, 52.648675685897629 ], [ 7.190436360979835, 52.648880063620304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.651536887091268 ], [ 7.192746314567571, 52.651536887091268 ], [ 7.192746314567571, 52.651332521786223 ], [ 7.191591337773703, 52.651332521786223 ], [ 7.191591337773703, 52.651536887091268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 149.80694533333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.651128155525981 ], [ 7.192746314567571, 52.651128155525981 ], [ 7.192746314567571, 52.650923788310557 ], [ 7.191591337773703, 52.650923788310557 ], [ 7.191591337773703, 52.651128155525981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 77.0667635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.650719420139936 ], [ 7.192746314567571, 52.650719420139936 ], [ 7.192746314567571, 52.650515051014125 ], [ 7.191591337773703, 52.650515051014125 ], [ 7.191591337773703, 52.650719420139936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.650310680933103 ], [ 7.192746314567571, 52.650310680933103 ], [ 7.192746314567571, 52.650106309896884 ], [ 7.191591337773703, 52.650106309896884 ], [ 7.191591337773703, 52.650310680933103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.649084440387746 ], [ 7.192746314567571, 52.649084440387746 ], [ 7.192746314567571, 52.648880063620304 ], [ 7.191591337773703, 52.648880063620304 ], [ 7.191591337773703, 52.649084440387746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.648880063620304 ], [ 7.192746314567571, 52.648880063620304 ], [ 7.192746314567571, 52.648675685897629 ], [ 7.191591337773703, 52.648675685897629 ], [ 7.191591337773703, 52.648880063620304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.651536887091268 ], [ 7.193901291361438, 52.651536887091268 ], [ 7.193901291361438, 52.651332521786223 ], [ 7.192746314567571, 52.651332521786223 ], [ 7.192746314567571, 52.651536887091268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.651128155525981 ], [ 7.193901291361438, 52.651128155525981 ], [ 7.193901291361438, 52.650923788310557 ], [ 7.192746314567571, 52.650923788310557 ], [ 7.192746314567571, 52.651128155525981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.650310680933103 ], [ 7.193901291361438, 52.650310680933103 ], [ 7.193901291361438, 52.650106309896884 ], [ 7.192746314567571, 52.650106309896884 ], [ 7.192746314567571, 52.650310680933103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 141.32304966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.650106309896884 ], [ 7.193901291361438, 52.650106309896884 ], [ 7.193901291361438, 52.649901937905476 ], [ 7.192746314567571, 52.649901937905476 ], [ 7.192746314567571, 52.650106309896884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 79.3484165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.649901937905476 ], [ 7.193901291361438, 52.649901937905476 ], [ 7.193901291361438, 52.649697564958856 ], [ 7.192746314567571, 52.649697564958856 ], [ 7.192746314567571, 52.649901937905476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.649697564958856 ], [ 7.193901291361438, 52.649697564958856 ], [ 7.193901291361438, 52.649493191057033 ], [ 7.192746314567571, 52.649493191057033 ], [ 7.192746314567571, 52.649697564958856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.649084440387746 ], [ 7.193901291361438, 52.649084440387746 ], [ 7.193901291361438, 52.648880063620304 ], [ 7.192746314567571, 52.648880063620304 ], [ 7.192746314567571, 52.649084440387746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.648471307219758 ], [ 7.193901291361438, 52.648471307219758 ], [ 7.193901291361438, 52.648266927586654 ], [ 7.192746314567571, 52.648266927586654 ], [ 7.192746314567571, 52.648471307219758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 122.300911 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.647858165454799 ], [ 7.193901291361438, 52.647858165454799 ], [ 7.193901291361438, 52.647653782956041 ], [ 7.192746314567571, 52.647653782956041 ], [ 7.192746314567571, 52.647858165454799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 84.043776666666659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.650310680933103 ], [ 7.195056268155307, 52.650310680933103 ], [ 7.195056268155307, 52.650106309896884 ], [ 7.193901291361438, 52.650106309896884 ], [ 7.193901291361438, 52.650310680933103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.650106309896884 ], [ 7.195056268155307, 52.650106309896884 ], [ 7.195056268155307, 52.649901937905476 ], [ 7.193901291361438, 52.649901937905476 ], [ 7.193901291361438, 52.650106309896884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.649901937905476 ], [ 7.195056268155307, 52.649901937905476 ], [ 7.195056268155307, 52.649697564958856 ], [ 7.193901291361438, 52.649697564958856 ], [ 7.193901291361438, 52.649901937905476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.5853863846154 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.649697564958856 ], [ 7.195056268155307, 52.649697564958856 ], [ 7.195056268155307, 52.649493191057033 ], [ 7.193901291361438, 52.649493191057033 ], [ 7.193901291361438, 52.649697564958856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.3729022 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.649493191057033 ], [ 7.195056268155307, 52.649493191057033 ], [ 7.195056268155307, 52.649288816199999 ], [ 7.193901291361438, 52.649288816199999 ], [ 7.193901291361438, 52.649493191057033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.649084440387746 ], [ 7.195056268155307, 52.649084440387746 ], [ 7.195056268155307, 52.648880063620304 ], [ 7.193901291361438, 52.648880063620304 ], [ 7.193901291361438, 52.649084440387746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29882_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.648675685897629 ], [ 7.195056268155307, 52.648675685897629 ], [ 7.195056268155307, 52.648471307219758 ], [ 7.193901291361438, 52.648471307219758 ], [ 7.193901291361438, 52.648675685897629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.644656063228624 ], [ 7.188126407392099, 52.644656063228624 ], [ 7.188126407392099, 52.644451665764471 ], [ 7.186971430598231, 52.644451665764471 ], [ 7.186971430598231, 52.644656063228624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.00000266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.64261204560048 ], [ 7.188126407392099, 52.64261204560048 ], [ 7.188126407392099, 52.642407638583705 ], [ 7.186971430598231, 52.642407638583705 ], [ 7.186971430598231, 52.64261204560048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.645064855291174 ], [ 7.189281384185967, 52.645064855291174 ], [ 7.189281384185967, 52.644860459737522 ], [ 7.188126407392099, 52.644860459737522 ], [ 7.188126407392099, 52.645064855291174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.644247267345058 ], [ 7.190436360979835, 52.644247267345058 ], [ 7.190436360979835, 52.644042867970406 ], [ 7.189281384185967, 52.644042867970406 ], [ 7.189281384185967, 52.644247267345058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 207.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.645678036220644 ], [ 7.191591337773703, 52.645678036220644 ], [ 7.191591337773703, 52.645473643532732 ], [ 7.190436360979835, 52.645473643532732 ], [ 7.190436360979835, 52.645678036220644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.644451665764471 ], [ 7.191591337773703, 52.644451665764471 ], [ 7.191591337773703, 52.644247267345058 ], [ 7.190436360979835, 52.644247267345058 ], [ 7.190436360979835, 52.644451665764471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.643429664114869 ], [ 7.191591337773703, 52.643429664114869 ], [ 7.191591337773703, 52.643225260919166 ], [ 7.190436360979835, 52.643225260919166 ], [ 7.190436360979835, 52.643429664114869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.646086818730751 ], [ 7.192746314567571, 52.646086818730751 ], [ 7.192746314567571, 52.645882427953318 ], [ 7.191591337773703, 52.645882427953318 ], [ 7.191591337773703, 52.646086818730751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 147.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.645678036220644 ], [ 7.192746314567571, 52.645678036220644 ], [ 7.192746314567571, 52.645473643532732 ], [ 7.191591337773703, 52.645473643532732 ], [ 7.191591337773703, 52.645678036220644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 75.6676394 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.645269249889566 ], [ 7.192746314567571, 52.645269249889566 ], [ 7.192746314567571, 52.645064855291174 ], [ 7.191591337773703, 52.645064855291174 ], [ 7.191591337773703, 52.645269249889566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.644860459737522 ], [ 7.192746314567571, 52.644860459737522 ], [ 7.192746314567571, 52.644656063228624 ], [ 7.191591337773703, 52.644656063228624 ], [ 7.191591337773703, 52.644860459737522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.66666466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.643634066355318 ], [ 7.192746314567571, 52.643634066355318 ], [ 7.192746314567571, 52.643429664114869 ], [ 7.191591337773703, 52.643429664114869 ], [ 7.191591337773703, 52.643634066355318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.643429664114869 ], [ 7.192746314567571, 52.643429664114869 ], [ 7.192746314567571, 52.643225260919166 ], [ 7.191591337773703, 52.643225260919166 ], [ 7.191591337773703, 52.643429664114869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.646086818730751 ], [ 7.193901291361438, 52.646086818730751 ], [ 7.193901291361438, 52.645882427953318 ], [ 7.192746314567571, 52.645882427953318 ], [ 7.192746314567571, 52.646086818730751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.645678036220644 ], [ 7.193901291361438, 52.645678036220644 ], [ 7.193901291361438, 52.645473643532732 ], [ 7.192746314567571, 52.645473643532732 ], [ 7.192746314567571, 52.645678036220644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.50000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.644860459737522 ], [ 7.193901291361438, 52.644860459737522 ], [ 7.193901291361438, 52.644656063228624 ], [ 7.192746314567571, 52.644656063228624 ], [ 7.192746314567571, 52.644860459737522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.36009366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.644656063228624 ], [ 7.193901291361438, 52.644656063228624 ], [ 7.193901291361438, 52.644451665764471 ], [ 7.192746314567571, 52.644451665764471 ], [ 7.192746314567571, 52.644656063228624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.42370175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.644451665764471 ], [ 7.193901291361438, 52.644451665764471 ], [ 7.193901291361438, 52.644247267345058 ], [ 7.192746314567571, 52.644247267345058 ], [ 7.192746314567571, 52.644451665764471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.644247267345058 ], [ 7.193901291361438, 52.644247267345058 ], [ 7.193901291361438, 52.644042867970406 ], [ 7.192746314567571, 52.644042867970406 ], [ 7.192746314567571, 52.644247267345058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.643634066355318 ], [ 7.193901291361438, 52.643634066355318 ], [ 7.193901291361438, 52.643429664114869 ], [ 7.192746314567571, 52.643429664114869 ], [ 7.192746314567571, 52.643634066355318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 136.97043233333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.64302085676821 ], [ 7.193901291361438, 52.64302085676821 ], [ 7.193901291361438, 52.642816451661972 ], [ 7.192746314567571, 52.642816451661972 ], [ 7.192746314567571, 52.64302085676821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 121.1821042857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.642407638583705 ], [ 7.193901291361438, 52.642407638583705 ], [ 7.193901291361438, 52.642203230611663 ], [ 7.192746314567571, 52.642203230611663 ], [ 7.192746314567571, 52.642407638583705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 99.36957275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.644860459737522 ], [ 7.195056268155307, 52.644860459737522 ], [ 7.195056268155307, 52.644656063228624 ], [ 7.193901291361438, 52.644656063228624 ], [ 7.193901291361438, 52.644860459737522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.644656063228624 ], [ 7.195056268155307, 52.644656063228624 ], [ 7.195056268155307, 52.644451665764471 ], [ 7.193901291361438, 52.644451665764471 ], [ 7.193901291361438, 52.644656063228624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.644451665764471 ], [ 7.195056268155307, 52.644451665764471 ], [ 7.195056268155307, 52.644247267345058 ], [ 7.193901291361438, 52.644247267345058 ], [ 7.193901291361438, 52.644451665764471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 103.306312 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.644247267345058 ], [ 7.195056268155307, 52.644247267345058 ], [ 7.195056268155307, 52.644042867970406 ], [ 7.193901291361438, 52.644042867970406 ], [ 7.193901291361438, 52.644247267345058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 145.58490166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.644042867970406 ], [ 7.195056268155307, 52.644042867970406 ], [ 7.195056268155307, 52.643838467640485 ], [ 7.193901291361438, 52.643838467640485 ], [ 7.193901291361438, 52.644042867970406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.643634066355318 ], [ 7.195056268155307, 52.643634066355318 ], [ 7.195056268155307, 52.643429664114869 ], [ 7.193901291361438, 52.643429664114869 ], [ 7.193901291361438, 52.643634066355318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29883_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.643225260919166 ], [ 7.195056268155307, 52.643225260919166 ], [ 7.195056268155307, 52.64302085676821 ], [ 7.193901291361438, 52.64302085676821 ], [ 7.193901291361438, 52.643225260919166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.639205137270402 ], [ 7.188126407392099, 52.639205137270402 ], [ 7.188126407392099, 52.639000714332184 ], [ 7.186971430598231, 52.639000714332184 ], [ 7.186971430598231, 52.639205137270402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.637160864899414 ], [ 7.188126407392099, 52.637160864899414 ], [ 7.188126407392099, 52.636956432408091 ], [ 7.186971430598231, 52.636956432408091 ], [ 7.186971430598231, 52.637160864899414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.63961398028092 ], [ 7.189281384185967, 52.63961398028092 ], [ 7.189281384185967, 52.639409559253309 ], [ 7.188126407392099, 52.639409559253309 ], [ 7.188126407392099, 52.63961398028092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.63879629043867 ], [ 7.190436360979835, 52.63879629043867 ], [ 7.190436360979835, 52.638591865589852 ], [ 7.189281384185967, 52.638591865589852 ], [ 7.189281384185967, 52.63879629043867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 211.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.640227237631983 ], [ 7.191591337773703, 52.640227237631983 ], [ 7.191591337773703, 52.640022819470254 ], [ 7.190436360979835, 52.640022819470254 ], [ 7.190436360979835, 52.640227237631983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.639000714332184 ], [ 7.191591337773703, 52.639000714332184 ], [ 7.191591337773703, 52.63879629043867 ], [ 7.190436360979835, 52.63879629043867 ], [ 7.190436360979835, 52.639000714332184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.637978585311537 ], [ 7.191591337773703, 52.637978585311537 ], [ 7.191591337773703, 52.637774156641491 ], [ 7.190436360979835, 52.637774156641491 ], [ 7.190436360979835, 52.637978585311537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 177.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.64063607108956 ], [ 7.192746314567571, 52.64063607108956 ], [ 7.192746314567571, 52.640431654838409 ], [ 7.191591337773703, 52.640431654838409 ], [ 7.191591337773703, 52.64063607108956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 141.1666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.640227237631983 ], [ 7.192746314567571, 52.640227237631983 ], [ 7.192746314567571, 52.640022819470254 ], [ 7.191591337773703, 52.640022819470254 ], [ 7.191591337773703, 52.640227237631983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 80.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.639818400353235 ], [ 7.192746314567571, 52.639818400353235 ], [ 7.192746314567571, 52.63961398028092 ], [ 7.191591337773703, 52.63961398028092 ], [ 7.191591337773703, 52.639818400353235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.639409559253309 ], [ 7.192746314567571, 52.639409559253309 ], [ 7.192746314567571, 52.639205137270402 ], [ 7.191591337773703, 52.639205137270402 ], [ 7.191591337773703, 52.639409559253309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 140.31547733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.638183013026293 ], [ 7.192746314567571, 52.638183013026293 ], [ 7.192746314567571, 52.637978585311537 ], [ 7.191591337773703, 52.637978585311537 ], [ 7.191591337773703, 52.638183013026293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.637978585311537 ], [ 7.192746314567571, 52.637978585311537 ], [ 7.192746314567571, 52.637774156641491 ], [ 7.191591337773703, 52.637774156641491 ], [ 7.191591337773703, 52.637978585311537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.64063607108956 ], [ 7.193901291361438, 52.64063607108956 ], [ 7.193901291361438, 52.640431654838409 ], [ 7.192746314567571, 52.640431654838409 ], [ 7.192746314567571, 52.64063607108956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 183.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.640227237631983 ], [ 7.193901291361438, 52.640227237631983 ], [ 7.193901291361438, 52.640022819470254 ], [ 7.192746314567571, 52.640022819470254 ], [ 7.192746314567571, 52.640227237631983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.639409559253309 ], [ 7.193901291361438, 52.639409559253309 ], [ 7.193901291361438, 52.639205137270402 ], [ 7.192746314567571, 52.639205137270402 ], [ 7.192746314567571, 52.639409559253309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 136.13442775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.639205137270402 ], [ 7.193901291361438, 52.639205137270402 ], [ 7.193901291361438, 52.639000714332184 ], [ 7.192746314567571, 52.639000714332184 ], [ 7.192746314567571, 52.639205137270402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 114.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.639000714332184 ], [ 7.193901291361438, 52.639000714332184 ], [ 7.193901291361438, 52.63879629043867 ], [ 7.192746314567571, 52.63879629043867 ], [ 7.192746314567571, 52.639000714332184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.63879629043867 ], [ 7.193901291361438, 52.63879629043867 ], [ 7.193901291361438, 52.638591865589852 ], [ 7.192746314567571, 52.638591865589852 ], [ 7.192746314567571, 52.63879629043867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.638183013026293 ], [ 7.193901291361438, 52.638183013026293 ], [ 7.193901291361438, 52.637978585311537 ], [ 7.192746314567571, 52.637978585311537 ], [ 7.192746314567571, 52.638183013026293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.637569727016114 ], [ 7.193901291361438, 52.637569727016114 ], [ 7.193901291361438, 52.637365296435419 ], [ 7.192746314567571, 52.637365296435419 ], [ 7.192746314567571, 52.637569727016114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 119.21810528571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.636956432408091 ], [ 7.193901291361438, 52.636956432408091 ], [ 7.193901291361438, 52.636751998961451 ], [ 7.192746314567571, 52.636751998961451 ], [ 7.192746314567571, 52.636956432408091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 114.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.639409559253309 ], [ 7.195056268155307, 52.639409559253309 ], [ 7.195056268155307, 52.639205137270402 ], [ 7.193901291361438, 52.639205137270402 ], [ 7.193901291361438, 52.639409559253309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.639205137270402 ], [ 7.195056268155307, 52.639205137270402 ], [ 7.195056268155307, 52.639000714332184 ], [ 7.193901291361438, 52.639000714332184 ], [ 7.193901291361438, 52.639205137270402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.639000714332184 ], [ 7.195056268155307, 52.639000714332184 ], [ 7.195056268155307, 52.63879629043867 ], [ 7.193901291361438, 52.63879629043867 ], [ 7.193901291361438, 52.639000714332184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.01123423076925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.63879629043867 ], [ 7.195056268155307, 52.63879629043867 ], [ 7.195056268155307, 52.638591865589852 ], [ 7.193901291361438, 52.638591865589852 ], [ 7.193901291361438, 52.63879629043867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.015744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.638591865589852 ], [ 7.195056268155307, 52.638591865589852 ], [ 7.195056268155307, 52.638387439785717 ], [ 7.193901291361438, 52.638387439785717 ], [ 7.193901291361438, 52.638591865589852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.638183013026293 ], [ 7.195056268155307, 52.638183013026293 ], [ 7.195056268155307, 52.637978585311537 ], [ 7.193901291361438, 52.637978585311537 ], [ 7.193901291361438, 52.638183013026293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29884_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.66666566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.637774156641491 ], [ 7.195056268155307, 52.637774156641491 ], [ 7.195056268155307, 52.637569727016114 ], [ 7.193901291361438, 52.637569727016114 ], [ 7.193901291361438, 52.637774156641491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.633753531986905 ], [ 7.188126407392099, 52.633753531986905 ], [ 7.188126407392099, 52.633549083573314 ], [ 7.186971430598231, 52.633549083573314 ], [ 7.186971430598231, 52.633753531986905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.63170900485985 ], [ 7.188126407392099, 52.63170900485985 ], [ 7.188126407392099, 52.631504546892636 ], [ 7.186971430598231, 52.631504546892636 ], [ 7.186971430598231, 52.63170900485985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.634162425948055 ], [ 7.189281384185967, 52.634162425948055 ], [ 7.189281384185967, 52.63395797944515 ], [ 7.188126407392099, 52.63395797944515 ], [ 7.188126407392099, 52.634162425948055 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 173.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.633344634204363 ], [ 7.190436360979835, 52.633344634204363 ], [ 7.190436360979835, 52.633140183880052 ], [ 7.189281384185967, 52.633140183880052 ], [ 7.189281384185967, 52.633344634204363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 208.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.634775759724668 ], [ 7.191591337773703, 52.634775759724668 ], [ 7.191591337773703, 52.634571316087801 ], [ 7.190436360979835, 52.634571316087801 ], [ 7.190436360979835, 52.634775759724668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.633549083573314 ], [ 7.191591337773703, 52.633549083573314 ], [ 7.191591337773703, 52.633344634204363 ], [ 7.190436360979835, 52.633344634204363 ], [ 7.190436360979835, 52.633549083573314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.632526827174999 ], [ 7.191591337773703, 52.632526827174999 ], [ 7.191591337773703, 52.632322373029268 ], [ 7.190436360979835, 52.632322373029268 ], [ 7.190436360979835, 52.632526827174999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.635184644132373 ], [ 7.192746314567571, 52.635184644132373 ], [ 7.192746314567571, 52.634980202406183 ], [ 7.191591337773703, 52.634980202406183 ], [ 7.191591337773703, 52.635184644132373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 134.85714414285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.634775759724668 ], [ 7.192746314567571, 52.634775759724668 ], [ 7.192746314567571, 52.634571316087801 ], [ 7.191591337773703, 52.634571316087801 ], [ 7.191591337773703, 52.634775759724668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 78.1480662 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.634366871495608 ], [ 7.192746314567571, 52.634366871495608 ], [ 7.192746314567571, 52.634162425948055 ], [ 7.191591337773703, 52.634162425948055 ], [ 7.191591337773703, 52.634366871495608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.63395797944515 ], [ 7.192746314567571, 52.63395797944515 ], [ 7.192746314567571, 52.633753531986905 ], [ 7.191591337773703, 52.633753531986905 ], [ 7.191591337773703, 52.63395797944515 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 143.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.632731280365377 ], [ 7.192746314567571, 52.632731280365377 ], [ 7.192746314567571, 52.632526827174999 ], [ 7.191591337773703, 52.632526827174999 ], [ 7.191591337773703, 52.632731280365377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.632526827174999 ], [ 7.192746314567571, 52.632526827174999 ], [ 7.192746314567571, 52.632322373029268 ], [ 7.191591337773703, 52.632322373029268 ], [ 7.191591337773703, 52.632526827174999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.635184644132373 ], [ 7.193901291361438, 52.635184644132373 ], [ 7.193901291361438, 52.634980202406183 ], [ 7.192746314567571, 52.634980202406183 ], [ 7.192746314567571, 52.635184644132373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 192.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.634775759724668 ], [ 7.193901291361438, 52.634775759724668 ], [ 7.193901291361438, 52.634571316087801 ], [ 7.192746314567571, 52.634571316087801 ], [ 7.192746314567571, 52.634775759724668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.3483365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.63395797944515 ], [ 7.193901291361438, 52.63395797944515 ], [ 7.193901291361438, 52.633753531986905 ], [ 7.192746314567571, 52.633753531986905 ], [ 7.192746314567571, 52.63395797944515 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 142.51318966666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.633753531986905 ], [ 7.193901291361438, 52.633753531986905 ], [ 7.193901291361438, 52.633549083573314 ], [ 7.192746314567571, 52.633549083573314 ], [ 7.192746314567571, 52.633753531986905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 123.415505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.633549083573314 ], [ 7.193901291361438, 52.633549083573314 ], [ 7.193901291361438, 52.633344634204363 ], [ 7.192746314567571, 52.633344634204363 ], [ 7.192746314567571, 52.633549083573314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 110.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.633344634204363 ], [ 7.193901291361438, 52.633344634204363 ], [ 7.193901291361438, 52.633140183880052 ], [ 7.192746314567571, 52.633140183880052 ], [ 7.192746314567571, 52.633344634204363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.632731280365377 ], [ 7.193901291361438, 52.632731280365377 ], [ 7.193901291361438, 52.632526827174999 ], [ 7.192746314567571, 52.632526827174999 ], [ 7.192746314567571, 52.632731280365377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.632117917928156 ], [ 7.193901291361438, 52.632117917928156 ], [ 7.193901291361438, 52.63191346187169 ], [ 7.192746314567571, 52.63191346187169 ], [ 7.192746314567571, 52.632117917928156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 117.351256875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.631504546892636 ], [ 7.193901291361438, 52.631504546892636 ], [ 7.193901291361438, 52.631300087970068 ], [ 7.192746314567571, 52.631300087970068 ], [ 7.192746314567571, 52.631504546892636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 115.7255925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.63395797944515 ], [ 7.195056268155307, 52.63395797944515 ], [ 7.195056268155307, 52.633753531986905 ], [ 7.193901291361438, 52.633753531986905 ], [ 7.193901291361438, 52.63395797944515 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.633753531986905 ], [ 7.195056268155307, 52.633753531986905 ], [ 7.195056268155307, 52.633549083573314 ], [ 7.193901291361438, 52.633549083573314 ], [ 7.193901291361438, 52.633753531986905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.633549083573314 ], [ 7.195056268155307, 52.633549083573314 ], [ 7.195056268155307, 52.633344634204363 ], [ 7.193901291361438, 52.633344634204363 ], [ 7.193901291361438, 52.633549083573314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.71166928571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.633344634204363 ], [ 7.195056268155307, 52.633344634204363 ], [ 7.195056268155307, 52.633140183880052 ], [ 7.193901291361438, 52.633140183880052 ], [ 7.193901291361438, 52.633344634204363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.21394933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.633140183880052 ], [ 7.195056268155307, 52.633140183880052 ], [ 7.195056268155307, 52.632935732600401 ], [ 7.193901291361438, 52.632935732600401 ], [ 7.193901291361438, 52.633140183880052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 161.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.632731280365377 ], [ 7.195056268155307, 52.632731280365377 ], [ 7.195056268155307, 52.632526827174999 ], [ 7.193901291361438, 52.632526827174999 ], [ 7.193901291361438, 52.632731280365377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29885_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 109.6353355 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.632322373029268 ], [ 7.195056268155307, 52.632322373029268 ], [ 7.195056268155307, 52.632117917928156 ], [ 7.193901291361438, 52.632117917928156 ], [ 7.193901291361438, 52.632322373029268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.628301247342847 ], [ 7.188126407392099, 52.628301247342847 ], [ 7.188126407392099, 52.62809677345254 ], [ 7.186971430598231, 52.62809677345254 ], [ 7.186971430598231, 52.628301247342847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.49999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.626256465446474 ], [ 7.188126407392099, 52.626256465446474 ], [ 7.188126407392099, 52.626051982002068 ], [ 7.186971430598231, 52.626051982002068 ], [ 7.186971430598231, 52.626256465446474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.628710192257259 ], [ 7.189281384185967, 52.628710192257259 ], [ 7.189281384185967, 52.628505720277758 ], [ 7.188126407392099, 52.628505720277758 ], [ 7.188126407392099, 52.628710192257259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.627892298606838 ], [ 7.190436360979835, 52.627892298606838 ], [ 7.190436360979835, 52.627687822805719 ], [ 7.189281384185967, 52.627687822805719 ], [ 7.189281384185967, 52.627892298606838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 203.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.629323602463408 ], [ 7.191591337773703, 52.629323602463408 ], [ 7.191591337773703, 52.629119133350081 ], [ 7.190436360979835, 52.629119133350081 ], [ 7.190436360979835, 52.629323602463408 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.62809677345254 ], [ 7.191591337773703, 52.62809677345254 ], [ 7.191591337773703, 52.627892298606838 ], [ 7.190436360979835, 52.627892298606838 ], [ 7.190436360979835, 52.62809677345254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 140.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.62707438966995 ], [ 7.191591337773703, 52.62707438966995 ], [ 7.191591337773703, 52.626869910047205 ], [ 7.190436360979835, 52.626869910047205 ], [ 7.190436360979835, 52.62707438966995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 160.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.62973253782387 ], [ 7.192746314567571, 52.62973253782387 ], [ 7.192746314567571, 52.629528070621333 ], [ 7.191591337773703, 52.629528070621333 ], [ 7.191591337773703, 52.62973253782387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 152.66666833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.629323602463408 ], [ 7.192746314567571, 52.629323602463408 ], [ 7.192746314567571, 52.629119133350081 ], [ 7.191591337773703, 52.629119133350081 ], [ 7.191591337773703, 52.629323602463408 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 79.055282166666657 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.628914663281364 ], [ 7.192746314567571, 52.628914663281364 ], [ 7.192746314567571, 52.628710192257259 ], [ 7.191591337773703, 52.628710192257259 ], [ 7.191591337773703, 52.628914663281364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.628505720277758 ], [ 7.192746314567571, 52.628505720277758 ], [ 7.192746314567571, 52.628301247342847 ], [ 7.191591337773703, 52.628301247342847 ], [ 7.191591337773703, 52.628505720277758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 150.48028666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.627278868337285 ], [ 7.192746314567571, 52.627278868337285 ], [ 7.192746314567571, 52.62707438966995 ], [ 7.191591337773703, 52.62707438966995 ], [ 7.191591337773703, 52.627278868337285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.62707438966995 ], [ 7.192746314567571, 52.62707438966995 ], [ 7.192746314567571, 52.626869910047205 ], [ 7.191591337773703, 52.626869910047205 ], [ 7.191591337773703, 52.62707438966995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.62973253782387 ], [ 7.193901291361438, 52.62973253782387 ], [ 7.193901291361438, 52.629528070621333 ], [ 7.192746314567571, 52.629528070621333 ], [ 7.192746314567571, 52.62973253782387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.629323602463408 ], [ 7.193901291361438, 52.629323602463408 ], [ 7.193901291361438, 52.629119133350081 ], [ 7.192746314567571, 52.629119133350081 ], [ 7.192746314567571, 52.629323602463408 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.49573833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.628505720277758 ], [ 7.193901291361438, 52.628505720277758 ], [ 7.193901291361438, 52.628301247342847 ], [ 7.192746314567571, 52.628301247342847 ], [ 7.192746314567571, 52.628505720277758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 141.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.628301247342847 ], [ 7.193901291361438, 52.628301247342847 ], [ 7.193901291361438, 52.62809677345254 ], [ 7.192746314567571, 52.62809677345254 ], [ 7.192746314567571, 52.628301247342847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 123.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.62809677345254 ], [ 7.193901291361438, 52.62809677345254 ], [ 7.193901291361438, 52.627892298606838 ], [ 7.192746314567571, 52.627892298606838 ], [ 7.192746314567571, 52.62809677345254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 107.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.627892298606838 ], [ 7.193901291361438, 52.627892298606838 ], [ 7.193901291361438, 52.627687822805719 ], [ 7.192746314567571, 52.627687822805719 ], [ 7.192746314567571, 52.627892298606838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.627278868337285 ], [ 7.193901291361438, 52.627278868337285 ], [ 7.193901291361438, 52.62707438966995 ], [ 7.192746314567571, 52.62707438966995 ], [ 7.192746314567571, 52.627278868337285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.626665429469043 ], [ 7.193901291361438, 52.626665429469043 ], [ 7.193901291361438, 52.62646094793547 ], [ 7.192746314567571, 52.62646094793547 ], [ 7.192746314567571, 52.626665429469043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 114.750001375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.626051982002068 ], [ 7.193901291361438, 52.626051982002068 ], [ 7.193901291361438, 52.625847497602237 ], [ 7.192746314567571, 52.625847497602237 ], [ 7.192746314567571, 52.626051982002068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 112.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.628505720277758 ], [ 7.195056268155307, 52.628505720277758 ], [ 7.195056268155307, 52.628301247342847 ], [ 7.193901291361438, 52.628301247342847 ], [ 7.193901291361438, 52.628505720277758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.628301247342847 ], [ 7.195056268155307, 52.628301247342847 ], [ 7.195056268155307, 52.62809677345254 ], [ 7.193901291361438, 52.62809677345254 ], [ 7.193901291361438, 52.628301247342847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.62809677345254 ], [ 7.195056268155307, 52.62809677345254 ], [ 7.195056268155307, 52.627892298606838 ], [ 7.193901291361438, 52.627892298606838 ], [ 7.193901291361438, 52.62809677345254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.7687623846154 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.627892298606838 ], [ 7.195056268155307, 52.627892298606838 ], [ 7.195056268155307, 52.627687822805719 ], [ 7.193901291361438, 52.627687822805719 ], [ 7.193901291361438, 52.627892298606838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.89512116666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.627687822805719 ], [ 7.195056268155307, 52.627687822805719 ], [ 7.195056268155307, 52.62748334604921 ], [ 7.193901291361438, 52.62748334604921 ], [ 7.193901291361438, 52.627687822805719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.627278868337285 ], [ 7.195056268155307, 52.627278868337285 ], [ 7.195056268155307, 52.62707438966995 ], [ 7.193901291361438, 52.62707438966995 ], [ 7.193901291361438, 52.627278868337285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29886_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 110.856291 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.626869910047205 ], [ 7.195056268155307, 52.626869910047205 ], [ 7.195056268155307, 52.626665429469043 ], [ 7.193901291361438, 52.626665429469043 ], [ 7.193901291361438, 52.626869910047205 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.622848283302929 ], [ 7.188126407392099, 52.622848283302929 ], [ 7.188126407392099, 52.622643783934599 ], [ 7.186971430598231, 52.622643783934599 ], [ 7.186971430598231, 52.622848283302929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.77807 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.620803246624028 ], [ 7.188126407392099, 52.620803246624028 ], [ 7.188126407392099, 52.620598737701094 ], [ 7.186971430598231, 52.620598737701094 ], [ 7.186971430598231, 52.620803246624028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.623257279173259 ], [ 7.189281384185967, 52.623257279173259 ], [ 7.189281384185967, 52.62305278171582 ], [ 7.188126407392099, 52.62305278171582 ], [ 7.188126407392099, 52.623257279173259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.622439283610817 ], [ 7.190436360979835, 52.622439283610817 ], [ 7.190436360979835, 52.622234782331567 ], [ 7.189281384185967, 52.622234782331567 ], [ 7.189281384185967, 52.622439283610817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.623870765812903 ], [ 7.191591337773703, 52.623870765812903 ], [ 7.191591337773703, 52.623666271221801 ], [ 7.190436360979835, 52.623666271221801 ], [ 7.190436360979835, 52.623870765812903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.622643783934599 ], [ 7.191591337773703, 52.622643783934599 ], [ 7.191591337773703, 52.622439283610817 ], [ 7.190436360979835, 52.622439283610817 ], [ 7.190436360979835, 52.622643783934599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.621621272761111 ], [ 7.191591337773703, 52.621621272761111 ], [ 7.191591337773703, 52.621416767660037 ], [ 7.190436360979835, 52.621416767660037 ], [ 7.190436360979835, 52.621621272761111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.624279752128778 ], [ 7.192746314567571, 52.624279752128778 ], [ 7.192746314567571, 52.62407525944856 ], [ 7.191591337773703, 52.62407525944856 ], [ 7.191591337773703, 52.624279752128778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 158.200001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.623870765812903 ], [ 7.192746314567571, 52.623870765812903 ], [ 7.192746314567571, 52.623666271221801 ], [ 7.191591337773703, 52.623666271221801 ], [ 7.191591337773703, 52.623870765812903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 76.7999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.623461775675246 ], [ 7.192746314567571, 52.623461775675246 ], [ 7.192746314567571, 52.623257279173259 ], [ 7.191591337773703, 52.623257279173259 ], [ 7.191591337773703, 52.623461775675246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.62305278171582 ], [ 7.192746314567571, 52.62305278171582 ], [ 7.192746314567571, 52.622848283302929 ], [ 7.191591337773703, 52.622848283302929 ], [ 7.191591337773703, 52.62305278171582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 153.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.621825776906725 ], [ 7.192746314567571, 52.621825776906725 ], [ 7.192746314567571, 52.621621272761111 ], [ 7.191591337773703, 52.621621272761111 ], [ 7.191591337773703, 52.621825776906725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 147.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.621621272761111 ], [ 7.192746314567571, 52.621621272761111 ], [ 7.192746314567571, 52.621416767660037 ], [ 7.191591337773703, 52.621416767660037 ], [ 7.191591337773703, 52.621621272761111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.624279752128778 ], [ 7.193901291361438, 52.624279752128778 ], [ 7.193901291361438, 52.62407525944856 ], [ 7.192746314567571, 52.62407525944856 ], [ 7.192746314567571, 52.624279752128778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 202.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.623870765812903 ], [ 7.193901291361438, 52.623870765812903 ], [ 7.193901291361438, 52.623666271221801 ], [ 7.192746314567571, 52.623666271221801 ], [ 7.192746314567571, 52.623870765812903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.62305278171582 ], [ 7.193901291361438, 52.62305278171582 ], [ 7.193901291361438, 52.622848283302929 ], [ 7.192746314567571, 52.622848283302929 ], [ 7.192746314567571, 52.62305278171582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 137.08362233333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.622848283302929 ], [ 7.193901291361438, 52.622848283302929 ], [ 7.193901291361438, 52.622643783934599 ], [ 7.192746314567571, 52.622643783934599 ], [ 7.192746314567571, 52.622848283302929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.33333066666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.622643783934599 ], [ 7.193901291361438, 52.622643783934599 ], [ 7.193901291361438, 52.622439283610817 ], [ 7.192746314567571, 52.622439283610817 ], [ 7.192746314567571, 52.622643783934599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 106.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.622439283610817 ], [ 7.193901291361438, 52.622439283610817 ], [ 7.193901291361438, 52.622234782331567 ], [ 7.192746314567571, 52.622234782331567 ], [ 7.192746314567571, 52.622439283610817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.621825776906725 ], [ 7.193901291361438, 52.621825776906725 ], [ 7.193901291361438, 52.621621272761111 ], [ 7.192746314567571, 52.621621272761111 ], [ 7.192746314567571, 52.621825776906725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.621212261603496 ], [ 7.193901291361438, 52.621212261603496 ], [ 7.193901291361438, 52.621007754591496 ], [ 7.192746314567571, 52.621007754591496 ], [ 7.192746314567571, 52.621212261603496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 117.618013625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.620598737701094 ], [ 7.193901291361438, 52.620598737701094 ], [ 7.193901291361438, 52.620394227822686 ], [ 7.192746314567571, 52.620394227822686 ], [ 7.192746314567571, 52.620598737701094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.1299715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.62305278171582 ], [ 7.195056268155307, 52.62305278171582 ], [ 7.195056268155307, 52.622848283302929 ], [ 7.193901291361438, 52.622848283302929 ], [ 7.193901291361438, 52.62305278171582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.622848283302929 ], [ 7.195056268155307, 52.622848283302929 ], [ 7.195056268155307, 52.622643783934599 ], [ 7.193901291361438, 52.622643783934599 ], [ 7.193901291361438, 52.622848283302929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.622643783934599 ], [ 7.195056268155307, 52.622643783934599 ], [ 7.195056268155307, 52.622439283610817 ], [ 7.193901291361438, 52.622439283610817 ], [ 7.193901291361438, 52.622643783934599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.037589 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.622439283610817 ], [ 7.195056268155307, 52.622439283610817 ], [ 7.195056268155307, 52.622234782331567 ], [ 7.193901291361438, 52.622234782331567 ], [ 7.193901291361438, 52.622439283610817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.92619416666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.622234782331567 ], [ 7.195056268155307, 52.622234782331567 ], [ 7.195056268155307, 52.62203028009688 ], [ 7.193901291361438, 52.62203028009688 ], [ 7.193901291361438, 52.622234782331567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 165.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.621825776906725 ], [ 7.195056268155307, 52.621825776906725 ], [ 7.195056268155307, 52.621621272761111 ], [ 7.193901291361438, 52.621621272761111 ], [ 7.193901291361438, 52.621825776906725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29887_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 121.1846115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.621416767660037 ], [ 7.195056268155307, 52.621416767660037 ], [ 7.195056268155307, 52.621212261603496 ], [ 7.193901291361438, 52.621212261603496 ], [ 7.193901291361438, 52.621416767660037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.617394639831915 ], [ 7.188126407392099, 52.617394639831915 ], [ 7.188126407392099, 52.617190114984233 ], [ 7.186971430598231, 52.617190114984233 ], [ 7.186971430598231, 52.617394639831915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.616985589181041 ], [ 7.190436360979835, 52.616985589181041 ], [ 7.190436360979835, 52.616781062422348 ], [ 7.189281384185967, 52.616781062422348 ], [ 7.189281384185967, 52.616985589181041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.618417249737895 ], [ 7.191591337773703, 52.618417249737895 ], [ 7.191591337773703, 52.61821272966769 ], [ 7.190436360979835, 52.61821272966769 ], [ 7.190436360979835, 52.618417249737895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.617190114984233 ], [ 7.191591337773703, 52.617190114984233 ], [ 7.191591337773703, 52.616985589181041 ], [ 7.190436360979835, 52.616985589181041 ], [ 7.190436360979835, 52.617190114984233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_3_17", "Weekday": 3, "hour": 17, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.616167476413231 ], [ 7.191591337773703, 52.616167476413231 ], [ 7.191591337773703, 52.615962945832507 ], [ 7.190436360979835, 52.615962945832507 ], [ 7.190436360979835, 52.616167476413231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.618826287011849 ], [ 7.192746314567571, 52.618826287011849 ], [ 7.192746314567571, 52.618621768852613 ], [ 7.191591337773703, 52.618621768852613 ], [ 7.191591337773703, 52.618826287011849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 157.99999766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.618417249737895 ], [ 7.192746314567571, 52.618417249737895 ], [ 7.192746314567571, 52.61821272966769 ], [ 7.191591337773703, 52.61821272966769 ], [ 7.191591337773703, 52.618417249737895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 76.04682975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.618008208641982 ], [ 7.192746314567571, 52.618008208641982 ], [ 7.192746314567571, 52.617803686660793 ], [ 7.191591337773703, 52.617803686660793 ], [ 7.191591337773703, 52.618008208641982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.616372006038446 ], [ 7.192746314567571, 52.616372006038446 ], [ 7.192746314567571, 52.616167476413231 ], [ 7.191591337773703, 52.616167476413231 ], [ 7.191591337773703, 52.616372006038446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.616167476413231 ], [ 7.192746314567571, 52.616167476413231 ], [ 7.192746314567571, 52.615962945832507 ], [ 7.191591337773703, 52.615962945832507 ], [ 7.191591337773703, 52.616167476413231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.618826287011849 ], [ 7.193901291361438, 52.618826287011849 ], [ 7.193901291361438, 52.618621768852613 ], [ 7.192746314567571, 52.618621768852613 ], [ 7.192746314567571, 52.618826287011849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.618417249737895 ], [ 7.193901291361438, 52.618417249737895 ], [ 7.193901291361438, 52.61821272966769 ], [ 7.192746314567571, 52.61821272966769 ], [ 7.192746314567571, 52.618417249737895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.4862745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.617599163724101 ], [ 7.193901291361438, 52.617599163724101 ], [ 7.193901291361438, 52.617394639831915 ], [ 7.192746314567571, 52.617394639831915 ], [ 7.192746314567571, 52.617599163724101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.617394639831915 ], [ 7.193901291361438, 52.617394639831915 ], [ 7.193901291361438, 52.617190114984233 ], [ 7.192746314567571, 52.617190114984233 ], [ 7.192746314567571, 52.617394639831915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.500003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.617190114984233 ], [ 7.193901291361438, 52.617190114984233 ], [ 7.193901291361438, 52.616985589181041 ], [ 7.192746314567571, 52.616985589181041 ], [ 7.192746314567571, 52.617190114984233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.61575841429628 ], [ 7.193901291361438, 52.61575841429628 ], [ 7.193901291361438, 52.615553881804516 ], [ 7.192746314567571, 52.615553881804516 ], [ 7.192746314567571, 52.61575841429628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.617599163724101 ], [ 7.195056268155307, 52.617599163724101 ], [ 7.195056268155307, 52.617394639831915 ], [ 7.193901291361438, 52.617394639831915 ], [ 7.193901291361438, 52.617599163724101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29888_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.616781062422348 ], [ 7.195056268155307, 52.616781062422348 ], [ 7.195056268155307, 52.616576534708152 ], [ 7.193901291361438, 52.616576534708152 ], [ 7.193901291361438, 52.616781062422348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.562820828667839 ], [ 7.188126407392099, 52.562820828667839 ], [ 7.188126407392099, 52.562616048954084 ], [ 7.186971430598231, 52.562616048954084 ], [ 7.186971430598231, 52.562820828667839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.560772988510365 ], [ 7.188126407392099, 52.560772988510365 ], [ 7.188126407392099, 52.560568199236577 ], [ 7.186971430598231, 52.560568199236577 ], [ 7.186971430598231, 52.560772988510365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.563230385227342 ], [ 7.189281384185967, 52.563230385227342 ], [ 7.189281384185967, 52.563025607425587 ], [ 7.188126407392099, 52.563025607425587 ], [ 7.188126407392099, 52.563230385227342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.562411268284343 ], [ 7.190436360979835, 52.562411268284343 ], [ 7.190436360979835, 52.562206486658603 ], [ 7.189281384185967, 52.562206486658603 ], [ 7.189281384185967, 52.562411268284343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.563844712896689 ], [ 7.191591337773703, 52.563844712896689 ], [ 7.191591337773703, 52.563639937962897 ], [ 7.190436360979835, 52.563639937962897 ], [ 7.190436360979835, 52.563844712896689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.562616048954084 ], [ 7.191591337773703, 52.562616048954084 ], [ 7.191591337773703, 52.562411268284343 ], [ 7.190436360979835, 52.562411268284343 ], [ 7.190436360979835, 52.562616048954084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.56179692053913 ], [ 7.191591337773703, 52.56179692053913 ], [ 7.191591337773703, 52.561592136045391 ], [ 7.190436360979835, 52.561592136045391 ], [ 7.190436360979835, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.564254259896337 ], [ 7.192746314567571, 52.564254259896337 ], [ 7.192746314567571, 52.564049486874509 ], [ 7.191591337773703, 52.564049486874509 ], [ 7.191591337773703, 52.564254259896337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 150.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.563844712896689 ], [ 7.192746314567571, 52.563844712896689 ], [ 7.192746314567571, 52.563639937962897 ], [ 7.191591337773703, 52.563639937962897 ], [ 7.191591337773703, 52.563844712896689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 129.7897575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.563435162073119 ], [ 7.192746314567571, 52.563435162073119 ], [ 7.192746314567571, 52.563230385227342 ], [ 7.191591337773703, 52.563230385227342 ], [ 7.191591337773703, 52.563435162073119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.563025607425587 ], [ 7.192746314567571, 52.563025607425587 ], [ 7.192746314567571, 52.562820828667839 ], [ 7.191591337773703, 52.562820828667839 ], [ 7.191591337773703, 52.563025607425587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 148.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.56179692053913 ], [ 7.192746314567571, 52.56179692053913 ], [ 7.192746314567571, 52.561592136045391 ], [ 7.191591337773703, 52.561592136045391 ], [ 7.191591337773703, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.561592136045391 ], [ 7.192746314567571, 52.561592136045391 ], [ 7.192746314567571, 52.561387350595645 ], [ 7.191591337773703, 52.561387350595645 ], [ 7.191591337773703, 52.561592136045391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.564254259896337 ], [ 7.193901291361438, 52.564254259896337 ], [ 7.193901291361438, 52.564049486874509 ], [ 7.192746314567571, 52.564049486874509 ], [ 7.192746314567571, 52.564254259896337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.563844712896689 ], [ 7.193901291361438, 52.563844712896689 ], [ 7.193901291361438, 52.563639937962897 ], [ 7.192746314567571, 52.563639937962897 ], [ 7.192746314567571, 52.563844712896689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.563025607425587 ], [ 7.193901291361438, 52.563025607425587 ], [ 7.193901291361438, 52.562820828667839 ], [ 7.192746314567571, 52.562820828667839 ], [ 7.192746314567571, 52.563025607425587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.7252475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.562820828667839 ], [ 7.193901291361438, 52.562820828667839 ], [ 7.193901291361438, 52.562616048954084 ], [ 7.192746314567571, 52.562616048954084 ], [ 7.192746314567571, 52.562820828667839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 119.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.562616048954084 ], [ 7.193901291361438, 52.562616048954084 ], [ 7.193901291361438, 52.562411268284343 ], [ 7.192746314567571, 52.562411268284343 ], [ 7.192746314567571, 52.562616048954084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 137.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.562411268284343 ], [ 7.193901291361438, 52.562411268284343 ], [ 7.193901291361438, 52.562206486658603 ], [ 7.192746314567571, 52.562206486658603 ], [ 7.192746314567571, 52.562411268284343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.56179692053913 ], [ 7.193901291361438, 52.56179692053913 ], [ 7.193901291361438, 52.561592136045391 ], [ 7.192746314567571, 52.561592136045391 ], [ 7.192746314567571, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.561182564189885 ], [ 7.193901291361438, 52.561182564189885 ], [ 7.193901291361438, 52.560977776828132 ], [ 7.192746314567571, 52.560977776828132 ], [ 7.192746314567571, 52.561182564189885 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 140.686786 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.560568199236577 ], [ 7.193901291361438, 52.560568199236577 ], [ 7.193901291361438, 52.560363409006783 ], [ 7.192746314567571, 52.560363409006783 ], [ 7.192746314567571, 52.560568199236577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 115.54489666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.563025607425587 ], [ 7.195056268155307, 52.563025607425587 ], [ 7.195056268155307, 52.562820828667839 ], [ 7.193901291361438, 52.562820828667839 ], [ 7.193901291361438, 52.563025607425587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.562820828667839 ], [ 7.195056268155307, 52.562820828667839 ], [ 7.195056268155307, 52.562616048954084 ], [ 7.193901291361438, 52.562616048954084 ], [ 7.193901291361438, 52.562820828667839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.562616048954084 ], [ 7.195056268155307, 52.562616048954084 ], [ 7.195056268155307, 52.562411268284343 ], [ 7.193901291361438, 52.562411268284343 ], [ 7.193901291361438, 52.562616048954084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.66619266666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.562411268284343 ], [ 7.195056268155307, 52.562411268284343 ], [ 7.195056268155307, 52.562206486658603 ], [ 7.193901291361438, 52.562206486658603 ], [ 7.193901291361438, 52.562411268284343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.66666533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.562206486658603 ], [ 7.195056268155307, 52.562206486658603 ], [ 7.195056268155307, 52.56200170407687 ], [ 7.193901291361438, 52.56200170407687 ], [ 7.193901291361438, 52.562206486658603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.56179692053913 ], [ 7.195056268155307, 52.56179692053913 ], [ 7.195056268155307, 52.561592136045391 ], [ 7.193901291361438, 52.561592136045391 ], [ 7.193901291361438, 52.56179692053913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29898_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 129.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.561387350595645 ], [ 7.195056268155307, 52.561387350595645 ], [ 7.195056268155307, 52.561182564189885 ], [ 7.193901291361438, 52.561182564189885 ], [ 7.193901291361438, 52.561387350595645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 154.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.557359709133209 ], [ 7.188126407392099, 52.557359709133209 ], [ 7.188126407392099, 52.557154903925628 ], [ 7.186971430598231, 52.557154903925628 ], [ 7.186971430598231, 52.557359709133209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.51846866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.555311614035098 ], [ 7.188126407392099, 52.555311614035098 ], [ 7.188126407392099, 52.555106799266987 ], [ 7.186971430598231, 52.555106799266987 ], [ 7.186971430598231, 52.555311614035098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.557769316680265 ], [ 7.189281384185967, 52.557769316680265 ], [ 7.189281384185967, 52.557564513384762 ], [ 7.188126407392099, 52.557564513384762 ], [ 7.188126407392099, 52.557769316680265 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.556950097761991 ], [ 7.190436360979835, 52.556950097761991 ], [ 7.190436360979835, 52.556745290642311 ], [ 7.189281384185967, 52.556745290642311 ], [ 7.189281384185967, 52.556950097761991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.558383720830548 ], [ 7.191591337773703, 52.558383720830548 ], [ 7.191591337773703, 52.558178920403158 ], [ 7.190436360979835, 52.558178920403158 ], [ 7.190436360979835, 52.558383720830548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.557154903925628 ], [ 7.191591337773703, 52.557154903925628 ], [ 7.191591337773703, 52.556950097761991 ], [ 7.190436360979835, 52.556950097761991 ], [ 7.190436360979835, 52.557154903925628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.556335673534804 ], [ 7.191591337773703, 52.556335673534804 ], [ 7.191591337773703, 52.556130863546976 ], [ 7.190436360979835, 52.556130863546976 ], [ 7.190436360979835, 52.556335673534804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.558793318817237 ], [ 7.192746314567571, 52.558793318817237 ], [ 7.192746314567571, 52.55858852030191 ], [ 7.191591337773703, 52.55858852030191 ], [ 7.191591337773703, 52.558793318817237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 150.71428442857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.558383720830548 ], [ 7.192746314567571, 52.558383720830548 ], [ 7.192746314567571, 52.558178920403158 ], [ 7.191591337773703, 52.558178920403158 ], [ 7.191591337773703, 52.558383720830548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.66666466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.557974119019725 ], [ 7.192746314567571, 52.557974119019725 ], [ 7.192746314567571, 52.557769316680265 ], [ 7.191591337773703, 52.557769316680265 ], [ 7.191591337773703, 52.557974119019725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.557564513384762 ], [ 7.192746314567571, 52.557564513384762 ], [ 7.192746314567571, 52.557359709133209 ], [ 7.191591337773703, 52.557359709133209 ], [ 7.191591337773703, 52.557564513384762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 142.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.556335673534804 ], [ 7.192746314567571, 52.556335673534804 ], [ 7.192746314567571, 52.556130863546976 ], [ 7.191591337773703, 52.556130863546976 ], [ 7.191591337773703, 52.556335673534804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 148.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.556130863546976 ], [ 7.192746314567571, 52.556130863546976 ], [ 7.192746314567571, 52.555926052603091 ], [ 7.191591337773703, 52.555926052603091 ], [ 7.191591337773703, 52.556130863546976 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.558793318817237 ], [ 7.193901291361438, 52.558793318817237 ], [ 7.193901291361438, 52.55858852030191 ], [ 7.192746314567571, 52.55858852030191 ], [ 7.192746314567571, 52.558793318817237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 161.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.558383720830548 ], [ 7.193901291361438, 52.558383720830548 ], [ 7.193901291361438, 52.558178920403158 ], [ 7.192746314567571, 52.558178920403158 ], [ 7.192746314567571, 52.558383720830548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.60449733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.557564513384762 ], [ 7.193901291361438, 52.557564513384762 ], [ 7.193901291361438, 52.557359709133209 ], [ 7.192746314567571, 52.557359709133209 ], [ 7.192746314567571, 52.557564513384762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.557359709133209 ], [ 7.193901291361438, 52.557359709133209 ], [ 7.193901291361438, 52.557154903925628 ], [ 7.192746314567571, 52.557154903925628 ], [ 7.192746314567571, 52.557359709133209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 120.7365135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.557154903925628 ], [ 7.193901291361438, 52.557154903925628 ], [ 7.193901291361438, 52.556950097761991 ], [ 7.192746314567571, 52.556950097761991 ], [ 7.192746314567571, 52.557154903925628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 139.66666583333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.556950097761991 ], [ 7.193901291361438, 52.556950097761991 ], [ 7.193901291361438, 52.556745290642311 ], [ 7.192746314567571, 52.556745290642311 ], [ 7.192746314567571, 52.556950097761991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 172.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.556335673534804 ], [ 7.193901291361438, 52.556335673534804 ], [ 7.193901291361438, 52.556130863546976 ], [ 7.192746314567571, 52.556130863546976 ], [ 7.192746314567571, 52.556335673534804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.55572124070315 ], [ 7.193901291361438, 52.55572124070315 ], [ 7.193901291361438, 52.555516427847159 ], [ 7.192746314567571, 52.555516427847159 ], [ 7.192746314567571, 52.55572124070315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 133.523036 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.555106799266987 ], [ 7.193901291361438, 52.555106799266987 ], [ 7.193901291361438, 52.554901983542798 ], [ 7.192746314567571, 52.554901983542798 ], [ 7.192746314567571, 52.555106799266987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.557564513384762 ], [ 7.195056268155307, 52.557564513384762 ], [ 7.195056268155307, 52.557359709133209 ], [ 7.193901291361438, 52.557359709133209 ], [ 7.193901291361438, 52.557564513384762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.557359709133209 ], [ 7.195056268155307, 52.557359709133209 ], [ 7.195056268155307, 52.557154903925628 ], [ 7.193901291361438, 52.557154903925628 ], [ 7.193901291361438, 52.557359709133209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.557154903925628 ], [ 7.195056268155307, 52.557154903925628 ], [ 7.195056268155307, 52.556950097761991 ], [ 7.193901291361438, 52.556950097761991 ], [ 7.193901291361438, 52.557154903925628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.61469458333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.556950097761991 ], [ 7.195056268155307, 52.556950097761991 ], [ 7.195056268155307, 52.556745290642311 ], [ 7.193901291361438, 52.556745290642311 ], [ 7.193901291361438, 52.556950097761991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.96366685714287 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.556745290642311 ], [ 7.195056268155307, 52.556745290642311 ], [ 7.195056268155307, 52.556540482566589 ], [ 7.193901291361438, 52.556540482566589 ], [ 7.193901291361438, 52.556745290642311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.556335673534804 ], [ 7.195056268155307, 52.556335673534804 ], [ 7.195056268155307, 52.556130863546976 ], [ 7.193901291361438, 52.556130863546976 ], [ 7.193901291361438, 52.556335673534804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29899_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.66395375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.555926052603091 ], [ 7.195056268155307, 52.555926052603091 ], [ 7.195056268155307, 52.55572124070315 ], [ 7.193901291361438, 52.55572124070315 ], [ 7.193901291361438, 52.555926052603091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.551897909745939 ], [ 7.188126407392099, 52.551897909745939 ], [ 7.188126407392099, 52.551693079043197 ], [ 7.186971430598231, 52.551693079043197 ], [ 7.186971430598231, 52.551897909745939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.693231 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.549849559694053 ], [ 7.188126407392099, 52.549849559694053 ], [ 7.188126407392099, 52.549644719430297 ], [ 7.186971430598231, 52.549644719430297 ], [ 7.186971430598231, 52.549849559694053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.552307568283162 ], [ 7.189281384185967, 52.552307568283162 ], [ 7.189281384185967, 52.552102739492597 ], [ 7.188126407392099, 52.552102739492597 ], [ 7.188126407392099, 52.552307568283162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.551488247384356 ], [ 7.190436360979835, 52.551488247384356 ], [ 7.190436360979835, 52.551283414769429 ], [ 7.189281384185967, 52.551283414769429 ], [ 7.189281384185967, 52.551488247384356 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.552922048918312 ], [ 7.191591337773703, 52.552922048918312 ], [ 7.191591337773703, 52.552717222996016 ], [ 7.190436360979835, 52.552717222996016 ], [ 7.190436360979835, 52.552922048918312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.551693079043197 ], [ 7.191591337773703, 52.551693079043197 ], [ 7.191591337773703, 52.551488247384356 ], [ 7.190436360979835, 52.551488247384356 ], [ 7.190436360979835, 52.551693079043197 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.550873746671257 ], [ 7.191591337773703, 52.550873746671257 ], [ 7.191591337773703, 52.550668911188033 ], [ 7.190436360979835, 52.550668911188033 ], [ 7.190436360979835, 52.550873746671257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.553331697894677 ], [ 7.192746314567571, 52.553331697894677 ], [ 7.192746314567571, 52.553126873884537 ], [ 7.191591337773703, 52.553126873884537 ], [ 7.191591337773703, 52.553331697894677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 149.16666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.552922048918312 ], [ 7.192746314567571, 52.552922048918312 ], [ 7.192746314567571, 52.552717222996016 ], [ 7.191591337773703, 52.552717222996016 ], [ 7.191591337773703, 52.552922048918312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.250002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.552512396117628 ], [ 7.192746314567571, 52.552512396117628 ], [ 7.192746314567571, 52.552307568283162 ], [ 7.191591337773703, 52.552307568283162 ], [ 7.191591337773703, 52.552512396117628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.552102739492597 ], [ 7.192746314567571, 52.552102739492597 ], [ 7.192746314567571, 52.551897909745939 ], [ 7.191591337773703, 52.551897909745939 ], [ 7.191591337773703, 52.552102739492597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 145.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.550873746671257 ], [ 7.192746314567571, 52.550873746671257 ], [ 7.192746314567571, 52.550668911188033 ], [ 7.191591337773703, 52.550668911188033 ], [ 7.191591337773703, 52.550873746671257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.550668911188033 ], [ 7.192746314567571, 52.550668911188033 ], [ 7.192746314567571, 52.550464074748696 ], [ 7.191591337773703, 52.550464074748696 ], [ 7.191591337773703, 52.550668911188033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.553331697894677 ], [ 7.193901291361438, 52.553331697894677 ], [ 7.193901291361438, 52.553126873884537 ], [ 7.192746314567571, 52.553126873884537 ], [ 7.192746314567571, 52.553331697894677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.552922048918312 ], [ 7.193901291361438, 52.552922048918312 ], [ 7.193901291361438, 52.552717222996016 ], [ 7.192746314567571, 52.552717222996016 ], [ 7.192746314567571, 52.552922048918312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 126.9569705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.552102739492597 ], [ 7.193901291361438, 52.552102739492597 ], [ 7.193901291361438, 52.551897909745939 ], [ 7.192746314567571, 52.551897909745939 ], [ 7.192746314567571, 52.552102739492597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.35443974999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.551897909745939 ], [ 7.193901291361438, 52.551897909745939 ], [ 7.193901291361438, 52.551693079043197 ], [ 7.192746314567571, 52.551693079043197 ], [ 7.192746314567571, 52.551897909745939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 132.02010733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.551693079043197 ], [ 7.193901291361438, 52.551693079043197 ], [ 7.193901291361438, 52.551488247384356 ], [ 7.192746314567571, 52.551488247384356 ], [ 7.192746314567571, 52.551693079043197 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 135.12226216666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.551488247384356 ], [ 7.193901291361438, 52.551488247384356 ], [ 7.193901291361438, 52.551283414769429 ], [ 7.192746314567571, 52.551283414769429 ], [ 7.192746314567571, 52.551488247384356 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 120.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.550873746671257 ], [ 7.193901291361438, 52.550873746671257 ], [ 7.193901291361438, 52.550668911188033 ], [ 7.192746314567571, 52.550668911188033 ], [ 7.192746314567571, 52.550873746671257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.550259237353266 ], [ 7.193901291361438, 52.550259237353266 ], [ 7.193901291361438, 52.550054399001716 ], [ 7.192746314567571, 52.550054399001716 ], [ 7.192746314567571, 52.550259237353266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 124.12221285714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.549644719430297 ], [ 7.193901291361438, 52.549644719430297 ], [ 7.193901291361438, 52.549439878210407 ], [ 7.192746314567571, 52.549439878210407 ], [ 7.192746314567571, 52.549644719430297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.66666866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.552102739492597 ], [ 7.195056268155307, 52.552102739492597 ], [ 7.195056268155307, 52.551897909745939 ], [ 7.193901291361438, 52.551897909745939 ], [ 7.193901291361438, 52.552102739492597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.551897909745939 ], [ 7.195056268155307, 52.551897909745939 ], [ 7.195056268155307, 52.551693079043197 ], [ 7.193901291361438, 52.551693079043197 ], [ 7.193901291361438, 52.551897909745939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.551693079043197 ], [ 7.195056268155307, 52.551693079043197 ], [ 7.195056268155307, 52.551488247384356 ], [ 7.193901291361438, 52.551488247384356 ], [ 7.193901291361438, 52.551693079043197 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.1150213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.551488247384356 ], [ 7.195056268155307, 52.551488247384356 ], [ 7.195056268155307, 52.551283414769429 ], [ 7.193901291361438, 52.551283414769429 ], [ 7.193901291361438, 52.551488247384356 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 142.50094933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.551283414769429 ], [ 7.195056268155307, 52.551283414769429 ], [ 7.195056268155307, 52.551078581198404 ], [ 7.193901291361438, 52.551078581198404 ], [ 7.193901291361438, 52.551283414769429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.550873746671257 ], [ 7.195056268155307, 52.550873746671257 ], [ 7.195056268155307, 52.550668911188033 ], [ 7.193901291361438, 52.550668911188033 ], [ 7.193901291361438, 52.550873746671257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29900_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.74999625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.550464074748696 ], [ 7.195056268155307, 52.550464074748696 ], [ 7.195056268155307, 52.550259237353266 ], [ 7.193901291361438, 52.550259237353266 ], [ 7.193901291361438, 52.550464074748696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.546435430471021 ], [ 7.188126407392099, 52.546435430471021 ], [ 7.188126407392099, 52.54623057427181 ], [ 7.186971430598231, 52.54623057427181 ], [ 7.186971430598231, 52.546435430471021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.66666633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.544386825452257 ], [ 7.188126407392099, 52.544386825452257 ], [ 7.188126407392099, 52.544181959691528 ], [ 7.186971430598231, 52.544181959691528 ], [ 7.186971430598231, 52.544386825452257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.546845140001025 ], [ 7.189281384185967, 52.546845140001025 ], [ 7.189281384185967, 52.546640285714091 ], [ 7.188126407392099, 52.546640285714091 ], [ 7.188126407392099, 52.546845140001025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.546025717116457 ], [ 7.190436360979835, 52.546025717116457 ], [ 7.190436360979835, 52.545820859004955 ], [ 7.189281384185967, 52.545820859004955 ], [ 7.189281384185967, 52.546025717116457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.547459697124999 ], [ 7.191591337773703, 52.547459697124999 ], [ 7.191591337773703, 52.547254845706469 ], [ 7.190436360979835, 52.547254845706469 ], [ 7.190436360979835, 52.547459697124999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.54623057427181 ], [ 7.191591337773703, 52.54623057427181 ], [ 7.191591337773703, 52.546025717116457 ], [ 7.190436360979835, 52.546025717116457 ], [ 7.190436360979835, 52.54623057427181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.545411139913519 ], [ 7.191591337773703, 52.545411139913519 ], [ 7.191591337773703, 52.54520627893357 ], [ 7.190436360979835, 52.54520627893357 ], [ 7.190436360979835, 52.545411139913519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.547869397093656 ], [ 7.192746314567571, 52.547869397093656 ], [ 7.192746314567571, 52.547664547587388 ], [ 7.191591337773703, 52.547664547587388 ], [ 7.191591337773703, 52.547869397093656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 151.2000018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.547459697124999 ], [ 7.192746314567571, 52.547459697124999 ], [ 7.192746314567571, 52.547254845706469 ], [ 7.191591337773703, 52.547254845706469 ], [ 7.191591337773703, 52.547459697124999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.547049993331811 ], [ 7.192746314567571, 52.547049993331811 ], [ 7.192746314567571, 52.546845140001025 ], [ 7.191591337773703, 52.546845140001025 ], [ 7.191591337773703, 52.547049993331811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.546640285714091 ], [ 7.192746314567571, 52.546640285714091 ], [ 7.192746314567571, 52.546435430471021 ], [ 7.191591337773703, 52.546435430471021 ], [ 7.191591337773703, 52.546640285714091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 140.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.545411139913519 ], [ 7.192746314567571, 52.545411139913519 ], [ 7.192746314567571, 52.54520627893357 ], [ 7.191591337773703, 52.54520627893357 ], [ 7.191591337773703, 52.545411139913519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.54520627893357 ], [ 7.192746314567571, 52.54520627893357 ], [ 7.192746314567571, 52.545001416997472 ], [ 7.191591337773703, 52.545001416997472 ], [ 7.191591337773703, 52.54520627893357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.547869397093656 ], [ 7.193901291361438, 52.547869397093656 ], [ 7.193901291361438, 52.547664547587388 ], [ 7.192746314567571, 52.547664547587388 ], [ 7.192746314567571, 52.547869397093656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.547459697124999 ], [ 7.193901291361438, 52.547459697124999 ], [ 7.193901291361438, 52.547254845706469 ], [ 7.192746314567571, 52.547254845706469 ], [ 7.192746314567571, 52.547459697124999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.677968 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.546640285714091 ], [ 7.193901291361438, 52.546640285714091 ], [ 7.193901291361438, 52.546435430471021 ], [ 7.192746314567571, 52.546435430471021 ], [ 7.192746314567571, 52.546640285714091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.915269 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.546435430471021 ], [ 7.193901291361438, 52.546435430471021 ], [ 7.193901291361438, 52.54623057427181 ], [ 7.192746314567571, 52.54623057427181 ], [ 7.192746314567571, 52.546435430471021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.577603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.54623057427181 ], [ 7.193901291361438, 52.54623057427181 ], [ 7.193901291361438, 52.546025717116457 ], [ 7.192746314567571, 52.546025717116457 ], [ 7.192746314567571, 52.54623057427181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 129.37499975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.546025717116457 ], [ 7.193901291361438, 52.546025717116457 ], [ 7.193901291361438, 52.545820859004955 ], [ 7.192746314567571, 52.545820859004955 ], [ 7.192746314567571, 52.546025717116457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 115.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.545411139913519 ], [ 7.193901291361438, 52.545411139913519 ], [ 7.193901291361438, 52.54520627893357 ], [ 7.192746314567571, 52.54520627893357 ], [ 7.192746314567571, 52.545411139913519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.544796554105218 ], [ 7.193901291361438, 52.544796554105218 ], [ 7.193901291361438, 52.544591690256816 ], [ 7.192746314567571, 52.544591690256816 ], [ 7.192746314567571, 52.544796554105218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.23845825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.544181959691528 ], [ 7.193901291361438, 52.544181959691528 ], [ 7.193901291361438, 52.543977092974636 ], [ 7.192746314567571, 52.543977092974636 ], [ 7.192746314567571, 52.544181959691528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.336287 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.546640285714091 ], [ 7.195056268155307, 52.546640285714091 ], [ 7.195056268155307, 52.546435430471021 ], [ 7.193901291361438, 52.546435430471021 ], [ 7.193901291361438, 52.546640285714091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.546435430471021 ], [ 7.195056268155307, 52.546435430471021 ], [ 7.195056268155307, 52.54623057427181 ], [ 7.193901291361438, 52.54623057427181 ], [ 7.193901291361438, 52.546435430471021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.54623057427181 ], [ 7.195056268155307, 52.54623057427181 ], [ 7.195056268155307, 52.546025717116457 ], [ 7.193901291361438, 52.546025717116457 ], [ 7.193901291361438, 52.54623057427181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.8942749 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.546025717116457 ], [ 7.195056268155307, 52.546025717116457 ], [ 7.195056268155307, 52.545820859004955 ], [ 7.193901291361438, 52.545820859004955 ], [ 7.193901291361438, 52.546025717116457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.252425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.545820859004955 ], [ 7.195056268155307, 52.545820859004955 ], [ 7.195056268155307, 52.545615999937304 ], [ 7.193901291361438, 52.545615999937304 ], [ 7.193901291361438, 52.545820859004955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 152.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.545411139913519 ], [ 7.195056268155307, 52.545411139913519 ], [ 7.195056268155307, 52.54520627893357 ], [ 7.193901291361438, 52.54520627893357 ], [ 7.193901291361438, 52.545411139913519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29901_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.25000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.545001416997472 ], [ 7.195056268155307, 52.545001416997472 ], [ 7.195056268155307, 52.544796554105218 ], [ 7.193901291361438, 52.544796554105218 ], [ 7.193901291361438, 52.545001416997472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 160.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.540972271273482 ], [ 7.188126407392099, 52.540972271273482 ], [ 7.188126407392099, 52.540767389576487 ], [ 7.186971430598231, 52.540767389576487 ], [ 7.186971430598231, 52.540972271273482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.538923411274709 ], [ 7.188126407392099, 52.538923411274709 ], [ 7.188126407392099, 52.538718520015713 ], [ 7.186971430598231, 52.538718520015713 ], [ 7.186971430598231, 52.538923411274709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.541382031798889 ], [ 7.189281384185967, 52.541382031798889 ], [ 7.189281384185967, 52.541177152014271 ], [ 7.188126407392099, 52.541177152014271 ], [ 7.188126407392099, 52.541382031798889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.540562506923308 ], [ 7.190436360979835, 52.540562506923308 ], [ 7.190436360979835, 52.54035762331393 ], [ 7.189281384185967, 52.54035762331393 ], [ 7.189281384185967, 52.540562506923308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.541996665415603 ], [ 7.191591337773703, 52.541996665415603 ], [ 7.191591337773703, 52.541791788499545 ], [ 7.190436360979835, 52.541791788499545 ], [ 7.190436360979835, 52.541996665415603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.540767389576487 ], [ 7.191591337773703, 52.540767389576487 ], [ 7.191591337773703, 52.540562506923308 ], [ 7.190436360979835, 52.540562506923308 ], [ 7.190436360979835, 52.540767389576487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.539947853226586 ], [ 7.191591337773703, 52.539947853226586 ], [ 7.191591337773703, 52.539742966748612 ], [ 7.190436360979835, 52.539742966748612 ], [ 7.190436360979835, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 190.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.54240641637918 ], [ 7.192746314567571, 52.54240641637918 ], [ 7.192746314567571, 52.542201541375476 ], [ 7.191591337773703, 52.542201541375476 ], [ 7.191591337773703, 52.54240641637918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 153.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.541996665415603 ], [ 7.192746314567571, 52.541996665415603 ], [ 7.192746314567571, 52.541791788499545 ], [ 7.191591337773703, 52.541791788499545 ], [ 7.191591337773703, 52.541996665415603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.541586910627316 ], [ 7.192746314567571, 52.541586910627316 ], [ 7.192746314567571, 52.541382031798889 ], [ 7.191591337773703, 52.541382031798889 ], [ 7.191591337773703, 52.541586910627316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.541177152014271 ], [ 7.192746314567571, 52.541177152014271 ], [ 7.192746314567571, 52.540972271273482 ], [ 7.191591337773703, 52.540972271273482 ], [ 7.191591337773703, 52.541177152014271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.539947853226586 ], [ 7.192746314567571, 52.539947853226586 ], [ 7.192746314567571, 52.539742966748612 ], [ 7.191591337773703, 52.539742966748612 ], [ 7.191591337773703, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.539742966748612 ], [ 7.192746314567571, 52.539742966748612 ], [ 7.192746314567571, 52.539538079314447 ], [ 7.191591337773703, 52.539538079314447 ], [ 7.191591337773703, 52.539742966748612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.54240641637918 ], [ 7.193901291361438, 52.54240641637918 ], [ 7.193901291361438, 52.542201541375476 ], [ 7.192746314567571, 52.542201541375476 ], [ 7.192746314567571, 52.54240641637918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.541996665415603 ], [ 7.193901291361438, 52.541996665415603 ], [ 7.193901291361438, 52.541791788499545 ], [ 7.192746314567571, 52.541791788499545 ], [ 7.192746314567571, 52.541996665415603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.7597485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.541177152014271 ], [ 7.193901291361438, 52.541177152014271 ], [ 7.193901291361438, 52.540972271273482 ], [ 7.192746314567571, 52.540972271273482 ], [ 7.192746314567571, 52.541177152014271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.540972271273482 ], [ 7.193901291361438, 52.540972271273482 ], [ 7.193901291361438, 52.540767389576487 ], [ 7.192746314567571, 52.540767389576487 ], [ 7.192746314567571, 52.540972271273482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.540767389576487 ], [ 7.193901291361438, 52.540767389576487 ], [ 7.193901291361438, 52.540562506923308 ], [ 7.192746314567571, 52.540562506923308 ], [ 7.192746314567571, 52.540767389576487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.540562506923308 ], [ 7.193901291361438, 52.540562506923308 ], [ 7.193901291361438, 52.54035762331393 ], [ 7.192746314567571, 52.54035762331393 ], [ 7.192746314567571, 52.540562506923308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.539947853226586 ], [ 7.193901291361438, 52.539947853226586 ], [ 7.193901291361438, 52.539742966748612 ], [ 7.192746314567571, 52.539742966748612 ], [ 7.192746314567571, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.8458645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.539333190924069 ], [ 7.193901291361438, 52.539333190924069 ], [ 7.193901291361438, 52.539128301577485 ], [ 7.192746314567571, 52.539128301577485 ], [ 7.192746314567571, 52.539333190924069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.57131675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.538718520015713 ], [ 7.193901291361438, 52.538718520015713 ], [ 7.193901291361438, 52.538513627800512 ], [ 7.192746314567571, 52.538513627800512 ], [ 7.192746314567571, 52.538718520015713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.541177152014271 ], [ 7.195056268155307, 52.541177152014271 ], [ 7.195056268155307, 52.540972271273482 ], [ 7.193901291361438, 52.540972271273482 ], [ 7.193901291361438, 52.541177152014271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.540972271273482 ], [ 7.195056268155307, 52.540972271273482 ], [ 7.195056268155307, 52.540767389576487 ], [ 7.193901291361438, 52.540767389576487 ], [ 7.193901291361438, 52.540972271273482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 114.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.540767389576487 ], [ 7.195056268155307, 52.540767389576487 ], [ 7.195056268155307, 52.540562506923308 ], [ 7.193901291361438, 52.540562506923308 ], [ 7.193901291361438, 52.540767389576487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.78429344444446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.540562506923308 ], [ 7.195056268155307, 52.540562506923308 ], [ 7.195056268155307, 52.54035762331393 ], [ 7.193901291361438, 52.54035762331393 ], [ 7.193901291361438, 52.540562506923308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 133.41277925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.54035762331393 ], [ 7.195056268155307, 52.54035762331393 ], [ 7.195056268155307, 52.540152738748354 ], [ 7.193901291361438, 52.540152738748354 ], [ 7.193901291361438, 52.54035762331393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.539947853226586 ], [ 7.195056268155307, 52.539947853226586 ], [ 7.195056268155307, 52.539742966748612 ], [ 7.193901291361438, 52.539742966748612 ], [ 7.193901291361438, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29902_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 116.84446733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.539538079314447 ], [ 7.195056268155307, 52.539538079314447 ], [ 7.195056268155307, 52.539333190924069 ], [ 7.193901291361438, 52.539333190924069 ], [ 7.193901291361438, 52.539538079314447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 164.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.277734253252483 ], [ 7.188126407392099, 52.277734253252483 ], [ 7.188126407392099, 52.277528145176703 ], [ 7.186971430598231, 52.277528145176703 ], [ 7.186971430598231, 52.277734253252483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 92.370770333333326 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.27567312936101 ], [ 7.188126407392099, 52.27567312936101 ], [ 7.188126407392099, 52.275467011699945 ], [ 7.186971430598231, 52.275467011699945 ], [ 7.186971430598231, 52.27567312936101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.278352571728753 ], [ 7.189281384185967, 52.278352571728753 ], [ 7.189281384185967, 52.278146466528511 ], [ 7.188126407392099, 52.278146466528511 ], [ 7.188126407392099, 52.278352571728753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.277528145176703 ], [ 7.190436360979835, 52.277528145176703 ], [ 7.190436360979835, 52.277322036142387 ], [ 7.189281384185967, 52.277322036142387 ], [ 7.189281384185967, 52.277528145176703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 167.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.27897088157841 ], [ 7.191591337773703, 52.27897088157841 ], [ 7.191591337773703, 52.278764779253699 ], [ 7.190436360979835, 52.278764779253699 ], [ 7.190436360979835, 52.27897088157841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.277734253252483 ], [ 7.191591337773703, 52.277734253252483 ], [ 7.191591337773703, 52.277528145176703 ], [ 7.190436360979835, 52.277528145176703 ], [ 7.190436360979835, 52.277734253252483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.276909815198202 ], [ 7.191591337773703, 52.276909815198202 ], [ 7.191591337773703, 52.276703703288327 ], [ 7.190436360979835, 52.276703703288327 ], [ 7.190436360979835, 52.276909815198202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.2793830833523 ], [ 7.192746314567571, 52.2793830833523 ], [ 7.192746314567571, 52.279176982944605 ], [ 7.191591337773703, 52.279176982944605 ], [ 7.191591337773703, 52.2793830833523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 112.60943777777779 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.279176982944605 ], [ 7.192746314567571, 52.279176982944605 ], [ 7.192746314567571, 52.27897088157841 ], [ 7.191591337773703, 52.27897088157841 ], [ 7.191591337773703, 52.279176982944605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.278146466528511 ], [ 7.192746314567571, 52.278146466528511 ], [ 7.192746314567571, 52.277940360369755 ], [ 7.191591337773703, 52.277940360369755 ], [ 7.191591337773703, 52.278146466528511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.2793830833523 ], [ 7.193901291361438, 52.2793830833523 ], [ 7.193901291361438, 52.279176982944605 ], [ 7.192746314567571, 52.279176982944605 ], [ 7.192746314567571, 52.2793830833523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 211.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.27897088157841 ], [ 7.193901291361438, 52.27897088157841 ], [ 7.193901291361438, 52.278764779253699 ], [ 7.192746314567571, 52.278764779253699 ], [ 7.192746314567571, 52.27897088157841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.2500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.278352571728753 ], [ 7.193901291361438, 52.278352571728753 ], [ 7.193901291361438, 52.278146466528511 ], [ 7.192746314567571, 52.278146466528511 ], [ 7.192746314567571, 52.278352571728753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 136.88435275000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.277940360369755 ], [ 7.193901291361438, 52.277940360369755 ], [ 7.193901291361438, 52.277734253252483 ], [ 7.192746314567571, 52.277734253252483 ], [ 7.192746314567571, 52.277940360369755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.74999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.276291476592995 ], [ 7.193901291361438, 52.276291476592995 ], [ 7.193901291361438, 52.276085361807539 ], [ 7.192746314567571, 52.276085361807539 ], [ 7.192746314567571, 52.276291476592995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 129.87006975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.275467011699945 ], [ 7.193901291361438, 52.275467011699945 ], [ 7.193901291361438, 52.275260893080343 ], [ 7.192746314567571, 52.275260893080343 ], [ 7.192746314567571, 52.275467011699945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 147.99999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.278146466528511 ], [ 7.195056268155307, 52.278146466528511 ], [ 7.195056268155307, 52.277940360369755 ], [ 7.193901291361438, 52.277940360369755 ], [ 7.193901291361438, 52.278146466528511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.63636363636364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.277734253252483 ], [ 7.195056268155307, 52.277734253252483 ], [ 7.195056268155307, 52.277528145176703 ], [ 7.193901291361438, 52.277528145176703 ], [ 7.193901291361438, 52.277734253252483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.17153325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.277528145176703 ], [ 7.195056268155307, 52.277528145176703 ], [ 7.195056268155307, 52.277322036142387 ], [ 7.193901291361438, 52.277322036142387 ], [ 7.193901291361438, 52.277528145176703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 130.0811145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.277322036142387 ], [ 7.195056268155307, 52.277322036142387 ], [ 7.195056268155307, 52.277115926149563 ], [ 7.193901291361438, 52.277115926149563 ], [ 7.193901291361438, 52.277322036142387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29950_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.276497590419929 ], [ 7.195056268155307, 52.276497590419929 ], [ 7.195056268155307, 52.276291476592995 ], [ 7.193901291361438, 52.276291476592995 ], [ 7.193901291361438, 52.276497590419929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 116.649925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.270176330361494 ], [ 7.188126407392099, 52.270176330361494 ], [ 7.188126407392099, 52.269970187138817 ], [ 7.186971430598231, 52.269970187138817 ], [ 7.186971430598231, 52.270176330361494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.272856105025802 ], [ 7.189281384185967, 52.272856105025802 ], [ 7.189281384185967, 52.272649974264581 ], [ 7.188126407392099, 52.272649974264581 ], [ 7.188126407392099, 52.272856105025802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.27347449155814 ], [ 7.191591337773703, 52.27347449155814 ], [ 7.191591337773703, 52.273268363672578 ], [ 7.190436360979835, 52.273268363672578 ], [ 7.190436360979835, 52.27347449155814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.272237709866424 ], [ 7.191591337773703, 52.272237709866424 ], [ 7.191591337773703, 52.272031576229509 ], [ 7.190436360979835, 52.272031576229509 ], [ 7.190436360979835, 52.272237709866424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.271413169567339 ], [ 7.191591337773703, 52.271413169567339 ], [ 7.191591337773703, 52.271207032096143 ], [ 7.190436360979835, 52.271207032096143 ], [ 7.190436360979835, 52.271413169567339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.273886744453584 ], [ 7.192746314567571, 52.273886744453584 ], [ 7.192746314567571, 52.273680618485137 ], [ 7.191591337773703, 52.273680618485137 ], [ 7.191591337773703, 52.273886744453584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.273680618485137 ], [ 7.192746314567571, 52.273680618485137 ], [ 7.192746314567571, 52.27347449155814 ], [ 7.191591337773703, 52.27347449155814 ], [ 7.191591337773703, 52.273680618485137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.273886744453584 ], [ 7.193901291361438, 52.273886744453584 ], [ 7.193901291361438, 52.273680618485137 ], [ 7.192746314567571, 52.273680618485137 ], [ 7.192746314567571, 52.273886744453584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.41574 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.272856105025802 ], [ 7.193901291361438, 52.272856105025802 ], [ 7.193901291361438, 52.272649974264581 ], [ 7.192746314567571, 52.272649974264581 ], [ 7.192746314567571, 52.272856105025802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.272443842544781 ], [ 7.193901291361438, 52.272443842544781 ], [ 7.193901291361438, 52.272237709866424 ], [ 7.192746314567571, 52.272237709866424 ], [ 7.192746314567571, 52.272443842544781 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.272237709866424 ], [ 7.195056268155307, 52.272237709866424 ], [ 7.195056268155307, 52.272031576229509 ], [ 7.193901291361438, 52.272031576229509 ], [ 7.193901291361438, 52.272237709866424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 138.383292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.272031576229509 ], [ 7.195056268155307, 52.272031576229509 ], [ 7.195056268155307, 52.271825441634022 ], [ 7.193901291361438, 52.271825441634022 ], [ 7.193901291361438, 52.272031576229509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 121.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.271825441634022 ], [ 7.195056268155307, 52.271825441634022 ], [ 7.195056268155307, 52.27161930607997 ], [ 7.193901291361438, 52.27161930607997 ], [ 7.193901291361438, 52.271825441634022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29951_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.271000893666368 ], [ 7.195056268155307, 52.271000893666368 ], [ 7.195056268155307, 52.270794754278008 ], [ 7.193901291361438, 52.270794754278008 ], [ 7.193901291361438, 52.271000893666368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 103.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.19521451417156 ], [ 7.188126407392099, 52.19521451417156 ], [ 7.188126407392099, 52.195008022545537 ], [ 7.186971430598231, 52.195008022545537 ], [ 7.186971430598231, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 99.5999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186971430598231, 52.193149554745702 ], [ 7.188126407392099, 52.193149554745702 ], [ 7.188126407392099, 52.19294305352728 ], [ 7.186971430598231, 52.19294305352728 ], [ 7.186971430598231, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.188126407392099, 52.195833983294236 ], [ 7.189281384185967, 52.195833983294236 ], [ 7.189281384185967, 52.195627494545903 ], [ 7.188126407392099, 52.195627494545903 ], [ 7.188126407392099, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.189281384185967, 52.195008022545537 ], [ 7.190436360979835, 52.195008022545537 ], [ 7.190436360979835, 52.194801529960294 ], [ 7.189281384185967, 52.194801529960294 ], [ 7.189281384185967, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.196453443783888 ], [ 7.191591337773703, 52.196453443783888 ], [ 7.191591337773703, 52.196246957913225 ], [ 7.190436360979835, 52.196246957913225 ], [ 7.190436360979835, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.19521451417156 ], [ 7.191591337773703, 52.19521451417156 ], [ 7.191591337773703, 52.195008022545537 ], [ 7.190436360979835, 52.195008022545537 ], [ 7.190436360979835, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.190436360979835, 52.194388541912076 ], [ 7.191591337773703, 52.194388541912076 ], [ 7.191591337773703, 52.194182046449129 ], [ 7.190436360979835, 52.194182046449129 ], [ 7.190436360979835, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.196866412647559 ], [ 7.192746314567571, 52.196866412647559 ], [ 7.192746314567571, 52.196659928695333 ], [ 7.191591337773703, 52.196659928695333 ], [ 7.191591337773703, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 108.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 52.196659928695333 ], [ 7.192746314567571, 52.196659928695333 ], [ 7.192746314567571, 52.196453443783888 ], [ 7.191591337773703, 52.196453443783888 ], [ 7.191591337773703, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.196866412647559 ], [ 7.193901291361438, 52.196866412647559 ], [ 7.193901291361438, 52.196659928695333 ], [ 7.192746314567571, 52.196659928695333 ], [ 7.192746314567571, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.196453443783888 ], [ 7.193901291361438, 52.196453443783888 ], [ 7.193901291361438, 52.196246957913225 ], [ 7.192746314567571, 52.196246957913225 ], [ 7.192746314567571, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 85.8002494 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.195833983294236 ], [ 7.193901291361438, 52.195833983294236 ], [ 7.193901291361438, 52.195627494545903 ], [ 7.192746314567571, 52.195627494545903 ], [ 7.192746314567571, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 105.507281 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.195421004838344 ], [ 7.193901291361438, 52.195421004838344 ], [ 7.193901291361438, 52.19521451417156 ], [ 7.192746314567571, 52.19521451417156 ], [ 7.192746314567571, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 97.999999333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.193769052645486 ], [ 7.193901291361438, 52.193769052645486 ], [ 7.193901291361438, 52.193562554304805 ], [ 7.192746314567571, 52.193562554304805 ], [ 7.192746314567571, 52.193769052645486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 97.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.193562554304805 ], [ 7.193901291361438, 52.193562554304805 ], [ 7.193901291361438, 52.193356055004877 ], [ 7.192746314567571, 52.193356055004877 ], [ 7.192746314567571, 52.193562554304805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 90.1089706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.192746314567571, 52.19294305352728 ], [ 7.193901291361438, 52.19294305352728 ], [ 7.193901291361438, 52.192736551349611 ], [ 7.192746314567571, 52.192736551349611 ], [ 7.192746314567571, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 114.84057125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.195833983294236 ], [ 7.195056268155307, 52.195833983294236 ], [ 7.195056268155307, 52.195627494545903 ], [ 7.193901291361438, 52.195627494545903 ], [ 7.193901291361438, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.41666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.19521451417156 ], [ 7.195056268155307, 52.19521451417156 ], [ 7.195056268155307, 52.195008022545537 ], [ 7.193901291361438, 52.195008022545537 ], [ 7.193901291361438, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.882967 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.195008022545537 ], [ 7.195056268155307, 52.195008022545537 ], [ 7.195056268155307, 52.194801529960294 ], [ 7.193901291361438, 52.194801529960294 ], [ 7.193901291361438, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "29965_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.58619575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.193901291361438, 52.194801529960294 ], [ 7.195056268155307, 52.194801529960294 ], [ 7.195056268155307, 52.194595036415805 ], [ 7.193901291361438, 52.194595036415805 ], [ 7.193901291361438, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30200_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 50.882298276965926 ], [ 7.192746314567571, 50.882298276965926 ], [ 7.192746314567571, 50.882085741079145 ], [ 7.191591337773703, 50.882085741079145 ], [ 7.191591337773703, 50.882298276965926 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30201_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 50.876630321529582 ], [ 7.192746314567571, 50.876630321529582 ], [ 7.192746314567571, 50.876417759788929 ], [ 7.191591337773703, 50.876417759788929 ], [ 7.191591337773703, 50.876630321529582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30202_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.191591337773703, 50.87096167664339 ], [ 7.192746314567571, 50.87096167664339 ], [ 7.192746314567571, 50.87074908904782 ], [ 7.191591337773703, 50.87074908904782 ], [ 7.191591337773703, 50.87096167664339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30375_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 37.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 53.630176721107418 ], [ 7.199419513821031, 53.630176721107418 ], [ 7.199419513821031, 53.62997695949791 ], [ 7.198264537027162, 53.62997695949791 ], [ 7.198264537027162, 53.630176721107418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30375_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 25.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.631774779938233 ], [ 7.202884444202633, 53.631774779938233 ], [ 7.202884444202633, 53.631575025894321 ], [ 7.201729467408766, 53.631575025894321 ], [ 7.201729467408766, 53.631774779938233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30375_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 14.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 53.630376481771208 ], [ 7.204039420996502, 53.630376481771208 ], [ 7.204039420996502, 53.630176721107418 ], [ 7.202884444202633, 53.630176721107418 ], [ 7.202884444202633, 53.630376481771208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30376_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 38.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 53.625648559065006 ], [ 7.197109560233295, 53.625648559065006 ], [ 7.197109560233295, 53.625448776018985 ], [ 7.195954583439427, 53.625448776018985 ], [ 7.195954583439427, 53.625648559065006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30376_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 38.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 53.624849421206378 ], [ 7.199419513821031, 53.624849421206378 ], [ 7.199419513821031, 53.62464963437732 ], [ 7.198264537027162, 53.62464963437732 ], [ 7.198264537027162, 53.624849421206378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30376_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 37.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.626447681791625 ], [ 7.202884444202633, 53.626447681791625 ], [ 7.202884444202633, 53.626247902528583 ], [ 7.201729467408766, 53.626247902528583 ], [ 7.201729467408766, 53.626447681791625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30376_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 27.142857142857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 53.625049207089667 ], [ 7.204039420996502, 53.625049207089667 ], [ 7.204039420996502, 53.624849421206378 ], [ 7.202884444202633, 53.624849421206378 ], [ 7.202884444202633, 53.625049207089667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 53.614992143376966 ], [ 7.197109560233295, 53.614992143376966 ], [ 7.197109560233295, 53.614792309887918 ], [ 7.195954583439427, 53.614792309887918 ], [ 7.195954583439427, 53.614992143376966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 81.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 53.614192803745574 ], [ 7.199419513821031, 53.614192803745574 ], [ 7.199419513821031, 53.613992966473056 ], [ 7.198264537027162, 53.613992966473056 ], [ 7.198264537027162, 53.614192803745574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.615391807517497 ], [ 7.200574490614899, 53.615391807517497 ], [ 7.200574490614899, 53.615191975920155 ], [ 7.199419513821031, 53.615191975920155 ], [ 7.199419513821031, 53.615391807517497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.61599129663437 ], [ 7.201729467408766, 53.61599129663437 ], [ 7.201729467408766, 53.615791467874594 ], [ 7.200574490614899, 53.615791467874594 ], [ 7.200574490614899, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 68.218132 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.615191975920155 ], [ 7.201729467408766, 53.615191975920155 ], [ 7.201729467408766, 53.614992143376966 ], [ 7.200574490614899, 53.614992143376966 ], [ 7.200574490614899, 53.615191975920155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.61599129663437 ], [ 7.202884444202633, 53.61599129663437 ], [ 7.202884444202633, 53.615791467874594 ], [ 7.201729467408766, 53.615791467874594 ], [ 7.201729467408766, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30378_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 92.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 53.614392640072218 ], [ 7.204039420996502, 53.614392640072218 ], [ 7.204039420996502, 53.614192803745574 ], [ 7.202884444202633, 53.614192803745574 ], [ 7.202884444202633, 53.614392640072218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30381_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 37.888888888888886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.599602196976981 ], [ 7.202884444202633, 53.599602196976981 ], [ 7.202884444202633, 53.599402290650545 ], [ 7.201729467408766, 53.599402290650545 ], [ 7.201729467408766, 53.599602196976981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30382_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 32.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.594271037850511 ], [ 7.202884444202633, 53.594271037850511 ], [ 7.202884444202633, 53.594071106296184 ], [ 7.201729467408766, 53.594071106296184 ], [ 7.201729467408766, 53.594271037850511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30393_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.535583876626177 ], [ 7.200574490614899, 53.535583876626177 ], [ 7.200574490614899, 53.535383667469304 ], [ 7.199419513821031, 53.535383667469304 ], [ 7.199419513821031, 53.535583876626177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30393_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 78.7803932 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.535183457365768 ], [ 7.201729467408766, 53.535183457365768 ], [ 7.201729467408766, 53.534983246315548 ], [ 7.200574490614899, 53.534983246315548 ], [ 7.200574490614899, 53.535183457365768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30393_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.535583876626177 ], [ 7.202884444202633, 53.535583876626177 ], [ 7.202884444202633, 53.535383667469304 ], [ 7.201729467408766, 53.535383667469304 ], [ 7.201729467408766, 53.535583876626177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30394_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.530244641798433 ], [ 7.200574490614899, 53.530244641798433 ], [ 7.200574490614899, 53.530044407396282 ], [ 7.199419513821031, 53.530044407396282 ], [ 7.199419513821031, 53.530244641798433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30394_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 75.096126666666663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.529844172047412 ], [ 7.201729467408766, 53.529844172047412 ], [ 7.201729467408766, 53.529643935751807 ], [ 7.200574490614899, 53.529643935751807 ], [ 7.200574490614899, 53.529844172047412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30394_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 97.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.530244641798433 ], [ 7.202884444202633, 53.530244641798433 ], [ 7.202884444202633, 53.530044407396282 ], [ 7.201729467408766, 53.530044407396282 ], [ 7.201729467408766, 53.530244641798433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30397_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.514222897805752 ], [ 7.200574490614899, 53.514222897805752 ], [ 7.200574490614899, 53.514022587659113 ], [ 7.199419513821031, 53.514022587659113 ], [ 7.199419513821031, 53.514222897805752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30397_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 57.6571874 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.513822276565584 ], [ 7.201729467408766, 53.513822276565584 ], [ 7.201729467408766, 53.513621964525171 ], [ 7.200574490614899, 53.513621964525171 ], [ 7.200574490614899, 53.513822276565584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30397_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 72.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.514222897805752 ], [ 7.202884444202633, 53.514222897805752 ], [ 7.202884444202633, 53.514022587659113 ], [ 7.201729467408766, 53.514022587659113 ], [ 7.201729467408766, 53.514222897805752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30398_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.508880969843446 ], [ 7.200574490614899, 53.508880969843446 ], [ 7.200574490614899, 53.50868063444576 ], [ 7.199419513821031, 53.50868063444576 ], [ 7.199419513821031, 53.508880969843446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30398_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.9404812 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.508480298101134 ], [ 7.201729467408766, 53.508480298101134 ], [ 7.201729467408766, 53.50827996080956 ], [ 7.200574490614899, 53.50827996080956 ], [ 7.200574490614899, 53.508480298101134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30398_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 108.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.508880969843446 ], [ 7.202884444202633, 53.508880969843446 ], [ 7.202884444202633, 53.50868063444576 ], [ 7.201729467408766, 53.50868063444576 ], [ 7.201729467408766, 53.508880969843446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30399_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.503538368501353 ], [ 7.200574490614899, 53.503538368501353 ], [ 7.200574490614899, 53.503338007851163 ], [ 7.199419513821031, 53.503338007851163 ], [ 7.199419513821031, 53.503538368501353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30399_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 75.804192333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.503137646254004 ], [ 7.201729467408766, 53.503137646254004 ], [ 7.201729467408766, 53.502937283709819 ], [ 7.200574490614899, 53.502937283709819 ], [ 7.200574490614899, 53.503137646254004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30399_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 89.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.503538368501353 ], [ 7.202884444202633, 53.503538368501353 ], [ 7.202884444202633, 53.503338007851163 ], [ 7.201729467408766, 53.503338007851163 ], [ 7.201729467408766, 53.503538368501353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30400_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 89.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.498195093741025 ], [ 7.200574490614899, 53.498195093741025 ], [ 7.200574490614899, 53.497994707836931 ], [ 7.199419513821031, 53.497994707836931 ], [ 7.199419513821031, 53.498195093741025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30400_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 77.7706466 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.497794320985768 ], [ 7.201729467408766, 53.497794320985768 ], [ 7.201729467408766, 53.497593933187552 ], [ 7.200574490614899, 53.497593933187552 ], [ 7.200574490614899, 53.497794320985768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30400_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.498195093741025 ], [ 7.202884444202633, 53.498195093741025 ], [ 7.202884444202633, 53.497994707836931 ], [ 7.201729467408766, 53.497994707836931 ], [ 7.201729467408766, 53.498195093741025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30403_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 53.48216122856681 ], [ 7.200574490614899, 53.48216122856681 ], [ 7.200574490614899, 53.481960766892271 ], [ 7.199419513821031, 53.481960766892271 ], [ 7.199419513821031, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30403_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 65.862667833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 53.481760304270516 ], [ 7.201729467408766, 53.481760304270516 ], [ 7.201729467408766, 53.481559840701564 ], [ 7.200574490614899, 53.481559840701564 ], [ 7.200574490614899, 53.481760304270516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30403_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.48216122856681 ], [ 7.202884444202633, 53.48216122856681 ], [ 7.202884444202633, 53.481960766892271 ], [ 7.201729467408766, 53.481960766892271 ], [ 7.201729467408766, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30424_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 13.6742175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.368950399046078 ], [ 7.202884444202633, 53.368950399046078 ], [ 7.202884444202633, 53.368749402823923 ], [ 7.201729467408766, 53.368749402823923 ], [ 7.201729467408766, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30424_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 27.13291125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.368749402823923 ], [ 7.202884444202633, 53.368749402823923 ], [ 7.202884444202633, 53.368548405653428 ], [ 7.201729467408766, 53.368548405653428 ], [ 7.201729467408766, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30425_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 36.293976294117648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.36359017523769 ], [ 7.202884444202633, 53.36359017523769 ], [ 7.202884444202633, 53.363389153725599 ], [ 7.201729467408766, 53.363389153725599 ], [ 7.201729467408766, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30425_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 43.050124285714283 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.363389153725599 ], [ 7.202884444202633, 53.363389153725599 ], [ 7.202884444202633, 53.363188131265126 ], [ 7.201729467408766, 53.363188131265126 ], [ 7.201729467408766, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30426_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 51.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 53.358229277012903 ], [ 7.202884444202633, 53.358229277012903 ], [ 7.202884444202633, 53.35802823020947 ], [ 7.201729467408766, 53.35802823020947 ], [ 7.201729467408766, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30460_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 53.176162906957636 ], [ 7.198264537027162, 53.176162906957636 ], [ 7.198264537027162, 53.175961002257807 ], [ 7.197109560233295, 53.175961002257807 ], [ 7.197109560233295, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30524_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 138.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.829176535415925 ], [ 7.204039420996502, 52.829176535415925 ], [ 7.204039420996502, 52.828973001369476 ], [ 7.202884444202633, 52.828973001369476 ], [ 7.202884444202633, 52.829176535415925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30524_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 116.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.828158855648169 ], [ 7.204039420996502, 52.828158855648169 ], [ 7.204039420996502, 52.827955316833943 ], [ 7.202884444202633, 52.827955316833943 ], [ 7.202884444202633, 52.828158855648169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.824155750601662 ], [ 7.197109560233295, 52.824155750601662 ], [ 7.197109560233295, 52.823952193033719 ], [ 7.195954583439427, 52.823952193033719 ], [ 7.195954583439427, 52.824155750601662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.00514525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.822120132010127 ], [ 7.197109560233295, 52.822120132010127 ], [ 7.197109560233295, 52.821916564906118 ], [ 7.195954583439427, 52.821916564906118 ], [ 7.195954583439427, 52.822120132010127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.824562862876753 ], [ 7.198264537027162, 52.824562862876753 ], [ 7.198264537027162, 52.824359307216014 ], [ 7.197109560233295, 52.824359307216014 ], [ 7.197109560233295, 52.824562862876753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.823748634512185 ], [ 7.199419513821031, 52.823748634512185 ], [ 7.199419513821031, 52.823545075037053 ], [ 7.198264537027162, 52.823545075037053 ], [ 7.198264537027162, 52.823748634512185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.825173524137448 ], [ 7.200574490614899, 52.825173524137448 ], [ 7.200574490614899, 52.824969971337467 ], [ 7.199419513821031, 52.824969971337467 ], [ 7.199419513821031, 52.825173524137448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 80.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.823748634512185 ], [ 7.200574490614899, 52.823748634512185 ], [ 7.200574490614899, 52.823545075037053 ], [ 7.199419513821031, 52.823545075037053 ], [ 7.199419513821031, 52.823748634512185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 88.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.825580626876629 ], [ 7.201729467408766, 52.825580626876629 ], [ 7.201729467408766, 52.825377075983837 ], [ 7.200574490614899, 52.825377075983837 ], [ 7.200574490614899, 52.825580626876629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 147.66898133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.825173524137448 ], [ 7.201729467408766, 52.825173524137448 ], [ 7.201729467408766, 52.824969971337467 ], [ 7.200574490614899, 52.824969971337467 ], [ 7.200574490614899, 52.825173524137448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 121.83844875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.824766417583902 ], [ 7.201729467408766, 52.824766417583902 ], [ 7.201729467408766, 52.824562862876753 ], [ 7.200574490614899, 52.824562862876753 ], [ 7.200574490614899, 52.824766417583902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 103.718842 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.823137953225967 ], [ 7.201729467408766, 52.823137953225967 ], [ 7.201729467408766, 52.822934390890026 ], [ 7.200574490614899, 52.822934390890026 ], [ 7.200574490614899, 52.823137953225967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.825580626876629 ], [ 7.202884444202633, 52.825580626876629 ], [ 7.202884444202633, 52.825377075983837 ], [ 7.201729467408766, 52.825377075983837 ], [ 7.201729467408766, 52.825580626876629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 151.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.825173524137448 ], [ 7.202884444202633, 52.825173524137448 ], [ 7.202884444202633, 52.824969971337467 ], [ 7.201729467408766, 52.824969971337467 ], [ 7.201729467408766, 52.825173524137448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.824562862876753 ], [ 7.202884444202633, 52.824562862876753 ], [ 7.202884444202633, 52.824359307216014 ], [ 7.201729467408766, 52.824359307216014 ], [ 7.201729467408766, 52.824562862876753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.29620066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.824359307216014 ], [ 7.202884444202633, 52.824359307216014 ], [ 7.202884444202633, 52.824155750601662 ], [ 7.201729467408766, 52.824155750601662 ], [ 7.201729467408766, 52.824359307216014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.4138306 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.824155750601662 ], [ 7.202884444202633, 52.824155750601662 ], [ 7.202884444202633, 52.823952193033719 ], [ 7.201729467408766, 52.823952193033719 ], [ 7.201729467408766, 52.824155750601662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 97.1999993 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.823748634512185 ], [ 7.202884444202633, 52.823748634512185 ], [ 7.202884444202633, 52.823545075037053 ], [ 7.201729467408766, 52.823545075037053 ], [ 7.201729467408766, 52.823748634512185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 120.905929 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.823545075037053 ], [ 7.202884444202633, 52.823545075037053 ], [ 7.202884444202633, 52.823341514608316 ], [ 7.201729467408766, 52.823341514608316 ], [ 7.201729467408766, 52.823545075037053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.823137953225967 ], [ 7.202884444202633, 52.823137953225967 ], [ 7.202884444202633, 52.822934390890026 ], [ 7.201729467408766, 52.822934390890026 ], [ 7.201729467408766, 52.823137953225967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 97.3999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.822527263357294 ], [ 7.202884444202633, 52.822527263357294 ], [ 7.202884444202633, 52.822323698160524 ], [ 7.201729467408766, 52.822323698160524 ], [ 7.201729467408766, 52.822527263357294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 128.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.822120132010127 ], [ 7.202884444202633, 52.822120132010127 ], [ 7.202884444202633, 52.821916564906118 ], [ 7.201729467408766, 52.821916564906118 ], [ 7.201729467408766, 52.822120132010127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 102.62315683333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.821916564906118 ], [ 7.202884444202633, 52.821916564906118 ], [ 7.202884444202633, 52.821712996848497 ], [ 7.201729467408766, 52.821712996848497 ], [ 7.201729467408766, 52.821916564906118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.320222 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.824359307216014 ], [ 7.204039420996502, 52.824359307216014 ], [ 7.204039420996502, 52.824155750601662 ], [ 7.202884444202633, 52.824155750601662 ], [ 7.202884444202633, 52.824359307216014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.824155750601662 ], [ 7.204039420996502, 52.824155750601662 ], [ 7.204039420996502, 52.823952193033719 ], [ 7.202884444202633, 52.823952193033719 ], [ 7.202884444202633, 52.824155750601662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.2394255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.823952193033719 ], [ 7.204039420996502, 52.823952193033719 ], [ 7.204039420996502, 52.823748634512185 ], [ 7.202884444202633, 52.823748634512185 ], [ 7.202884444202633, 52.823952193033719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.43478342857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.823748634512185 ], [ 7.204039420996502, 52.823748634512185 ], [ 7.204039420996502, 52.823545075037053 ], [ 7.202884444202633, 52.823545075037053 ], [ 7.202884444202633, 52.823748634512185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.823545075037053 ], [ 7.204039420996502, 52.823545075037053 ], [ 7.204039420996502, 52.823341514608316 ], [ 7.202884444202633, 52.823341514608316 ], [ 7.202884444202633, 52.823545075037053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 175.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.823137953225967 ], [ 7.204039420996502, 52.823137953225967 ], [ 7.204039420996502, 52.822934390890026 ], [ 7.202884444202633, 52.822934390890026 ], [ 7.202884444202633, 52.823137953225967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30525_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.25000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.822730827600473 ], [ 7.204039420996502, 52.822730827600473 ], [ 7.204039420996502, 52.822527263357294 ], [ 7.202884444202633, 52.822527263357294 ], [ 7.202884444202633, 52.822730827600473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 161.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.818727222442064 ], [ 7.197109560233295, 52.818727222442064 ], [ 7.197109560233295, 52.818523639444201 ], [ 7.195954583439427, 52.818523639444201 ], [ 7.195954583439427, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.5110525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.81669134954884 ], [ 7.197109560233295, 52.81669134954884 ], [ 7.197109560233295, 52.816487757014393 ], [ 7.195954583439427, 52.816487757014393 ], [ 7.195954583439427, 52.81669134954884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.819134385576881 ], [ 7.198264537027162, 52.819134385576881 ], [ 7.198264537027162, 52.818930804486307 ], [ 7.197109560233295, 52.818930804486307 ], [ 7.197109560233295, 52.819134385576881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.818320055492663 ], [ 7.199419513821031, 52.818320055492663 ], [ 7.199419513821031, 52.818116470587483 ], [ 7.198264537027162, 52.818116470587483 ], [ 7.198264537027162, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 139.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.819745123126793 ], [ 7.200574490614899, 52.819745123126793 ], [ 7.200574490614899, 52.819541544897127 ], [ 7.199419513821031, 52.819541544897127 ], [ 7.199419513821031, 52.819745123126793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.818320055492663 ], [ 7.200574490614899, 52.818320055492663 ], [ 7.200574490614899, 52.818116470587483 ], [ 7.199419513821031, 52.818116470587483 ], [ 7.199419513821031, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.820152276725203 ], [ 7.201729467408766, 52.820152276725203 ], [ 7.201729467408766, 52.819948700402826 ], [ 7.200574490614899, 52.819948700402826 ], [ 7.200574490614899, 52.820152276725203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 140.07430933333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.819745123126793 ], [ 7.201729467408766, 52.819745123126793 ], [ 7.201729467408766, 52.819541544897127 ], [ 7.200574490614899, 52.819541544897127 ], [ 7.200574490614899, 52.819745123126793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 120.993375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.819337965713835 ], [ 7.201729467408766, 52.819337965713835 ], [ 7.201729467408766, 52.819134385576881 ], [ 7.200574490614899, 52.819134385576881 ], [ 7.200574490614899, 52.819337965713835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 105.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.81770929791616 ], [ 7.201729467408766, 52.81770929791616 ], [ 7.201729467408766, 52.817505710150023 ], [ 7.200574490614899, 52.817505710150023 ], [ 7.200574490614899, 52.81770929791616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.820152276725203 ], [ 7.202884444202633, 52.820152276725203 ], [ 7.202884444202633, 52.819948700402826 ], [ 7.201729467408766, 52.819948700402826 ], [ 7.201729467408766, 52.820152276725203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.819745123126793 ], [ 7.202884444202633, 52.819745123126793 ], [ 7.202884444202633, 52.819541544897127 ], [ 7.201729467408766, 52.819541544897127 ], [ 7.201729467408766, 52.819745123126793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 166.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.819134385576881 ], [ 7.202884444202633, 52.819134385576881 ], [ 7.202884444202633, 52.818930804486307 ], [ 7.201729467408766, 52.818930804486307 ], [ 7.201729467408766, 52.819134385576881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.909296 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.818930804486307 ], [ 7.202884444202633, 52.818930804486307 ], [ 7.202884444202633, 52.818727222442064 ], [ 7.201729467408766, 52.818727222442064 ], [ 7.201729467408766, 52.818930804486307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 98.0707575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.818727222442064 ], [ 7.202884444202633, 52.818727222442064 ], [ 7.202884444202633, 52.818523639444201 ], [ 7.201729467408766, 52.818523639444201 ], [ 7.201729467408766, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 105.83333183333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.818320055492663 ], [ 7.202884444202633, 52.818320055492663 ], [ 7.202884444202633, 52.818116470587483 ], [ 7.201729467408766, 52.818116470587483 ], [ 7.201729467408766, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 120.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.818116470587483 ], [ 7.202884444202633, 52.818116470587483 ], [ 7.202884444202633, 52.817912884728656 ], [ 7.201729467408766, 52.817912884728656 ], [ 7.201729467408766, 52.818116470587483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.81770929791616 ], [ 7.202884444202633, 52.81770929791616 ], [ 7.202884444202633, 52.817505710150023 ], [ 7.201729467408766, 52.817505710150023 ], [ 7.201729467408766, 52.81770929791616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.817098531756756 ], [ 7.202884444202633, 52.817098531756756 ], [ 7.202884444202633, 52.816894941129632 ], [ 7.201729467408766, 52.816894941129632 ], [ 7.201729467408766, 52.817098531756756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 108.65901714285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.816487757014393 ], [ 7.202884444202633, 52.816487757014393 ], [ 7.202884444202633, 52.816284163526262 ], [ 7.201729467408766, 52.816284163526262 ], [ 7.201729467408766, 52.816487757014393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.818930804486307 ], [ 7.204039420996502, 52.818930804486307 ], [ 7.204039420996502, 52.818727222442064 ], [ 7.202884444202633, 52.818727222442064 ], [ 7.202884444202633, 52.818930804486307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.818727222442064 ], [ 7.204039420996502, 52.818727222442064 ], [ 7.204039420996502, 52.818523639444201 ], [ 7.202884444202633, 52.818523639444201 ], [ 7.202884444202633, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.19186433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.818523639444201 ], [ 7.204039420996502, 52.818523639444201 ], [ 7.204039420996502, 52.818320055492663 ], [ 7.202884444202633, 52.818320055492663 ], [ 7.202884444202633, 52.818523639444201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.1999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.818320055492663 ], [ 7.204039420996502, 52.818320055492663 ], [ 7.204039420996502, 52.818116470587483 ], [ 7.202884444202633, 52.818116470587483 ], [ 7.202884444202633, 52.818320055492663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.818116470587483 ], [ 7.204039420996502, 52.818116470587483 ], [ 7.204039420996502, 52.817912884728656 ], [ 7.202884444202633, 52.817912884728656 ], [ 7.202884444202633, 52.818116470587483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.81770929791616 ], [ 7.204039420996502, 52.81770929791616 ], [ 7.204039420996502, 52.817505710150023 ], [ 7.202884444202633, 52.817505710150023 ], [ 7.202884444202633, 52.81770929791616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30526_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.33312633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.817302121430224 ], [ 7.204039420996502, 52.817302121430224 ], [ 7.204039420996502, 52.817098531756756 ], [ 7.202884444202633, 52.817098531756756 ], [ 7.202884444202633, 52.817302121430224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30527_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.813298016133395 ], [ 7.204039420996502, 52.813298016133395 ], [ 7.204039420996502, 52.813094407704227 ], [ 7.202884444202633, 52.813094407704227 ], [ 7.202884444202633, 52.813298016133395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30528_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.807868131639673 ], [ 7.204039420996502, 52.807868131639673 ], [ 7.204039420996502, 52.807664497777871 ], [ 7.202884444202633, 52.807664497777871 ], [ 7.202884444202633, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30528_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 88.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.807664497777871 ], [ 7.204039420996502, 52.807664497777871 ], [ 7.204039420996502, 52.807460862962309 ], [ 7.202884444202633, 52.807460862962309 ], [ 7.202884444202633, 52.807664497777871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30529_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.802437568924972 ], [ 7.204039420996502, 52.802437568924972 ], [ 7.204039420996502, 52.80223390962918 ], [ 7.202884444202633, 52.80223390962918 ], [ 7.202884444202633, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30544_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.720693676339941 ], [ 7.204039420996502, 52.720693676339941 ], [ 7.204039420996502, 52.720489634418627 ], [ 7.202884444202633, 52.720489634418627 ], [ 7.202884444202633, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30554_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.666861562812699 ], [ 7.201729467408766, 52.666861562812699 ], [ 7.201729467408766, 52.666657269141638 ], [ 7.200574490614899, 52.666657269141638 ], [ 7.200574490614899, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30554_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 73.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.665227186702666 ], [ 7.201729467408766, 52.665227186702666 ], [ 7.201729467408766, 52.665022885391153 ], [ 7.200574490614899, 52.665022885391153 ], [ 7.200574490614899, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.540972271273482 ], [ 7.197109560233295, 52.540972271273482 ], [ 7.197109560233295, 52.540767389576487 ], [ 7.195954583439427, 52.540767389576487 ], [ 7.195954583439427, 52.540972271273482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.538923411274709 ], [ 7.197109560233295, 52.538923411274709 ], [ 7.197109560233295, 52.538718520015713 ], [ 7.195954583439427, 52.538718520015713 ], [ 7.195954583439427, 52.538923411274709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.541382031798889 ], [ 7.198264537027162, 52.541382031798889 ], [ 7.198264537027162, 52.541177152014271 ], [ 7.197109560233295, 52.541177152014271 ], [ 7.197109560233295, 52.541382031798889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.540562506923308 ], [ 7.199419513821031, 52.540562506923308 ], [ 7.199419513821031, 52.54035762331393 ], [ 7.198264537027162, 52.54035762331393 ], [ 7.198264537027162, 52.540562506923308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.541996665415603 ], [ 7.200574490614899, 52.541996665415603 ], [ 7.200574490614899, 52.541791788499545 ], [ 7.199419513821031, 52.541791788499545 ], [ 7.199419513821031, 52.541996665415603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.540767389576487 ], [ 7.200574490614899, 52.540767389576487 ], [ 7.200574490614899, 52.540562506923308 ], [ 7.199419513821031, 52.540562506923308 ], [ 7.199419513821031, 52.540767389576487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.539947853226586 ], [ 7.200574490614899, 52.539947853226586 ], [ 7.200574490614899, 52.539742966748612 ], [ 7.199419513821031, 52.539742966748612 ], [ 7.199419513821031, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.54240641637918 ], [ 7.201729467408766, 52.54240641637918 ], [ 7.201729467408766, 52.542201541375476 ], [ 7.200574490614899, 52.542201541375476 ], [ 7.200574490614899, 52.54240641637918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 152.64285666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.541996665415603 ], [ 7.201729467408766, 52.541996665415603 ], [ 7.201729467408766, 52.541791788499545 ], [ 7.200574490614899, 52.541791788499545 ], [ 7.200574490614899, 52.541996665415603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.541586910627316 ], [ 7.201729467408766, 52.541586910627316 ], [ 7.201729467408766, 52.541382031798889 ], [ 7.200574490614899, 52.541382031798889 ], [ 7.200574490614899, 52.541586910627316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.541177152014271 ], [ 7.201729467408766, 52.541177152014271 ], [ 7.201729467408766, 52.540972271273482 ], [ 7.200574490614899, 52.540972271273482 ], [ 7.200574490614899, 52.541177152014271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.539947853226586 ], [ 7.201729467408766, 52.539947853226586 ], [ 7.201729467408766, 52.539742966748612 ], [ 7.200574490614899, 52.539742966748612 ], [ 7.200574490614899, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.539742966748612 ], [ 7.201729467408766, 52.539742966748612 ], [ 7.201729467408766, 52.539538079314447 ], [ 7.200574490614899, 52.539538079314447 ], [ 7.200574490614899, 52.539742966748612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.54240641637918 ], [ 7.202884444202633, 52.54240641637918 ], [ 7.202884444202633, 52.542201541375476 ], [ 7.201729467408766, 52.542201541375476 ], [ 7.201729467408766, 52.54240641637918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.541996665415603 ], [ 7.202884444202633, 52.541996665415603 ], [ 7.202884444202633, 52.541791788499545 ], [ 7.201729467408766, 52.541791788499545 ], [ 7.201729467408766, 52.541996665415603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.1306685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.541177152014271 ], [ 7.202884444202633, 52.541177152014271 ], [ 7.202884444202633, 52.540972271273482 ], [ 7.201729467408766, 52.540972271273482 ], [ 7.201729467408766, 52.541177152014271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.540972271273482 ], [ 7.202884444202633, 52.540972271273482 ], [ 7.202884444202633, 52.540767389576487 ], [ 7.201729467408766, 52.540767389576487 ], [ 7.201729467408766, 52.540972271273482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 118.796439 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.540767389576487 ], [ 7.202884444202633, 52.540767389576487 ], [ 7.202884444202633, 52.540562506923308 ], [ 7.201729467408766, 52.540562506923308 ], [ 7.201729467408766, 52.540767389576487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 121.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.540562506923308 ], [ 7.202884444202633, 52.540562506923308 ], [ 7.202884444202633, 52.54035762331393 ], [ 7.201729467408766, 52.54035762331393 ], [ 7.201729467408766, 52.540562506923308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.539947853226586 ], [ 7.202884444202633, 52.539947853226586 ], [ 7.202884444202633, 52.539742966748612 ], [ 7.201729467408766, 52.539742966748612 ], [ 7.201729467408766, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.539333190924069 ], [ 7.202884444202633, 52.539333190924069 ], [ 7.202884444202633, 52.539128301577485 ], [ 7.201729467408766, 52.539128301577485 ], [ 7.201729467408766, 52.539333190924069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 123.42167066666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.538718520015713 ], [ 7.202884444202633, 52.538718520015713 ], [ 7.202884444202633, 52.538513627800512 ], [ 7.201729467408766, 52.538513627800512 ], [ 7.201729467408766, 52.538718520015713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.541177152014271 ], [ 7.204039420996502, 52.541177152014271 ], [ 7.204039420996502, 52.540972271273482 ], [ 7.202884444202633, 52.540972271273482 ], [ 7.202884444202633, 52.541177152014271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.540562506923308 ], [ 7.204039420996502, 52.540562506923308 ], [ 7.204039420996502, 52.54035762331393 ], [ 7.202884444202633, 52.54035762331393 ], [ 7.202884444202633, 52.540562506923308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.54035762331393 ], [ 7.204039420996502, 52.54035762331393 ], [ 7.204039420996502, 52.540152738748354 ], [ 7.202884444202633, 52.540152738748354 ], [ 7.202884444202633, 52.54035762331393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.539947853226586 ], [ 7.204039420996502, 52.539947853226586 ], [ 7.204039420996502, 52.539742966748612 ], [ 7.202884444202633, 52.539742966748612 ], [ 7.202884444202633, 52.539947853226586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30577_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 114.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.539538079314447 ], [ 7.204039420996502, 52.539538079314447 ], [ 7.204039420996502, 52.539333190924069 ], [ 7.202884444202633, 52.539333190924069 ], [ 7.202884444202633, 52.539538079314447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.535508432118348 ], [ 7.197109560233295, 52.535508432118348 ], [ 7.197109560233295, 52.535303524922263 ], [ 7.195954583439427, 52.535303524922263 ], [ 7.195954583439427, 52.535508432118348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.533459317126486 ], [ 7.197109560233295, 52.533459317126486 ], [ 7.197109560233295, 52.533254400367902 ], [ 7.195954583439427, 52.533254400367902 ], [ 7.195954583439427, 52.533459317126486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.535918243641788 ], [ 7.198264537027162, 52.535918243641788 ], [ 7.198264537027162, 52.535713338358192 ], [ 7.197109560233295, 52.535713338358192 ], [ 7.197109560233295, 52.535918243641788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.53509861676995 ], [ 7.199419513821031, 52.53509861676995 ], [ 7.199419513821031, 52.534893707661389 ], [ 7.198264537027162, 52.534893707661389 ], [ 7.198264537027162, 52.53509861676995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.536532953755184 ], [ 7.200574490614899, 52.536532953755184 ], [ 7.200574490614899, 52.536328051340291 ], [ 7.199419513821031, 52.536328051340291 ], [ 7.199419513821031, 52.536532953755184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.535303524922263 ], [ 7.200574490614899, 52.535303524922263 ], [ 7.200574490614899, 52.53509861676995 ], [ 7.199419513821031, 52.53509861676995 ], [ 7.199419513821031, 52.535303524922263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.534483886575529 ], [ 7.200574490614899, 52.534483886575529 ], [ 7.200574490614899, 52.534278974598223 ], [ 7.199419513821031, 52.534278974598223 ], [ 7.199419513821031, 52.534483886575529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 187.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.536942755716296 ], [ 7.201729467408766, 52.536942755716296 ], [ 7.201729467408766, 52.536737855213865 ], [ 7.200574490614899, 52.536737855213865 ], [ 7.200574490614899, 52.536942755716296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 142.400001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.536532953755184 ], [ 7.201729467408766, 52.536532953755184 ], [ 7.201729467408766, 52.536328051340291 ], [ 7.200574490614899, 52.536328051340291 ], [ 7.200574490614899, 52.536532953755184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.536123147969157 ], [ 7.201729467408766, 52.536123147969157 ], [ 7.201729467408766, 52.535918243641788 ], [ 7.200574490614899, 52.535918243641788 ], [ 7.200574490614899, 52.536123147969157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.535713338358192 ], [ 7.201729467408766, 52.535713338358192 ], [ 7.201729467408766, 52.535508432118348 ], [ 7.200574490614899, 52.535508432118348 ], [ 7.200574490614899, 52.535713338358192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 138.6431645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.534483886575529 ], [ 7.201729467408766, 52.534483886575529 ], [ 7.201729467408766, 52.534278974598223 ], [ 7.200574490614899, 52.534278974598223 ], [ 7.200574490614899, 52.534483886575529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.534278974598223 ], [ 7.201729467408766, 52.534278974598223 ], [ 7.201729467408766, 52.534074061664668 ], [ 7.200574490614899, 52.534074061664668 ], [ 7.200574490614899, 52.534278974598223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.536942755716296 ], [ 7.202884444202633, 52.536942755716296 ], [ 7.202884444202633, 52.536737855213865 ], [ 7.201729467408766, 52.536737855213865 ], [ 7.201729467408766, 52.536942755716296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 172.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.536532953755184 ], [ 7.202884444202633, 52.536532953755184 ], [ 7.202884444202633, 52.536328051340291 ], [ 7.201729467408766, 52.536328051340291 ], [ 7.201729467408766, 52.536532953755184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.776317 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.535713338358192 ], [ 7.202884444202633, 52.535713338358192 ], [ 7.202884444202633, 52.535508432118348 ], [ 7.201729467408766, 52.535508432118348 ], [ 7.201729467408766, 52.535713338358192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 136.2499975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.535508432118348 ], [ 7.202884444202633, 52.535508432118348 ], [ 7.202884444202633, 52.535303524922263 ], [ 7.201729467408766, 52.535303524922263 ], [ 7.201729467408766, 52.535508432118348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 119.81216533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.535303524922263 ], [ 7.202884444202633, 52.535303524922263 ], [ 7.202884444202633, 52.53509861676995 ], [ 7.201729467408766, 52.53509861676995 ], [ 7.201729467408766, 52.535303524922263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 120.249999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.53509861676995 ], [ 7.202884444202633, 52.53509861676995 ], [ 7.202884444202633, 52.534893707661389 ], [ 7.201729467408766, 52.534893707661389 ], [ 7.201729467408766, 52.53509861676995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.534483886575529 ], [ 7.202884444202633, 52.534483886575529 ], [ 7.202884444202633, 52.534278974598223 ], [ 7.201729467408766, 52.534278974598223 ], [ 7.201729467408766, 52.534483886575529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.533869147774865 ], [ 7.202884444202633, 52.533869147774865 ], [ 7.202884444202633, 52.533664232928807 ], [ 7.201729467408766, 52.533664232928807 ], [ 7.201729467408766, 52.533869147774865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 128.26548114285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.533254400367902 ], [ 7.202884444202633, 52.533254400367902 ], [ 7.202884444202633, 52.533049482653077 ], [ 7.201729467408766, 52.533049482653077 ], [ 7.201729467408766, 52.533254400367902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.38267475000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.535713338358192 ], [ 7.204039420996502, 52.535713338358192 ], [ 7.204039420996502, 52.535508432118348 ], [ 7.202884444202633, 52.535508432118348 ], [ 7.202884444202633, 52.535713338358192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 118.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.535508432118348 ], [ 7.204039420996502, 52.535508432118348 ], [ 7.204039420996502, 52.535303524922263 ], [ 7.202884444202633, 52.535303524922263 ], [ 7.202884444202633, 52.535508432118348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.535303524922263 ], [ 7.204039420996502, 52.535303524922263 ], [ 7.204039420996502, 52.53509861676995 ], [ 7.202884444202633, 52.53509861676995 ], [ 7.202884444202633, 52.535303524922263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.53644754545454 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.53509861676995 ], [ 7.204039420996502, 52.53509861676995 ], [ 7.204039420996502, 52.534893707661389 ], [ 7.202884444202633, 52.534893707661389 ], [ 7.202884444202633, 52.53509861676995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 141.797116 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.534893707661389 ], [ 7.204039420996502, 52.534893707661389 ], [ 7.204039420996502, 52.534688797596587 ], [ 7.202884444202633, 52.534688797596587 ], [ 7.202884444202633, 52.534893707661389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.534483886575529 ], [ 7.204039420996502, 52.534483886575529 ], [ 7.204039420996502, 52.534278974598223 ], [ 7.202884444202633, 52.534278974598223 ], [ 7.202884444202633, 52.534483886575529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30578_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 113.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.534074061664668 ], [ 7.204039420996502, 52.534074061664668 ], [ 7.204039420996502, 52.533869147774865 ], [ 7.202884444202633, 52.533869147774865 ], [ 7.202884444202633, 52.534074061664668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 11.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.530043912970712 ], [ 7.197109560233295, 52.530043912970712 ], [ 7.197109560233295, 52.529838980274242 ], [ 7.195954583439427, 52.529838980274242 ], [ 7.195954583439427, 52.530043912970712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 3.2666666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.529838980274242 ], [ 7.197109560233295, 52.529838980274242 ], [ 7.197109560233295, 52.529634046621467 ], [ 7.195954583439427, 52.529634046621467 ], [ 7.195954583439427, 52.529838980274242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.527994542972642 ], [ 7.197109560233295, 52.527994542972642 ], [ 7.197109560233295, 52.527789600713191 ], [ 7.195954583439427, 52.527789600713191 ], [ 7.195954583439427, 52.527994542972642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.530453775494792 ], [ 7.198264537027162, 52.530453775494792 ], [ 7.198264537027162, 52.530248844710897 ], [ 7.197109560233295, 52.530248844710897 ], [ 7.197109560233295, 52.530453775494792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.529634046621467 ], [ 7.199419513821031, 52.529634046621467 ], [ 7.199419513821031, 52.529429112012402 ], [ 7.198264537027162, 52.529429112012402 ], [ 7.198264537027162, 52.529634046621467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.531068562108807 ], [ 7.200574490614899, 52.531068562108807 ], [ 7.200574490614899, 52.530863634193757 ], [ 7.199419513821031, 52.530863634193757 ], [ 7.199419513821031, 52.531068562108807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.529838980274242 ], [ 7.200574490614899, 52.529838980274242 ], [ 7.200574490614899, 52.529634046621467 ], [ 7.199419513821031, 52.529634046621467 ], [ 7.199419513821031, 52.529838980274242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.529019239925404 ], [ 7.200574490614899, 52.529019239925404 ], [ 7.200574490614899, 52.528814302447465 ], [ 7.199419513821031, 52.528814302447465 ], [ 7.199419513821031, 52.529019239925404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.531478415070069 ], [ 7.201729467408766, 52.531478415070069 ], [ 7.201729467408766, 52.53127348906758 ], [ 7.200574490614899, 52.53127348906758 ], [ 7.200574490614899, 52.531478415070069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 144.16666683333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.531068562108807 ], [ 7.201729467408766, 52.531068562108807 ], [ 7.201729467408766, 52.530863634193757 ], [ 7.200574490614899, 52.530863634193757 ], [ 7.200574490614899, 52.531068562108807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.530658705322423 ], [ 7.201729467408766, 52.530658705322423 ], [ 7.201729467408766, 52.530453775494792 ], [ 7.200574490614899, 52.530453775494792 ], [ 7.200574490614899, 52.530658705322423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.530248844710897 ], [ 7.201729467408766, 52.530248844710897 ], [ 7.201729467408766, 52.530043912970712 ], [ 7.200574490614899, 52.530043912970712 ], [ 7.200574490614899, 52.530248844710897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 143.66666633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.529019239925404 ], [ 7.201729467408766, 52.529019239925404 ], [ 7.201729467408766, 52.528814302447465 ], [ 7.200574490614899, 52.528814302447465 ], [ 7.200574490614899, 52.529019239925404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.528814302447465 ], [ 7.201729467408766, 52.528814302447465 ], [ 7.201729467408766, 52.528609364013207 ], [ 7.200574490614899, 52.528609364013207 ], [ 7.200574490614899, 52.528814302447465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.531478415070069 ], [ 7.202884444202633, 52.531478415070069 ], [ 7.202884444202633, 52.53127348906758 ], [ 7.201729467408766, 52.53127348906758 ], [ 7.201729467408766, 52.531478415070069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.531068562108807 ], [ 7.202884444202633, 52.531068562108807 ], [ 7.202884444202633, 52.530863634193757 ], [ 7.201729467408766, 52.530863634193757 ], [ 7.201729467408766, 52.531068562108807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.9257275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.530248844710897 ], [ 7.202884444202633, 52.530248844710897 ], [ 7.202884444202633, 52.530043912970712 ], [ 7.201729467408766, 52.530043912970712 ], [ 7.201729467408766, 52.530248844710897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.530043912970712 ], [ 7.202884444202633, 52.530043912970712 ], [ 7.202884444202633, 52.529838980274242 ], [ 7.201729467408766, 52.529838980274242 ], [ 7.201729467408766, 52.530043912970712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 116.750002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.529838980274242 ], [ 7.202884444202633, 52.529838980274242 ], [ 7.202884444202633, 52.529634046621467 ], [ 7.201729467408766, 52.529634046621467 ], [ 7.201729467408766, 52.529838980274242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 124.99999916666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.529634046621467 ], [ 7.202884444202633, 52.529634046621467 ], [ 7.202884444202633, 52.529429112012402 ], [ 7.201729467408766, 52.529429112012402 ], [ 7.201729467408766, 52.529634046621467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 18.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.529019239925404 ], [ 7.202884444202633, 52.529019239925404 ], [ 7.202884444202633, 52.528814302447465 ], [ 7.201729467408766, 52.528814302447465 ], [ 7.201729467408766, 52.529019239925404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.52840442462265 ], [ 7.202884444202633, 52.52840442462265 ], [ 7.202884444202633, 52.52819948427581 ], [ 7.201729467408766, 52.52819948427581 ], [ 7.201729467408766, 52.52840442462265 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 129.12158128571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.527789600713191 ], [ 7.202884444202633, 52.527789600713191 ], [ 7.202884444202633, 52.527584657497414 ], [ 7.201729467408766, 52.527584657497414 ], [ 7.201729467408766, 52.527789600713191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.58321775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.530248844710897 ], [ 7.204039420996502, 52.530248844710897 ], [ 7.204039420996502, 52.530043912970712 ], [ 7.202884444202633, 52.530043912970712 ], [ 7.202884444202633, 52.530248844710897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 43.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.530043912970712 ], [ 7.204039420996502, 52.530043912970712 ], [ 7.204039420996502, 52.529838980274242 ], [ 7.202884444202633, 52.529838980274242 ], [ 7.202884444202633, 52.530043912970712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.529838980274242 ], [ 7.204039420996502, 52.529838980274242 ], [ 7.204039420996502, 52.529634046621467 ], [ 7.202884444202633, 52.529634046621467 ], [ 7.202884444202633, 52.529838980274242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 84.4714394 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.529634046621467 ], [ 7.204039420996502, 52.529634046621467 ], [ 7.204039420996502, 52.529429112012402 ], [ 7.202884444202633, 52.529429112012402 ], [ 7.202884444202633, 52.529634046621467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.62191883333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.529429112012402 ], [ 7.204039420996502, 52.529429112012402 ], [ 7.204039420996502, 52.529224176447052 ], [ 7.202884444202633, 52.529224176447052 ], [ 7.202884444202633, 52.529429112012402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 26.933333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.529019239925404 ], [ 7.204039420996502, 52.529019239925404 ], [ 7.204039420996502, 52.528814302447465 ], [ 7.202884444202633, 52.528814302447465 ], [ 7.202884444202633, 52.529019239925404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30579_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 106.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.528609364013207 ], [ 7.204039420996502, 52.528609364013207 ], [ 7.204039420996502, 52.52840442462265 ], [ 7.202884444202633, 52.52840442462265 ], [ 7.202884444202633, 52.528609364013207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 70.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.524373755597452 ], [ 7.197109560233295, 52.524373755597452 ], [ 7.197109560233295, 52.524168796442929 ], [ 7.195954583439427, 52.524168796442929 ], [ 7.195954583439427, 52.524373755597452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.26905 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.522529088778292 ], [ 7.197109560233295, 52.522529088778292 ], [ 7.197109560233295, 52.522324121016631 ], [ 7.195954583439427, 52.522324121016631 ], [ 7.195954583439427, 52.522529088778292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.52498862732299 ], [ 7.198264537027162, 52.52498862732299 ], [ 7.198264537027162, 52.52478367103749 ], [ 7.197109560233295, 52.52478367103749 ], [ 7.197109560233295, 52.52498862732299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 158.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.524168796442929 ], [ 7.199419513821031, 52.524168796442929 ], [ 7.199419513821031, 52.523963836332065 ], [ 7.198264537027162, 52.523963836332065 ], [ 7.198264537027162, 52.524168796442929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 190.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.525603490441533 ], [ 7.200574490614899, 52.525603490441533 ], [ 7.200574490614899, 52.525398537025019 ], [ 7.199419513821031, 52.525398537025019 ], [ 7.199419513821031, 52.525603490441533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.524373755597452 ], [ 7.200574490614899, 52.524373755597452 ], [ 7.200574490614899, 52.524168796442929 ], [ 7.199419513821031, 52.524168796442929 ], [ 7.199419513821031, 52.524373755597452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.523553913241301 ], [ 7.200574490614899, 52.523553913241301 ], [ 7.200574490614899, 52.523348950261401 ], [ 7.199419513821031, 52.523348950261401 ], [ 7.199419513821031, 52.523553913241301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.526013394405581 ], [ 7.201729467408766, 52.526013394405581 ], [ 7.201729467408766, 52.52580844290172 ], [ 7.200574490614899, 52.52580844290172 ], [ 7.200574490614899, 52.526013394405581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 151.4353375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.525603490441533 ], [ 7.201729467408766, 52.525603490441533 ], [ 7.201729467408766, 52.525398537025019 ], [ 7.200574490614899, 52.525398537025019 ], [ 7.200574490614899, 52.525603490441533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.525193582652179 ], [ 7.201729467408766, 52.525193582652179 ], [ 7.201729467408766, 52.52498862732299 ], [ 7.200574490614899, 52.52498862732299 ], [ 7.200574490614899, 52.525193582652179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.52478367103749 ], [ 7.201729467408766, 52.52478367103749 ], [ 7.201729467408766, 52.524578713795634 ], [ 7.200574490614899, 52.524578713795634 ], [ 7.200574490614899, 52.52478367103749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 142.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.523553913241301 ], [ 7.201729467408766, 52.523553913241301 ], [ 7.201729467408766, 52.523348950261401 ], [ 7.200574490614899, 52.523348950261401 ], [ 7.200574490614899, 52.523553913241301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 145.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.523348950261401 ], [ 7.201729467408766, 52.523348950261401 ], [ 7.201729467408766, 52.523143986325152 ], [ 7.200574490614899, 52.523143986325152 ], [ 7.200574490614899, 52.523348950261401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.526013394405581 ], [ 7.202884444202633, 52.526013394405581 ], [ 7.202884444202633, 52.52580844290172 ], [ 7.201729467408766, 52.52580844290172 ], [ 7.201729467408766, 52.526013394405581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.525603490441533 ], [ 7.202884444202633, 52.525603490441533 ], [ 7.202884444202633, 52.525398537025019 ], [ 7.201729467408766, 52.525398537025019 ], [ 7.201729467408766, 52.525603490441533 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.903749 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.52478367103749 ], [ 7.202884444202633, 52.52478367103749 ], [ 7.202884444202633, 52.524578713795634 ], [ 7.201729467408766, 52.524578713795634 ], [ 7.201729467408766, 52.52478367103749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.524578713795634 ], [ 7.202884444202633, 52.524578713795634 ], [ 7.202884444202633, 52.524373755597452 ], [ 7.201729467408766, 52.524373755597452 ], [ 7.201729467408766, 52.524578713795634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 116.353543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.524373755597452 ], [ 7.202884444202633, 52.524373755597452 ], [ 7.202884444202633, 52.524168796442929 ], [ 7.201729467408766, 52.524168796442929 ], [ 7.201729467408766, 52.524373755597452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 124.42857142857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.524168796442929 ], [ 7.202884444202633, 52.524168796442929 ], [ 7.202884444202633, 52.523963836332065 ], [ 7.201729467408766, 52.523963836332065 ], [ 7.201729467408766, 52.524168796442929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 58.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.523553913241301 ], [ 7.202884444202633, 52.523553913241301 ], [ 7.202884444202633, 52.523348950261401 ], [ 7.201729467408766, 52.523348950261401 ], [ 7.201729467408766, 52.523553913241301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.522939021432556 ], [ 7.202884444202633, 52.522939021432556 ], [ 7.202884444202633, 52.522734055583605 ], [ 7.201729467408766, 52.522734055583605 ], [ 7.201729467408766, 52.522939021432556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 134.218319 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.522324121016631 ], [ 7.202884444202633, 52.522324121016631 ], [ 7.202884444202633, 52.522119152298615 ], [ 7.201729467408766, 52.522119152298615 ], [ 7.201729467408766, 52.522324121016631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.130435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.52478367103749 ], [ 7.204039420996502, 52.52478367103749 ], [ 7.204039420996502, 52.524578713795634 ], [ 7.202884444202633, 52.524578713795634 ], [ 7.202884444202633, 52.52478367103749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 21.09090909090909 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.524578713795634 ], [ 7.204039420996502, 52.524578713795634 ], [ 7.204039420996502, 52.524373755597452 ], [ 7.202884444202633, 52.524373755597452 ], [ 7.202884444202633, 52.524578713795634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.524373755597452 ], [ 7.204039420996502, 52.524373755597452 ], [ 7.204039420996502, 52.524168796442929 ], [ 7.202884444202633, 52.524168796442929 ], [ 7.202884444202633, 52.524373755597452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 46.57610176666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.524168796442929 ], [ 7.204039420996502, 52.524168796442929 ], [ 7.204039420996502, 52.523963836332065 ], [ 7.202884444202633, 52.523963836332065 ], [ 7.202884444202633, 52.524168796442929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 135.63970216666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.523963836332065 ], [ 7.204039420996502, 52.523963836332065 ], [ 7.204039420996502, 52.523758875264861 ], [ 7.202884444202633, 52.523758875264861 ], [ 7.202884444202633, 52.523963836332065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 46.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.523553913241301 ], [ 7.204039420996502, 52.523553913241301 ], [ 7.204039420996502, 52.523348950261401 ], [ 7.202884444202633, 52.523348950261401 ], [ 7.202884444202633, 52.523553913241301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30580_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.51642975000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.523143986325152 ], [ 7.204039420996502, 52.523143986325152 ], [ 7.204039420996502, 52.522939021432556 ], [ 7.202884444202633, 52.522939021432556 ], [ 7.202884444202633, 52.523143986325152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.518907850857047 ], [ 7.197109560233295, 52.518907850857047 ], [ 7.197109560233295, 52.518702866199447 ], [ 7.195954583439427, 52.518702866199447 ], [ 7.195954583439427, 52.518907850857047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.93128675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.517062954508539 ], [ 7.197109560233295, 52.517062954508539 ], [ 7.197109560233295, 52.516857961243367 ], [ 7.195954583439427, 52.516857961243367 ], [ 7.195954583439427, 52.517062954508539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.51952279909149 ], [ 7.198264537027162, 52.51952279909149 ], [ 7.198264537027162, 52.519317817303062 ], [ 7.197109560233295, 52.519317817303062 ], [ 7.197109560233295, 52.51952279909149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.518702866199447 ], [ 7.199419513821031, 52.518702866199447 ], [ 7.199419513821031, 52.518497880585478 ], [ 7.198264537027162, 52.518497880585478 ], [ 7.198264537027162, 52.518702866199447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 196.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.520137738718475 ], [ 7.200574490614899, 52.520137738718475 ], [ 7.200574490614899, 52.519932759799197 ], [ 7.199419513821031, 52.519932759799197 ], [ 7.199419513821031, 52.520137738718475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.518907850857047 ], [ 7.200574490614899, 52.518907850857047 ], [ 7.200574490614899, 52.518702866199447 ], [ 7.199419513821031, 52.518702866199447 ], [ 7.199419513821031, 52.518907850857047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.518087906488333 ], [ 7.200574490614899, 52.518087906488333 ], [ 7.200574490614899, 52.517882918005178 ], [ 7.199419513821031, 52.517882918005178 ], [ 7.199419513821031, 52.518087906488333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 88.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.520547693687924 ], [ 7.201729467408766, 52.520547693687924 ], [ 7.201729467408766, 52.520342716681391 ], [ 7.200574490614899, 52.520342716681391 ], [ 7.200574490614899, 52.520547693687924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 159.1999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.520137738718475 ], [ 7.201729467408766, 52.520137738718475 ], [ 7.201729467408766, 52.519932759799197 ], [ 7.200574490614899, 52.519932759799197 ], [ 7.200574490614899, 52.520137738718475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.519727779923528 ], [ 7.201729467408766, 52.519727779923528 ], [ 7.201729467408766, 52.51952279909149 ], [ 7.200574490614899, 52.51952279909149 ], [ 7.200574490614899, 52.519727779923528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.519317817303062 ], [ 7.201729467408766, 52.519317817303062 ], [ 7.201729467408766, 52.519112834558243 ], [ 7.200574490614899, 52.519112834558243 ], [ 7.200574490614899, 52.519317817303062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.518087906488333 ], [ 7.201729467408766, 52.518087906488333 ], [ 7.201729467408766, 52.517882918005178 ], [ 7.200574490614899, 52.517882918005178 ], [ 7.200574490614899, 52.518087906488333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.517882918005178 ], [ 7.201729467408766, 52.517882918005178 ], [ 7.201729467408766, 52.517677928565611 ], [ 7.200574490614899, 52.517677928565611 ], [ 7.200574490614899, 52.517882918005178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.520547693687924 ], [ 7.202884444202633, 52.520547693687924 ], [ 7.202884444202633, 52.520342716681391 ], [ 7.201729467408766, 52.520342716681391 ], [ 7.201729467408766, 52.520547693687924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.520137738718475 ], [ 7.202884444202633, 52.520137738718475 ], [ 7.202884444202633, 52.519932759799197 ], [ 7.201729467408766, 52.519932759799197 ], [ 7.201729467408766, 52.520137738718475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.662585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.519317817303062 ], [ 7.202884444202633, 52.519317817303062 ], [ 7.202884444202633, 52.519112834558243 ], [ 7.201729467408766, 52.519112834558243 ], [ 7.201729467408766, 52.519317817303062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.8129185 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.519112834558243 ], [ 7.202884444202633, 52.519112834558243 ], [ 7.202884444202633, 52.518907850857047 ], [ 7.201729467408766, 52.518907850857047 ], [ 7.201729467408766, 52.519112834558243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 120.60912525000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.518907850857047 ], [ 7.202884444202633, 52.518907850857047 ], [ 7.202884444202633, 52.518702866199447 ], [ 7.201729467408766, 52.518702866199447 ], [ 7.201729467408766, 52.518907850857047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 125.42857085714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.518702866199447 ], [ 7.202884444202633, 52.518702866199447 ], [ 7.202884444202633, 52.518497880585478 ], [ 7.201729467408766, 52.518497880585478 ], [ 7.201729467408766, 52.518702866199447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.518087906488333 ], [ 7.202884444202633, 52.518087906488333 ], [ 7.202884444202633, 52.517882918005178 ], [ 7.201729467408766, 52.517882918005178 ], [ 7.201729467408766, 52.518087906488333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.517472938169661 ], [ 7.202884444202633, 52.517472938169661 ], [ 7.202884444202633, 52.517267946817299 ], [ 7.201729467408766, 52.517267946817299 ], [ 7.201729467408766, 52.517472938169661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 134.60259214285716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.516857961243367 ], [ 7.202884444202633, 52.516857961243367 ], [ 7.202884444202633, 52.516652967021791 ], [ 7.201729467408766, 52.516652967021791 ], [ 7.201729467408766, 52.516857961243367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 127.895276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.516652967021791 ], [ 7.202884444202633, 52.516652967021791 ], [ 7.202884444202633, 52.516447971843803 ], [ 7.201729467408766, 52.516447971843803 ], [ 7.201729467408766, 52.516652967021791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.51819175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.519317817303062 ], [ 7.204039420996502, 52.519317817303062 ], [ 7.204039420996502, 52.519112834558243 ], [ 7.202884444202633, 52.519112834558243 ], [ 7.202884444202633, 52.519317817303062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.519112834558243 ], [ 7.204039420996502, 52.519112834558243 ], [ 7.204039420996502, 52.518907850857047 ], [ 7.202884444202633, 52.518907850857047 ], [ 7.202884444202633, 52.519112834558243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.518907850857047 ], [ 7.204039420996502, 52.518907850857047 ], [ 7.204039420996502, 52.518702866199447 ], [ 7.202884444202633, 52.518702866199447 ], [ 7.202884444202633, 52.518907850857047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.044761 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.518702866199447 ], [ 7.204039420996502, 52.518702866199447 ], [ 7.204039420996502, 52.518497880585478 ], [ 7.202884444202633, 52.518497880585478 ], [ 7.202884444202633, 52.518702866199447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 153.5955415 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.518497880585478 ], [ 7.204039420996502, 52.518497880585478 ], [ 7.204039420996502, 52.518292894015104 ], [ 7.202884444202633, 52.518292894015104 ], [ 7.202884444202633, 52.518497880585478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 105.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.518087906488333 ], [ 7.204039420996502, 52.518087906488333 ], [ 7.204039420996502, 52.517882918005178 ], [ 7.202884444202633, 52.517882918005178 ], [ 7.202884444202633, 52.518087906488333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30581_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 127.86357933333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.517677928565611 ], [ 7.204039420996502, 52.517677928565611 ], [ 7.204039420996502, 52.517472938169661 ], [ 7.202884444202633, 52.517472938169661 ], [ 7.202884444202633, 52.517677928565611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.513441266018127 ], [ 7.197109560233295, 52.513441266018127 ], [ 7.197109560233295, 52.513236255856157 ], [ 7.195954583439427, 52.513236255856157 ], [ 7.195954583439427, 52.513441266018127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.511596140128503 ], [ 7.197109560233295, 52.511596140128503 ], [ 7.197109560233295, 52.511391121358521 ], [ 7.195954583439427, 52.511391121358521 ], [ 7.195954583439427, 52.511596140128503 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.514056290765389 ], [ 7.198264537027162, 52.514056290765389 ], [ 7.198264537027162, 52.513851283472739 ], [ 7.197109560233295, 52.513851283472739 ], [ 7.197109560233295, 52.514056290765389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.513236255856157 ], [ 7.199419513821031, 52.513236255856157 ], [ 7.199419513821031, 52.513031244737768 ], [ 7.198264537027162, 52.513031244737768 ], [ 7.198264537027162, 52.513236255856157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.514671306904773 ], [ 7.200574490614899, 52.514671306904773 ], [ 7.200574490614899, 52.514466302481402 ], [ 7.199419513821031, 52.514466302481402 ], [ 7.199419513821031, 52.514671306904773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.513441266018127 ], [ 7.200574490614899, 52.513441266018127 ], [ 7.200574490614899, 52.513236255856157 ], [ 7.199419513821031, 52.513236255856157 ], [ 7.199419513821031, 52.513441266018127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.51262121963164 ], [ 7.200574490614899, 52.51262121963164 ], [ 7.200574490614899, 52.512416205643909 ], [ 7.199419513821031, 52.512416205643909 ], [ 7.199419513821031, 52.51262121963164 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.515081312882216 ], [ 7.201729467408766, 52.515081312882216 ], [ 7.201729467408766, 52.514876310371712 ], [ 7.200574490614899, 52.514876310371712 ], [ 7.200574490614899, 52.515081312882216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 158.66666816666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.514671306904773 ], [ 7.201729467408766, 52.514671306904773 ], [ 7.201729467408766, 52.514466302481402 ], [ 7.200574490614899, 52.514466302481402 ], [ 7.200574490614899, 52.514671306904773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.514261297101612 ], [ 7.201729467408766, 52.514261297101612 ], [ 7.201729467408766, 52.514056290765389 ], [ 7.200574490614899, 52.514056290765389 ], [ 7.200574490614899, 52.514261297101612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.513851283472739 ], [ 7.201729467408766, 52.513851283472739 ], [ 7.201729467408766, 52.513646275223657 ], [ 7.200574490614899, 52.513646275223657 ], [ 7.200574490614899, 52.513851283472739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 138.66666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.51262121963164 ], [ 7.201729467408766, 52.51262121963164 ], [ 7.201729467408766, 52.512416205643909 ], [ 7.200574490614899, 52.512416205643909 ], [ 7.200574490614899, 52.51262121963164 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.512416205643909 ], [ 7.201729467408766, 52.512416205643909 ], [ 7.201729467408766, 52.51221119069973 ], [ 7.200574490614899, 52.51221119069973 ], [ 7.200574490614899, 52.512416205643909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.515081312882216 ], [ 7.202884444202633, 52.515081312882216 ], [ 7.202884444202633, 52.514876310371712 ], [ 7.201729467408766, 52.514876310371712 ], [ 7.201729467408766, 52.515081312882216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.514671306904773 ], [ 7.202884444202633, 52.514671306904773 ], [ 7.202884444202633, 52.514466302481402 ], [ 7.201729467408766, 52.514466302481402 ], [ 7.201729467408766, 52.514671306904773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.33333733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.513851283472739 ], [ 7.202884444202633, 52.513851283472739 ], [ 7.202884444202633, 52.513646275223657 ], [ 7.201729467408766, 52.513646275223657 ], [ 7.201729467408766, 52.513851283472739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 136.19662066666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.513646275223657 ], [ 7.202884444202633, 52.513646275223657 ], [ 7.202884444202633, 52.513441266018127 ], [ 7.201729467408766, 52.513441266018127 ], [ 7.201729467408766, 52.513646275223657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 113.64477525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.513441266018127 ], [ 7.202884444202633, 52.513441266018127 ], [ 7.202884444202633, 52.513236255856157 ], [ 7.201729467408766, 52.513236255856157 ], [ 7.201729467408766, 52.513441266018127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 121.41927342857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.513236255856157 ], [ 7.202884444202633, 52.513236255856157 ], [ 7.202884444202633, 52.513031244737768 ], [ 7.201729467408766, 52.513031244737768 ], [ 7.201729467408766, 52.513236255856157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.51262121963164 ], [ 7.202884444202633, 52.51262121963164 ], [ 7.202884444202633, 52.512416205643909 ], [ 7.201729467408766, 52.512416205643909 ], [ 7.201729467408766, 52.51262121963164 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.512006174799112 ], [ 7.202884444202633, 52.512006174799112 ], [ 7.202884444202633, 52.511801157942024 ], [ 7.201729467408766, 52.511801157942024 ], [ 7.201729467408766, 52.512006174799112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 140.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.511391121358521 ], [ 7.202884444202633, 52.511391121358521 ], [ 7.202884444202633, 52.511186101632084 ], [ 7.201729467408766, 52.511186101632084 ], [ 7.201729467408766, 52.511391121358521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 130.26849766666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.511186101632084 ], [ 7.202884444202633, 52.511186101632084 ], [ 7.202884444202633, 52.510981080949193 ], [ 7.201729467408766, 52.510981080949193 ], [ 7.201729467408766, 52.511186101632084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.5535955 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.513851283472739 ], [ 7.204039420996502, 52.513851283472739 ], [ 7.204039420996502, 52.513646275223657 ], [ 7.202884444202633, 52.513646275223657 ], [ 7.202884444202633, 52.513851283472739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.513646275223657 ], [ 7.204039420996502, 52.513646275223657 ], [ 7.204039420996502, 52.513441266018127 ], [ 7.202884444202633, 52.513441266018127 ], [ 7.202884444202633, 52.513646275223657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.513441266018127 ], [ 7.204039420996502, 52.513441266018127 ], [ 7.204039420996502, 52.513236255856157 ], [ 7.202884444202633, 52.513236255856157 ], [ 7.202884444202633, 52.513441266018127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 134.00743766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.513236255856157 ], [ 7.204039420996502, 52.513236255856157 ], [ 7.204039420996502, 52.513031244737768 ], [ 7.202884444202633, 52.513031244737768 ], [ 7.202884444202633, 52.513236255856157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.6268075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.513031244737768 ], [ 7.204039420996502, 52.513031244737768 ], [ 7.204039420996502, 52.512826232662917 ], [ 7.202884444202633, 52.512826232662917 ], [ 7.202884444202633, 52.513031244737768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.512826232662917 ], [ 7.204039420996502, 52.512826232662917 ], [ 7.204039420996502, 52.51262121963164 ], [ 7.202884444202633, 52.51262121963164 ], [ 7.202884444202633, 52.512826232662917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.51262121963164 ], [ 7.204039420996502, 52.51262121963164 ], [ 7.204039420996502, 52.512416205643909 ], [ 7.202884444202633, 52.512416205643909 ], [ 7.202884444202633, 52.51262121963164 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30582_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 107.65678925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.51221119069973 ], [ 7.204039420996502, 52.51221119069973 ], [ 7.204039420996502, 52.512006174799112 ], [ 7.202884444202633, 52.512006174799112 ], [ 7.202884444202633, 52.51221119069973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.507974001045852 ], [ 7.197109560233295, 52.507974001045852 ], [ 7.197109560233295, 52.507768965378219 ], [ 7.195954583439427, 52.507768965378219 ], [ 7.195954583439427, 52.507974001045852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.749999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.506128645603354 ], [ 7.197109560233295, 52.506128645603354 ], [ 7.197109560233295, 52.505923601327254 ], [ 7.195954583439427, 52.505923601327254 ], [ 7.195954583439427, 52.506128645603354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.508589102309863 ], [ 7.198264537027162, 52.508589102309863 ], [ 7.198264537027162, 52.508384069511663 ], [ 7.197109560233295, 52.508384069511663 ], [ 7.197109560233295, 52.508589102309863 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.507768965378219 ], [ 7.199419513821031, 52.507768965378219 ], [ 7.199419513821031, 52.507563928754081 ], [ 7.198264537027162, 52.507563928754081 ], [ 7.198264537027162, 52.507768965378219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.509204194965541 ], [ 7.200574490614899, 52.509204194965541 ], [ 7.200574490614899, 52.508999165036784 ], [ 7.199419513821031, 52.508999165036784 ], [ 7.199419513821031, 52.509204194965541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.507974001045852 ], [ 7.200574490614899, 52.507974001045852 ], [ 7.200574490614899, 52.507768965378219 ], [ 7.199419513821031, 52.507768965378219 ], [ 7.199419513821031, 52.507974001045852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.507153852636357 ], [ 7.200574490614899, 52.507153852636357 ], [ 7.200574490614899, 52.506948813142742 ], [ 7.199419513821031, 52.506948813142742 ], [ 7.199419513821031, 52.507153852636357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.509614251953607 ], [ 7.201729467408766, 52.509614251953607 ], [ 7.201729467408766, 52.509409223937809 ], [ 7.200574490614899, 52.509409223937809 ], [ 7.200574490614899, 52.509614251953607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 152.50000116666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.509204194965541 ], [ 7.201729467408766, 52.509204194965541 ], [ 7.201729467408766, 52.508999165036784 ], [ 7.200574490614899, 52.508999165036784 ], [ 7.200574490614899, 52.509204194965541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.508794134151564 ], [ 7.201729467408766, 52.508794134151564 ], [ 7.201729467408766, 52.508589102309863 ], [ 7.200574490614899, 52.508589102309863 ], [ 7.200574490614899, 52.508794134151564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.508384069511663 ], [ 7.201729467408766, 52.508384069511663 ], [ 7.201729467408766, 52.508179035757003 ], [ 7.200574490614899, 52.508179035757003 ], [ 7.200574490614899, 52.508384069511663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 131.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.507153852636357 ], [ 7.201729467408766, 52.507153852636357 ], [ 7.201729467408766, 52.506948813142742 ], [ 7.200574490614899, 52.506948813142742 ], [ 7.200574490614899, 52.507153852636357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.506948813142742 ], [ 7.201729467408766, 52.506948813142742 ], [ 7.201729467408766, 52.506743772692651 ], [ 7.200574490614899, 52.506743772692651 ], [ 7.200574490614899, 52.506948813142742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.509614251953607 ], [ 7.202884444202633, 52.509614251953607 ], [ 7.202884444202633, 52.509409223937809 ], [ 7.201729467408766, 52.509409223937809 ], [ 7.201729467408766, 52.509614251953607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.509204194965541 ], [ 7.202884444202633, 52.509204194965541 ], [ 7.202884444202633, 52.508999165036784 ], [ 7.201729467408766, 52.508999165036784 ], [ 7.201729467408766, 52.509204194965541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 144.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.508384069511663 ], [ 7.202884444202633, 52.508384069511663 ], [ 7.202884444202633, 52.508179035757003 ], [ 7.201729467408766, 52.508179035757003 ], [ 7.201729467408766, 52.508384069511663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 137.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.508179035757003 ], [ 7.202884444202633, 52.508179035757003 ], [ 7.202884444202633, 52.507974001045852 ], [ 7.201729467408766, 52.507974001045852 ], [ 7.201729467408766, 52.508179035757003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 108.32267025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.507974001045852 ], [ 7.202884444202633, 52.507974001045852 ], [ 7.202884444202633, 52.507768965378219 ], [ 7.201729467408766, 52.507768965378219 ], [ 7.201729467408766, 52.507974001045852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.507768965378219 ], [ 7.202884444202633, 52.507768965378219 ], [ 7.202884444202633, 52.507563928754081 ], [ 7.201729467408766, 52.507563928754081 ], [ 7.201729467408766, 52.507768965378219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.507153852636357 ], [ 7.202884444202633, 52.507153852636357 ], [ 7.202884444202633, 52.506948813142742 ], [ 7.201729467408766, 52.506948813142742 ], [ 7.201729467408766, 52.507153852636357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.506538731286049 ], [ 7.202884444202633, 52.506538731286049 ], [ 7.202884444202633, 52.50633368892295 ], [ 7.201729467408766, 52.50633368892295 ], [ 7.201729467408766, 52.506538731286049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 142.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.505923601327254 ], [ 7.202884444202633, 52.505923601327254 ], [ 7.202884444202633, 52.505718556094649 ], [ 7.201729467408766, 52.505718556094649 ], [ 7.201729467408766, 52.505923601327254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 132.85599933333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.505718556094649 ], [ 7.202884444202633, 52.505718556094649 ], [ 7.202884444202633, 52.505513509905541 ], [ 7.201729467408766, 52.505513509905541 ], [ 7.201729467408766, 52.505718556094649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.58995725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.508384069511663 ], [ 7.204039420996502, 52.508384069511663 ], [ 7.204039420996502, 52.508179035757003 ], [ 7.202884444202633, 52.508179035757003 ], [ 7.202884444202633, 52.508384069511663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.508179035757003 ], [ 7.204039420996502, 52.508179035757003 ], [ 7.204039420996502, 52.507974001045852 ], [ 7.202884444202633, 52.507974001045852 ], [ 7.202884444202633, 52.508179035757003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.507974001045852 ], [ 7.204039420996502, 52.507974001045852 ], [ 7.204039420996502, 52.507768965378219 ], [ 7.202884444202633, 52.507768965378219 ], [ 7.202884444202633, 52.507974001045852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.54030774999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.507768965378219 ], [ 7.204039420996502, 52.507768965378219 ], [ 7.204039420996502, 52.507563928754081 ], [ 7.202884444202633, 52.507563928754081 ], [ 7.202884444202633, 52.507768965378219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.473376 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.507563928754081 ], [ 7.204039420996502, 52.507563928754081 ], [ 7.204039420996502, 52.50735889117346 ], [ 7.202884444202633, 52.50735889117346 ], [ 7.202884444202633, 52.507563928754081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.50735889117346 ], [ 7.204039420996502, 52.50735889117346 ], [ 7.204039420996502, 52.507153852636357 ], [ 7.202884444202633, 52.507153852636357 ], [ 7.202884444202633, 52.50735889117346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.507153852636357 ], [ 7.204039420996502, 52.507153852636357 ], [ 7.204039420996502, 52.506948813142742 ], [ 7.202884444202633, 52.506948813142742 ], [ 7.202884444202633, 52.507153852636357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30583_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 107.12599925000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.506743772692651 ], [ 7.204039420996502, 52.506743772692651 ], [ 7.204039420996502, 52.506538731286049 ], [ 7.202884444202633, 52.506538731286049 ], [ 7.202884444202633, 52.506743772692651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 174.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.502506055905378 ], [ 7.197109560233295, 52.502506055905378 ], [ 7.197109560233295, 52.502300994730753 ], [ 7.195954583439427, 52.502300994730753 ], [ 7.195954583439427, 52.502506055905378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.16287233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.500660470898261 ], [ 7.197109560233295, 52.500660470898261 ], [ 7.197109560233295, 52.500455401114735 ], [ 7.195954583439427, 52.500455401114735 ], [ 7.195954583439427, 52.500660470898261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.503121233690052 ], [ 7.198264537027162, 52.503121233690052 ], [ 7.198264537027162, 52.502916175385032 ], [ 7.197109560233295, 52.502916175385032 ], [ 7.197109560233295, 52.503121233690052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 180.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.502300994730753 ], [ 7.199419513821031, 52.502300994730753 ], [ 7.199419513821031, 52.502095932599595 ], [ 7.198264537027162, 52.502095932599595 ], [ 7.198264537027162, 52.502300994730753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.503736402865954 ], [ 7.200574490614899, 52.503736402865954 ], [ 7.200574490614899, 52.503531347430503 ], [ 7.199419513821031, 52.503531347430503 ], [ 7.199419513821031, 52.503736402865954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.502506055905378 ], [ 7.200574490614899, 52.502506055905378 ], [ 7.200574490614899, 52.502300994730753 ], [ 7.199419513821031, 52.502300994730753 ], [ 7.199419513821031, 52.502506055905378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.501685805467652 ], [ 7.200574490614899, 52.501685805467652 ], [ 7.200574490614899, 52.50148074046686 ], [ 7.199419513821031, 52.50148074046686 ], [ 7.199419513821031, 52.501685805467652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.504146510867258 ], [ 7.201729467408766, 52.504146510867258 ], [ 7.201729467408766, 52.503941457344865 ], [ 7.200574490614899, 52.503941457344865 ], [ 7.200574490614899, 52.504146510867258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 144.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.503736402865954 ], [ 7.201729467408766, 52.503736402865954 ], [ 7.201729467408766, 52.503531347430503 ], [ 7.200574490614899, 52.503531347430503 ], [ 7.200574490614899, 52.503736402865954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.62758633333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.503326291038547 ], [ 7.201729467408766, 52.503326291038547 ], [ 7.201729467408766, 52.503121233690052 ], [ 7.200574490614899, 52.503121233690052 ], [ 7.200574490614899, 52.503326291038547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.502916175385032 ], [ 7.201729467408766, 52.502916175385032 ], [ 7.201729467408766, 52.502711116123471 ], [ 7.200574490614899, 52.502711116123471 ], [ 7.200574490614899, 52.502916175385032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.6630435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.501685805467652 ], [ 7.201729467408766, 52.501685805467652 ], [ 7.201729467408766, 52.50148074046686 ], [ 7.200574490614899, 52.50148074046686 ], [ 7.200574490614899, 52.501685805467652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.50148074046686 ], [ 7.201729467408766, 52.50148074046686 ], [ 7.201729467408766, 52.501275674509536 ], [ 7.200574490614899, 52.501275674509536 ], [ 7.200574490614899, 52.50148074046686 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.504146510867258 ], [ 7.202884444202633, 52.504146510867258 ], [ 7.202884444202633, 52.503941457344865 ], [ 7.201729467408766, 52.503941457344865 ], [ 7.201729467408766, 52.504146510867258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.503736402865954 ], [ 7.202884444202633, 52.503736402865954 ], [ 7.202884444202633, 52.503531347430503 ], [ 7.201729467408766, 52.503531347430503 ], [ 7.201729467408766, 52.503736402865954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 146.33333466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.502916175385032 ], [ 7.202884444202633, 52.502916175385032 ], [ 7.202884444202633, 52.502711116123471 ], [ 7.201729467408766, 52.502711116123471 ], [ 7.201729467408766, 52.502916175385032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.79205875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.502711116123471 ], [ 7.202884444202633, 52.502711116123471 ], [ 7.202884444202633, 52.502506055905378 ], [ 7.201729467408766, 52.502506055905378 ], [ 7.201729467408766, 52.502711116123471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 114.519519 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.502506055905378 ], [ 7.202884444202633, 52.502506055905378 ], [ 7.202884444202633, 52.502300994730753 ], [ 7.201729467408766, 52.502300994730753 ], [ 7.201729467408766, 52.502506055905378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 130.6250005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.502300994730753 ], [ 7.202884444202633, 52.502300994730753 ], [ 7.202884444202633, 52.502095932599595 ], [ 7.201729467408766, 52.502095932599595 ], [ 7.201729467408766, 52.502300994730753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 160.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.501685805467652 ], [ 7.202884444202633, 52.501685805467652 ], [ 7.202884444202633, 52.50148074046686 ], [ 7.201729467408766, 52.50148074046686 ], [ 7.201729467408766, 52.501685805467652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.00000333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.501070607595665 ], [ 7.202884444202633, 52.501070607595665 ], [ 7.202884444202633, 52.500865539725247 ], [ 7.201729467408766, 52.500865539725247 ], [ 7.201729467408766, 52.501070607595665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 144.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.500455401114735 ], [ 7.202884444202633, 52.500455401114735 ], [ 7.202884444202633, 52.500250330374662 ], [ 7.201729467408766, 52.500250330374662 ], [ 7.201729467408766, 52.500455401114735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 125.4144235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.500250330374662 ], [ 7.202884444202633, 52.500250330374662 ], [ 7.202884444202633, 52.500045258678021 ], [ 7.201729467408766, 52.500045258678021 ], [ 7.201729467408766, 52.500250330374662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.66666566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.502916175385032 ], [ 7.204039420996502, 52.502916175385032 ], [ 7.204039420996502, 52.502711116123471 ], [ 7.202884444202633, 52.502711116123471 ], [ 7.202884444202633, 52.502916175385032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.502711116123471 ], [ 7.204039420996502, 52.502711116123471 ], [ 7.204039420996502, 52.502506055905378 ], [ 7.202884444202633, 52.502506055905378 ], [ 7.202884444202633, 52.502711116123471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.502506055905378 ], [ 7.204039420996502, 52.502506055905378 ], [ 7.204039420996502, 52.502300994730753 ], [ 7.202884444202633, 52.502300994730753 ], [ 7.202884444202633, 52.502506055905378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.4563875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.502300994730753 ], [ 7.204039420996502, 52.502300994730753 ], [ 7.204039420996502, 52.502095932599595 ], [ 7.202884444202633, 52.502095932599595 ], [ 7.202884444202633, 52.502300994730753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 133.39491033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.502095932599595 ], [ 7.204039420996502, 52.502095932599595 ], [ 7.204039420996502, 52.501890869511897 ], [ 7.202884444202633, 52.501890869511897 ], [ 7.202884444202633, 52.502095932599595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.501890869511897 ], [ 7.204039420996502, 52.501890869511897 ], [ 7.204039420996502, 52.501685805467652 ], [ 7.202884444202633, 52.501685805467652 ], [ 7.202884444202633, 52.501890869511897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.501685805467652 ], [ 7.204039420996502, 52.501685805467652 ], [ 7.204039420996502, 52.50148074046686 ], [ 7.202884444202633, 52.50148074046686 ], [ 7.202884444202633, 52.501685805467652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30584_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.2981645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.501275674509536 ], [ 7.204039420996502, 52.501275674509536 ], [ 7.204039420996502, 52.501070607595665 ], [ 7.202884444202633, 52.501070607595665 ], [ 7.202884444202633, 52.501275674509536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.497037430561917 ], [ 7.197109560233295, 52.497037430561917 ], [ 7.197109560233295, 52.496832343878999 ], [ 7.195954583439427, 52.496832343878999 ], [ 7.195954583439427, 52.497037430561917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.613087 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.495191615978428 ], [ 7.197109560233295, 52.495191615978428 ], [ 7.197109560233295, 52.494986520686176 ], [ 7.195954583439427, 52.494986520686176 ], [ 7.195954583439427, 52.495191615978428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.497652684871156 ], [ 7.198264537027162, 52.497652684871156 ], [ 7.198264537027162, 52.497447601057992 ], [ 7.197109560233295, 52.497447601057992 ], [ 7.197109560233295, 52.497652684871156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.496832343878999 ], [ 7.199419513821031, 52.496832343878999 ], [ 7.199419513821031, 52.496627256239499 ], [ 7.198264537027162, 52.496627256239499 ], [ 7.198264537027162, 52.496832343878999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 191.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.498267930571181 ], [ 7.200574490614899, 52.498267930571181 ], [ 7.200574490614899, 52.498062849627757 ], [ 7.199419513821031, 52.498062849627757 ], [ 7.199419513821031, 52.498267930571181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.497037430561917 ], [ 7.200574490614899, 52.497037430561917 ], [ 7.200574490614899, 52.496832343878999 ], [ 7.199419513821031, 52.496832343878999 ], [ 7.199419513821031, 52.497037430561917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.49621707809073 ], [ 7.200574490614899, 52.49621707809073 ], [ 7.200574490614899, 52.496011987581468 ], [ 7.199419513821031, 52.496011987581468 ], [ 7.199419513821031, 52.49621707809073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.498678089588338 ], [ 7.201729467408766, 52.498678089588338 ], [ 7.201729467408766, 52.498473010558051 ], [ 7.200574490614899, 52.498473010558051 ], [ 7.200574490614899, 52.498678089588338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 148.97319466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.498267930571181 ], [ 7.201729467408766, 52.498267930571181 ], [ 7.201729467408766, 52.498062849627757 ], [ 7.200574490614899, 52.498062849627757 ], [ 7.200574490614899, 52.498267930571181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.21510025000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.497857767727737 ], [ 7.201729467408766, 52.497857767727737 ], [ 7.201729467408766, 52.497652684871156 ], [ 7.200574490614899, 52.497652684871156 ], [ 7.200574490614899, 52.497857767727737 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.497447601057992 ], [ 7.201729467408766, 52.497447601057992 ], [ 7.201729467408766, 52.497242516288239 ], [ 7.200574490614899, 52.497242516288239 ], [ 7.200574490614899, 52.497447601057992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.59420266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.49621707809073 ], [ 7.201729467408766, 52.49621707809073 ], [ 7.201729467408766, 52.496011987581468 ], [ 7.200574490614899, 52.496011987581468 ], [ 7.200574490614899, 52.49621707809073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.496011987581468 ], [ 7.201729467408766, 52.496011987581468 ], [ 7.201729467408766, 52.495806896115596 ], [ 7.200574490614899, 52.495806896115596 ], [ 7.200574490614899, 52.496011987581468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.498678089588338 ], [ 7.202884444202633, 52.498678089588338 ], [ 7.202884444202633, 52.498473010558051 ], [ 7.201729467408766, 52.498473010558051 ], [ 7.201729467408766, 52.498678089588338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.498267930571181 ], [ 7.202884444202633, 52.498267930571181 ], [ 7.202884444202633, 52.498062849627757 ], [ 7.201729467408766, 52.498062849627757 ], [ 7.201729467408766, 52.498267930571181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 144.333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.497447601057992 ], [ 7.202884444202633, 52.497447601057992 ], [ 7.202884444202633, 52.497242516288239 ], [ 7.201729467408766, 52.497242516288239 ], [ 7.201729467408766, 52.497447601057992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.88748566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.497242516288239 ], [ 7.202884444202633, 52.497242516288239 ], [ 7.202884444202633, 52.497037430561917 ], [ 7.201729467408766, 52.497037430561917 ], [ 7.201729467408766, 52.497242516288239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.497037430561917 ], [ 7.202884444202633, 52.497037430561917 ], [ 7.202884444202633, 52.496832343878999 ], [ 7.201729467408766, 52.496832343878999 ], [ 7.201729467408766, 52.497037430561917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.58072833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.496832343878999 ], [ 7.202884444202633, 52.496832343878999 ], [ 7.202884444202633, 52.496627256239499 ], [ 7.201729467408766, 52.496627256239499 ], [ 7.201729467408766, 52.496832343878999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.49621707809073 ], [ 7.202884444202633, 52.49621707809073 ], [ 7.202884444202633, 52.496011987581468 ], [ 7.201729467408766, 52.496011987581468 ], [ 7.201729467408766, 52.49621707809073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.495601803693134 ], [ 7.202884444202633, 52.495601803693134 ], [ 7.202884444202633, 52.495396710314083 ], [ 7.201729467408766, 52.495396710314083 ], [ 7.201729467408766, 52.495601803693134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 145.70129766666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.494986520686176 ], [ 7.202884444202633, 52.494986520686176 ], [ 7.202884444202633, 52.494781424437306 ], [ 7.201729467408766, 52.494781424437306 ], [ 7.201729467408766, 52.494986520686176 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 125.21812775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.494781424437306 ], [ 7.202884444202633, 52.494781424437306 ], [ 7.202884444202633, 52.494576327231847 ], [ 7.201729467408766, 52.494576327231847 ], [ 7.201729467408766, 52.494781424437306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.3480725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.497447601057992 ], [ 7.204039420996502, 52.497447601057992 ], [ 7.204039420996502, 52.497242516288239 ], [ 7.202884444202633, 52.497242516288239 ], [ 7.202884444202633, 52.497447601057992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.497242516288239 ], [ 7.204039420996502, 52.497242516288239 ], [ 7.204039420996502, 52.497037430561917 ], [ 7.202884444202633, 52.497037430561917 ], [ 7.202884444202633, 52.497242516288239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.497037430561917 ], [ 7.204039420996502, 52.497037430561917 ], [ 7.204039420996502, 52.496832343878999 ], [ 7.202884444202633, 52.496832343878999 ], [ 7.202884444202633, 52.497037430561917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.876404 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.496832343878999 ], [ 7.204039420996502, 52.496832343878999 ], [ 7.204039420996502, 52.496627256239499 ], [ 7.202884444202633, 52.496627256239499 ], [ 7.202884444202633, 52.496832343878999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 131.15507925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.496627256239499 ], [ 7.204039420996502, 52.496627256239499 ], [ 7.204039420996502, 52.496422167643409 ], [ 7.202884444202633, 52.496422167643409 ], [ 7.202884444202633, 52.496627256239499 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 147.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.496422167643409 ], [ 7.204039420996502, 52.496422167643409 ], [ 7.204039420996502, 52.49621707809073 ], [ 7.202884444202633, 52.49621707809073 ], [ 7.202884444202633, 52.496422167643409 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 151.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.49621707809073 ], [ 7.204039420996502, 52.49621707809073 ], [ 7.204039420996502, 52.496011987581468 ], [ 7.202884444202633, 52.496011987581468 ], [ 7.202884444202633, 52.49621707809073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30585_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.7500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.495806896115596 ], [ 7.204039420996502, 52.495806896115596 ], [ 7.204039420996502, 52.495601803693134 ], [ 7.202884444202633, 52.495601803693134 ], [ 7.202884444202633, 52.495806896115596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.203536 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.489722080809059 ], [ 7.197109560233295, 52.489722080809059 ], [ 7.197109560233295, 52.489516960006767 ], [ 7.195954583439427, 52.489516960006767 ], [ 7.195954583439427, 52.489722080809059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.492183455818378 ], [ 7.198264537027162, 52.492183455818378 ], [ 7.198264537027162, 52.491978346495763 ], [ 7.197109560233295, 52.491978346495763 ], [ 7.197109560233295, 52.492183455818378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.492798778046449 ], [ 7.200574490614899, 52.492798778046449 ], [ 7.200574490614899, 52.492593671593724 ], [ 7.199419513821031, 52.492593671593724 ], [ 7.199419513821031, 52.492798778046449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.491568124980645 ], [ 7.200574490614899, 52.491568124980645 ], [ 7.200574490614899, 52.491363012788142 ], [ 7.199419513821031, 52.491363012788142 ], [ 7.199419513821031, 52.491568124980645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.490747670470796 ], [ 7.200574490614899, 52.490747670470796 ], [ 7.200574490614899, 52.490542554451736 ], [ 7.199419513821031, 52.490542554451736 ], [ 7.199419513821031, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.49320898808206 ], [ 7.201729467408766, 52.49320898808206 ], [ 7.201729467408766, 52.493003883542571 ], [ 7.200574490614899, 52.493003883542571 ], [ 7.200574490614899, 52.49320898808206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.492798778046449 ], [ 7.201729467408766, 52.492798778046449 ], [ 7.201729467408766, 52.492593671593724 ], [ 7.200574490614899, 52.492593671593724 ], [ 7.200574490614899, 52.492798778046449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.491978346495763 ], [ 7.201729467408766, 52.491978346495763 ], [ 7.201729467408766, 52.49177323621651 ], [ 7.200574490614899, 52.49177323621651 ], [ 7.200574490614899, 52.491978346495763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.490542554451736 ], [ 7.201729467408766, 52.490542554451736 ], [ 7.201729467408766, 52.490337437476029 ], [ 7.200574490614899, 52.490337437476029 ], [ 7.200574490614899, 52.490542554451736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.49320898808206 ], [ 7.202884444202633, 52.49320898808206 ], [ 7.202884444202633, 52.493003883542571 ], [ 7.201729467408766, 52.493003883542571 ], [ 7.201729467408766, 52.49320898808206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.492798778046449 ], [ 7.202884444202633, 52.492798778046449 ], [ 7.202884444202633, 52.492593671593724 ], [ 7.201729467408766, 52.492593671593724 ], [ 7.201729467408766, 52.492798778046449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.491978346495763 ], [ 7.202884444202633, 52.491978346495763 ], [ 7.202884444202633, 52.49177323621651 ], [ 7.201729467408766, 52.49177323621651 ], [ 7.201729467408766, 52.491978346495763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.49177323621651 ], [ 7.202884444202633, 52.49177323621651 ], [ 7.202884444202633, 52.491568124980645 ], [ 7.201729467408766, 52.491568124980645 ], [ 7.201729467408766, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.491363012788142 ], [ 7.202884444202633, 52.491363012788142 ], [ 7.202884444202633, 52.491157899638999 ], [ 7.201729467408766, 52.491157899638999 ], [ 7.201729467408766, 52.491363012788142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.490747670470796 ], [ 7.202884444202633, 52.490747670470796 ], [ 7.202884444202633, 52.490542554451736 ], [ 7.201729467408766, 52.490542554451736 ], [ 7.201729467408766, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.49013231954369 ], [ 7.202884444202633, 52.49013231954369 ], [ 7.202884444202633, 52.489927200654698 ], [ 7.201729467408766, 52.489927200654698 ], [ 7.201729467408766, 52.49013231954369 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 146.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.489516960006767 ], [ 7.202884444202633, 52.489516960006767 ], [ 7.202884444202633, 52.489311838247822 ], [ 7.201729467408766, 52.489311838247822 ], [ 7.201729467408766, 52.489516960006767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 113.484994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.489311838247822 ], [ 7.202884444202633, 52.489311838247822 ], [ 7.202884444202633, 52.48910671553223 ], [ 7.201729467408766, 52.48910671553223 ], [ 7.201729467408766, 52.489311838247822 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.491978346495763 ], [ 7.204039420996502, 52.491978346495763 ], [ 7.204039420996502, 52.49177323621651 ], [ 7.202884444202633, 52.49177323621651 ], [ 7.202884444202633, 52.491978346495763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.49177323621651 ], [ 7.204039420996502, 52.49177323621651 ], [ 7.204039420996502, 52.491568124980645 ], [ 7.202884444202633, 52.491568124980645 ], [ 7.202884444202633, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.491568124980645 ], [ 7.204039420996502, 52.491568124980645 ], [ 7.204039420996502, 52.491363012788142 ], [ 7.202884444202633, 52.491363012788142 ], [ 7.202884444202633, 52.491568124980645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.85948025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.491363012788142 ], [ 7.204039420996502, 52.491363012788142 ], [ 7.204039420996502, 52.491157899638999 ], [ 7.202884444202633, 52.491157899638999 ], [ 7.202884444202633, 52.491363012788142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.491157899638999 ], [ 7.204039420996502, 52.491157899638999 ], [ 7.204039420996502, 52.490952785533217 ], [ 7.202884444202633, 52.490952785533217 ], [ 7.202884444202633, 52.491157899638999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.490952785533217 ], [ 7.204039420996502, 52.490952785533217 ], [ 7.204039420996502, 52.490747670470796 ], [ 7.202884444202633, 52.490747670470796 ], [ 7.202884444202633, 52.490952785533217 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.490747670470796 ], [ 7.204039420996502, 52.490747670470796 ], [ 7.204039420996502, 52.490542554451736 ], [ 7.202884444202633, 52.490542554451736 ], [ 7.202884444202633, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30586_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 123.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.490337437476029 ], [ 7.204039420996502, 52.490337437476029 ], [ 7.204039420996502, 52.49013231954369 ], [ 7.202884444202633, 52.49013231954369 ], [ 7.202884444202633, 52.490337437476029 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.28323011502598 ], [ 7.197109560233295, 52.28323011502598 ], [ 7.197109560233295, 52.283024032510049 ], [ 7.195954583439427, 52.283024032510049 ], [ 7.195954583439427, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 17.415187956521741 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.281169246735232 ], [ 7.197109560233295, 52.281169246735232 ], [ 7.197109560233295, 52.280963154634506 ], [ 7.195954583439427, 52.280963154634506 ], [ 7.195954583439427, 52.281169246735232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.283848356822958 ], [ 7.198264537027162, 52.283848356822958 ], [ 7.198264537027162, 52.283642277182423 ], [ 7.197109560233295, 52.283642277182423 ], [ 7.197109560233295, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.283024032510049 ], [ 7.199419513821031, 52.283024032510049 ], [ 7.199419513821031, 52.282817949035646 ], [ 7.198264537027162, 52.282817949035646 ], [ 7.198264537027162, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.284466589993748 ], [ 7.200574490614899, 52.284466589993748 ], [ 7.200574490614899, 52.284260513228617 ], [ 7.199419513821031, 52.284260513228617 ], [ 7.199419513821031, 52.284466589993748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.28323011502598 ], [ 7.200574490614899, 52.28323011502598 ], [ 7.200574490614899, 52.283024032510049 ], [ 7.199419513821031, 52.283024032510049 ], [ 7.199419513821031, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.282405779211416 ], [ 7.200574490614899, 52.282405779211416 ], [ 7.200574490614899, 52.282199692861589 ], [ 7.199419513821031, 52.282199692861589 ], [ 7.199419513821031, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.284878740648651 ], [ 7.201729467408766, 52.284878740648651 ], [ 7.201729467408766, 52.284672665800429 ], [ 7.200574490614899, 52.284672665800429 ], [ 7.200574490614899, 52.284878740648651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 101.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.284672665800429 ], [ 7.201729467408766, 52.284672665800429 ], [ 7.201729467408766, 52.284466589993748 ], [ 7.200574490614899, 52.284466589993748 ], [ 7.200574490614899, 52.284672665800429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.283642277182423 ], [ 7.201729467408766, 52.283642277182423 ], [ 7.201729467408766, 52.283436196583445 ], [ 7.200574490614899, 52.283436196583445 ], [ 7.200574490614899, 52.283642277182423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.284878740648651 ], [ 7.202884444202633, 52.284878740648651 ], [ 7.202884444202633, 52.284672665800429 ], [ 7.201729467408766, 52.284672665800429 ], [ 7.201729467408766, 52.284878740648651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 193.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.284466589993748 ], [ 7.202884444202633, 52.284466589993748 ], [ 7.202884444202633, 52.284260513228617 ], [ 7.201729467408766, 52.284260513228617 ], [ 7.201729467408766, 52.284466589993748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.35980733333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.283848356822958 ], [ 7.202884444202633, 52.283848356822958 ], [ 7.202884444202633, 52.283642277182423 ], [ 7.201729467408766, 52.283642277182423 ], [ 7.201729467408766, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.5604805 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.283436196583445 ], [ 7.202884444202633, 52.283436196583445 ], [ 7.202884444202633, 52.28323011502598 ], [ 7.201729467408766, 52.28323011502598 ], [ 7.201729467408766, 52.283436196583445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.9999965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.281787517286496 ], [ 7.202884444202633, 52.281787517286496 ], [ 7.202884444202633, 52.28158142806123 ], [ 7.201729467408766, 52.28158142806123 ], [ 7.201729467408766, 52.281787517286496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 123.80297566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.280963154634506 ], [ 7.202884444202633, 52.280963154634506 ], [ 7.202884444202633, 52.280757061575287 ], [ 7.201729467408766, 52.280757061575287 ], [ 7.201729467408766, 52.280963154634506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 149.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.283642277182423 ], [ 7.204039420996502, 52.283642277182423 ], [ 7.204039420996502, 52.283436196583445 ], [ 7.202884444202633, 52.283436196583445 ], [ 7.202884444202633, 52.283642277182423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.55555555555556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.28323011502598 ], [ 7.204039420996502, 52.28323011502598 ], [ 7.204039420996502, 52.283024032510049 ], [ 7.202884444202633, 52.283024032510049 ], [ 7.202884444202633, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.91026916666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.283024032510049 ], [ 7.204039420996502, 52.283024032510049 ], [ 7.204039420996502, 52.282817949035646 ], [ 7.202884444202633, 52.282817949035646 ], [ 7.202884444202633, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.5594178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.282817949035646 ], [ 7.204039420996502, 52.282817949035646 ], [ 7.204039420996502, 52.282611864602764 ], [ 7.202884444202633, 52.282611864602764 ], [ 7.202884444202633, 52.282817949035646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30624_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.33333166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.281993605553289 ], [ 7.204039420996502, 52.281993605553289 ], [ 7.204039420996502, 52.281787517286496 ], [ 7.202884444202633, 52.281787517286496 ], [ 7.202884444202633, 52.281993605553289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 43.525498 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.27567312936101 ], [ 7.197109560233295, 52.27567312936101 ], [ 7.197109560233295, 52.275467011699945 ], [ 7.195954583439427, 52.275467011699945 ], [ 7.195954583439427, 52.27567312936101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.278352571728753 ], [ 7.198264537027162, 52.278352571728753 ], [ 7.198264537027162, 52.278146466528511 ], [ 7.197109560233295, 52.278146466528511 ], [ 7.197109560233295, 52.278352571728753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.27897088157841 ], [ 7.200574490614899, 52.27897088157841 ], [ 7.200574490614899, 52.278764779253699 ], [ 7.199419513821031, 52.278764779253699 ], [ 7.199419513821031, 52.27897088157841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.277734253252483 ], [ 7.200574490614899, 52.277734253252483 ], [ 7.200574490614899, 52.277528145176703 ], [ 7.199419513821031, 52.277528145176703 ], [ 7.199419513821031, 52.277734253252483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.276909815198202 ], [ 7.200574490614899, 52.276909815198202 ], [ 7.200574490614899, 52.276703703288327 ], [ 7.199419513821031, 52.276703703288327 ], [ 7.199419513821031, 52.276909815198202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.2793830833523 ], [ 7.201729467408766, 52.2793830833523 ], [ 7.201729467408766, 52.279176982944605 ], [ 7.200574490614899, 52.279176982944605 ], [ 7.200574490614899, 52.2793830833523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 93.000000749999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.279176982944605 ], [ 7.201729467408766, 52.279176982944605 ], [ 7.201729467408766, 52.27897088157841 ], [ 7.200574490614899, 52.27897088157841 ], [ 7.200574490614899, 52.279176982944605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.278146466528511 ], [ 7.201729467408766, 52.278146466528511 ], [ 7.201729467408766, 52.277940360369755 ], [ 7.200574490614899, 52.277940360369755 ], [ 7.200574490614899, 52.278146466528511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.2793830833523 ], [ 7.202884444202633, 52.2793830833523 ], [ 7.202884444202633, 52.279176982944605 ], [ 7.201729467408766, 52.279176982944605 ], [ 7.201729467408766, 52.2793830833523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 206.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.27897088157841 ], [ 7.202884444202633, 52.27897088157841 ], [ 7.202884444202633, 52.278764779253699 ], [ 7.201729467408766, 52.278764779253699 ], [ 7.201729467408766, 52.27897088157841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.278352571728753 ], [ 7.202884444202633, 52.278352571728753 ], [ 7.202884444202633, 52.278146466528511 ], [ 7.201729467408766, 52.278146466528511 ], [ 7.201729467408766, 52.278352571728753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.277940360369755 ], [ 7.202884444202633, 52.277940360369755 ], [ 7.202884444202633, 52.277734253252483 ], [ 7.201729467408766, 52.277734253252483 ], [ 7.201729467408766, 52.277940360369755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.276291476592995 ], [ 7.202884444202633, 52.276291476592995 ], [ 7.202884444202633, 52.276085361807539 ], [ 7.201729467408766, 52.276085361807539 ], [ 7.201729467408766, 52.276291476592995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.275467011699945 ], [ 7.202884444202633, 52.275467011699945 ], [ 7.202884444202633, 52.275260893080343 ], [ 7.201729467408766, 52.275260893080343 ], [ 7.201729467408766, 52.275467011699945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 150.999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.278146466528511 ], [ 7.204039420996502, 52.278146466528511 ], [ 7.204039420996502, 52.277940360369755 ], [ 7.202884444202633, 52.277940360369755 ], [ 7.202884444202633, 52.278146466528511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.277734253252483 ], [ 7.204039420996502, 52.277734253252483 ], [ 7.204039420996502, 52.277528145176703 ], [ 7.202884444202633, 52.277528145176703 ], [ 7.202884444202633, 52.277734253252483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.373256 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.277528145176703 ], [ 7.204039420996502, 52.277528145176703 ], [ 7.204039420996502, 52.277322036142387 ], [ 7.202884444202633, 52.277322036142387 ], [ 7.202884444202633, 52.277528145176703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 126.22689933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.277322036142387 ], [ 7.204039420996502, 52.277322036142387 ], [ 7.204039420996502, 52.277115926149563 ], [ 7.202884444202633, 52.277115926149563 ], [ 7.202884444202633, 52.277322036142387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30625_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.276497590419929 ], [ 7.204039420996502, 52.276497590419929 ], [ 7.204039420996502, 52.276291476592995 ], [ 7.202884444202633, 52.276291476592995 ], [ 7.202884444202633, 52.276497590419929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 80.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.19521451417156 ], [ 7.197109560233295, 52.19521451417156 ], [ 7.197109560233295, 52.195008022545537 ], [ 7.195954583439427, 52.195008022545537 ], [ 7.195954583439427, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.4730315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195954583439427, 52.193149554745702 ], [ 7.197109560233295, 52.193149554745702 ], [ 7.197109560233295, 52.19294305352728 ], [ 7.195954583439427, 52.19294305352728 ], [ 7.195954583439427, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.197109560233295, 52.195833983294236 ], [ 7.198264537027162, 52.195833983294236 ], [ 7.198264537027162, 52.195627494545903 ], [ 7.197109560233295, 52.195627494545903 ], [ 7.197109560233295, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.198264537027162, 52.195008022545537 ], [ 7.199419513821031, 52.195008022545537 ], [ 7.199419513821031, 52.194801529960294 ], [ 7.198264537027162, 52.194801529960294 ], [ 7.198264537027162, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.196453443783888 ], [ 7.200574490614899, 52.196453443783888 ], [ 7.200574490614899, 52.196246957913225 ], [ 7.199419513821031, 52.196246957913225 ], [ 7.199419513821031, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.19521451417156 ], [ 7.200574490614899, 52.19521451417156 ], [ 7.200574490614899, 52.195008022545537 ], [ 7.199419513821031, 52.195008022545537 ], [ 7.199419513821031, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.199419513821031, 52.194388541912076 ], [ 7.200574490614899, 52.194388541912076 ], [ 7.200574490614899, 52.194182046449129 ], [ 7.199419513821031, 52.194182046449129 ], [ 7.199419513821031, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.196866412647559 ], [ 7.201729467408766, 52.196866412647559 ], [ 7.201729467408766, 52.196659928695333 ], [ 7.200574490614899, 52.196659928695333 ], [ 7.200574490614899, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 52.196659928695333 ], [ 7.201729467408766, 52.196659928695333 ], [ 7.201729467408766, 52.196453443783888 ], [ 7.200574490614899, 52.196453443783888 ], [ 7.200574490614899, 52.196659928695333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.196866412647559 ], [ 7.202884444202633, 52.196866412647559 ], [ 7.202884444202633, 52.196659928695333 ], [ 7.201729467408766, 52.196659928695333 ], [ 7.201729467408766, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.196453443783888 ], [ 7.202884444202633, 52.196453443783888 ], [ 7.202884444202633, 52.196246957913225 ], [ 7.201729467408766, 52.196246957913225 ], [ 7.201729467408766, 52.196453443783888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 87.219771666666659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.195833983294236 ], [ 7.202884444202633, 52.195833983294236 ], [ 7.202884444202633, 52.195627494545903 ], [ 7.201729467408766, 52.195627494545903 ], [ 7.201729467408766, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 107.3339746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.195421004838344 ], [ 7.202884444202633, 52.195421004838344 ], [ 7.202884444202633, 52.19521451417156 ], [ 7.201729467408766, 52.19521451417156 ], [ 7.201729467408766, 52.195421004838344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.228846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.193562554304805 ], [ 7.202884444202633, 52.193562554304805 ], [ 7.202884444202633, 52.193356055004877 ], [ 7.201729467408766, 52.193356055004877 ], [ 7.201729467408766, 52.193562554304805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.480029666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.201729467408766, 52.19294305352728 ], [ 7.202884444202633, 52.19294305352728 ], [ 7.202884444202633, 52.192736551349611 ], [ 7.201729467408766, 52.192736551349611 ], [ 7.201729467408766, 52.19294305352728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 117.89322475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.195833983294236 ], [ 7.204039420996502, 52.195833983294236 ], [ 7.204039420996502, 52.195627494545903 ], [ 7.202884444202633, 52.195627494545903 ], [ 7.202884444202633, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.384615384615387 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.19521451417156 ], [ 7.204039420996502, 52.19521451417156 ], [ 7.204039420996502, 52.195008022545537 ], [ 7.202884444202633, 52.195008022545537 ], [ 7.202884444202633, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.000000111111106 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.195008022545537 ], [ 7.204039420996502, 52.195008022545537 ], [ 7.204039420996502, 52.194801529960294 ], [ 7.202884444202633, 52.194801529960294 ], [ 7.202884444202633, 52.195008022545537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30640_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.087484 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.202884444202633, 52.194801529960294 ], [ 7.204039420996502, 52.194801529960294 ], [ 7.204039420996502, 52.194595036415805 ], [ 7.202884444202633, 52.194595036415805 ], [ 7.202884444202633, 52.194801529960294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30877_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 50.87096167664339 ], [ 7.201729467408766, 50.87096167664339 ], [ 7.201729467408766, 50.87074908904782 ], [ 7.200574490614899, 50.87074908904782 ], [ 7.200574490614899, 50.87096167664339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30878_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 50.865292342278991 ], [ 7.201729467408766, 50.865292342278991 ], [ 7.201729467408766, 50.865079728827453 ], [ 7.200574490614899, 50.865079728827453 ], [ 7.200574490614899, 50.865292342278991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30882_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 50.842608109472813 ], [ 7.201729467408766, 50.842608109472813 ], [ 7.201729467408766, 50.842395392586717 ], [ 7.200574490614899, 50.842395392586717 ], [ 7.200574490614899, 50.842608109472813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30883_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 50.836935327292672 ], [ 7.201729467408766, 50.836935327292672 ], [ 7.201729467408766, 50.836722584545292 ], [ 7.200574490614899, 50.836722584545292 ], [ 7.200574490614899, 50.836935327292672 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30884_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 115.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 50.831261855464597 ], [ 7.201729467408766, 50.831261855464597 ], [ 7.201729467408766, 50.831049086854868 ], [ 7.200574490614899, 50.831049086854868 ], [ 7.200574490614899, 50.831261855464597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "30885_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.200574490614899, 50.825587693960387 ], [ 7.201729467408766, 50.825587693960387 ], [ 7.201729467408766, 50.825374899487251 ], [ 7.200574490614899, 50.825374899487251 ], [ 7.200574490614899, 50.825587693960387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 53.614992143376966 ], [ 7.20609271307449, 53.614992143376966 ], [ 7.20609271307449, 53.614792309887918 ], [ 7.204937736280621, 53.614792309887918 ], [ 7.204937736280621, 53.614992143376966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 78.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 53.614192803745574 ], [ 7.208402666662226, 53.614192803745574 ], [ 7.208402666662226, 53.613992966473056 ], [ 7.207247689868357, 53.613992966473056 ], [ 7.207247689868357, 53.614192803745574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.615391807517497 ], [ 7.209557643456093, 53.615391807517497 ], [ 7.209557643456093, 53.615191975920155 ], [ 7.208402666662226, 53.615191975920155 ], [ 7.208402666662226, 53.615391807517497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.61599129663437 ], [ 7.210712620249961, 53.61599129663437 ], [ 7.210712620249961, 53.615791467874594 ], [ 7.209557643456093, 53.615791467874594 ], [ 7.209557643456093, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 75.833333833333327 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.615191975920155 ], [ 7.210712620249961, 53.615191975920155 ], [ 7.210712620249961, 53.614992143376966 ], [ 7.209557643456093, 53.614992143376966 ], [ 7.209557643456093, 53.615191975920155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 84.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.61599129663437 ], [ 7.211867597043828, 53.61599129663437 ], [ 7.211867597043828, 53.615791467874594 ], [ 7.210712620249961, 53.615791467874594 ], [ 7.210712620249961, 53.61599129663437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31053_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 82.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.614392640072218 ], [ 7.213022573837696, 53.614392640072218 ], [ 7.213022573837696, 53.614192803745574 ], [ 7.211867597043828, 53.614192803745574 ], [ 7.211867597043828, 53.614392640072218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31054_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 53.609662926634684 ], [ 7.20609271307449, 53.609662926634684 ], [ 7.20609271307449, 53.609463067921929 ], [ 7.204937736280621, 53.609463067921929 ], [ 7.204937736280621, 53.609662926634684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31057_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 37.833333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.594271037850511 ], [ 7.211867597043828, 53.594271037850511 ], [ 7.211867597043828, 53.594071106296184 ], [ 7.210712620249961, 53.594071106296184 ], [ 7.210712620249961, 53.594271037850511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31058_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 32.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.588939205961566 ], [ 7.211867597043828, 53.588939205961566 ], [ 7.211867597043828, 53.588739249177891 ], [ 7.210712620249961, 53.588739249177891 ], [ 7.210712620249961, 53.588939205961566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31060_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.578273523741373 ], [ 7.211867597043828, 53.578273523741373 ], [ 7.211867597043828, 53.578073516494641 ], [ 7.210712620249961, 53.578073516494641 ], [ 7.210712620249961, 53.578273523741373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31061_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.572739640852298 ], [ 7.209557643456093, 53.572739640852298 ], [ 7.209557643456093, 53.572539607425583 ], [ 7.208402666662226, 53.572539607425583 ], [ 7.208402666662226, 53.572739640852298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31061_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 52.67517225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.572539607425583 ], [ 7.210712620249961, 53.572539607425583 ], [ 7.210712620249961, 53.57233957305256 ], [ 7.209557643456093, 53.57233957305256 ], [ 7.209557643456093, 53.572539607425583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31061_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 63.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.572939673332719 ], [ 7.211867597043828, 53.572939673332719 ], [ 7.211867597043828, 53.572739640852298 ], [ 7.210712620249961, 53.572739640852298 ], [ 7.210712620249961, 53.572939673332719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31062_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.567605150006827 ], [ 7.209557643456093, 53.567605150006827 ], [ 7.209557643456093, 53.567405092291246 ], [ 7.208402666662226, 53.567405092291246 ], [ 7.208402666662226, 53.567605150006827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31062_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.567405092291246 ], [ 7.209557643456093, 53.567405092291246 ], [ 7.209557643456093, 53.567205033629328 ], [ 7.208402666662226, 53.567205033629328 ], [ 7.208402666662226, 53.567405092291246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31062_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 80.7812844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.567205033629328 ], [ 7.210712620249961, 53.567205033629328 ], [ 7.210712620249961, 53.567004974021053 ], [ 7.209557643456093, 53.567004974021053 ], [ 7.209557643456093, 53.567205033629328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31062_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.567605150006827 ], [ 7.211867597043828, 53.567605150006827 ], [ 7.211867597043828, 53.567405092291246 ], [ 7.210712620249961, 53.567405092291246 ], [ 7.210712620249961, 53.567605150006827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31063_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.562269953725014 ], [ 7.209557643456093, 53.562269953725014 ], [ 7.209557643456093, 53.562069870772845 ], [ 7.208402666662226, 53.562069870772845 ], [ 7.208402666662226, 53.562269953725014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31063_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 89.5999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.561869786874276 ], [ 7.210712620249961, 53.561869786874276 ], [ 7.210712620249961, 53.561669702029299 ], [ 7.209557643456093, 53.561669702029299 ], [ 7.209557643456093, 53.561869786874276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31063_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.562269953725014 ], [ 7.211867597043828, 53.562269953725014 ], [ 7.211867597043828, 53.562069870772845 ], [ 7.210712620249961, 53.562069870772845 ], [ 7.210712620249961, 53.562269953725014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31064_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.556934084448699 ], [ 7.209557643456093, 53.556934084448699 ], [ 7.209557643456093, 53.556733976258478 ], [ 7.208402666662226, 53.556733976258478 ], [ 7.208402666662226, 53.556934084448699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31064_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 88.2841228 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.5565338671218 ], [ 7.210712620249961, 53.5565338671218 ], [ 7.210712620249961, 53.556333757038665 ], [ 7.209557643456093, 53.556333757038665 ], [ 7.209557643456093, 53.5565338671218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31064_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 104.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.556934084448699 ], [ 7.211867597043828, 53.556934084448699 ], [ 7.211867597043828, 53.556733976258478 ], [ 7.210712620249961, 53.556733976258478 ], [ 7.210712620249961, 53.556934084448699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31065_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.55159754213922 ], [ 7.209557643456093, 53.55159754213922 ], [ 7.209557643456093, 53.551397408709519 ], [ 7.208402666662226, 53.551397408709519 ], [ 7.208402666662226, 53.55159754213922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31065_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.7999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.551197274333298 ], [ 7.210712620249961, 53.551197274333298 ], [ 7.210712620249961, 53.550997139010562 ], [ 7.209557643456093, 53.550997139010562 ], [ 7.209557643456093, 53.551197274333298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31065_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 109.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.55159754213922 ], [ 7.211867597043828, 53.55159754213922 ], [ 7.211867597043828, 53.551397408709519 ], [ 7.210712620249961, 53.551397408709519 ], [ 7.210712620249961, 53.55159754213922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31066_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 104.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.546260326758038 ], [ 7.209557643456093, 53.546260326758038 ], [ 7.209557643456093, 53.546060168087379 ], [ 7.208402666662226, 53.546060168087379 ], [ 7.208402666662226, 53.546260326758038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31066_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 72.5935235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.545860008470157 ], [ 7.210712620249961, 53.545860008470157 ], [ 7.210712620249961, 53.545659847906379 ], [ 7.209557643456093, 53.545659847906379 ], [ 7.209557643456093, 53.545860008470157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31066_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 94.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.546260326758038 ], [ 7.211867597043828, 53.546260326758038 ], [ 7.211867597043828, 53.546060168087379 ], [ 7.210712620249961, 53.546060168087379 ], [ 7.210712620249961, 53.546260326758038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31067_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.540922438266541 ], [ 7.209557643456093, 53.540922438266541 ], [ 7.209557643456093, 53.540722254353497 ], [ 7.208402666662226, 53.540722254353497 ], [ 7.208402666662226, 53.540922438266541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31067_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 63.615163 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.540522069493839 ], [ 7.210712620249961, 53.540522069493839 ], [ 7.210712620249961, 53.540321883687561 ], [ 7.209557643456093, 53.540321883687561 ], [ 7.209557643456093, 53.540522069493839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31067_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 89.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.540922438266541 ], [ 7.211867597043828, 53.540922438266541 ], [ 7.211867597043828, 53.540722254353497 ], [ 7.210712620249961, 53.540722254353497 ], [ 7.210712620249961, 53.540922438266541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31068_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.535583876626177 ], [ 7.209557643456093, 53.535583876626177 ], [ 7.209557643456093, 53.535383667469304 ], [ 7.208402666662226, 53.535383667469304 ], [ 7.208402666662226, 53.535583876626177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31068_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 61.525342 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.535183457365768 ], [ 7.210712620249961, 53.535183457365768 ], [ 7.210712620249961, 53.534983246315548 ], [ 7.209557643456093, 53.534983246315548 ], [ 7.209557643456093, 53.535183457365768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31068_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.535583876626177 ], [ 7.211867597043828, 53.535583876626177 ], [ 7.211867597043828, 53.535383667469304 ], [ 7.210712620249961, 53.535383667469304 ], [ 7.210712620249961, 53.535583876626177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31078_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 36.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.48216122856681 ], [ 7.209557643456093, 53.48216122856681 ], [ 7.209557643456093, 53.481960766892271 ], [ 7.208402666662226, 53.481960766892271 ], [ 7.208402666662226, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31078_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 31.6925544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.481760304270516 ], [ 7.210712620249961, 53.481760304270516 ], [ 7.210712620249961, 53.481559840701564 ], [ 7.209557643456093, 53.481559840701564 ], [ 7.209557643456093, 53.481760304270516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31078_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 33.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.48216122856681 ], [ 7.211867597043828, 53.48216122856681 ], [ 7.211867597043828, 53.481960766892271 ], [ 7.210712620249961, 53.481960766892271 ], [ 7.210712620249961, 53.48216122856681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31079_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.476815259749749 ], [ 7.209557643456093, 53.476815259749749 ], [ 7.209557643456093, 53.476614772815523 ], [ 7.208402666662226, 53.476614772815523 ], [ 7.208402666662226, 53.476815259749749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31079_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 54.483309333333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.476414284934037 ], [ 7.210712620249961, 53.476414284934037 ], [ 7.210712620249961, 53.476213796105277 ], [ 7.209557643456093, 53.476213796105277 ], [ 7.209557643456093, 53.476414284934037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31079_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 54.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.476815259749749 ], [ 7.211867597043828, 53.476815259749749 ], [ 7.211867597043828, 53.476614772815523 ], [ 7.210712620249961, 53.476614772815523 ], [ 7.210712620249961, 53.476815259749749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31080_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.471468617322621 ], [ 7.209557643456093, 53.471468617322621 ], [ 7.209557643456093, 53.47126810512728 ], [ 7.208402666662226, 53.47126810512728 ], [ 7.208402666662226, 53.471468617322621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31080_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 82.6820605 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.471067591984614 ], [ 7.210712620249961, 53.471067591984614 ], [ 7.210712620249961, 53.470867077894631 ], [ 7.209557643456093, 53.470867077894631 ], [ 7.209557643456093, 53.471067591984614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31080_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.471468617322621 ], [ 7.211867597043828, 53.471468617322621 ], [ 7.211867597043828, 53.47126810512728 ], [ 7.210712620249961, 53.47126810512728 ], [ 7.210712620249961, 53.471468617322621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 53.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 53.401298424842302 ], [ 7.20609271307449, 53.401298424842302 ], [ 7.20609271307449, 53.401097581277853 ], [ 7.204937736280621, 53.401097581277853 ], [ 7.204937736280621, 53.401298424842302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 52.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 53.400495044896338 ], [ 7.208402666662226, 53.400495044896338 ], [ 7.208402666662226, 53.400294197539779 ], [ 7.207247689868357, 53.400294197539779 ], [ 7.207247689868357, 53.400495044896338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 57.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.401900949847544 ], [ 7.209557643456093, 53.401900949847544 ], [ 7.209557643456093, 53.401700109127155 ], [ 7.208402666662226, 53.401700109127155 ], [ 7.208402666662226, 53.401900949847544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 63.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.402302628444289 ], [ 7.210712620249961, 53.402302628444289 ], [ 7.210712620249961, 53.402101789619927 ], [ 7.209557643456093, 53.402101789619927 ], [ 7.209557643456093, 53.402302628444289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 71.92226083333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.401499267458746 ], [ 7.210712620249961, 53.401499267458746 ], [ 7.210712620249961, 53.401298424842302 ], [ 7.209557643456093, 53.401298424842302 ], [ 7.209557643456093, 53.401499267458746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 72.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.402302628444289 ], [ 7.211867597043828, 53.402302628444289 ], [ 7.211867597043828, 53.402101789619927 ], [ 7.210712620249961, 53.402101789619927 ], [ 7.210712620249961, 53.402302628444289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 61.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.401900949847544 ], [ 7.211867597043828, 53.401900949847544 ], [ 7.211867597043828, 53.401700109127155 ], [ 7.210712620249961, 53.401700109127155 ], [ 7.210712620249961, 53.401900949847544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 50.880202375000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.400896736765368 ], [ 7.213022573837696, 53.400896736765368 ], [ 7.213022573837696, 53.400695891304878 ], [ 7.211867597043828, 53.400695891304878 ], [ 7.211867597043828, 53.400896736765368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31093_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.400695891304878 ], [ 7.213022573837696, 53.400695891304878 ], [ 7.213022573837696, 53.400495044896338 ], [ 7.211867597043828, 53.400495044896338 ], [ 7.211867597043828, 53.400695891304878 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 51.625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 53.395942272016313 ], [ 7.20609271307449, 53.395942272016313 ], [ 7.20609271307449, 53.395741403170526 ], [ 7.204937736280621, 53.395741403170526 ], [ 7.204937736280621, 53.395942272016313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 46.444444444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 53.395138790944699 ], [ 7.208402666662226, 53.395138790944699 ], [ 7.208402666662226, 53.394937918306596 ], [ 7.207247689868357, 53.394937918306596 ], [ 7.207247689868357, 53.395138790944699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 53.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.396544872865206 ], [ 7.209557643456093, 53.396544872865206 ], [ 7.209557643456093, 53.39634400686365 ], [ 7.208402666662226, 53.39634400686365 ], [ 7.208402666662226, 53.396544872865206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 54.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.39694660202413 ], [ 7.210712620249961, 53.39694660202413 ], [ 7.210712620249961, 53.3967457379187 ], [ 7.209557643456093, 53.3967457379187 ], [ 7.209557643456093, 53.39694660202413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 48.292968111111108 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.39614313991401 ], [ 7.210712620249961, 53.39614313991401 ], [ 7.210712620249961, 53.395942272016313 ], [ 7.209557643456093, 53.395942272016313 ], [ 7.209557643456093, 53.39614313991401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 54.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.39694660202413 ], [ 7.211867597043828, 53.39694660202413 ], [ 7.211867597043828, 53.3967457379187 ], [ 7.210712620249961, 53.3967457379187 ], [ 7.210712620249961, 53.39694660202413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 50.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.396544872865206 ], [ 7.211867597043828, 53.396544872865206 ], [ 7.211867597043828, 53.39634400686365 ], [ 7.210712620249961, 53.39634400686365 ], [ 7.210712620249961, 53.396544872865206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 29.4876512 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.395540533376661 ], [ 7.213022573837696, 53.395540533376661 ], [ 7.213022573837696, 53.395339662634726 ], [ 7.211867597043828, 53.395339662634726 ], [ 7.211867597043828, 53.395540533376661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31094_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.395138790944699 ], [ 7.213022573837696, 53.395138790944699 ], [ 7.213022573837696, 53.394937918306596 ], [ 7.211867597043828, 53.394937918306596 ], [ 7.211867597043828, 53.395138790944699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 25.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 53.390585445003232 ], [ 7.20609271307449, 53.390585445003232 ], [ 7.20609271307449, 53.390384550874693 ], [ 7.204937736280621, 53.390384550874693 ], [ 7.204937736280621, 53.390585445003232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 21.260869565217391 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 53.389781862800277 ], [ 7.208402666662226, 53.389781862800277 ], [ 7.208402666662226, 53.389580964879208 ], [ 7.207247689868357, 53.389580964879208 ], [ 7.207247689868357, 53.389781862800277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 34.533333333333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 53.391188121700075 ], [ 7.209557643456093, 53.391188121700075 ], [ 7.209557643456093, 53.390987230415924 ], [ 7.208402666662226, 53.390987230415924 ], [ 7.208402666662226, 53.391188121700075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 18.931034482758619 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.391589901424027 ], [ 7.210712620249961, 53.391589901424027 ], [ 7.210712620249961, 53.391389012036115 ], [ 7.209557643456093, 53.391389012036115 ], [ 7.209557643456093, 53.391589901424027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 49.240038833333337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 53.390786338183631 ], [ 7.210712620249961, 53.390786338183631 ], [ 7.210712620249961, 53.390585445003232 ], [ 7.209557643456093, 53.390585445003232 ], [ 7.209557643456093, 53.390786338183631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 27.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.391589901424027 ], [ 7.211867597043828, 53.391589901424027 ], [ 7.211867597043828, 53.391389012036115 ], [ 7.210712620249961, 53.391389012036115 ], [ 7.210712620249961, 53.391589901424027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 29.333333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.391188121700075 ], [ 7.211867597043828, 53.391188121700075 ], [ 7.211867597043828, 53.390987230415924 ], [ 7.210712620249961, 53.390987230415924 ], [ 7.210712620249961, 53.391188121700075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 28.62141370588235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.390183655798026 ], [ 7.213022573837696, 53.390183655798026 ], [ 7.213022573837696, 53.389982759773225 ], [ 7.211867597043828, 53.389982759773225 ], [ 7.211867597043828, 53.390183655798026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31095_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 20.318181818181817 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.389781862800277 ], [ 7.213022573837696, 53.389781862800277 ], [ 7.213022573837696, 53.389580964879208 ], [ 7.211867597043828, 53.389580964879208 ], [ 7.211867597043828, 53.389781862800277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31096_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 51.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 53.385227943765059 ], [ 7.20609271307449, 53.385227943765059 ], [ 7.20609271307449, 53.385027024352325 ], [ 7.204937736280621, 53.385027024352325 ], [ 7.204937736280621, 53.385227943765059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31096_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 38.340673333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.384826103991436 ], [ 7.213022573837696, 53.384826103991436 ], [ 7.213022573837696, 53.384625182682342 ], [ 7.211867597043828, 53.384625182682342 ], [ 7.211867597043828, 53.384826103991436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31096_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 44.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 53.384424260425064 ], [ 7.213022573837696, 53.384424260425064 ], [ 7.213022573837696, 53.384223337219588 ], [ 7.211867597043828, 53.384223337219588 ], [ 7.211867597043828, 53.384424260425064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31099_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 13.459269538461539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.368749402823923 ], [ 7.211867597043828, 53.368749402823923 ], [ 7.211867597043828, 53.368548405653428 ], [ 7.210712620249961, 53.368548405653428 ], [ 7.210712620249961, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31100_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 43.434814588235291 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.363389153725599 ], [ 7.211867597043828, 53.363389153725599 ], [ 7.211867597043828, 53.363188131265126 ], [ 7.210712620249961, 53.363188131265126 ], [ 7.210712620249961, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31101_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 55.309551 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 53.358229277012903 ], [ 7.211867597043828, 53.358229277012903 ], [ 7.211867597043828, 53.35802823020947 ], [ 7.210712620249961, 53.35802823020947 ], [ 7.210712620249961, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31135_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 53.176162906957636 ], [ 7.207247689868357, 53.176162906957636 ], [ 7.207247689868357, 53.175961002257807 ], [ 7.20609271307449, 53.175961002257807 ], [ 7.20609271307449, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31196_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.845659626607485 ], [ 7.213022573837696, 52.845659626607485 ], [ 7.213022573837696, 52.845456169792399 ], [ 7.211867597043828, 52.845456169792399 ], [ 7.211867597043828, 52.845659626607485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.840437266545869 ], [ 7.20609271307449, 52.840437266545869 ], [ 7.20609271307449, 52.840233785259656 ], [ 7.204937736280621, 52.840233785259656 ], [ 7.204937736280621, 52.840437266545869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.25176975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.8384024107784 ], [ 7.20609271307449, 52.8384024107784 ], [ 7.20609271307449, 52.838198919957641 ], [ 7.204937736280621, 52.838198919957641 ], [ 7.204937736280621, 52.8384024107784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.840844226257971 ], [ 7.207247689868357, 52.840844226257971 ], [ 7.207247689868357, 52.840640746878641 ], [ 7.20609271307449, 52.840640746878641 ], [ 7.20609271307449, 52.840844226257971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.840030303020001 ], [ 7.208402666662226, 52.840030303020001 ], [ 7.208402666662226, 52.839826819826889 ], [ 7.207247689868357, 52.839826819826889 ], [ 7.207247689868357, 52.840030303020001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.84145465867531 ], [ 7.209557643456093, 52.84145465867531 ], [ 7.209557643456093, 52.841251182156306 ], [ 7.208402666662226, 52.841251182156306 ], [ 7.208402666662226, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 82.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.840030303020001 ], [ 7.209557643456093, 52.840030303020001 ], [ 7.209557643456093, 52.839826819826889 ], [ 7.208402666662226, 52.839826819826889 ], [ 7.208402666662226, 52.840030303020001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.841861608853044 ], [ 7.210712620249961, 52.841861608853044 ], [ 7.210712620249961, 52.841658134240895 ], [ 7.209557643456093, 52.841658134240895 ], [ 7.209557643456093, 52.841861608853044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 182.5000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.84145465867531 ], [ 7.210712620249961, 52.84145465867531 ], [ 7.210712620249961, 52.841251182156306 ], [ 7.209557643456093, 52.841251182156306 ], [ 7.209557643456093, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.33333566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.841047704683852 ], [ 7.210712620249961, 52.841047704683852 ], [ 7.210712620249961, 52.840844226257971 ], [ 7.209557643456093, 52.840844226257971 ], [ 7.209557643456093, 52.841047704683852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 97.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.839216364526848 ], [ 7.210712620249961, 52.839216364526848 ], [ 7.210712620249961, 52.839012877519927 ], [ 7.209557643456093, 52.839012877519927 ], [ 7.209557643456093, 52.839216364526848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.841861608853044 ], [ 7.211867597043828, 52.841861608853044 ], [ 7.211867597043828, 52.841658134240895 ], [ 7.210712620249961, 52.841658134240895 ], [ 7.210712620249961, 52.841861608853044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 214.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.84145465867531 ], [ 7.211867597043828, 52.84145465867531 ], [ 7.211867597043828, 52.841251182156306 ], [ 7.210712620249961, 52.841251182156306 ], [ 7.210712620249961, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.840844226257971 ], [ 7.211867597043828, 52.840844226257971 ], [ 7.211867597043828, 52.840640746878641 ], [ 7.210712620249961, 52.840640746878641 ], [ 7.210712620249961, 52.840844226257971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.486508 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.840640746878641 ], [ 7.211867597043828, 52.840640746878641 ], [ 7.211867597043828, 52.840437266545869 ], [ 7.210712620249961, 52.840437266545869 ], [ 7.210712620249961, 52.840640746878641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 105.8174205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.840437266545869 ], [ 7.211867597043828, 52.840437266545869 ], [ 7.211867597043828, 52.840233785259656 ], [ 7.210712620249961, 52.840233785259656 ], [ 7.210712620249961, 52.840437266545869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 97.534789375000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.840030303020001 ], [ 7.211867597043828, 52.840030303020001 ], [ 7.211867597043828, 52.839826819826889 ], [ 7.210712620249961, 52.839826819826889 ], [ 7.210712620249961, 52.840030303020001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 117.7499985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.839826819826889 ], [ 7.211867597043828, 52.839826819826889 ], [ 7.211867597043828, 52.839623335680329 ], [ 7.210712620249961, 52.839623335680329 ], [ 7.210712620249961, 52.839826819826889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 189.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.839419850580306 ], [ 7.211867597043828, 52.839419850580306 ], [ 7.211867597043828, 52.839216364526848 ], [ 7.210712620249961, 52.839216364526848 ], [ 7.210712620249961, 52.839419850580306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.83880938955955 ], [ 7.211867597043828, 52.83880938955955 ], [ 7.211867597043828, 52.838605900645703 ], [ 7.210712620249961, 52.838605900645703 ], [ 7.210712620249961, 52.83880938955955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.8384024107784 ], [ 7.211867597043828, 52.8384024107784 ], [ 7.211867597043828, 52.838198919957641 ], [ 7.210712620249961, 52.838198919957641 ], [ 7.210712620249961, 52.8384024107784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 97.497117 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.838198919957641 ], [ 7.211867597043828, 52.838198919957641 ], [ 7.211867597043828, 52.837995428183412 ], [ 7.210712620249961, 52.837995428183412 ], [ 7.210712620249961, 52.838198919957641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.33333366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.840640746878641 ], [ 7.213022573837696, 52.840640746878641 ], [ 7.213022573837696, 52.840437266545869 ], [ 7.211867597043828, 52.840437266545869 ], [ 7.211867597043828, 52.840640746878641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.840437266545869 ], [ 7.213022573837696, 52.840437266545869 ], [ 7.213022573837696, 52.840233785259656 ], [ 7.211867597043828, 52.840233785259656 ], [ 7.211867597043828, 52.840437266545869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.90992866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.840233785259656 ], [ 7.213022573837696, 52.840233785259656 ], [ 7.213022573837696, 52.840030303020001 ], [ 7.211867597043828, 52.840030303020001 ], [ 7.211867597043828, 52.840233785259656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.17802566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.840030303020001 ], [ 7.213022573837696, 52.840030303020001 ], [ 7.213022573837696, 52.839826819826889 ], [ 7.211867597043828, 52.839826819826889 ], [ 7.211867597043828, 52.840030303020001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.839826819826889 ], [ 7.213022573837696, 52.839826819826889 ], [ 7.213022573837696, 52.839623335680329 ], [ 7.211867597043828, 52.839623335680329 ], [ 7.211867597043828, 52.839826819826889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.839419850580306 ], [ 7.213022573837696, 52.839419850580306 ], [ 7.213022573837696, 52.839216364526848 ], [ 7.211867597043828, 52.839216364526848 ], [ 7.211867597043828, 52.839419850580306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 116.73169733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.839216364526848 ], [ 7.213022573837696, 52.839216364526848 ], [ 7.213022573837696, 52.839012877519927 ], [ 7.211867597043828, 52.839012877519927 ], [ 7.211867597043828, 52.839216364526848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31197_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.839012877519927 ], [ 7.213022573837696, 52.839012877519927 ], [ 7.213022573837696, 52.83880938955955 ], [ 7.211867597043828, 52.83880938955955 ], [ 7.211867597043828, 52.839012877519927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.835010772617551 ], [ 7.20609271307449, 52.835010772617551 ], [ 7.20609271307449, 52.834807265905447 ], [ 7.204937736280621, 52.834807265905447 ], [ 7.204937736280621, 52.835010772617551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.832975662588908 ], [ 7.20609271307449, 52.832975662588908 ], [ 7.20609271307449, 52.832772146341746 ], [ 7.204937736280621, 52.832772146341746 ], [ 7.204937736280621, 52.832975662588908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.835417783181285 ], [ 7.207247689868357, 52.835417783181285 ], [ 7.207247689868357, 52.835214278376164 ], [ 7.20609271307449, 52.835214278376164 ], [ 7.20609271307449, 52.835417783181285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.834603758239851 ], [ 7.208402666662226, 52.834603758239851 ], [ 7.208402666662226, 52.834400249620749 ], [ 7.207247689868357, 52.834400249620749 ], [ 7.207247689868357, 52.834603758239851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.836028291875685 ], [ 7.209557643456093, 52.836028291875685 ], [ 7.209557643456093, 52.835824789931046 ], [ 7.208402666662226, 52.835824789931046 ], [ 7.208402666662226, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 79.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.834603758239851 ], [ 7.209557643456093, 52.834603758239851 ], [ 7.209557643456093, 52.834400249620749 ], [ 7.208402666662226, 52.834400249620749 ], [ 7.208402666662226, 52.834603758239851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.836435292904525 ], [ 7.210712620249961, 52.836435292904525 ], [ 7.210712620249961, 52.836231792866847 ], [ 7.209557643456093, 52.836231792866847 ], [ 7.209557643456093, 52.836435292904525 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 177.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.836028291875685 ], [ 7.210712620249961, 52.836028291875685 ], [ 7.210712620249961, 52.835824789931046 ], [ 7.209557643456093, 52.835824789931046 ], [ 7.209557643456093, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.413814 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.8356212870329 ], [ 7.210712620249961, 52.8356212870329 ], [ 7.210712620249961, 52.835417783181285 ], [ 7.209557643456093, 52.835417783181285 ], [ 7.209557643456093, 52.8356212870329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 96.3999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.833993229522044 ], [ 7.210712620249961, 52.833993229522044 ], [ 7.210712620249961, 52.833789718042432 ], [ 7.209557643456093, 52.833789718042432 ], [ 7.209557643456093, 52.833993229522044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.836435292904525 ], [ 7.211867597043828, 52.836435292904525 ], [ 7.211867597043828, 52.836231792866847 ], [ 7.210712620249961, 52.836231792866847 ], [ 7.210712620249961, 52.836435292904525 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 211.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.836028291875685 ], [ 7.211867597043828, 52.836028291875685 ], [ 7.211867597043828, 52.835824789931046 ], [ 7.210712620249961, 52.835824789931046 ], [ 7.210712620249961, 52.836028291875685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.835417783181285 ], [ 7.211867597043828, 52.835417783181285 ], [ 7.211867597043828, 52.835214278376164 ], [ 7.210712620249961, 52.835214278376164 ], [ 7.210712620249961, 52.835417783181285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 128.11072475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.835214278376164 ], [ 7.211867597043828, 52.835214278376164 ], [ 7.211867597043828, 52.835010772617551 ], [ 7.210712620249961, 52.835010772617551 ], [ 7.210712620249961, 52.835214278376164 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 102.8255334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.835010772617551 ], [ 7.211867597043828, 52.835010772617551 ], [ 7.211867597043828, 52.834807265905447 ], [ 7.210712620249961, 52.834807265905447 ], [ 7.210712620249961, 52.835010772617551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 100.22222044444445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.834603758239851 ], [ 7.211867597043828, 52.834603758239851 ], [ 7.211867597043828, 52.834400249620749 ], [ 7.210712620249961, 52.834400249620749 ], [ 7.210712620249961, 52.834603758239851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.834400249620749 ], [ 7.211867597043828, 52.834400249620749 ], [ 7.211867597043828, 52.834196740048142 ], [ 7.210712620249961, 52.834196740048142 ], [ 7.210712620249961, 52.834400249620749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.833993229522044 ], [ 7.211867597043828, 52.833993229522044 ], [ 7.211867597043828, 52.833789718042432 ], [ 7.210712620249961, 52.833789718042432 ], [ 7.210712620249961, 52.833993229522044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.833382692222685 ], [ 7.211867597043828, 52.833382692222685 ], [ 7.211867597043828, 52.833179177882549 ], [ 7.210712620249961, 52.833179177882549 ], [ 7.210712620249961, 52.833382692222685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 130.578756 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.832975662588908 ], [ 7.211867597043828, 52.832975662588908 ], [ 7.211867597043828, 52.832772146341746 ], [ 7.210712620249961, 52.832772146341746 ], [ 7.210712620249961, 52.832975662588908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 100.6481122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.832772146341746 ], [ 7.211867597043828, 52.832772146341746 ], [ 7.211867597043828, 52.832568629141058 ], [ 7.210712620249961, 52.832568629141058 ], [ 7.210712620249961, 52.832772146341746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.835214278376164 ], [ 7.213022573837696, 52.835214278376164 ], [ 7.213022573837696, 52.835010772617551 ], [ 7.211867597043828, 52.835010772617551 ], [ 7.211867597043828, 52.835214278376164 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 74.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.835010772617551 ], [ 7.213022573837696, 52.835010772617551 ], [ 7.213022573837696, 52.834807265905447 ], [ 7.211867597043828, 52.834807265905447 ], [ 7.211867597043828, 52.835010772617551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.77154625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.834807265905447 ], [ 7.213022573837696, 52.834807265905447 ], [ 7.213022573837696, 52.834603758239851 ], [ 7.211867597043828, 52.834603758239851 ], [ 7.211867597043828, 52.834807265905447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.325707 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.834603758239851 ], [ 7.213022573837696, 52.834603758239851 ], [ 7.213022573837696, 52.834400249620749 ], [ 7.211867597043828, 52.834400249620749 ], [ 7.211867597043828, 52.834603758239851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.834400249620749 ], [ 7.213022573837696, 52.834400249620749 ], [ 7.213022573837696, 52.834196740048142 ], [ 7.211867597043828, 52.834196740048142 ], [ 7.211867597043828, 52.834400249620749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.833993229522044 ], [ 7.213022573837696, 52.833993229522044 ], [ 7.213022573837696, 52.833789718042432 ], [ 7.211867597043828, 52.833789718042432 ], [ 7.211867597043828, 52.833993229522044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31198_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.9737725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.833586205609308 ], [ 7.213022573837696, 52.833586205609308 ], [ 7.213022573837696, 52.833382692222685 ], [ 7.211867597043828, 52.833382692222685 ], [ 7.211867597043828, 52.833586205609308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.829583600648157 ], [ 7.20609271307449, 52.829583600648157 ], [ 7.20609271307449, 52.829380068508812 ], [ 7.204937736280621, 52.829380068508812 ], [ 7.204937736280621, 52.829583600648157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.072255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.827548236344818 ], [ 7.20609271307449, 52.827548236344818 ], [ 7.20609271307449, 52.827344694669904 ], [ 7.204937736280621, 52.827344694669904 ], [ 7.204937736280621, 52.827548236344818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.829990662066216 ], [ 7.207247689868357, 52.829990662066216 ], [ 7.207247689868357, 52.82978713183396 ], [ 7.20609271307449, 52.82978713183396 ], [ 7.20609271307449, 52.829990662066216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.829176535415925 ], [ 7.208402666662226, 52.829176535415925 ], [ 7.208402666662226, 52.828973001369476 ], [ 7.207247689868357, 52.828973001369476 ], [ 7.207247689868357, 52.829176535415925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.830601247041741 ], [ 7.209557643456093, 52.830601247041741 ], [ 7.209557643456093, 52.830397719670103 ], [ 7.208402666662226, 52.830397719670103 ], [ 7.208402666662226, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 81.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.829176535415925 ], [ 7.209557643456093, 52.829176535415925 ], [ 7.209557643456093, 52.828973001369476 ], [ 7.208402666662226, 52.828973001369476 ], [ 7.208402666662226, 52.829176535415925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 88.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.831008298924402 ], [ 7.210712620249961, 52.831008298924402 ], [ 7.210712620249961, 52.830804773459832 ], [ 7.209557643456093, 52.830804773459832 ], [ 7.209557643456093, 52.831008298924402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 155.36588966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.830601247041741 ], [ 7.210712620249961, 52.830601247041741 ], [ 7.210712620249961, 52.830397719670103 ], [ 7.209557643456093, 52.830397719670103 ], [ 7.209557643456093, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.25411025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.83019419134493 ], [ 7.210712620249961, 52.83019419134493 ], [ 7.210712620249961, 52.829990662066216 ], [ 7.209557643456093, 52.829990662066216 ], [ 7.209557643456093, 52.83019419134493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 97.295024 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.828565930415927 ], [ 7.210712620249961, 52.828565930415927 ], [ 7.210712620249961, 52.828362393508833 ], [ 7.209557643456093, 52.828362393508833 ], [ 7.209557643456093, 52.828565930415927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.831008298924402 ], [ 7.211867597043828, 52.831008298924402 ], [ 7.211867597043828, 52.830804773459832 ], [ 7.210712620249961, 52.830804773459832 ], [ 7.210712620249961, 52.831008298924402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.830601247041741 ], [ 7.211867597043828, 52.830601247041741 ], [ 7.211867597043828, 52.830397719670103 ], [ 7.210712620249961, 52.830397719670103 ], [ 7.210712620249961, 52.830601247041741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 172.80555566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.829990662066216 ], [ 7.211867597043828, 52.829990662066216 ], [ 7.211867597043828, 52.82978713183396 ], [ 7.210712620249961, 52.82978713183396 ], [ 7.210712620249961, 52.829990662066216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.42301425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.82978713183396 ], [ 7.211867597043828, 52.82978713183396 ], [ 7.211867597043828, 52.829583600648157 ], [ 7.210712620249961, 52.829583600648157 ], [ 7.210712620249961, 52.82978713183396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 98.4731248 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.829583600648157 ], [ 7.211867597043828, 52.829583600648157 ], [ 7.211867597043828, 52.829380068508812 ], [ 7.210712620249961, 52.829380068508812 ], [ 7.210712620249961, 52.829583600648157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 98.333333777777781 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.829176535415925 ], [ 7.211867597043828, 52.829176535415925 ], [ 7.211867597043828, 52.828973001369476 ], [ 7.210712620249961, 52.828973001369476 ], [ 7.210712620249961, 52.829176535415925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 120.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.828973001369476 ], [ 7.211867597043828, 52.828973001369476 ], [ 7.211867597043828, 52.828769466369479 ], [ 7.210712620249961, 52.828769466369479 ], [ 7.210712620249961, 52.828973001369476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.828565930415927 ], [ 7.211867597043828, 52.828565930415927 ], [ 7.211867597043828, 52.828362393508833 ], [ 7.210712620249961, 52.828362393508833 ], [ 7.210712620249961, 52.828565930415927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.907439 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.827955316833943 ], [ 7.211867597043828, 52.827955316833943 ], [ 7.211867597043828, 52.827751777066162 ], [ 7.210712620249961, 52.827751777066162 ], [ 7.210712620249961, 52.827955316833943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 128.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.827548236344818 ], [ 7.211867597043828, 52.827548236344818 ], [ 7.211867597043828, 52.827344694669904 ], [ 7.210712620249961, 52.827344694669904 ], [ 7.210712620249961, 52.827548236344818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 96.901794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.827344694669904 ], [ 7.211867597043828, 52.827344694669904 ], [ 7.211867597043828, 52.827141152041435 ], [ 7.210712620249961, 52.827141152041435 ], [ 7.210712620249961, 52.827344694669904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 77.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.829583600648157 ], [ 7.213022573837696, 52.829583600648157 ], [ 7.213022573837696, 52.829380068508812 ], [ 7.211867597043828, 52.829380068508812 ], [ 7.211867597043828, 52.829583600648157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.74765075000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.829380068508812 ], [ 7.213022573837696, 52.829380068508812 ], [ 7.213022573837696, 52.829176535415925 ], [ 7.211867597043828, 52.829176535415925 ], [ 7.211867597043828, 52.829380068508812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.42857342857141 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.829176535415925 ], [ 7.213022573837696, 52.829176535415925 ], [ 7.213022573837696, 52.828973001369476 ], [ 7.211867597043828, 52.828973001369476 ], [ 7.211867597043828, 52.829176535415925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 88.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.828973001369476 ], [ 7.213022573837696, 52.828973001369476 ], [ 7.213022573837696, 52.828769466369479 ], [ 7.211867597043828, 52.828769466369479 ], [ 7.211867597043828, 52.828973001369476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 166.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.828565930415927 ], [ 7.213022573837696, 52.828565930415927 ], [ 7.213022573837696, 52.828362393508833 ], [ 7.211867597043828, 52.828362393508833 ], [ 7.211867597043828, 52.828565930415927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31199_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.924122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.828158855648169 ], [ 7.213022573837696, 52.828158855648169 ], [ 7.213022573837696, 52.827955316833943 ], [ 7.211867597043828, 52.827955316833943 ], [ 7.211867597043828, 52.828158855648169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31200_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.825173524137448 ], [ 7.209557643456093, 52.825173524137448 ], [ 7.209557643456093, 52.824969971337467 ], [ 7.208402666662226, 52.824969971337467 ], [ 7.208402666662226, 52.825173524137448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31200_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 122.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.823545075037053 ], [ 7.211867597043828, 52.823545075037053 ], [ 7.211867597043828, 52.823341514608316 ], [ 7.210712620249961, 52.823341514608316 ], [ 7.210712620249961, 52.823545075037053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31204_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 84.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.802437568924972 ], [ 7.213022573837696, 52.802437568924972 ], [ 7.213022573837696, 52.80223390962918 ], [ 7.211867597043828, 52.80223390962918 ], [ 7.211867597043828, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31204_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.80223390962918 ], [ 7.213022573837696, 52.80223390962918 ], [ 7.213022573837696, 52.802030249379577 ], [ 7.211867597043828, 52.802030249379577 ], [ 7.211867597043828, 52.80223390962918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31205_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 60.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.797006327953362 ], [ 7.213022573837696, 52.797006327953362 ], [ 7.213022573837696, 52.796802643222229 ], [ 7.211867597043828, 52.796802643222229 ], [ 7.211867597043828, 52.797006327953362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31205_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 70.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.796802643222229 ], [ 7.213022573837696, 52.796802643222229 ], [ 7.213022573837696, 52.796598957537263 ], [ 7.211867597043828, 52.796598957537263 ], [ 7.211867597043828, 52.796802643222229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31212_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 56.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.758764784129333 ], [ 7.213022573837696, 52.758764784129333 ], [ 7.213022573837696, 52.758560920359031 ], [ 7.211867597043828, 52.758560920359031 ], [ 7.211867597043828, 52.758764784129333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31213_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 48.888888888888886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.753328090365585 ], [ 7.213022573837696, 52.753328090365585 ], [ 7.213022573837696, 52.753124201149156 ], [ 7.211867597043828, 52.753124201149156 ], [ 7.211867597043828, 52.753328090365585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31214_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 68.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.747890718021196 ], [ 7.213022573837696, 52.747890718021196 ], [ 7.213022573837696, 52.74768680335729 ], [ 7.211867597043828, 52.74768680335729 ], [ 7.211867597043828, 52.747890718021196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31215_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 72.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.742452667060434 ], [ 7.213022573837696, 52.742452667060434 ], [ 7.213022573837696, 52.742248726947722 ], [ 7.211867597043828, 52.742248726947722 ], [ 7.211867597043828, 52.742452667060434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31216_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 76.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.737013937447593 ], [ 7.213022573837696, 52.737013937447593 ], [ 7.213022573837696, 52.736809971884739 ], [ 7.211867597043828, 52.736809971884739 ], [ 7.211867597043828, 52.737013937447593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31217_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.731574529147004 ], [ 7.213022573837696, 52.731574529147004 ], [ 7.213022573837696, 52.731370538132673 ], [ 7.211867597043828, 52.731370538132673 ], [ 7.211867597043828, 52.731574529147004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31219_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.720693676339941 ], [ 7.213022573837696, 52.720693676339941 ], [ 7.213022573837696, 52.720489634418627 ], [ 7.211867597043828, 52.720489634418627 ], [ 7.211867597043828, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31229_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.666861562812699 ], [ 7.210712620249961, 52.666861562812699 ], [ 7.210712620249961, 52.666657269141638 ], [ 7.209557643456093, 52.666657269141638 ], [ 7.209557643456093, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31229_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.665227186702666 ], [ 7.210712620249961, 52.665227186702666 ], [ 7.210712620249961, 52.665022885391153 ], [ 7.209557643456093, 52.665022885391153 ], [ 7.209557643456093, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.491568124980645 ], [ 7.20609271307449, 52.491568124980645 ], [ 7.20609271307449, 52.491363012788142 ], [ 7.204937736280621, 52.491363012788142 ], [ 7.204937736280621, 52.491568124980645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.17134166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.489722080809059 ], [ 7.20609271307449, 52.489722080809059 ], [ 7.20609271307449, 52.489516960006767 ], [ 7.204937736280621, 52.489516960006767 ], [ 7.204937736280621, 52.489722080809059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.492183455818378 ], [ 7.207247689868357, 52.492183455818378 ], [ 7.207247689868357, 52.491978346495763 ], [ 7.20609271307449, 52.491978346495763 ], [ 7.20609271307449, 52.492183455818378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.491363012788142 ], [ 7.208402666662226, 52.491363012788142 ], [ 7.208402666662226, 52.491157899638999 ], [ 7.207247689868357, 52.491157899638999 ], [ 7.207247689868357, 52.491363012788142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.492798778046449 ], [ 7.209557643456093, 52.492798778046449 ], [ 7.209557643456093, 52.492593671593724 ], [ 7.208402666662226, 52.492593671593724 ], [ 7.208402666662226, 52.492798778046449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.491568124980645 ], [ 7.209557643456093, 52.491568124980645 ], [ 7.209557643456093, 52.491363012788142 ], [ 7.208402666662226, 52.491363012788142 ], [ 7.208402666662226, 52.491568124980645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.490747670470796 ], [ 7.209557643456093, 52.490747670470796 ], [ 7.209557643456093, 52.490542554451736 ], [ 7.208402666662226, 52.490542554451736 ], [ 7.208402666662226, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.49320898808206 ], [ 7.210712620249961, 52.49320898808206 ], [ 7.210712620249961, 52.493003883542571 ], [ 7.209557643456093, 52.493003883542571 ], [ 7.209557643456093, 52.49320898808206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 148.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.492798778046449 ], [ 7.210712620249961, 52.492798778046449 ], [ 7.210712620249961, 52.492593671593724 ], [ 7.209557643456093, 52.492593671593724 ], [ 7.209557643456093, 52.492798778046449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.009802 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.49238856418436 ], [ 7.210712620249961, 52.49238856418436 ], [ 7.210712620249961, 52.492183455818378 ], [ 7.209557643456093, 52.492183455818378 ], [ 7.209557643456093, 52.49238856418436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.491978346495763 ], [ 7.210712620249961, 52.491978346495763 ], [ 7.210712620249961, 52.49177323621651 ], [ 7.209557643456093, 52.49177323621651 ], [ 7.209557643456093, 52.491978346495763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 146.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.490747670470796 ], [ 7.210712620249961, 52.490747670470796 ], [ 7.210712620249961, 52.490542554451736 ], [ 7.209557643456093, 52.490542554451736 ], [ 7.209557643456093, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.490542554451736 ], [ 7.210712620249961, 52.490542554451736 ], [ 7.210712620249961, 52.490337437476029 ], [ 7.209557643456093, 52.490337437476029 ], [ 7.209557643456093, 52.490542554451736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.49320898808206 ], [ 7.211867597043828, 52.49320898808206 ], [ 7.211867597043828, 52.493003883542571 ], [ 7.210712620249961, 52.493003883542571 ], [ 7.210712620249961, 52.49320898808206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.492798778046449 ], [ 7.211867597043828, 52.492798778046449 ], [ 7.211867597043828, 52.492593671593724 ], [ 7.210712620249961, 52.492593671593724 ], [ 7.210712620249961, 52.492798778046449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.97631933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.491978346495763 ], [ 7.211867597043828, 52.491978346495763 ], [ 7.211867597043828, 52.49177323621651 ], [ 7.210712620249961, 52.49177323621651 ], [ 7.210712620249961, 52.491978346495763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 124.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.49177323621651 ], [ 7.211867597043828, 52.49177323621651 ], [ 7.211867597043828, 52.491568124980645 ], [ 7.210712620249961, 52.491568124980645 ], [ 7.210712620249961, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 125.99999633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.491568124980645 ], [ 7.211867597043828, 52.491568124980645 ], [ 7.211867597043828, 52.491363012788142 ], [ 7.210712620249961, 52.491363012788142 ], [ 7.210712620249961, 52.491568124980645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 134.166665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.491363012788142 ], [ 7.211867597043828, 52.491363012788142 ], [ 7.211867597043828, 52.491157899638999 ], [ 7.210712620249961, 52.491157899638999 ], [ 7.210712620249961, 52.491363012788142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.490747670470796 ], [ 7.211867597043828, 52.490747670470796 ], [ 7.211867597043828, 52.490542554451736 ], [ 7.210712620249961, 52.490542554451736 ], [ 7.210712620249961, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.49013231954369 ], [ 7.211867597043828, 52.49013231954369 ], [ 7.211867597043828, 52.489927200654698 ], [ 7.210712620249961, 52.489927200654698 ], [ 7.210712620249961, 52.49013231954369 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 145.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.489516960006767 ], [ 7.211867597043828, 52.489516960006767 ], [ 7.211867597043828, 52.489311838247822 ], [ 7.210712620249961, 52.489311838247822 ], [ 7.210712620249961, 52.489516960006767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 111.10270733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.489311838247822 ], [ 7.211867597043828, 52.489311838247822 ], [ 7.211867597043828, 52.48910671553223 ], [ 7.210712620249961, 52.48910671553223 ], [ 7.210712620249961, 52.489311838247822 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.33333133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.491978346495763 ], [ 7.213022573837696, 52.491978346495763 ], [ 7.213022573837696, 52.49177323621651 ], [ 7.211867597043828, 52.49177323621651 ], [ 7.211867597043828, 52.491978346495763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.49177323621651 ], [ 7.213022573837696, 52.49177323621651 ], [ 7.213022573837696, 52.491568124980645 ], [ 7.211867597043828, 52.491568124980645 ], [ 7.211867597043828, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.491568124980645 ], [ 7.213022573837696, 52.491568124980645 ], [ 7.213022573837696, 52.491363012788142 ], [ 7.211867597043828, 52.491363012788142 ], [ 7.211867597043828, 52.491568124980645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.01876314285713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.491363012788142 ], [ 7.213022573837696, 52.491363012788142 ], [ 7.213022573837696, 52.491157899638999 ], [ 7.211867597043828, 52.491157899638999 ], [ 7.211867597043828, 52.491363012788142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.6883845 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.491157899638999 ], [ 7.213022573837696, 52.491157899638999 ], [ 7.213022573837696, 52.490952785533217 ], [ 7.211867597043828, 52.490952785533217 ], [ 7.211867597043828, 52.491157899638999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 157.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.490952785533217 ], [ 7.213022573837696, 52.490952785533217 ], [ 7.213022573837696, 52.490747670470796 ], [ 7.211867597043828, 52.490747670470796 ], [ 7.211867597043828, 52.490952785533217 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.490747670470796 ], [ 7.213022573837696, 52.490747670470796 ], [ 7.213022573837696, 52.490542554451736 ], [ 7.211867597043828, 52.490542554451736 ], [ 7.211867597043828, 52.490747670470796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31261_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 123.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.490337437476029 ], [ 7.213022573837696, 52.490337437476029 ], [ 7.213022573837696, 52.49013231954369 ], [ 7.211867597043828, 52.49013231954369 ], [ 7.211867597043828, 52.490337437476029 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.486098139126817 ], [ 7.20609271307449, 52.486098139126817 ], [ 7.20609271307449, 52.485893001423406 ], [ 7.204937736280621, 52.485893001423406 ], [ 7.204937736280621, 52.486098139126817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.48425186535539 ], [ 7.20609271307449, 52.48425186535539 ], [ 7.20609271307449, 52.484046719041764 ], [ 7.204937736280621, 52.484046719041764 ], [ 7.204937736280621, 52.48425186535539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.486713546496951 ], [ 7.207247689868357, 52.486713546496951 ], [ 7.207247689868357, 52.486508411663578 ], [ 7.20609271307449, 52.486508411663578 ], [ 7.20609271307449, 52.486713546496951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.485893001423406 ], [ 7.208402666662226, 52.485893001423406 ], [ 7.208402666662226, 52.485687862763321 ], [ 7.207247689868357, 52.485687862763321 ], [ 7.207247689868357, 52.485893001423406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 187.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.487328945256984 ], [ 7.209557643456093, 52.487328945256984 ], [ 7.209557643456093, 52.48712381329365 ], [ 7.208402666662226, 52.48712381329365 ], [ 7.208402666662226, 52.487328945256984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.486098139126817 ], [ 7.209557643456093, 52.486098139126817 ], [ 7.209557643456093, 52.485893001423406 ], [ 7.208402666662226, 52.485893001423406 ], [ 7.208402666662226, 52.486098139126817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.485277582573076 ], [ 7.209557643456093, 52.485277582573076 ], [ 7.209557643456093, 52.485072441042931 ], [ 7.208402666662226, 52.485072441042931 ], [ 7.208402666662226, 52.485277582573076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.487739206313655 ], [ 7.210712620249961, 52.487739206313655 ], [ 7.210712620249961, 52.487534076263643 ], [ 7.209557643456093, 52.487534076263643 ], [ 7.209557643456093, 52.487739206313655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 161.583544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.487328945256984 ], [ 7.210712620249961, 52.487328945256984 ], [ 7.210712620249961, 52.48712381329365 ], [ 7.209557643456093, 52.48712381329365 ], [ 7.209557643456093, 52.487328945256984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.37396533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.48691868037362 ], [ 7.210712620249961, 52.48691868037362 ], [ 7.210712620249961, 52.486713546496951 ], [ 7.209557643456093, 52.486713546496951 ], [ 7.209557643456093, 52.48691868037362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.486508411663578 ], [ 7.210712620249961, 52.486508411663578 ], [ 7.210712620249961, 52.486303275873532 ], [ 7.209557643456093, 52.486303275873532 ], [ 7.209557643456093, 52.486508411663578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 142.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.485277582573076 ], [ 7.210712620249961, 52.485277582573076 ], [ 7.210712620249961, 52.485072441042931 ], [ 7.209557643456093, 52.485072441042931 ], [ 7.209557643456093, 52.485277582573076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.485072441042931 ], [ 7.210712620249961, 52.485072441042931 ], [ 7.210712620249961, 52.48486729855609 ], [ 7.209557643456093, 52.48486729855609 ], [ 7.209557643456093, 52.485072441042931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.487739206313655 ], [ 7.211867597043828, 52.487739206313655 ], [ 7.211867597043828, 52.487534076263643 ], [ 7.210712620249961, 52.487534076263643 ], [ 7.210712620249961, 52.487739206313655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.487328945256984 ], [ 7.211867597043828, 52.487328945256984 ], [ 7.211867597043828, 52.48712381329365 ], [ 7.210712620249961, 52.48712381329365 ], [ 7.210712620249961, 52.487328945256984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 111.35101775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.486508411663578 ], [ 7.211867597043828, 52.486508411663578 ], [ 7.211867597043828, 52.486303275873532 ], [ 7.210712620249961, 52.486303275873532 ], [ 7.210712620249961, 52.486508411663578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 124.33034725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.486303275873532 ], [ 7.211867597043828, 52.486303275873532 ], [ 7.211867597043828, 52.486098139126817 ], [ 7.210712620249961, 52.486098139126817 ], [ 7.210712620249961, 52.486303275873532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.73385825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.486098139126817 ], [ 7.211867597043828, 52.486098139126817 ], [ 7.211867597043828, 52.485893001423406 ], [ 7.210712620249961, 52.485893001423406 ], [ 7.210712620249961, 52.486098139126817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 140.26724133333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.485893001423406 ], [ 7.211867597043828, 52.485893001423406 ], [ 7.211867597043828, 52.485687862763321 ], [ 7.210712620249961, 52.485687862763321 ], [ 7.210712620249961, 52.485893001423406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 155.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.485277582573076 ], [ 7.211867597043828, 52.485277582573076 ], [ 7.211867597043828, 52.485072441042931 ], [ 7.210712620249961, 52.485072441042931 ], [ 7.210712620249961, 52.485277582573076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.484662155112545 ], [ 7.211867597043828, 52.484662155112545 ], [ 7.211867597043828, 52.484457010712319 ], [ 7.210712620249961, 52.484457010712319 ], [ 7.210712620249961, 52.484662155112545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 145.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.484046719041764 ], [ 7.211867597043828, 52.484046719041764 ], [ 7.211867597043828, 52.483841571771428 ], [ 7.210712620249961, 52.483841571771428 ], [ 7.210712620249961, 52.484046719041764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.73589275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.483841571771428 ], [ 7.211867597043828, 52.483841571771428 ], [ 7.211867597043828, 52.483636423544404 ], [ 7.210712620249961, 52.483636423544404 ], [ 7.210712620249961, 52.483841571771428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.1551715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.486508411663578 ], [ 7.213022573837696, 52.486508411663578 ], [ 7.213022573837696, 52.486303275873532 ], [ 7.211867597043828, 52.486303275873532 ], [ 7.211867597043828, 52.486508411663578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.486303275873532 ], [ 7.213022573837696, 52.486303275873532 ], [ 7.213022573837696, 52.486098139126817 ], [ 7.211867597043828, 52.486098139126817 ], [ 7.211867597043828, 52.486303275873532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.486098139126817 ], [ 7.213022573837696, 52.486098139126817 ], [ 7.213022573837696, 52.485893001423406 ], [ 7.211867597043828, 52.485893001423406 ], [ 7.211867597043828, 52.486098139126817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 120.98937283333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.485893001423406 ], [ 7.213022573837696, 52.485893001423406 ], [ 7.213022573837696, 52.485687862763321 ], [ 7.211867597043828, 52.485687862763321 ], [ 7.211867597043828, 52.485893001423406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 131.39194 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.485687862763321 ], [ 7.213022573837696, 52.485687862763321 ], [ 7.213022573837696, 52.485482723146539 ], [ 7.211867597043828, 52.485482723146539 ], [ 7.211867597043828, 52.485687862763321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.485482723146539 ], [ 7.213022573837696, 52.485482723146539 ], [ 7.213022573837696, 52.485277582573076 ], [ 7.211867597043828, 52.485277582573076 ], [ 7.211867597043828, 52.485482723146539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.485277582573076 ], [ 7.213022573837696, 52.485277582573076 ], [ 7.213022573837696, 52.485072441042931 ], [ 7.211867597043828, 52.485072441042931 ], [ 7.211867597043828, 52.485277582573076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31262_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 121.8717535 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.48486729855609 ], [ 7.213022573837696, 52.48486729855609 ], [ 7.213022573837696, 52.484662155112545 ], [ 7.211867597043828, 52.484662155112545 ], [ 7.211867597043828, 52.48486729855609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.480627472965658 ], [ 7.20609271307449, 52.480627472965658 ], [ 7.20609271307449, 52.480422309750054 ], [ 7.204937736280621, 52.480422309750054 ], [ 7.204937736280621, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.478780969582679 ], [ 7.20609271307449, 52.478780969582679 ], [ 7.20609271307449, 52.478575797756413 ], [ 7.204937736280621, 52.478575797756413 ], [ 7.204937736280621, 52.478780969582679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.481242956872102 ], [ 7.207247689868357, 52.481242956872102 ], [ 7.207247689868357, 52.481037796526678 ], [ 7.20609271307449, 52.481037796526678 ], [ 7.20609271307449, 52.481242956872102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.480422309750054 ], [ 7.208402666662226, 52.480422309750054 ], [ 7.208402666662226, 52.480217145577718 ], [ 7.207247689868357, 52.480217145577718 ], [ 7.207247689868357, 52.480422309750054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.481858432168004 ], [ 7.209557643456093, 52.481858432168004 ], [ 7.209557643456093, 52.481653274692761 ], [ 7.208402666662226, 52.481653274692761 ], [ 7.208402666662226, 52.481858432168004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.480627472965658 ], [ 7.209557643456093, 52.480627472965658 ], [ 7.209557643456093, 52.480422309750054 ], [ 7.208402666662226, 52.480422309750054 ], [ 7.208402666662226, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.479806814362838 ], [ 7.209557643456093, 52.479806814362838 ], [ 7.209557643456093, 52.479601647320294 ], [ 7.208402666662226, 52.479601647320294 ], [ 7.208402666662226, 52.479806814362838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.482268744248351 ], [ 7.210712620249961, 52.482268744248351 ], [ 7.210712620249961, 52.482063588686529 ], [ 7.209557643456093, 52.482063588686529 ], [ 7.209557643456093, 52.482268744248351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 164.8689945 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.481858432168004 ], [ 7.210712620249961, 52.481858432168004 ], [ 7.210712620249961, 52.481653274692761 ], [ 7.209557643456093, 52.481653274692761 ], [ 7.209557643456093, 52.481858432168004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 129.391143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.481448116260793 ], [ 7.210712620249961, 52.481448116260793 ], [ 7.210712620249961, 52.481242956872102 ], [ 7.209557643456093, 52.481242956872102 ], [ 7.209557643456093, 52.481448116260793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.481037796526678 ], [ 7.210712620249961, 52.481037796526678 ], [ 7.210712620249961, 52.480832635224537 ], [ 7.209557643456093, 52.480832635224537 ], [ 7.209557643456093, 52.481037796526678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 138.66666466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.479806814362838 ], [ 7.210712620249961, 52.479806814362838 ], [ 7.210712620249961, 52.479601647320294 ], [ 7.209557643456093, 52.479601647320294 ], [ 7.209557643456093, 52.479806814362838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.479601647320294 ], [ 7.210712620249961, 52.479601647320294 ], [ 7.210712620249961, 52.479396479320997 ], [ 7.209557643456093, 52.479396479320997 ], [ 7.209557643456093, 52.479601647320294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.482268744248351 ], [ 7.211867597043828, 52.482268744248351 ], [ 7.211867597043828, 52.482063588686529 ], [ 7.210712620249961, 52.482063588686529 ], [ 7.210712620249961, 52.482268744248351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.481858432168004 ], [ 7.211867597043828, 52.481858432168004 ], [ 7.211867597043828, 52.481653274692761 ], [ 7.210712620249961, 52.481653274692761 ], [ 7.210712620249961, 52.481858432168004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 126.72254333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.481037796526678 ], [ 7.211867597043828, 52.481037796526678 ], [ 7.211867597043828, 52.480832635224537 ], [ 7.210712620249961, 52.480832635224537 ], [ 7.210712620249961, 52.481037796526678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.868353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.480832635224537 ], [ 7.211867597043828, 52.480832635224537 ], [ 7.211867597043828, 52.480627472965658 ], [ 7.210712620249961, 52.480627472965658 ], [ 7.210712620249961, 52.480832635224537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 123.75508166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.480627472965658 ], [ 7.211867597043828, 52.480627472965658 ], [ 7.211867597043828, 52.480422309750054 ], [ 7.210712620249961, 52.480422309750054 ], [ 7.210712620249961, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 138.7999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.480422309750054 ], [ 7.211867597043828, 52.480422309750054 ], [ 7.211867597043828, 52.480217145577718 ], [ 7.210712620249961, 52.480217145577718 ], [ 7.210712620249961, 52.480422309750054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.479806814362838 ], [ 7.211867597043828, 52.479806814362838 ], [ 7.211867597043828, 52.479601647320294 ], [ 7.210712620249961, 52.479601647320294 ], [ 7.210712620249961, 52.479806814362838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.479191310364968 ], [ 7.211867597043828, 52.479191310364968 ], [ 7.211867597043828, 52.4789861404522 ], [ 7.210712620249961, 52.4789861404522 ], [ 7.210712620249961, 52.479191310364968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.478575797756413 ], [ 7.211867597043828, 52.478575797756413 ], [ 7.211867597043828, 52.478370624973401 ], [ 7.210712620249961, 52.478370624973401 ], [ 7.210712620249961, 52.478575797756413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 122.08985833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.478370624973401 ], [ 7.211867597043828, 52.478370624973401 ], [ 7.211867597043828, 52.478165451233629 ], [ 7.210712620249961, 52.478165451233629 ], [ 7.210712620249961, 52.478370624973401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.512491 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.481037796526678 ], [ 7.213022573837696, 52.481037796526678 ], [ 7.213022573837696, 52.480832635224537 ], [ 7.211867597043828, 52.480832635224537 ], [ 7.211867597043828, 52.481037796526678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.480832635224537 ], [ 7.213022573837696, 52.480832635224537 ], [ 7.213022573837696, 52.480627472965658 ], [ 7.211867597043828, 52.480627472965658 ], [ 7.211867597043828, 52.480832635224537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.480627472965658 ], [ 7.213022573837696, 52.480627472965658 ], [ 7.213022573837696, 52.480422309750054 ], [ 7.211867597043828, 52.480422309750054 ], [ 7.211867597043828, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.8931476 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.480422309750054 ], [ 7.213022573837696, 52.480422309750054 ], [ 7.213022573837696, 52.480217145577718 ], [ 7.211867597043828, 52.480217145577718 ], [ 7.211867597043828, 52.480422309750054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 122.89252866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.480217145577718 ], [ 7.213022573837696, 52.480217145577718 ], [ 7.213022573837696, 52.480011980448651 ], [ 7.211867597043828, 52.480011980448651 ], [ 7.211867597043828, 52.480217145577718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.480011980448651 ], [ 7.213022573837696, 52.480011980448651 ], [ 7.213022573837696, 52.479806814362838 ], [ 7.211867597043828, 52.479806814362838 ], [ 7.211867597043828, 52.480011980448651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.479806814362838 ], [ 7.213022573837696, 52.479806814362838 ], [ 7.213022573837696, 52.479601647320294 ], [ 7.211867597043828, 52.479601647320294 ], [ 7.211867597043828, 52.479806814362838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31263_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.56418875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.479396479320997 ], [ 7.213022573837696, 52.479396479320997 ], [ 7.213022573837696, 52.479191310364968 ], [ 7.211867597043828, 52.479191310364968 ], [ 7.211867597043828, 52.479396479320997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.28323011502598 ], [ 7.20609271307449, 52.28323011502598 ], [ 7.20609271307449, 52.283024032510049 ], [ 7.204937736280621, 52.283024032510049 ], [ 7.204937736280621, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 126.34041075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.281169246735232 ], [ 7.20609271307449, 52.281169246735232 ], [ 7.20609271307449, 52.280963154634506 ], [ 7.204937736280621, 52.280963154634506 ], [ 7.204937736280621, 52.281169246735232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.283848356822958 ], [ 7.207247689868357, 52.283848356822958 ], [ 7.207247689868357, 52.283642277182423 ], [ 7.20609271307449, 52.283642277182423 ], [ 7.20609271307449, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.283024032510049 ], [ 7.208402666662226, 52.283024032510049 ], [ 7.208402666662226, 52.282817949035646 ], [ 7.207247689868357, 52.282817949035646 ], [ 7.207247689868357, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 194.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.284466589993748 ], [ 7.209557643456093, 52.284466589993748 ], [ 7.209557643456093, 52.284260513228617 ], [ 7.208402666662226, 52.284260513228617 ], [ 7.208402666662226, 52.284466589993748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.28323011502598 ], [ 7.209557643456093, 52.28323011502598 ], [ 7.209557643456093, 52.283024032510049 ], [ 7.208402666662226, 52.283024032510049 ], [ 7.208402666662226, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.282405779211416 ], [ 7.209557643456093, 52.282405779211416 ], [ 7.209557643456093, 52.282199692861589 ], [ 7.208402666662226, 52.282199692861589 ], [ 7.208402666662226, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.284878740648651 ], [ 7.210712620249961, 52.284878740648651 ], [ 7.210712620249961, 52.284672665800429 ], [ 7.209557643456093, 52.284672665800429 ], [ 7.209557643456093, 52.284878740648651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 111.66666644444445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.284672665800429 ], [ 7.210712620249961, 52.284672665800429 ], [ 7.210712620249961, 52.284466589993748 ], [ 7.209557643456093, 52.284466589993748 ], [ 7.209557643456093, 52.284672665800429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.283642277182423 ], [ 7.210712620249961, 52.283642277182423 ], [ 7.210712620249961, 52.283436196583445 ], [ 7.209557643456093, 52.283436196583445 ], [ 7.209557643456093, 52.283642277182423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.284878740648651 ], [ 7.211867597043828, 52.284878740648651 ], [ 7.211867597043828, 52.284672665800429 ], [ 7.210712620249961, 52.284672665800429 ], [ 7.210712620249961, 52.284878740648651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.284466589993748 ], [ 7.211867597043828, 52.284466589993748 ], [ 7.211867597043828, 52.284260513228617 ], [ 7.210712620249961, 52.284260513228617 ], [ 7.210712620249961, 52.284466589993748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.451309 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.283848356822958 ], [ 7.211867597043828, 52.283848356822958 ], [ 7.211867597043828, 52.283642277182423 ], [ 7.210712620249961, 52.283642277182423 ], [ 7.210712620249961, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 123.3756065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.283436196583445 ], [ 7.211867597043828, 52.283436196583445 ], [ 7.211867597043828, 52.28323011502598 ], [ 7.210712620249961, 52.28323011502598 ], [ 7.210712620249961, 52.283436196583445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.281787517286496 ], [ 7.211867597043828, 52.281787517286496 ], [ 7.211867597043828, 52.28158142806123 ], [ 7.210712620249961, 52.28158142806123 ], [ 7.210712620249961, 52.281787517286496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 127.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.280963154634506 ], [ 7.211867597043828, 52.280963154634506 ], [ 7.211867597043828, 52.280757061575287 ], [ 7.210712620249961, 52.280757061575287 ], [ 7.210712620249961, 52.280963154634506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 144.53354025000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.283642277182423 ], [ 7.213022573837696, 52.283642277182423 ], [ 7.213022573837696, 52.283436196583445 ], [ 7.211867597043828, 52.283436196583445 ], [ 7.211867597043828, 52.283642277182423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.28323011502598 ], [ 7.213022573837696, 52.28323011502598 ], [ 7.213022573837696, 52.283024032510049 ], [ 7.211867597043828, 52.283024032510049 ], [ 7.211867597043828, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.42857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.283024032510049 ], [ 7.213022573837696, 52.283024032510049 ], [ 7.213022573837696, 52.282817949035646 ], [ 7.211867597043828, 52.282817949035646 ], [ 7.211867597043828, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.84756057142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.282817949035646 ], [ 7.213022573837696, 52.282817949035646 ], [ 7.213022573837696, 52.282611864602764 ], [ 7.211867597043828, 52.282611864602764 ], [ 7.211867597043828, 52.282817949035646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31299_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.281993605553289 ], [ 7.213022573837696, 52.281993605553289 ], [ 7.213022573837696, 52.281787517286496 ], [ 7.211867597043828, 52.281787517286496 ], [ 7.211867597043828, 52.281993605553289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31315_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.193149554745702 ], [ 7.20609271307449, 52.193149554745702 ], [ 7.20609271307449, 52.19294305352728 ], [ 7.204937736280621, 52.19294305352728 ], [ 7.204937736280621, 52.193149554745702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31315_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.19521451417156 ], [ 7.209557643456093, 52.19521451417156 ], [ 7.209557643456093, 52.195008022545537 ], [ 7.208402666662226, 52.195008022545537 ], [ 7.208402666662226, 52.19521451417156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31315_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.196866412647559 ], [ 7.210712620249961, 52.196866412647559 ], [ 7.210712620249961, 52.196659928695333 ], [ 7.209557643456093, 52.196659928695333 ], [ 7.209557643456093, 52.196866412647559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31315_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.193562554304805 ], [ 7.211867597043828, 52.193562554304805 ], [ 7.211867597043828, 52.193356055004877 ], [ 7.210712620249961, 52.193356055004877 ], [ 7.210712620249961, 52.193562554304805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31315_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 117.414141 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.195833983294236 ], [ 7.213022573837696, 52.195833983294236 ], [ 7.213022573837696, 52.195627494545903 ], [ 7.211867597043828, 52.195627494545903 ], [ 7.211867597043828, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.189707742535433 ], [ 7.20609271307449, 52.189707742535433 ], [ 7.20609271307449, 52.18950122532928 ], [ 7.204937736280621, 52.18950122532928 ], [ 7.204937736280621, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.59978425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204937736280621, 52.187642527306082 ], [ 7.20609271307449, 52.187642527306082 ], [ 7.20609271307449, 52.187436000507056 ], [ 7.204937736280621, 52.187436000507056 ], [ 7.204937736280621, 52.187642527306082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 73.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.20609271307449, 52.190327288398244 ], [ 7.207247689868357, 52.190327288398244 ], [ 7.207247689868357, 52.190120774069918 ], [ 7.20609271307449, 52.190120774069918 ], [ 7.20609271307449, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.207247689868357, 52.18950122532928 ], [ 7.208402666662226, 52.18950122532928 ], [ 7.208402666662226, 52.189294707163846 ], [ 7.207247689868357, 52.189294707163846 ], [ 7.207247689868357, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.190946825627599 ], [ 7.209557643456093, 52.190946825627599 ], [ 7.209557643456093, 52.190740314177077 ], [ 7.208402666662226, 52.190740314177077 ], [ 7.208402666662226, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 104.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.189707742535433 ], [ 7.209557643456093, 52.189707742535433 ], [ 7.209557643456093, 52.18950122532928 ], [ 7.208402666662226, 52.18950122532928 ], [ 7.208402666662226, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.208402666662226, 52.18888166795513 ], [ 7.209557643456093, 52.18888166795513 ], [ 7.209557643456093, 52.188675146911841 ], [ 7.208402666662226, 52.188675146911841 ], [ 7.208402666662226, 52.18888166795513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.191359845650823 ], [ 7.210712620249961, 52.191359845650823 ], [ 7.210712620249961, 52.191153336118838 ], [ 7.209557643456093, 52.191153336118838 ], [ 7.209557643456093, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 52.191153336118838 ], [ 7.210712620249961, 52.191153336118838 ], [ 7.210712620249961, 52.190946825627599 ], [ 7.209557643456093, 52.190946825627599 ], [ 7.209557643456093, 52.191153336118838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.191359845650823 ], [ 7.211867597043828, 52.191359845650823 ], [ 7.211867597043828, 52.191153336118838 ], [ 7.210712620249961, 52.191153336118838 ], [ 7.210712620249961, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.190946825627599 ], [ 7.211867597043828, 52.190946825627599 ], [ 7.211867597043828, 52.190740314177077 ], [ 7.210712620249961, 52.190740314177077 ], [ 7.210712620249961, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 105.82407425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.190327288398244 ], [ 7.211867597043828, 52.190327288398244 ], [ 7.211867597043828, 52.190120774069918 ], [ 7.210712620249961, 52.190120774069918 ], [ 7.210712620249961, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 108.3645875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.189914258782316 ], [ 7.211867597043828, 52.189914258782316 ], [ 7.211867597043828, 52.189707742535433 ], [ 7.210712620249961, 52.189707742535433 ], [ 7.210712620249961, 52.189914258782316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 98.50000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.188055578026258 ], [ 7.211867597043828, 52.188055578026258 ], [ 7.211867597043828, 52.187849053145818 ], [ 7.210712620249961, 52.187849053145818 ], [ 7.210712620249961, 52.188055578026258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 83.1333786 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.210712620249961, 52.187436000507056 ], [ 7.211867597043828, 52.187436000507056 ], [ 7.211867597043828, 52.187229472748726 ], [ 7.210712620249961, 52.187229472748726 ], [ 7.210712620249961, 52.187436000507056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 114.103353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.190327288398244 ], [ 7.213022573837696, 52.190327288398244 ], [ 7.213022573837696, 52.190120774069918 ], [ 7.211867597043828, 52.190120774069918 ], [ 7.211867597043828, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 91.909090909090907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.189707742535433 ], [ 7.213022573837696, 52.189707742535433 ], [ 7.213022573837696, 52.18950122532928 ], [ 7.211867597043828, 52.18950122532928 ], [ 7.211867597043828, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.2478532 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.18950122532928 ], [ 7.213022573837696, 52.18950122532928 ], [ 7.213022573837696, 52.189294707163846 ], [ 7.211867597043828, 52.189294707163846 ], [ 7.211867597043828, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31316_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.7003884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.211867597043828, 52.189294707163846 ], [ 7.213022573837696, 52.189294707163846 ], [ 7.213022573837696, 52.189088188039122 ], [ 7.211867597043828, 52.189088188039122 ], [ 7.211867597043828, 52.189294707163846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31553_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 50.865292342278991 ], [ 7.210712620249961, 50.865292342278991 ], [ 7.210712620249961, 50.865079728827453 ], [ 7.209557643456093, 50.865079728827453 ], [ 7.209557643456093, 50.865292342278991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31554_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 50.85962231840805 ], [ 7.210712620249961, 50.85962231840805 ], [ 7.210712620249961, 50.859409679099471 ], [ 7.209557643456093, 50.859409679099471 ], [ 7.209557643456093, 50.85962231840805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31556_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 50.848280202033258 ], [ 7.210712620249961, 50.848280202033258 ], [ 7.210712620249961, 50.848067511007379 ], [ 7.209557643456093, 50.848067511007379 ], [ 7.209557643456093, 50.848280202033258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31557_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 50.842608109472813 ], [ 7.210712620249961, 50.842608109472813 ], [ 7.210712620249961, 50.842395392586717 ], [ 7.209557643456093, 50.842395392586717 ], [ 7.209557643456093, 50.842608109472813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31561_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 50.819912842751854 ], [ 7.210712620249961, 50.819912842751854 ], [ 7.210712620249961, 50.819700022414253 ], [ 7.209557643456093, 50.819700022414253 ], [ 7.209557643456093, 50.819912842751854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31562_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.209557643456093, 50.814237301810834 ], [ 7.210712620249961, 50.814237301810834 ], [ 7.210712620249961, 50.814024455607722 ], [ 7.209557643456093, 50.814024455607722 ], [ 7.209557643456093, 50.814237301810834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 53.609662926634684 ], [ 7.215075865915685, 53.609662926634684 ], [ 7.215075865915685, 53.609463067921929 ], [ 7.213920889121817, 53.609463067921929 ], [ 7.213920889121817, 53.609662926634684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 77.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 53.608863486108163 ], [ 7.217385819503421, 53.608863486108163 ], [ 7.217385819503421, 53.60866362361174 ], [ 7.216230842709552, 53.60866362361174 ], [ 7.216230842709552, 53.608863486108163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 97.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.610062641222434 ], [ 7.218540796297289, 53.610062641222434 ], [ 7.218540796297289, 53.609862784401514 ], [ 7.217385819503421, 53.609862784401514 ], [ 7.217385819503421, 53.610062641222434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 96.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.610662206009742 ], [ 7.219695773091156, 53.610662206009742 ], [ 7.219695773091156, 53.610462352026545 ], [ 7.218540796297289, 53.610462352026545 ], [ 7.218540796297289, 53.610662206009742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 69.857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.609862784401514 ], [ 7.219695773091156, 53.609862784401514 ], [ 7.219695773091156, 53.609662926634684 ], [ 7.218540796297289, 53.609662926634684 ], [ 7.218540796297289, 53.609862784401514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 82.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.610662206009742 ], [ 7.220850749885025, 53.610662206009742 ], [ 7.220850749885025, 53.610462352026545 ], [ 7.219695773091156, 53.610462352026545 ], [ 7.219695773091156, 53.610662206009742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31729_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 77.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.609063347658683 ], [ 7.222005726678892, 53.609063347658683 ], [ 7.222005726678892, 53.608863486108163 ], [ 7.220850749885025, 53.608863486108163 ], [ 7.220850749885025, 53.609063347658683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31733_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 44.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.588939205961566 ], [ 7.220850749885025, 53.588939205961566 ], [ 7.220850749885025, 53.588739249177891 ], [ 7.219695773091156, 53.588739249177891 ], [ 7.219695773091156, 53.588939205961566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31734_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.583406719256942 ], [ 7.218540796297289, 53.583406719256942 ], [ 7.218540796297289, 53.583206736296283 ], [ 7.217385819503421, 53.583206736296283 ], [ 7.217385819503421, 53.583406719256942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31734_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 50.2838605 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.583206736296283 ], [ 7.219695773091156, 53.583206736296283 ], [ 7.219695773091156, 53.583006752389437 ], [ 7.218540796297289, 53.583006752389437 ], [ 7.218540796297289, 53.583206736296283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31734_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 53.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.583606701271414 ], [ 7.220850749885025, 53.583606701271414 ], [ 7.220850749885025, 53.583406719256942 ], [ 7.219695773091156, 53.583406719256942 ], [ 7.219695773091156, 53.583606701271414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31735_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.578073516494641 ], [ 7.218540796297289, 53.578073516494641 ], [ 7.218540796297289, 53.577873508301671 ], [ 7.217385819503421, 53.577873508301671 ], [ 7.217385819503421, 53.578073516494641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31735_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 59.592093 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.577873508301671 ], [ 7.219695773091156, 53.577873508301671 ], [ 7.219695773091156, 53.577673499162472 ], [ 7.218540796297289, 53.577673499162472 ], [ 7.218540796297289, 53.577873508301671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31735_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 53.555555555555557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.578273523741373 ], [ 7.220850749885025, 53.578273523741373 ], [ 7.220850749885025, 53.578073516494641 ], [ 7.219695773091156, 53.578073516494641 ], [ 7.219695773091156, 53.578273523741373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31755_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.471468617322621 ], [ 7.218540796297289, 53.471468617322621 ], [ 7.218540796297289, 53.47126810512728 ], [ 7.217385819503421, 53.47126810512728 ], [ 7.217385819503421, 53.471468617322621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31755_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 82.9430895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.471067591984614 ], [ 7.219695773091156, 53.471067591984614 ], [ 7.219695773091156, 53.470867077894631 ], [ 7.218540796297289, 53.470867077894631 ], [ 7.218540796297289, 53.471067591984614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31755_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.471468617322621 ], [ 7.220850749885025, 53.471468617322621 ], [ 7.220850749885025, 53.47126810512728 ], [ 7.219695773091156, 53.47126810512728 ], [ 7.219695773091156, 53.471468617322621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31756_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.466121301247121 ], [ 7.218540796297289, 53.466121301247121 ], [ 7.218540796297289, 53.465920763789228 ], [ 7.217385819503421, 53.465920763789228 ], [ 7.217385819503421, 53.466121301247121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31756_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 72.3364005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.465720225383947 ], [ 7.219695773091156, 53.465720225383947 ], [ 7.219695773091156, 53.465519686031286 ], [ 7.218540796297289, 53.465519686031286 ], [ 7.218540796297289, 53.465720225383947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31756_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 83.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.466121301247121 ], [ 7.220850749885025, 53.466121301247121 ], [ 7.220850749885025, 53.465920763789228 ], [ 7.219695773091156, 53.465920763789228 ], [ 7.219695773091156, 53.466121301247121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31757_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 111.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.460773311484957 ], [ 7.218540796297289, 53.460773311484957 ], [ 7.218540796297289, 53.460572748763063 ], [ 7.217385819503421, 53.460572748763063 ], [ 7.217385819503421, 53.460773311484957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31757_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.306167 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.460372185093739 ], [ 7.219695773091156, 53.460372185093739 ], [ 7.219695773091156, 53.460171620476977 ], [ 7.218540796297289, 53.460171620476977 ], [ 7.218540796297289, 53.460372185093739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31757_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.460773311484957 ], [ 7.220850749885025, 53.460773311484957 ], [ 7.220850749885025, 53.460572748763063 ], [ 7.219695773091156, 53.460572748763063 ], [ 7.219695773091156, 53.460773311484957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31758_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.455424647997845 ], [ 7.218540796297289, 53.455424647997845 ], [ 7.218540796297289, 53.455224060010522 ], [ 7.217385819503421, 53.455224060010522 ], [ 7.217385819503421, 53.455424647997845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31758_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 69.468172 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.455023471075712 ], [ 7.219695773091156, 53.455023471075712 ], [ 7.219695773091156, 53.454822881193422 ], [ 7.218540796297289, 53.454822881193422 ], [ 7.218540796297289, 53.455023471075712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31758_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.455424647997845 ], [ 7.220850749885025, 53.455424647997845 ], [ 7.220850749885025, 53.455224060010522 ], [ 7.219695773091156, 53.455224060010522 ], [ 7.219695773091156, 53.455424647997845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31759_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.450075310747536 ], [ 7.218540796297289, 53.450075310747536 ], [ 7.218540796297289, 53.449874697493343 ], [ 7.217385819503421, 53.449874697493343 ], [ 7.217385819503421, 53.450075310747536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31759_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 83.390448833333338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.449674083291619 ], [ 7.219695773091156, 53.449674083291619 ], [ 7.219695773091156, 53.449473468142358 ], [ 7.218540796297289, 53.449473468142358 ], [ 7.218540796297289, 53.449674083291619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31759_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 97.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.450075310747536 ], [ 7.220850749885025, 53.450075310747536 ], [ 7.220850749885025, 53.449874697493343 ], [ 7.219695773091156, 53.449874697493343 ], [ 7.219695773091156, 53.450075310747536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 53.412008708085317 ], [ 7.215075865915685, 53.412008708085317 ], [ 7.215075865915685, 53.41180791507923 ], [ 7.213920889121817, 53.41180791507923 ], [ 7.213920889121817, 53.412008708085317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 79.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 53.411205530373486 ], [ 7.217385819503421, 53.411205530373486 ], [ 7.217385819503421, 53.41100473357573 ], [ 7.216230842709552, 53.41100473357573 ], [ 7.216230842709552, 53.411205530373486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.412611081416074 ], [ 7.218540796297289, 53.412611081416074 ], [ 7.218540796297289, 53.412410291253728 ], [ 7.217385819503421, 53.412410291253728 ], [ 7.217385819503421, 53.412611081416074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.413012658897024 ], [ 7.219695773091156, 53.413012658897024 ], [ 7.219695773091156, 53.412811870630499 ], [ 7.218540796297289, 53.412811870630499 ], [ 7.218540796297289, 53.413012658897024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 83.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.412209500143483 ], [ 7.219695773091156, 53.412209500143483 ], [ 7.219695773091156, 53.412008708085317 ], [ 7.218540796297289, 53.412008708085317 ], [ 7.218540796297289, 53.412209500143483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.413012658897024 ], [ 7.220850749885025, 53.413012658897024 ], [ 7.220850749885025, 53.412811870630499 ], [ 7.219695773091156, 53.412811870630499 ], [ 7.219695773091156, 53.413012658897024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.412611081416074 ], [ 7.220850749885025, 53.412611081416074 ], [ 7.220850749885025, 53.412410291253728 ], [ 7.219695773091156, 53.412410291253728 ], [ 7.219695773091156, 53.412611081416074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.411607121125243 ], [ 7.222005726678892, 53.411607121125243 ], [ 7.222005726678892, 53.411406326223322 ], [ 7.220850749885025, 53.411406326223322 ], [ 7.220850749885025, 53.411607121125243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31766_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 71.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.411406326223322 ], [ 7.222005726678892, 53.411406326223322 ], [ 7.222005726678892, 53.411205530373486 ], [ 7.220850749885025, 53.411205530373486 ], [ 7.220850749885025, 53.411406326223322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 83.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 53.406653903519292 ], [ 7.215075865915685, 53.406653903519292 ], [ 7.215075865915685, 53.406453085234737 ], [ 7.213920889121817, 53.406453085234737 ], [ 7.213920889121817, 53.406653903519292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 75.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 53.405850624693251 ], [ 7.217385819503421, 53.405850624693251 ], [ 7.217385819503421, 53.4056498026168 ], [ 7.216230842709552, 53.4056498026168 ], [ 7.216230842709552, 53.405850624693251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 75.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.407256352685152 ], [ 7.218540796297289, 53.407256352685152 ], [ 7.218540796297289, 53.407055537244489 ], [ 7.217385819503421, 53.407055537244489 ], [ 7.217385819503421, 53.407256352685152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 81.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.407657980722561 ], [ 7.219695773091156, 53.407657980722561 ], [ 7.219695773091156, 53.407457167177839 ], [ 7.218540796297289, 53.407457167177839 ], [ 7.218540796297289, 53.407657980722561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 73.428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.406854720855875 ], [ 7.219695773091156, 53.406854720855875 ], [ 7.219695773091156, 53.406653903519292 ], [ 7.218540796297289, 53.406653903519292 ], [ 7.218540796297289, 53.406854720855875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 97.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.407657980722561 ], [ 7.220850749885025, 53.407657980722561 ], [ 7.220850749885025, 53.407457167177839 ], [ 7.219695773091156, 53.407457167177839 ], [ 7.219695773091156, 53.407657980722561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 85.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.407256352685152 ], [ 7.220850749885025, 53.407256352685152 ], [ 7.220850749885025, 53.407055537244489 ], [ 7.219695773091156, 53.407055537244489 ], [ 7.219695773091156, 53.407256352685152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 73.547552 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.40625226600222 ], [ 7.222005726678892, 53.40625226600222 ], [ 7.222005726678892, 53.406051445821717 ], [ 7.220850749885025, 53.406051445821717 ], [ 7.220850749885025, 53.40625226600222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31767_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 71.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.406051445821717 ], [ 7.222005726678892, 53.406051445821717 ], [ 7.222005726678892, 53.405850624693251 ], [ 7.220850749885025, 53.405850624693251 ], [ 7.220850749885025, 53.406051445821717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31768_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.401900949847544 ], [ 7.220850749885025, 53.401900949847544 ], [ 7.220850749885025, 53.401700109127155 ], [ 7.219695773091156, 53.401700109127155 ], [ 7.219695773091156, 53.401900949847544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31768_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 71.141178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.400896736765368 ], [ 7.222005726678892, 53.400896736765368 ], [ 7.222005726678892, 53.400695891304878 ], [ 7.220850749885025, 53.400695891304878 ], [ 7.220850749885025, 53.400896736765368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 53.390585445003232 ], [ 7.215075865915685, 53.390585445003232 ], [ 7.215075865915685, 53.390384550874693 ], [ 7.213920889121817, 53.390384550874693 ], [ 7.213920889121817, 53.390585445003232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 70.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 53.389781862800277 ], [ 7.217385819503421, 53.389781862800277 ], [ 7.217385819503421, 53.389580964879208 ], [ 7.216230842709552, 53.389580964879208 ], [ 7.216230842709552, 53.389781862800277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 53.391188121700075 ], [ 7.218540796297289, 53.391188121700075 ], [ 7.218540796297289, 53.390987230415924 ], [ 7.217385819503421, 53.390987230415924 ], [ 7.217385819503421, 53.391188121700075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 67.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.391589901424027 ], [ 7.219695773091156, 53.391589901424027 ], [ 7.219695773091156, 53.391389012036115 ], [ 7.218540796297289, 53.391389012036115 ], [ 7.218540796297289, 53.391589901424027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 64.524422571428573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 53.390786338183631 ], [ 7.219695773091156, 53.390786338183631 ], [ 7.219695773091156, 53.390585445003232 ], [ 7.218540796297289, 53.390585445003232 ], [ 7.218540796297289, 53.390786338183631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 69.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.391589901424027 ], [ 7.220850749885025, 53.391589901424027 ], [ 7.220850749885025, 53.391389012036115 ], [ 7.219695773091156, 53.391389012036115 ], [ 7.219695773091156, 53.391589901424027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.391188121700075 ], [ 7.220850749885025, 53.391188121700075 ], [ 7.220850749885025, 53.390987230415924 ], [ 7.219695773091156, 53.390987230415924 ], [ 7.219695773091156, 53.391188121700075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 74.378327 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.390183655798026 ], [ 7.222005726678892, 53.390183655798026 ], [ 7.222005726678892, 53.389982759773225 ], [ 7.220850749885025, 53.389982759773225 ], [ 7.220850749885025, 53.390183655798026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31770_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 91.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.389781862800277 ], [ 7.222005726678892, 53.389781862800277 ], [ 7.222005726678892, 53.389580964879208 ], [ 7.220850749885025, 53.389580964879208 ], [ 7.220850749885025, 53.389781862800277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31771_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 53.384424260425064 ], [ 7.222005726678892, 53.384424260425064 ], [ 7.222005726678892, 53.384223337219588 ], [ 7.220850749885025, 53.384223337219588 ], [ 7.220850749885025, 53.384424260425064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31775_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 48.7999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.363389153725599 ], [ 7.220850749885025, 53.363389153725599 ], [ 7.220850749885025, 53.363188131265126 ], [ 7.219695773091156, 53.363188131265126 ], [ 7.219695773091156, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31776_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 28.209985352941175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.358229277012903 ], [ 7.220850749885025, 53.358229277012903 ], [ 7.220850749885025, 53.35802823020947 ], [ 7.219695773091156, 53.35802823020947 ], [ 7.219695773091156, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31776_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 28.331426 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 53.35802823020947 ], [ 7.220850749885025, 53.35802823020947 ], [ 7.220850749885025, 53.357827182457576 ], [ 7.219695773091156, 53.357827182457576 ], [ 7.219695773091156, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31809_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 53.181546681758618 ], [ 7.216230842709552, 53.181546681758618 ], [ 7.216230842709552, 53.181344802397923 ], [ 7.215075865915685, 53.181344802397923 ], [ 7.215075865915685, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31810_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 53.176162906957636 ], [ 7.216230842709552, 53.176162906957636 ], [ 7.216230842709552, 53.175961002257807 ], [ 7.215075865915685, 53.175961002257807 ], [ 7.215075865915685, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.867559566833442 ], [ 7.215075865915685, 52.867559566833442 ], [ 7.215075865915685, 52.867356212656382 ], [ 7.213920889121817, 52.867356212656382 ], [ 7.213920889121817, 52.867559566833442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.794346 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.865525982168961 ], [ 7.215075865915685, 52.865525982168961 ], [ 7.215075865915685, 52.865322618459892 ], [ 7.213920889121817, 52.865322618459892 ], [ 7.213920889121817, 52.865525982168961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.867966272327983 ], [ 7.216230842709552, 52.867966272327983 ], [ 7.216230842709552, 52.867762920057302 ], [ 7.215075865915685, 52.867762920057302 ], [ 7.215075865915685, 52.867966272327983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.867152857526129 ], [ 7.217385819503421, 52.867152857526129 ], [ 7.217385819503421, 52.866949501442683 ], [ 7.216230842709552, 52.866949501442683 ], [ 7.216230842709552, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.868576323420903 ], [ 7.218540796297289, 52.868576323420903 ], [ 7.218540796297289, 52.86837297400978 ], [ 7.217385819503421, 52.86837297400978 ], [ 7.217385819503421, 52.868576323420903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.867152857526129 ], [ 7.218540796297289, 52.867152857526129 ], [ 7.218540796297289, 52.866949501442683 ], [ 7.217385819503421, 52.866949501442683 ], [ 7.217385819503421, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.868983019383613 ], [ 7.219695773091156, 52.868983019383613 ], [ 7.219695773091156, 52.868779671878841 ], [ 7.218540796297289, 52.868779671878841 ], [ 7.218540796297289, 52.868983019383613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 181.145285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.868576323420903 ], [ 7.219695773091156, 52.868576323420903 ], [ 7.219695773091156, 52.86837297400978 ], [ 7.218540796297289, 52.86837297400978 ], [ 7.218540796297289, 52.868576323420903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.66666433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.868169623645471 ], [ 7.219695773091156, 52.868169623645471 ], [ 7.219695773091156, 52.867966272327983 ], [ 7.218540796297289, 52.867966272327983 ], [ 7.218540796297289, 52.868169623645471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 92.000000249999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.866339427473157 ], [ 7.219695773091156, 52.866339427473157 ], [ 7.219695773091156, 52.866136067576917 ], [ 7.218540796297289, 52.866136067576917 ], [ 7.218540796297289, 52.866339427473157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.868983019383613 ], [ 7.220850749885025, 52.868983019383613 ], [ 7.220850749885025, 52.868779671878841 ], [ 7.219695773091156, 52.868779671878841 ], [ 7.219695773091156, 52.868983019383613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.868576323420903 ], [ 7.220850749885025, 52.868576323420903 ], [ 7.220850749885025, 52.86837297400978 ], [ 7.219695773091156, 52.86837297400978 ], [ 7.219695773091156, 52.868576323420903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 145.956155 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.867966272327983 ], [ 7.220850749885025, 52.867966272327983 ], [ 7.220850749885025, 52.867762920057302 ], [ 7.219695773091156, 52.867762920057302 ], [ 7.219695773091156, 52.867966272327983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.275243 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.867762920057302 ], [ 7.220850749885025, 52.867762920057302 ], [ 7.220850749885025, 52.867559566833442 ], [ 7.219695773091156, 52.867559566833442 ], [ 7.219695773091156, 52.867762920057302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.610992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.867559566833442 ], [ 7.220850749885025, 52.867559566833442 ], [ 7.220850749885025, 52.867356212656382 ], [ 7.219695773091156, 52.867356212656382 ], [ 7.219695773091156, 52.867559566833442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 99.857143714285712 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.867152857526129 ], [ 7.220850749885025, 52.867152857526129 ], [ 7.220850749885025, 52.866949501442683 ], [ 7.219695773091156, 52.866949501442683 ], [ 7.219695773091156, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 128.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.866949501442683 ], [ 7.220850749885025, 52.866949501442683 ], [ 7.220850749885025, 52.866746144406036 ], [ 7.219695773091156, 52.866746144406036 ], [ 7.219695773091156, 52.866949501442683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.866746144406036 ], [ 7.220850749885025, 52.866746144406036 ], [ 7.220850749885025, 52.866542786416204 ], [ 7.219695773091156, 52.866542786416204 ], [ 7.219695773091156, 52.866746144406036 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.866542786416204 ], [ 7.220850749885025, 52.866542786416204 ], [ 7.220850749885025, 52.866339427473157 ], [ 7.219695773091156, 52.866339427473157 ], [ 7.219695773091156, 52.866542786416204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 97.24999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.865932706727477 ], [ 7.220850749885025, 52.865932706727477 ], [ 7.220850749885025, 52.865729344924823 ], [ 7.219695773091156, 52.865729344924823 ], [ 7.219695773091156, 52.865932706727477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 116.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.865525982168961 ], [ 7.220850749885025, 52.865525982168961 ], [ 7.220850749885025, 52.865322618459892 ], [ 7.219695773091156, 52.865322618459892 ], [ 7.219695773091156, 52.865525982168961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 90.823337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.865322618459892 ], [ 7.220850749885025, 52.865322618459892 ], [ 7.220850749885025, 52.865119253797602 ], [ 7.219695773091156, 52.865119253797602 ], [ 7.219695773091156, 52.865322618459892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.9999965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.867762920057302 ], [ 7.222005726678892, 52.867762920057302 ], [ 7.222005726678892, 52.867559566833442 ], [ 7.220850749885025, 52.867559566833442 ], [ 7.220850749885025, 52.867762920057302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 92.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.867559566833442 ], [ 7.222005726678892, 52.867559566833442 ], [ 7.222005726678892, 52.867356212656382 ], [ 7.220850749885025, 52.867356212656382 ], [ 7.220850749885025, 52.867559566833442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.0331418 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.867152857526129 ], [ 7.222005726678892, 52.867152857526129 ], [ 7.222005726678892, 52.866949501442683 ], [ 7.220850749885025, 52.866949501442683 ], [ 7.220850749885025, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 78.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.866949501442683 ], [ 7.222005726678892, 52.866949501442683 ], [ 7.222005726678892, 52.866746144406036 ], [ 7.220850749885025, 52.866746144406036 ], [ 7.220850749885025, 52.866949501442683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.866542786416204 ], [ 7.222005726678892, 52.866542786416204 ], [ 7.222005726678892, 52.866339427473157 ], [ 7.220850749885025, 52.866339427473157 ], [ 7.220850749885025, 52.866542786416204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31867_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.49999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.866339427473157 ], [ 7.222005726678892, 52.866339427473157 ], [ 7.222005726678892, 52.866136067576917 ], [ 7.220850749885025, 52.866136067576917 ], [ 7.220850749885025, 52.866339427473157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.862136462569495 ], [ 7.215075865915685, 52.862136462569495 ], [ 7.215075865915685, 52.861933082973309 ], [ 7.213920889121817, 52.861933082973309 ], [ 7.213920889121817, 52.862136462569495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.41612766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.860102623711498 ], [ 7.215075865915685, 52.860102623711498 ], [ 7.215075865915685, 52.859899234582798 ], [ 7.213920889121817, 52.859899234582798 ], [ 7.213920889121817, 52.860102623711498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 82.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.862543218902132 ], [ 7.216230842709552, 52.862543218902132 ], [ 7.216230842709552, 52.862339841212425 ], [ 7.215075865915685, 52.862339841212425 ], [ 7.215075865915685, 52.862543218902132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.861729702423887 ], [ 7.217385819503421, 52.861729702423887 ], [ 7.217385819503421, 52.861526320921215 ], [ 7.216230842709552, 52.861526320921215 ], [ 7.216230842709552, 52.861729702423887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.863153346251814 ], [ 7.218540796297289, 52.863153346251814 ], [ 7.218540796297289, 52.86294997142182 ], [ 7.217385819503421, 52.86294997142182 ], [ 7.217385819503421, 52.863153346251814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 79.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.861729702423887 ], [ 7.218540796297289, 52.861729702423887 ], [ 7.218540796297289, 52.861526320921215 ], [ 7.217385819503421, 52.861526320921215 ], [ 7.217385819503421, 52.861729702423887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 75.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.863560093052101 ], [ 7.219695773091156, 52.863560093052101 ], [ 7.219695773091156, 52.863356720128564 ], [ 7.218540796297289, 52.863356720128564 ], [ 7.218540796297289, 52.863560093052101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 181.354431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.863153346251814 ], [ 7.219695773091156, 52.863153346251814 ], [ 7.219695773091156, 52.86294997142182 ], [ 7.218540796297289, 52.86294997142182 ], [ 7.218540796297289, 52.863153346251814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.862746595638598 ], [ 7.219695773091156, 52.862746595638598 ], [ 7.219695773091156, 52.862543218902132 ], [ 7.218540796297289, 52.862543218902132 ], [ 7.218540796297289, 52.862746595638598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 91.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.860916170693713 ], [ 7.219695773091156, 52.860916170693713 ], [ 7.219695773091156, 52.860712785378048 ], [ 7.218540796297289, 52.860712785378048 ], [ 7.218540796297289, 52.860916170693713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.863560093052101 ], [ 7.220850749885025, 52.863560093052101 ], [ 7.220850749885025, 52.863356720128564 ], [ 7.219695773091156, 52.863356720128564 ], [ 7.219695773091156, 52.863560093052101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.863153346251814 ], [ 7.220850749885025, 52.863153346251814 ], [ 7.220850749885025, 52.86294997142182 ], [ 7.219695773091156, 52.86294997142182 ], [ 7.219695773091156, 52.863153346251814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 162.76289433333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.862543218902132 ], [ 7.220850749885025, 52.862543218902132 ], [ 7.220850749885025, 52.862339841212425 ], [ 7.219695773091156, 52.862339841212425 ], [ 7.219695773091156, 52.862543218902132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.065785 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.862339841212425 ], [ 7.220850749885025, 52.862339841212425 ], [ 7.220850749885025, 52.862136462569495 ], [ 7.219695773091156, 52.862136462569495 ], [ 7.219695773091156, 52.862339841212425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.8137725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.862136462569495 ], [ 7.220850749885025, 52.862136462569495 ], [ 7.220850749885025, 52.861933082973309 ], [ 7.219695773091156, 52.861933082973309 ], [ 7.219695773091156, 52.862136462569495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 96.37500025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.861729702423887 ], [ 7.220850749885025, 52.861729702423887 ], [ 7.220850749885025, 52.861526320921215 ], [ 7.219695773091156, 52.861526320921215 ], [ 7.219695773091156, 52.861729702423887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 116.78480925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.861526320921215 ], [ 7.220850749885025, 52.861526320921215 ], [ 7.220850749885025, 52.8613229384653 ], [ 7.219695773091156, 52.8613229384653 ], [ 7.219695773091156, 52.861526320921215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.861119555056135 ], [ 7.220850749885025, 52.861119555056135 ], [ 7.220850749885025, 52.860916170693713 ], [ 7.219695773091156, 52.860916170693713 ], [ 7.219695773091156, 52.861119555056135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 98.2619478 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.860509399109119 ], [ 7.220850749885025, 52.860509399109119 ], [ 7.220850749885025, 52.860306011886934 ], [ 7.219695773091156, 52.860306011886934 ], [ 7.219695773091156, 52.860509399109119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 121.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.860102623711498 ], [ 7.220850749885025, 52.860102623711498 ], [ 7.220850749885025, 52.859899234582798 ], [ 7.219695773091156, 52.859899234582798 ], [ 7.219695773091156, 52.860102623711498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 93.9978412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.859899234582798 ], [ 7.220850749885025, 52.859899234582798 ], [ 7.220850749885025, 52.859695844500834 ], [ 7.219695773091156, 52.859695844500834 ], [ 7.219695773091156, 52.859899234582798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.980892 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.862339841212425 ], [ 7.222005726678892, 52.862339841212425 ], [ 7.222005726678892, 52.862136462569495 ], [ 7.220850749885025, 52.862136462569495 ], [ 7.220850749885025, 52.862339841212425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 89.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.862136462569495 ], [ 7.222005726678892, 52.862136462569495 ], [ 7.222005726678892, 52.861933082973309 ], [ 7.220850749885025, 52.861933082973309 ], [ 7.220850749885025, 52.862136462569495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.882444875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.861729702423887 ], [ 7.222005726678892, 52.861729702423887 ], [ 7.222005726678892, 52.861526320921215 ], [ 7.220850749885025, 52.861526320921215 ], [ 7.220850749885025, 52.861729702423887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 78.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.861526320921215 ], [ 7.222005726678892, 52.861526320921215 ], [ 7.222005726678892, 52.8613229384653 ], [ 7.220850749885025, 52.8613229384653 ], [ 7.220850749885025, 52.861526320921215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 152.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.861119555056135 ], [ 7.222005726678892, 52.861119555056135 ], [ 7.222005726678892, 52.860916170693713 ], [ 7.220850749885025, 52.860916170693713 ], [ 7.220850749885025, 52.861119555056135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31868_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.716089 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.860916170693713 ], [ 7.222005726678892, 52.860916170693713 ], [ 7.222005726678892, 52.860712785378048 ], [ 7.220850749885025, 52.860712785378048 ], [ 7.220850749885025, 52.860916170693713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.856712680444872 ], [ 7.215075865915685, 52.856712680444872 ], [ 7.215075865915685, 52.856509275428209 ], [ 7.213920889121817, 52.856509275428209 ], [ 7.213920889121817, 52.856712680444872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.75436274999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.854678587379816 ], [ 7.215075865915685, 52.854678587379816 ], [ 7.215075865915685, 52.854475172830128 ], [ 7.213920889121817, 52.854475172830128 ], [ 7.213920889121817, 52.854678587379816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.857119487618313 ], [ 7.216230842709552, 52.857119487618313 ], [ 7.216230842709552, 52.856916084508242 ], [ 7.215075865915685, 52.856916084508242 ], [ 7.215075865915685, 52.857119487618313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.856305869458261 ], [ 7.217385819503421, 52.856305869458261 ], [ 7.217385819503421, 52.856102462535006 ], [ 7.216230842709552, 52.856102462535006 ], [ 7.216230842709552, 52.856305869458261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.857729691228819 ], [ 7.218540796297289, 52.857729691228819 ], [ 7.218540796297289, 52.857526290978605 ], [ 7.217385819503421, 52.857526290978605 ], [ 7.217385819503421, 52.857729691228819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 79.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.856305869458261 ], [ 7.218540796297289, 52.856305869458261 ], [ 7.218540796297289, 52.856102462535006 ], [ 7.217385819503421, 52.856102462535006 ], [ 7.217385819503421, 52.856305869458261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.858136488869405 ], [ 7.219695773091156, 52.858136488869405 ], [ 7.219695773091156, 52.857933090525748 ], [ 7.218540796297289, 52.857933090525748 ], [ 7.218540796297289, 52.858136488869405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 178.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.857729691228819 ], [ 7.219695773091156, 52.857729691228819 ], [ 7.219695773091156, 52.857526290978605 ], [ 7.218540796297289, 52.857526290978605 ], [ 7.218540796297289, 52.857729691228819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.85930175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.857322889775105 ], [ 7.219695773091156, 52.857322889775105 ], [ 7.219695773091156, 52.857119487618313 ], [ 7.218540796297289, 52.857119487618313 ], [ 7.218540796297289, 52.857322889775105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 89.800001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.855492236045464 ], [ 7.219695773091156, 52.855492236045464 ], [ 7.219695773091156, 52.855288825309017 ], [ 7.218540796297289, 52.855288825309017 ], [ 7.218540796297289, 52.855492236045464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.858136488869405 ], [ 7.220850749885025, 52.858136488869405 ], [ 7.220850749885025, 52.857933090525748 ], [ 7.219695773091156, 52.857933090525748 ], [ 7.219695773091156, 52.858136488869405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.857729691228819 ], [ 7.220850749885025, 52.857729691228819 ], [ 7.220850749885025, 52.857526290978605 ], [ 7.219695773091156, 52.857526290978605 ], [ 7.219695773091156, 52.857729691228819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 165.48110666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.857119487618313 ], [ 7.220850749885025, 52.857119487618313 ], [ 7.220850749885025, 52.856916084508242 ], [ 7.219695773091156, 52.856916084508242 ], [ 7.219695773091156, 52.857119487618313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.856916084508242 ], [ 7.220850749885025, 52.856916084508242 ], [ 7.220850749885025, 52.856712680444872 ], [ 7.219695773091156, 52.856712680444872 ], [ 7.219695773091156, 52.856916084508242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.802356 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.856712680444872 ], [ 7.220850749885025, 52.856712680444872 ], [ 7.220850749885025, 52.856509275428209 ], [ 7.219695773091156, 52.856509275428209 ], [ 7.219695773091156, 52.856712680444872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 103.90308466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.856305869458261 ], [ 7.220850749885025, 52.856305869458261 ], [ 7.220850749885025, 52.856102462535006 ], [ 7.219695773091156, 52.856102462535006 ], [ 7.219695773091156, 52.856305869458261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 114.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.856102462535006 ], [ 7.220850749885025, 52.856102462535006 ], [ 7.220850749885025, 52.855899054658465 ], [ 7.219695773091156, 52.855899054658465 ], [ 7.219695773091156, 52.856102462535006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 154.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.855695645828611 ], [ 7.220850749885025, 52.855695645828611 ], [ 7.220850749885025, 52.855492236045464 ], [ 7.219695773091156, 52.855492236045464 ], [ 7.219695773091156, 52.855695645828611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 98.49999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.855085413619257 ], [ 7.220850749885025, 52.855085413619257 ], [ 7.220850749885025, 52.854882000976197 ], [ 7.219695773091156, 52.854882000976197 ], [ 7.219695773091156, 52.855085413619257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 129.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.854678587379816 ], [ 7.220850749885025, 52.854678587379816 ], [ 7.220850749885025, 52.854475172830128 ], [ 7.219695773091156, 52.854475172830128 ], [ 7.219695773091156, 52.854678587379816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 94.6050636 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.854475172830128 ], [ 7.220850749885025, 52.854475172830128 ], [ 7.220850749885025, 52.854271757327126 ], [ 7.219695773091156, 52.854271757327126 ], [ 7.219695773091156, 52.854475172830128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.733269 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.856916084508242 ], [ 7.222005726678892, 52.856916084508242 ], [ 7.222005726678892, 52.856712680444872 ], [ 7.220850749885025, 52.856712680444872 ], [ 7.220850749885025, 52.856916084508242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.856712680444872 ], [ 7.222005726678892, 52.856712680444872 ], [ 7.222005726678892, 52.856509275428209 ], [ 7.220850749885025, 52.856509275428209 ], [ 7.220850749885025, 52.856712680444872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 116.88507242857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.856305869458261 ], [ 7.222005726678892, 52.856305869458261 ], [ 7.222005726678892, 52.856102462535006 ], [ 7.220850749885025, 52.856102462535006 ], [ 7.220850749885025, 52.856305869458261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.856102462535006 ], [ 7.222005726678892, 52.856102462535006 ], [ 7.222005726678892, 52.855899054658465 ], [ 7.220850749885025, 52.855899054658465 ], [ 7.220850749885025, 52.856102462535006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.855695645828611 ], [ 7.222005726678892, 52.855695645828611 ], [ 7.222005726678892, 52.855492236045464 ], [ 7.220850749885025, 52.855492236045464 ], [ 7.220850749885025, 52.855695645828611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31869_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.33333166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.855492236045464 ], [ 7.222005726678892, 52.855492236045464 ], [ 7.222005726678892, 52.855288825309017 ], [ 7.220850749885025, 52.855288825309017 ], [ 7.220850749885025, 52.855492236045464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.851288220423463 ], [ 7.215075865915685, 52.851288220423463 ], [ 7.215075865915685, 52.851084789984974 ], [ 7.213920889121817, 52.851084789984974 ], [ 7.213920889121817, 52.851288220423463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.816367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.849253873137798 ], [ 7.215075865915685, 52.849253873137798 ], [ 7.215075865915685, 52.849050433165779 ], [ 7.213920889121817, 52.849050433165779 ], [ 7.213920889121817, 52.849253873137798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 82.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.851695078440414 ], [ 7.216230842709552, 52.851695078440414 ], [ 7.216230842709552, 52.851491649908617 ], [ 7.215075865915685, 52.851491649908617 ], [ 7.215075865915685, 52.851695078440414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.850881358593128 ], [ 7.217385819503421, 52.850881358593128 ], [ 7.217385819503421, 52.850677926247947 ], [ 7.216230842709552, 52.850677926247947 ], [ 7.216230842709552, 52.850881358593128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.85230535831581 ], [ 7.218540796297289, 52.85230535831581 ], [ 7.218540796297289, 52.852101932644004 ], [ 7.217385819503421, 52.852101932644004 ], [ 7.217385819503421, 52.85230535831581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 78.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.850881358593128 ], [ 7.218540796297289, 52.850881358593128 ], [ 7.218540796297289, 52.850677926247947 ], [ 7.217385819503421, 52.850677926247947 ], [ 7.217385819503421, 52.850881358593128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 73.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.852712206799396 ], [ 7.219695773091156, 52.852712206799396 ], [ 7.219695773091156, 52.852508783034274 ], [ 7.218540796297289, 52.852508783034274 ], [ 7.218540796297289, 52.852712206799396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.85230535831581 ], [ 7.219695773091156, 52.85230535831581 ], [ 7.219695773091156, 52.852101932644004 ], [ 7.218540796297289, 52.852101932644004 ], [ 7.218540796297289, 52.85230535831581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 125.99999766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.851898506018884 ], [ 7.219695773091156, 52.851898506018884 ], [ 7.219695773091156, 52.851695078440414 ], [ 7.218540796297289, 52.851695078440414 ], [ 7.218540796297289, 52.851898506018884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 89.4000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.850067623492301 ], [ 7.219695773091156, 52.850067623492301 ], [ 7.219695773091156, 52.849864187333715 ], [ 7.218540796297289, 52.849864187333715 ], [ 7.218540796297289, 52.850067623492301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.852712206799396 ], [ 7.220850749885025, 52.852712206799396 ], [ 7.220850749885025, 52.852508783034274 ], [ 7.219695773091156, 52.852508783034274 ], [ 7.219695773091156, 52.852712206799396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.85230535831581 ], [ 7.220850749885025, 52.85230535831581 ], [ 7.220850749885025, 52.852101932644004 ], [ 7.219695773091156, 52.852101932644004 ], [ 7.219695773091156, 52.85230535831581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 167.5000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.851695078440414 ], [ 7.220850749885025, 52.851695078440414 ], [ 7.220850749885025, 52.851491649908617 ], [ 7.219695773091156, 52.851491649908617 ], [ 7.219695773091156, 52.851695078440414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.851491649908617 ], [ 7.220850749885025, 52.851491649908617 ], [ 7.220850749885025, 52.851288220423463 ], [ 7.219695773091156, 52.851288220423463 ], [ 7.219695773091156, 52.851491649908617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 97.96315425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.851288220423463 ], [ 7.220850749885025, 52.851288220423463 ], [ 7.220850749885025, 52.851084789984974 ], [ 7.219695773091156, 52.851084789984974 ], [ 7.219695773091156, 52.851288220423463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.850881358593128 ], [ 7.220850749885025, 52.850881358593128 ], [ 7.220850749885025, 52.850677926247947 ], [ 7.219695773091156, 52.850677926247947 ], [ 7.219695773091156, 52.850881358593128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 117.00000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.850677926247947 ], [ 7.220850749885025, 52.850677926247947 ], [ 7.220850749885025, 52.850474492949424 ], [ 7.219695773091156, 52.850474492949424 ], [ 7.219695773091156, 52.850677926247947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.850271058697537 ], [ 7.220850749885025, 52.850271058697537 ], [ 7.220850749885025, 52.850067623492301 ], [ 7.219695773091156, 52.850067623492301 ], [ 7.219695773091156, 52.850271058697537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 101.206141 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.849660750221766 ], [ 7.220850749885025, 52.849660750221766 ], [ 7.220850749885025, 52.84945731215646 ], [ 7.219695773091156, 52.84945731215646 ], [ 7.219695773091156, 52.849660750221766 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 133.045893 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.849253873137798 ], [ 7.220850749885025, 52.849253873137798 ], [ 7.220850749885025, 52.849050433165779 ], [ 7.219695773091156, 52.849050433165779 ], [ 7.219695773091156, 52.849253873137798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 93.24999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.849050433165779 ], [ 7.220850749885025, 52.849050433165779 ], [ 7.220850749885025, 52.848846992240375 ], [ 7.219695773091156, 52.848846992240375 ], [ 7.219695773091156, 52.849050433165779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.851491649908617 ], [ 7.222005726678892, 52.851491649908617 ], [ 7.222005726678892, 52.851288220423463 ], [ 7.220850749885025, 52.851288220423463 ], [ 7.220850749885025, 52.851491649908617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 90.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.851288220423463 ], [ 7.222005726678892, 52.851288220423463 ], [ 7.222005726678892, 52.851084789984974 ], [ 7.220850749885025, 52.851084789984974 ], [ 7.220850749885025, 52.851288220423463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.894208 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.850881358593128 ], [ 7.222005726678892, 52.850881358593128 ], [ 7.222005726678892, 52.850677926247947 ], [ 7.220850749885025, 52.850677926247947 ], [ 7.220850749885025, 52.850881358593128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 80.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.850677926247947 ], [ 7.222005726678892, 52.850677926247947 ], [ 7.222005726678892, 52.850474492949424 ], [ 7.220850749885025, 52.850474492949424 ], [ 7.220850749885025, 52.850677926247947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.850271058697537 ], [ 7.222005726678892, 52.850271058697537 ], [ 7.222005726678892, 52.850067623492301 ], [ 7.220850749885025, 52.850067623492301 ], [ 7.220850749885025, 52.850271058697537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31870_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.9889295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.850067623492301 ], [ 7.222005726678892, 52.850067623492301 ], [ 7.222005726678892, 52.849864187333715 ], [ 7.220850749885025, 52.849864187333715 ], [ 7.220850749885025, 52.850067623492301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.845863082469151 ], [ 7.215075865915685, 52.845863082469151 ], [ 7.215075865915685, 52.845659626607485 ], [ 7.213920889121817, 52.845659626607485 ], [ 7.213920889121817, 52.845863082469151 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.35637666666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.843828480949341 ], [ 7.215075865915685, 52.843828480949341 ], [ 7.215075865915685, 52.843625015553627 ], [ 7.213920889121817, 52.843625015553627 ], [ 7.213920889121817, 52.843828480949341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.846269991332328 ], [ 7.216230842709552, 52.846269991332328 ], [ 7.216230842709552, 52.846066537377439 ], [ 7.215075865915685, 52.846066537377439 ], [ 7.215075865915685, 52.846269991332328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.845456169792399 ], [ 7.217385819503421, 52.845456169792399 ], [ 7.217385819503421, 52.845252712023928 ], [ 7.216230842709552, 52.845252712023928 ], [ 7.216230842709552, 52.845456169792399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.84688034747667 ], [ 7.218540796297289, 52.84688034747667 ], [ 7.218540796297289, 52.846676896381943 ], [ 7.217385819503421, 52.846676896381943 ], [ 7.217385819503421, 52.84688034747667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.845456169792399 ], [ 7.218540796297289, 52.845456169792399 ], [ 7.218540796297289, 52.845252712023928 ], [ 7.217385819503421, 52.845252712023928 ], [ 7.217385819503421, 52.845456169792399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.847287246805969 ], [ 7.219695773091156, 52.847287246805969 ], [ 7.219695773091156, 52.847083797618012 ], [ 7.218540796297289, 52.847083797618012 ], [ 7.218540796297289, 52.847287246805969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 184.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.84688034747667 ], [ 7.219695773091156, 52.84688034747667 ], [ 7.219695773091156, 52.846676896381943 ], [ 7.218540796297289, 52.846676896381943 ], [ 7.218540796297289, 52.84688034747667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.846473444333832 ], [ 7.219695773091156, 52.846473444333832 ], [ 7.219695773091156, 52.846269991332328 ], [ 7.218540796297289, 52.846269991332328 ], [ 7.218540796297289, 52.846473444333832 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 93.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.844642332998127 ], [ 7.219695773091156, 52.844642332998127 ], [ 7.219695773091156, 52.844438871416045 ], [ 7.218540796297289, 52.844438871416045 ], [ 7.218540796297289, 52.844642332998127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 144.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.847287246805969 ], [ 7.220850749885025, 52.847287246805969 ], [ 7.220850749885025, 52.847083797618012 ], [ 7.219695773091156, 52.847083797618012 ], [ 7.219695773091156, 52.847287246805969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 204.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.84688034747667 ], [ 7.220850749885025, 52.84688034747667 ], [ 7.220850749885025, 52.846676896381943 ], [ 7.219695773091156, 52.846676896381943 ], [ 7.219695773091156, 52.84688034747667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 172.302216 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.846269991332328 ], [ 7.220850749885025, 52.846269991332328 ], [ 7.220850749885025, 52.846066537377439 ], [ 7.219695773091156, 52.846066537377439 ], [ 7.219695773091156, 52.846269991332328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.650319 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.846066537377439 ], [ 7.220850749885025, 52.846066537377439 ], [ 7.220850749885025, 52.845863082469151 ], [ 7.219695773091156, 52.845863082469151 ], [ 7.219695773091156, 52.846066537377439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 95.1275668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.845863082469151 ], [ 7.220850749885025, 52.845863082469151 ], [ 7.220850749885025, 52.845659626607485 ], [ 7.219695773091156, 52.845659626607485 ], [ 7.219695773091156, 52.845863082469151 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 102.250000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.845456169792399 ], [ 7.220850749885025, 52.845456169792399 ], [ 7.220850749885025, 52.845252712023928 ], [ 7.219695773091156, 52.845252712023928 ], [ 7.219695773091156, 52.845456169792399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 119.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.845252712023928 ], [ 7.220850749885025, 52.845252712023928 ], [ 7.220850749885025, 52.845049253302065 ], [ 7.219695773091156, 52.845049253302065 ], [ 7.219695773091156, 52.845252712023928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.844845793626796 ], [ 7.220850749885025, 52.844845793626796 ], [ 7.220850749885025, 52.844642332998127 ], [ 7.219695773091156, 52.844642332998127 ], [ 7.219695773091156, 52.844845793626796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 93.7999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.844235408880557 ], [ 7.220850749885025, 52.844235408880557 ], [ 7.220850749885025, 52.844031945391663 ], [ 7.219695773091156, 52.844031945391663 ], [ 7.219695773091156, 52.844235408880557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.843828480949341 ], [ 7.220850749885025, 52.843828480949341 ], [ 7.220850749885025, 52.843625015553627 ], [ 7.219695773091156, 52.843625015553627 ], [ 7.219695773091156, 52.843828480949341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.0833832 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.843625015553627 ], [ 7.220850749885025, 52.843625015553627 ], [ 7.220850749885025, 52.8434215492045 ], [ 7.219695773091156, 52.8434215492045 ], [ 7.219695773091156, 52.843625015553627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.846066537377439 ], [ 7.222005726678892, 52.846066537377439 ], [ 7.222005726678892, 52.845863082469151 ], [ 7.220850749885025, 52.845863082469151 ], [ 7.220850749885025, 52.846066537377439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.845863082469151 ], [ 7.222005726678892, 52.845863082469151 ], [ 7.222005726678892, 52.845659626607485 ], [ 7.220850749885025, 52.845659626607485 ], [ 7.220850749885025, 52.845863082469151 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.500003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.845659626607485 ], [ 7.222005726678892, 52.845659626607485 ], [ 7.222005726678892, 52.845456169792399 ], [ 7.220850749885025, 52.845456169792399 ], [ 7.220850749885025, 52.845659626607485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 132.52319028571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.845456169792399 ], [ 7.222005726678892, 52.845456169792399 ], [ 7.222005726678892, 52.845252712023928 ], [ 7.220850749885025, 52.845252712023928 ], [ 7.220850749885025, 52.845456169792399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.845252712023928 ], [ 7.222005726678892, 52.845252712023928 ], [ 7.222005726678892, 52.845049253302065 ], [ 7.220850749885025, 52.845049253302065 ], [ 7.220850749885025, 52.845252712023928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.844845793626796 ], [ 7.222005726678892, 52.844845793626796 ], [ 7.222005726678892, 52.844642332998127 ], [ 7.220850749885025, 52.844642332998127 ], [ 7.220850749885025, 52.844845793626796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31871_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.892307 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.844642332998127 ], [ 7.222005726678892, 52.844642332998127 ], [ 7.222005726678892, 52.844438871416045 ], [ 7.220850749885025, 52.844438871416045 ], [ 7.220850749885025, 52.844642332998127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.840030303020001 ], [ 7.218540796297289, 52.840030303020001 ], [ 7.218540796297289, 52.839826819826889 ], [ 7.217385819503421, 52.839826819826889 ], [ 7.217385819503421, 52.840030303020001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.841861608853044 ], [ 7.219695773091156, 52.841861608853044 ], [ 7.219695773091156, 52.841658134240895 ], [ 7.218540796297289, 52.841658134240895 ], [ 7.218540796297289, 52.841861608853044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 185.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.84145465867531 ], [ 7.219695773091156, 52.84145465867531 ], [ 7.219695773091156, 52.841251182156306 ], [ 7.218540796297289, 52.841251182156306 ], [ 7.218540796297289, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 214.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.84145465867531 ], [ 7.220850749885025, 52.84145465867531 ], [ 7.220850749885025, 52.841251182156306 ], [ 7.219695773091156, 52.841251182156306 ], [ 7.219695773091156, 52.84145465867531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.840030303020001 ], [ 7.220850749885025, 52.840030303020001 ], [ 7.220850749885025, 52.839826819826889 ], [ 7.219695773091156, 52.839826819826889 ], [ 7.219695773091156, 52.840030303020001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.839419850580306 ], [ 7.220850749885025, 52.839419850580306 ], [ 7.220850749885025, 52.839216364526848 ], [ 7.219695773091156, 52.839216364526848 ], [ 7.219695773091156, 52.839419850580306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.840640746878641 ], [ 7.222005726678892, 52.840640746878641 ], [ 7.222005726678892, 52.840437266545869 ], [ 7.220850749885025, 52.840437266545869 ], [ 7.220850749885025, 52.840640746878641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.839826819826889 ], [ 7.222005726678892, 52.839826819826889 ], [ 7.222005726678892, 52.839623335680329 ], [ 7.220850749885025, 52.839623335680329 ], [ 7.220850749885025, 52.839826819826889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31872_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.839419850580306 ], [ 7.222005726678892, 52.839419850580306 ], [ 7.222005726678892, 52.839216364526848 ], [ 7.220850749885025, 52.839216364526848 ], [ 7.220850749885025, 52.839419850580306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31879_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 63.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.802437568924972 ], [ 7.222005726678892, 52.802437568924972 ], [ 7.222005726678892, 52.80223390962918 ], [ 7.220850749885025, 52.80223390962918 ], [ 7.220850749885025, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31880_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 10.272727272727273 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.797006327953362 ], [ 7.222005726678892, 52.797006327953362 ], [ 7.222005726678892, 52.796802643222229 ], [ 7.220850749885025, 52.796802643222229 ], [ 7.220850749885025, 52.797006327953362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31880_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 58.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.796802643222229 ], [ 7.222005726678892, 52.796802643222229 ], [ 7.222005726678892, 52.796598957537263 ], [ 7.220850749885025, 52.796598957537263 ], [ 7.220850749885025, 52.796802643222229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31883_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 55.714285714285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.780504774092975 ], [ 7.222005726678892, 52.780504774092975 ], [ 7.222005726678892, 52.780301012093773 ], [ 7.220850749885025, 52.780301012093773 ], [ 7.220850749885025, 52.780504774092975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31884_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.775070794294201 ], [ 7.222005726678892, 52.775070794294201 ], [ 7.222005726678892, 52.774867006854237 ], [ 7.220850749885025, 52.774867006854237 ], [ 7.220850749885025, 52.775070794294201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31885_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.769636136057869 ], [ 7.222005726678892, 52.769636136057869 ], [ 7.222005726678892, 52.769432323175799 ], [ 7.220850749885025, 52.769432323175799 ], [ 7.220850749885025, 52.769636136057869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31886_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 66.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.764200799348167 ], [ 7.222005726678892, 52.764200799348167 ], [ 7.222005726678892, 52.763996961022663 ], [ 7.220850749885025, 52.763996961022663 ], [ 7.220850749885025, 52.764200799348167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31892_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 77.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.731574529147004 ], [ 7.222005726678892, 52.731574529147004 ], [ 7.222005726678892, 52.731370538132673 ], [ 7.220850749885025, 52.731370538132673 ], [ 7.220850749885025, 52.731574529147004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31893_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.726134442123005 ], [ 7.222005726678892, 52.726134442123005 ], [ 7.222005726678892, 52.725930425655847 ], [ 7.220850749885025, 52.725930425655847 ], [ 7.220850749885025, 52.726134442123005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31894_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 14.444444444444445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.720693676339941 ], [ 7.222005726678892, 52.720693676339941 ], [ 7.222005726678892, 52.720489634418627 ], [ 7.220850749885025, 52.720489634418627 ], [ 7.220850749885025, 52.720693676339941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31903_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.670674869370067 ], [ 7.219695773091156, 52.670674869370067 ], [ 7.219695773091156, 52.670470593526282 ], [ 7.218540796297289, 52.670470593526282 ], [ 7.218540796297289, 52.670674869370067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31904_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.666861562812699 ], [ 7.219695773091156, 52.666861562812699 ], [ 7.219695773091156, 52.666657269141638 ], [ 7.218540796297289, 52.666657269141638 ], [ 7.218540796297289, 52.666861562812699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31904_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.665227186702666 ], [ 7.219695773091156, 52.665227186702666 ], [ 7.219695773091156, 52.665022885391153 ], [ 7.218540796297289, 52.665022885391153 ], [ 7.218540796297289, 52.665227186702666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.480627472965658 ], [ 7.215075865915685, 52.480627472965658 ], [ 7.215075865915685, 52.480422309750054 ], [ 7.213920889121817, 52.480422309750054 ], [ 7.213920889121817, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 138.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.478780969582679 ], [ 7.215075865915685, 52.478780969582679 ], [ 7.215075865915685, 52.478575797756413 ], [ 7.213920889121817, 52.478575797756413 ], [ 7.213920889121817, 52.478780969582679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.481858432168004 ], [ 7.218540796297289, 52.481858432168004 ], [ 7.218540796297289, 52.481653274692761 ], [ 7.217385819503421, 52.481653274692761 ], [ 7.217385819503421, 52.481858432168004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.482268744248351 ], [ 7.219695773091156, 52.482268744248351 ], [ 7.219695773091156, 52.482063588686529 ], [ 7.218540796297289, 52.482063588686529 ], [ 7.218540796297289, 52.482268744248351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 166.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.481858432168004 ], [ 7.219695773091156, 52.481858432168004 ], [ 7.219695773091156, 52.481653274692761 ], [ 7.218540796297289, 52.481653274692761 ], [ 7.218540796297289, 52.481858432168004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.481448116260793 ], [ 7.219695773091156, 52.481448116260793 ], [ 7.219695773091156, 52.481242956872102 ], [ 7.218540796297289, 52.481242956872102 ], [ 7.218540796297289, 52.481448116260793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.479806814362838 ], [ 7.219695773091156, 52.479806814362838 ], [ 7.219695773091156, 52.479601647320294 ], [ 7.218540796297289, 52.479601647320294 ], [ 7.218540796297289, 52.479806814362838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.479601647320294 ], [ 7.219695773091156, 52.479601647320294 ], [ 7.219695773091156, 52.479396479320997 ], [ 7.218540796297289, 52.479396479320997 ], [ 7.218540796297289, 52.479601647320294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.482268744248351 ], [ 7.220850749885025, 52.482268744248351 ], [ 7.220850749885025, 52.482063588686529 ], [ 7.219695773091156, 52.482063588686529 ], [ 7.219695773091156, 52.482268744248351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.481037796526678 ], [ 7.220850749885025, 52.481037796526678 ], [ 7.220850749885025, 52.480832635224537 ], [ 7.219695773091156, 52.480832635224537 ], [ 7.219695773091156, 52.481037796526678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.955901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.480832635224537 ], [ 7.220850749885025, 52.480832635224537 ], [ 7.220850749885025, 52.480627472965658 ], [ 7.219695773091156, 52.480627472965658 ], [ 7.219695773091156, 52.480832635224537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 125.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.480627472965658 ], [ 7.220850749885025, 52.480627472965658 ], [ 7.220850749885025, 52.480422309750054 ], [ 7.219695773091156, 52.480422309750054 ], [ 7.219695773091156, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 139.03125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.480422309750054 ], [ 7.220850749885025, 52.480422309750054 ], [ 7.220850749885025, 52.480217145577718 ], [ 7.219695773091156, 52.480217145577718 ], [ 7.219695773091156, 52.480422309750054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.478575797756413 ], [ 7.220850749885025, 52.478575797756413 ], [ 7.220850749885025, 52.478370624973401 ], [ 7.219695773091156, 52.478370624973401 ], [ 7.219695773091156, 52.478575797756413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 122.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.478370624973401 ], [ 7.220850749885025, 52.478370624973401 ], [ 7.220850749885025, 52.478165451233629 ], [ 7.219695773091156, 52.478165451233629 ], [ 7.219695773091156, 52.478370624973401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.481037796526678 ], [ 7.222005726678892, 52.481037796526678 ], [ 7.222005726678892, 52.480832635224537 ], [ 7.220850749885025, 52.480832635224537 ], [ 7.220850749885025, 52.481037796526678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.480832635224537 ], [ 7.222005726678892, 52.480832635224537 ], [ 7.222005726678892, 52.480627472965658 ], [ 7.220850749885025, 52.480627472965658 ], [ 7.220850749885025, 52.480832635224537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.480627472965658 ], [ 7.222005726678892, 52.480627472965658 ], [ 7.222005726678892, 52.480422309750054 ], [ 7.220850749885025, 52.480422309750054 ], [ 7.220850749885025, 52.480627472965658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.82228133333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.480422309750054 ], [ 7.222005726678892, 52.480422309750054 ], [ 7.222005726678892, 52.480217145577718 ], [ 7.220850749885025, 52.480217145577718 ], [ 7.220850749885025, 52.480422309750054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.480217145577718 ], [ 7.222005726678892, 52.480217145577718 ], [ 7.222005726678892, 52.480011980448651 ], [ 7.220850749885025, 52.480011980448651 ], [ 7.220850749885025, 52.480217145577718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31938_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.480011980448651 ], [ 7.222005726678892, 52.480011980448651 ], [ 7.222005726678892, 52.479806814362838 ], [ 7.220850749885025, 52.479806814362838 ], [ 7.220850749885025, 52.480011980448651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.475156126462466 ], [ 7.215075865915685, 52.475156126462466 ], [ 7.215075865915685, 52.474950937733361 ], [ 7.213920889121817, 52.474950937733361 ], [ 7.213920889121817, 52.475156126462466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.93543825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.473309393456212 ], [ 7.215075865915685, 52.473309393456212 ], [ 7.215075865915685, 52.473104196115997 ], [ 7.213920889121817, 52.473104196115997 ], [ 7.213920889121817, 52.473309393456212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.475771686909113 ], [ 7.216230842709552, 52.475771686909113 ], [ 7.216230842709552, 52.475566501050338 ], [ 7.215075865915685, 52.475566501050338 ], [ 7.215075865915685, 52.475771686909113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.474950937733361 ], [ 7.217385819503421, 52.474950937733361 ], [ 7.217385819503421, 52.474745748047468 ], [ 7.216230842709552, 52.474745748047468 ], [ 7.216230842709552, 52.474950937733361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.476387238744799 ], [ 7.218540796297289, 52.476387238744799 ], [ 7.218540796297289, 52.47618205575634 ], [ 7.217385819503421, 52.47618205575634 ], [ 7.217385819503421, 52.476387238744799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.475156126462466 ], [ 7.218540796297289, 52.475156126462466 ], [ 7.218540796297289, 52.474950937733361 ], [ 7.217385819503421, 52.474950937733361 ], [ 7.217385819503421, 52.475156126462466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 141.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.474335365805345 ], [ 7.218540796297289, 52.474335365805345 ], [ 7.218540796297289, 52.474130173249087 ], [ 7.217385819503421, 52.474130173249087 ], [ 7.217385819503421, 52.474335365805345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.476797601851409 ], [ 7.219695773091156, 52.476797601851409 ], [ 7.219695773091156, 52.476592420776477 ], [ 7.218540796297289, 52.476592420776477 ], [ 7.218540796297289, 52.476797601851409 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 168.5789985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.476387238744799 ], [ 7.219695773091156, 52.476387238744799 ], [ 7.219695773091156, 52.47618205575634 ], [ 7.218540796297289, 52.47618205575634 ], [ 7.218540796297289, 52.476387238744799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 130.4489625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.47597687181112 ], [ 7.219695773091156, 52.47597687181112 ], [ 7.219695773091156, 52.475771686909113 ], [ 7.218540796297289, 52.475771686909113 ], [ 7.218540796297289, 52.47597687181112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 121.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.475566501050338 ], [ 7.219695773091156, 52.475566501050338 ], [ 7.219695773091156, 52.475361314234796 ], [ 7.218540796297289, 52.475361314234796 ], [ 7.218540796297289, 52.475566501050338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 134.92777866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.474335365805345 ], [ 7.219695773091156, 52.474335365805345 ], [ 7.219695773091156, 52.474130173249087 ], [ 7.218540796297289, 52.474130173249087 ], [ 7.218540796297289, 52.474335365805345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.474130173249087 ], [ 7.219695773091156, 52.474130173249087 ], [ 7.219695773091156, 52.473924979736061 ], [ 7.218540796297289, 52.473924979736061 ], [ 7.218540796297289, 52.474130173249087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.476797601851409 ], [ 7.220850749885025, 52.476797601851409 ], [ 7.220850749885025, 52.476592420776477 ], [ 7.219695773091156, 52.476592420776477 ], [ 7.219695773091156, 52.476797601851409 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 167.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.476387238744799 ], [ 7.220850749885025, 52.476387238744799 ], [ 7.220850749885025, 52.47618205575634 ], [ 7.219695773091156, 52.47618205575634 ], [ 7.219695773091156, 52.476387238744799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.7499985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.475566501050338 ], [ 7.220850749885025, 52.475566501050338 ], [ 7.220850749885025, 52.475361314234796 ], [ 7.219695773091156, 52.475361314234796 ], [ 7.219695773091156, 52.475566501050338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 136.60229925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.475361314234796 ], [ 7.220850749885025, 52.475361314234796 ], [ 7.220850749885025, 52.475156126462466 ], [ 7.219695773091156, 52.475156126462466 ], [ 7.219695773091156, 52.475361314234796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.475156126462466 ], [ 7.220850749885025, 52.475156126462466 ], [ 7.220850749885025, 52.474950937733361 ], [ 7.219695773091156, 52.474950937733361 ], [ 7.219695773091156, 52.475156126462466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 127.83809525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.474950937733361 ], [ 7.220850749885025, 52.474950937733361 ], [ 7.220850749885025, 52.474745748047468 ], [ 7.219695773091156, 52.474745748047468 ], [ 7.219695773091156, 52.474950937733361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 159.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.474335365805345 ], [ 7.220850749885025, 52.474335365805345 ], [ 7.220850749885025, 52.474130173249087 ], [ 7.219695773091156, 52.474130173249087 ], [ 7.219695773091156, 52.474335365805345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.473719785266233 ], [ 7.220850749885025, 52.473719785266233 ], [ 7.220850749885025, 52.47351458983961 ], [ 7.219695773091156, 52.47351458983961 ], [ 7.219695773091156, 52.473719785266233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 142.00000266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.473104196115997 ], [ 7.220850749885025, 52.473104196115997 ], [ 7.220850749885025, 52.472898997818994 ], [ 7.219695773091156, 52.472898997818994 ], [ 7.219695773091156, 52.473104196115997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 126.065486 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.472898997818994 ], [ 7.220850749885025, 52.472898997818994 ], [ 7.220850749885025, 52.472693798565182 ], [ 7.219695773091156, 52.472693798565182 ], [ 7.219695773091156, 52.472898997818994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.4846292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.475566501050338 ], [ 7.222005726678892, 52.475566501050338 ], [ 7.222005726678892, 52.475361314234796 ], [ 7.220850749885025, 52.475361314234796 ], [ 7.220850749885025, 52.475566501050338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.475361314234796 ], [ 7.222005726678892, 52.475361314234796 ], [ 7.222005726678892, 52.475156126462466 ], [ 7.220850749885025, 52.475156126462466 ], [ 7.220850749885025, 52.475361314234796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.475156126462466 ], [ 7.222005726678892, 52.475156126462466 ], [ 7.222005726678892, 52.474950937733361 ], [ 7.220850749885025, 52.474950937733361 ], [ 7.220850749885025, 52.475156126462466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.99563627272728 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.474950937733361 ], [ 7.222005726678892, 52.474950937733361 ], [ 7.222005726678892, 52.474745748047468 ], [ 7.220850749885025, 52.474745748047468 ], [ 7.220850749885025, 52.474950937733361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.036083 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.474745748047468 ], [ 7.222005726678892, 52.474745748047468 ], [ 7.222005726678892, 52.474540557404794 ], [ 7.220850749885025, 52.474540557404794 ], [ 7.220850749885025, 52.474745748047468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.474540557404794 ], [ 7.222005726678892, 52.474540557404794 ], [ 7.222005726678892, 52.474335365805345 ], [ 7.220850749885025, 52.474335365805345 ], [ 7.220850749885025, 52.474540557404794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.474335365805345 ], [ 7.222005726678892, 52.474335365805345 ], [ 7.222005726678892, 52.474130173249087 ], [ 7.220850749885025, 52.474130173249087 ], [ 7.220850749885025, 52.474335365805345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31939_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 121.2000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.473924979736061 ], [ 7.222005726678892, 52.473924979736061 ], [ 7.222005726678892, 52.473719785266233 ], [ 7.220850749885025, 52.473719785266233 ], [ 7.220850749885025, 52.473924979736061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.46783713694127 ], [ 7.215075865915685, 52.46783713694127 ], [ 7.215075865915685, 52.467631914085814 ], [ 7.213920889121817, 52.467631914085814 ], [ 7.213920889121817, 52.46783713694127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.470299736573274 ], [ 7.216230842709552, 52.470299736573274 ], [ 7.216230842709552, 52.470094525199848 ], [ 7.215075865915685, 52.470094525199848 ], [ 7.215075865915685, 52.470299736573274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.469478885338603 ], [ 7.217385819503421, 52.469478885338603 ], [ 7.217385819503421, 52.469273670137859 ], [ 7.216230842709552, 52.469273670137859 ], [ 7.216230842709552, 52.469478885338603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.470915364952646 ], [ 7.218540796297289, 52.470915364952646 ], [ 7.218540796297289, 52.470710156449677 ], [ 7.217385819503421, 52.470710156449677 ], [ 7.217385819503421, 52.470915364952646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.469684099582508 ], [ 7.218540796297289, 52.469684099582508 ], [ 7.218540796297289, 52.469478885338603 ], [ 7.217385819503421, 52.469478885338603 ], [ 7.217385819503421, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.468863236865879 ], [ 7.218540796297289, 52.468863236865879 ], [ 7.218540796297289, 52.468658018794635 ], [ 7.217385819503421, 52.468658018794635 ], [ 7.217385819503421, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.471325779088119 ], [ 7.219695773091156, 52.471325779088119 ], [ 7.219695773091156, 52.471120572498791 ], [ 7.218540796297289, 52.471120572498791 ], [ 7.218540796297289, 52.471325779088119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.470915364952646 ], [ 7.219695773091156, 52.470915364952646 ], [ 7.219695773091156, 52.470710156449677 ], [ 7.218540796297289, 52.470710156449677 ], [ 7.218540796297289, 52.470915364952646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.470504946989891 ], [ 7.219695773091156, 52.470504946989891 ], [ 7.219695773091156, 52.470299736573274 ], [ 7.218540796297289, 52.470299736573274 ], [ 7.218540796297289, 52.470504946989891 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.470094525199848 ], [ 7.219695773091156, 52.470094525199848 ], [ 7.219695773091156, 52.469889312869597 ], [ 7.218540796297289, 52.469889312869597 ], [ 7.218540796297289, 52.470094525199848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 153.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.468863236865879 ], [ 7.219695773091156, 52.468863236865879 ], [ 7.219695773091156, 52.468658018794635 ], [ 7.218540796297289, 52.468658018794635 ], [ 7.218540796297289, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.468658018794635 ], [ 7.219695773091156, 52.468658018794635 ], [ 7.219695773091156, 52.46845279976656 ], [ 7.218540796297289, 52.46845279976656 ], [ 7.218540796297289, 52.468658018794635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.471325779088119 ], [ 7.220850749885025, 52.471325779088119 ], [ 7.220850749885025, 52.471120572498791 ], [ 7.219695773091156, 52.471120572498791 ], [ 7.219695773091156, 52.471325779088119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.470915364952646 ], [ 7.220850749885025, 52.470915364952646 ], [ 7.220850749885025, 52.470710156449677 ], [ 7.219695773091156, 52.470710156449677 ], [ 7.219695773091156, 52.470915364952646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.232498 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.470094525199848 ], [ 7.220850749885025, 52.470094525199848 ], [ 7.220850749885025, 52.469889312869597 ], [ 7.219695773091156, 52.469889312869597 ], [ 7.219695773091156, 52.470094525199848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.469889312869597 ], [ 7.220850749885025, 52.469889312869597 ], [ 7.220850749885025, 52.469684099582508 ], [ 7.219695773091156, 52.469684099582508 ], [ 7.219695773091156, 52.469889312869597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 130.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.469684099582508 ], [ 7.220850749885025, 52.469684099582508 ], [ 7.220850749885025, 52.469478885338603 ], [ 7.219695773091156, 52.469478885338603 ], [ 7.219695773091156, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.469478885338603 ], [ 7.220850749885025, 52.469478885338603 ], [ 7.220850749885025, 52.469273670137859 ], [ 7.219695773091156, 52.469273670137859 ], [ 7.219695773091156, 52.469478885338603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.468863236865879 ], [ 7.220850749885025, 52.468863236865879 ], [ 7.220850749885025, 52.468658018794635 ], [ 7.219695773091156, 52.468658018794635 ], [ 7.219695773091156, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 149.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.468247579781632 ], [ 7.220850749885025, 52.468247579781632 ], [ 7.220850749885025, 52.468042358839874 ], [ 7.219695773091156, 52.468042358839874 ], [ 7.219695773091156, 52.468247579781632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 129.8362485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.46742669027352 ], [ 7.220850749885025, 52.46742669027352 ], [ 7.220850749885025, 52.467221465504373 ], [ 7.219695773091156, 52.467221465504373 ], [ 7.219695773091156, 52.46742669027352 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.181317 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.470094525199848 ], [ 7.222005726678892, 52.470094525199848 ], [ 7.222005726678892, 52.469889312869597 ], [ 7.220850749885025, 52.469889312869597 ], [ 7.220850749885025, 52.470094525199848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.469889312869597 ], [ 7.222005726678892, 52.469889312869597 ], [ 7.222005726678892, 52.469684099582508 ], [ 7.220850749885025, 52.469684099582508 ], [ 7.220850749885025, 52.469889312869597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.469684099582508 ], [ 7.222005726678892, 52.469684099582508 ], [ 7.222005726678892, 52.469478885338603 ], [ 7.220850749885025, 52.469478885338603 ], [ 7.220850749885025, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 134.1354846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.469478885338603 ], [ 7.222005726678892, 52.469478885338603 ], [ 7.222005726678892, 52.469273670137859 ], [ 7.220850749885025, 52.469273670137859 ], [ 7.220850749885025, 52.469478885338603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 132.028321 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.469273670137859 ], [ 7.222005726678892, 52.469273670137859 ], [ 7.222005726678892, 52.469068453980292 ], [ 7.220850749885025, 52.469068453980292 ], [ 7.220850749885025, 52.469273670137859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.469068453980292 ], [ 7.222005726678892, 52.469068453980292 ], [ 7.222005726678892, 52.468863236865879 ], [ 7.220850749885025, 52.468863236865879 ], [ 7.220850749885025, 52.469068453980292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.468863236865879 ], [ 7.222005726678892, 52.468863236865879 ], [ 7.222005726678892, 52.468658018794635 ], [ 7.220850749885025, 52.468658018794635 ], [ 7.220850749885025, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31940_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.46845279976656 ], [ 7.222005726678892, 52.46845279976656 ], [ 7.222005726678892, 52.468247579781632 ], [ 7.220850749885025, 52.468247579781632 ], [ 7.220850749885025, 52.46845279976656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.288725295220864 ], [ 7.215075865915685, 52.288725295220864 ], [ 7.215075865915685, 52.288519238263518 ], [ 7.213920889121817, 52.288519238263518 ], [ 7.213920889121817, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.286664682518115 ], [ 7.215075865915685, 52.286664682518115 ], [ 7.215075865915685, 52.28645861597645 ], [ 7.213920889121817, 52.28645861597645 ], [ 7.213920889121817, 52.286664682518115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.28934346034238 ], [ 7.216230842709552, 52.28934346034238 ], [ 7.216230842709552, 52.289137406260295 ], [ 7.215075865915685, 52.289137406260295 ], [ 7.215075865915685, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.288519238263518 ], [ 7.217385819503421, 52.288519238263518 ], [ 7.217385819503421, 52.288313180347757 ], [ 7.216230842709552, 52.288313180347757 ], [ 7.216230842709552, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.289961616838141 ], [ 7.218540796297289, 52.289961616838141 ], [ 7.218540796297289, 52.289755565631296 ], [ 7.217385819503421, 52.289755565631296 ], [ 7.217385819503421, 52.289961616838141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.288725295220864 ], [ 7.218540796297289, 52.288725295220864 ], [ 7.218540796297289, 52.288519238263518 ], [ 7.217385819503421, 52.288519238263518 ], [ 7.217385819503421, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.28790106164093 ], [ 7.218540796297289, 52.28790106164093 ], [ 7.218540796297289, 52.28769500084988 ], [ 7.217385819503421, 52.28769500084988 ], [ 7.217385819503421, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 109.66666766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.290167667086564 ], [ 7.219695773091156, 52.290167667086564 ], [ 7.219695773091156, 52.289961616838141 ], [ 7.218540796297289, 52.289961616838141 ], [ 7.218540796297289, 52.290167667086564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.289137406260295 ], [ 7.219695773091156, 52.289137406260295 ], [ 7.219695773091156, 52.288931351219794 ], [ 7.218540796297289, 52.288931351219794 ], [ 7.218540796297289, 52.289137406260295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.290373716376585 ], [ 7.220850749885025, 52.290373716376585 ], [ 7.220850749885025, 52.290167667086564 ], [ 7.219695773091156, 52.290167667086564 ], [ 7.219695773091156, 52.290373716376585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.643525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.28934346034238 ], [ 7.220850749885025, 52.28934346034238 ], [ 7.220850749885025, 52.289137406260295 ], [ 7.219695773091156, 52.289137406260295 ], [ 7.219695773091156, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.983496 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.288931351219794 ], [ 7.220850749885025, 52.288931351219794 ], [ 7.220850749885025, 52.288725295220864 ], [ 7.219695773091156, 52.288725295220864 ], [ 7.219695773091156, 52.288931351219794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.287282876392482 ], [ 7.220850749885025, 52.287282876392482 ], [ 7.220850749885025, 52.287076812726127 ], [ 7.219695773091156, 52.287076812726127 ], [ 7.219695773091156, 52.287282876392482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 120.330794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.28645861597645 ], [ 7.220850749885025, 52.28645861597645 ], [ 7.220850749885025, 52.286252548476348 ], [ 7.219695773091156, 52.286252548476348 ], [ 7.219695773091156, 52.28645861597645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 146.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.289137406260295 ], [ 7.222005726678892, 52.289137406260295 ], [ 7.222005726678892, 52.288931351219794 ], [ 7.220850749885025, 52.288931351219794 ], [ 7.220850749885025, 52.289137406260295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.288725295220864 ], [ 7.222005726678892, 52.288725295220864 ], [ 7.222005726678892, 52.288519238263518 ], [ 7.220850749885025, 52.288519238263518 ], [ 7.220850749885025, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.288519238263518 ], [ 7.222005726678892, 52.288519238263518 ], [ 7.222005726678892, 52.288313180347757 ], [ 7.220850749885025, 52.288313180347757 ], [ 7.220850749885025, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 136.15072833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.288313180347757 ], [ 7.222005726678892, 52.288313180347757 ], [ 7.222005726678892, 52.288107121473551 ], [ 7.220850749885025, 52.288107121473551 ], [ 7.220850749885025, 52.288313180347757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31973_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.287488939100399 ], [ 7.222005726678892, 52.287488939100399 ], [ 7.222005726678892, 52.287282876392482 ], [ 7.220850749885025, 52.287282876392482 ], [ 7.220850749885025, 52.287488939100399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.28323011502598 ], [ 7.215075865915685, 52.28323011502598 ], [ 7.215075865915685, 52.283024032510049 ], [ 7.213920889121817, 52.283024032510049 ], [ 7.213920889121817, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 131.355299 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.281169246735232 ], [ 7.215075865915685, 52.281169246735232 ], [ 7.215075865915685, 52.280963154634506 ], [ 7.213920889121817, 52.280963154634506 ], [ 7.213920889121817, 52.281169246735232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.283848356822958 ], [ 7.216230842709552, 52.283848356822958 ], [ 7.216230842709552, 52.283642277182423 ], [ 7.215075865915685, 52.283642277182423 ], [ 7.215075865915685, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 172.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.283024032510049 ], [ 7.217385819503421, 52.283024032510049 ], [ 7.217385819503421, 52.282817949035646 ], [ 7.216230842709552, 52.282817949035646 ], [ 7.216230842709552, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.284466589993748 ], [ 7.218540796297289, 52.284466589993748 ], [ 7.218540796297289, 52.284260513228617 ], [ 7.217385819503421, 52.284260513228617 ], [ 7.217385819503421, 52.284466589993748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.28323011502598 ], [ 7.218540796297289, 52.28323011502598 ], [ 7.218540796297289, 52.283024032510049 ], [ 7.217385819503421, 52.283024032510049 ], [ 7.217385819503421, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.282405779211416 ], [ 7.218540796297289, 52.282405779211416 ], [ 7.218540796297289, 52.282199692861589 ], [ 7.217385819503421, 52.282199692861589 ], [ 7.217385819503421, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.284878740648651 ], [ 7.219695773091156, 52.284878740648651 ], [ 7.219695773091156, 52.284672665800429 ], [ 7.218540796297289, 52.284672665800429 ], [ 7.218540796297289, 52.284878740648651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 109.3784622 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.284672665800429 ], [ 7.219695773091156, 52.284672665800429 ], [ 7.219695773091156, 52.284466589993748 ], [ 7.218540796297289, 52.284466589993748 ], [ 7.218540796297289, 52.284672665800429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.283642277182423 ], [ 7.219695773091156, 52.283642277182423 ], [ 7.219695773091156, 52.283436196583445 ], [ 7.218540796297289, 52.283436196583445 ], [ 7.218540796297289, 52.283642277182423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.284878740648651 ], [ 7.220850749885025, 52.284878740648651 ], [ 7.220850749885025, 52.284672665800429 ], [ 7.219695773091156, 52.284672665800429 ], [ 7.219695773091156, 52.284878740648651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.284466589993748 ], [ 7.220850749885025, 52.284466589993748 ], [ 7.220850749885025, 52.284260513228617 ], [ 7.219695773091156, 52.284260513228617 ], [ 7.219695773091156, 52.284466589993748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 135.211015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.283848356822958 ], [ 7.220850749885025, 52.283848356822958 ], [ 7.220850749885025, 52.283642277182423 ], [ 7.219695773091156, 52.283642277182423 ], [ 7.219695773091156, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.61243133333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.283436196583445 ], [ 7.220850749885025, 52.283436196583445 ], [ 7.220850749885025, 52.28323011502598 ], [ 7.219695773091156, 52.28323011502598 ], [ 7.219695773091156, 52.283436196583445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 141.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.281787517286496 ], [ 7.220850749885025, 52.281787517286496 ], [ 7.220850749885025, 52.28158142806123 ], [ 7.219695773091156, 52.28158142806123 ], [ 7.219695773091156, 52.281787517286496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.22251066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.280963154634506 ], [ 7.220850749885025, 52.280963154634506 ], [ 7.220850749885025, 52.280757061575287 ], [ 7.219695773091156, 52.280757061575287 ], [ 7.219695773091156, 52.280963154634506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 139.600139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.283642277182423 ], [ 7.222005726678892, 52.283642277182423 ], [ 7.222005726678892, 52.283436196583445 ], [ 7.220850749885025, 52.283436196583445 ], [ 7.220850749885025, 52.283642277182423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.71428571428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.28323011502598 ], [ 7.222005726678892, 52.28323011502598 ], [ 7.222005726678892, 52.283024032510049 ], [ 7.220850749885025, 52.283024032510049 ], [ 7.220850749885025, 52.28323011502598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.52039725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.283024032510049 ], [ 7.222005726678892, 52.283024032510049 ], [ 7.222005726678892, 52.282817949035646 ], [ 7.220850749885025, 52.282817949035646 ], [ 7.220850749885025, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 142.4919065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.282817949035646 ], [ 7.222005726678892, 52.282817949035646 ], [ 7.222005726678892, 52.282611864602764 ], [ 7.220850749885025, 52.282611864602764 ], [ 7.220850749885025, 52.282817949035646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31974_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.281993605553289 ], [ 7.222005726678892, 52.281993605553289 ], [ 7.222005726678892, 52.281787517286496 ], [ 7.220850749885025, 52.281787517286496 ], [ 7.220850749885025, 52.281993605553289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 81.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.189707742535433 ], [ 7.215075865915685, 52.189707742535433 ], [ 7.215075865915685, 52.18950122532928 ], [ 7.213920889121817, 52.18950122532928 ], [ 7.213920889121817, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.568046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213920889121817, 52.187642527306082 ], [ 7.215075865915685, 52.187642527306082 ], [ 7.215075865915685, 52.187436000507056 ], [ 7.213920889121817, 52.187436000507056 ], [ 7.213920889121817, 52.187642527306082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.215075865915685, 52.190327288398244 ], [ 7.216230842709552, 52.190327288398244 ], [ 7.216230842709552, 52.190120774069918 ], [ 7.215075865915685, 52.190120774069918 ], [ 7.215075865915685, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.216230842709552, 52.18950122532928 ], [ 7.217385819503421, 52.18950122532928 ], [ 7.217385819503421, 52.189294707163846 ], [ 7.216230842709552, 52.189294707163846 ], [ 7.216230842709552, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.190946825627599 ], [ 7.218540796297289, 52.190946825627599 ], [ 7.218540796297289, 52.190740314177077 ], [ 7.217385819503421, 52.190740314177077 ], [ 7.217385819503421, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.189707742535433 ], [ 7.218540796297289, 52.189707742535433 ], [ 7.218540796297289, 52.18950122532928 ], [ 7.217385819503421, 52.18950122532928 ], [ 7.217385819503421, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.217385819503421, 52.18888166795513 ], [ 7.218540796297289, 52.18888166795513 ], [ 7.218540796297289, 52.188675146911841 ], [ 7.217385819503421, 52.188675146911841 ], [ 7.217385819503421, 52.18888166795513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.191359845650823 ], [ 7.219695773091156, 52.191359845650823 ], [ 7.219695773091156, 52.191153336118838 ], [ 7.218540796297289, 52.191153336118838 ], [ 7.218540796297289, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 52.191153336118838 ], [ 7.219695773091156, 52.191153336118838 ], [ 7.219695773091156, 52.190946825627599 ], [ 7.218540796297289, 52.190946825627599 ], [ 7.218540796297289, 52.191153336118838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.191359845650823 ], [ 7.220850749885025, 52.191359845650823 ], [ 7.220850749885025, 52.191153336118838 ], [ 7.219695773091156, 52.191153336118838 ], [ 7.219695773091156, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.190946825627599 ], [ 7.220850749885025, 52.190946825627599 ], [ 7.220850749885025, 52.190740314177077 ], [ 7.219695773091156, 52.190740314177077 ], [ 7.219695773091156, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 99.1942714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.190327288398244 ], [ 7.220850749885025, 52.190327288398244 ], [ 7.220850749885025, 52.190120774069918 ], [ 7.219695773091156, 52.190120774069918 ], [ 7.219695773091156, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 98.8268674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.189914258782316 ], [ 7.220850749885025, 52.189914258782316 ], [ 7.220850749885025, 52.189707742535433 ], [ 7.219695773091156, 52.189707742535433 ], [ 7.219695773091156, 52.189914258782316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 97.6648648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.188055578026258 ], [ 7.220850749885025, 52.188055578026258 ], [ 7.220850749885025, 52.187849053145818 ], [ 7.219695773091156, 52.187849053145818 ], [ 7.219695773091156, 52.188055578026258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 82.06879583333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.219695773091156, 52.187436000507056 ], [ 7.220850749885025, 52.187436000507056 ], [ 7.220850749885025, 52.187229472748726 ], [ 7.219695773091156, 52.187229472748726 ], [ 7.219695773091156, 52.187436000507056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 112.0533686 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.190327288398244 ], [ 7.222005726678892, 52.190327288398244 ], [ 7.222005726678892, 52.190120774069918 ], [ 7.220850749885025, 52.190120774069918 ], [ 7.220850749885025, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.307692307692307 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.189707742535433 ], [ 7.222005726678892, 52.189707742535433 ], [ 7.222005726678892, 52.18950122532928 ], [ 7.220850749885025, 52.18950122532928 ], [ 7.220850749885025, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.20010777777779 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.18950122532928 ], [ 7.222005726678892, 52.18950122532928 ], [ 7.222005726678892, 52.189294707163846 ], [ 7.220850749885025, 52.189294707163846 ], [ 7.220850749885025, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "31991_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.8000016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.220850749885025, 52.189294707163846 ], [ 7.222005726678892, 52.189294707163846 ], [ 7.222005726678892, 52.189088188039122 ], [ 7.220850749885025, 52.189088188039122 ], [ 7.220850749885025, 52.189294707163846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32230_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 50.853951605002244 ], [ 7.219695773091156, 50.853951605002244 ], [ 7.219695773091156, 50.853738939835544 ], [ 7.218540796297289, 50.853738939835544 ], [ 7.218540796297289, 50.853951605002244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32231_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 50.848280202033258 ], [ 7.219695773091156, 50.848280202033258 ], [ 7.219695773091156, 50.848067511007379 ], [ 7.218540796297289, 50.848067511007379 ], [ 7.218540796297289, 50.848280202033258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32237_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 50.814237301810834 ], [ 7.219695773091156, 50.814237301810834 ], [ 7.219695773091156, 50.814024455607722 ], [ 7.218540796297289, 50.814024455607722 ], [ 7.218540796297289, 50.814237301810834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32238_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 50.80856107110921 ], [ 7.219695773091156, 50.80856107110921 ], [ 7.219695773091156, 50.808348199039528 ], [ 7.218540796297289, 50.808348199039528 ], [ 7.218540796297289, 50.80856107110921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32239_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.218540796297289, 50.802884150618858 ], [ 7.219695773091156, 50.802884150618858 ], [ 7.219695773091156, 50.802671252681563 ], [ 7.218540796297289, 50.802671252681563 ], [ 7.218540796297289, 50.802884150618858 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.609662926634684 ], [ 7.22405901875688, 53.609662926634684 ], [ 7.22405901875688, 53.609463067921929 ], [ 7.222904041963012, 53.609463067921929 ], [ 7.222904041963012, 53.609662926634684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.608863486108163 ], [ 7.226368972344616, 53.608863486108163 ], [ 7.226368972344616, 53.60866362361174 ], [ 7.225213995550749, 53.60866362361174 ], [ 7.225213995550749, 53.608863486108163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.610062641222434 ], [ 7.227523949138482, 53.610062641222434 ], [ 7.227523949138482, 53.609862784401514 ], [ 7.226368972344616, 53.609862784401514 ], [ 7.226368972344616, 53.610062641222434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.610662206009742 ], [ 7.228678925932353, 53.610662206009742 ], [ 7.228678925932353, 53.610462352026545 ], [ 7.227523949138482, 53.610462352026545 ], [ 7.227523949138482, 53.610662206009742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 56.183428666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.609862784401514 ], [ 7.228678925932353, 53.609862784401514 ], [ 7.228678925932353, 53.609662926634684 ], [ 7.227523949138482, 53.609662926634684 ], [ 7.227523949138482, 53.609862784401514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.610662206009742 ], [ 7.229833902726218, 53.610662206009742 ], [ 7.229833902726218, 53.610462352026545 ], [ 7.228678925932353, 53.610462352026545 ], [ 7.228678925932353, 53.610662206009742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32404_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.609063347658683 ], [ 7.230988879520088, 53.609063347658683 ], [ 7.230988879520088, 53.608863486108163 ], [ 7.229833902726218, 53.608863486108163 ], [ 7.229833902726218, 53.609063347658683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 69.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.604333037241815 ], [ 7.22405901875688, 53.604333037241815 ], [ 7.22405901875688, 53.604133153303913 ], [ 7.222904041963012, 53.604133153303913 ], [ 7.222904041963012, 53.604333037241815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 67.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.603533495814382 ], [ 7.226368972344616, 53.603533495814382 ], [ 7.226368972344616, 53.603333608092584 ], [ 7.225213995550749, 53.603333608092584 ], [ 7.225213995550749, 53.603533495814382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.604732802279713 ], [ 7.227523949138482, 53.604732802279713 ], [ 7.227523949138482, 53.604532920233751 ], [ 7.226368972344616, 53.604532920233751 ], [ 7.226368972344616, 53.604732802279713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 80.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.605332442741819 ], [ 7.228678925932353, 53.605332442741819 ], [ 7.228678925932353, 53.605132563533743 ], [ 7.227523949138482, 53.605132563533743 ], [ 7.227523949138482, 53.605332442741819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 66.129738666666654 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.604532920233751 ], [ 7.228678925932353, 53.604532920233751 ], [ 7.228678925932353, 53.604333037241815 ], [ 7.227523949138482, 53.604333037241815 ], [ 7.227523949138482, 53.604532920233751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.605332442741819 ], [ 7.229833902726218, 53.605332442741819 ], [ 7.229833902726218, 53.605132563533743 ], [ 7.228678925932353, 53.605132563533743 ], [ 7.228678925932353, 53.605332442741819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32405_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.6037333825902 ], [ 7.230988879520088, 53.6037333825902 ], [ 7.230988879520088, 53.603533495814382 ], [ 7.229833902726218, 53.603533495814382 ], [ 7.229833902726218, 53.6037333825902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 80.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.588339332772136 ], [ 7.22405901875688, 53.588339332772136 ], [ 7.22405901875688, 53.588139373150078 ], [ 7.222904041963012, 53.588139373150078 ], [ 7.222904041963012, 53.588339332772136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 94.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.587539488607042 ], [ 7.226368972344616, 53.587539488607042 ], [ 7.226368972344616, 53.587339525200413 ], [ 7.225213995550749, 53.587339525200413 ], [ 7.225213995550749, 53.587539488607042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.588739249177891 ], [ 7.227523949138482, 53.588739249177891 ], [ 7.227523949138482, 53.588539291448086 ], [ 7.226368972344616, 53.588539291448086 ], [ 7.226368972344616, 53.588739249177891 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.589339116690553 ], [ 7.228678925932353, 53.589339116690553 ], [ 7.228678925932353, 53.589139161799125 ], [ 7.227523949138482, 53.589139161799125 ], [ 7.227523949138482, 53.589339116690553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 66.36778075000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.588539291448086 ], [ 7.228678925932353, 53.588539291448086 ], [ 7.228678925932353, 53.588339332772136 ], [ 7.227523949138482, 53.588339332772136 ], [ 7.227523949138482, 53.588539291448086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 74.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.589339116690553 ], [ 7.229833902726218, 53.589339116690553 ], [ 7.229833902726218, 53.589139161799125 ], [ 7.228678925932353, 53.589139161799125 ], [ 7.228678925932353, 53.589339116690553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32408_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.587739451067527 ], [ 7.230988879520088, 53.587739451067527 ], [ 7.230988879520088, 53.587539488607042 ], [ 7.229833902726218, 53.587539488607042 ], [ 7.229833902726218, 53.587739451067527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 56.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.583006752389437 ], [ 7.22405901875688, 53.583006752389437 ], [ 7.22405901875688, 53.582806767536397 ], [ 7.222904041963012, 53.582806767536397 ], [ 7.222904041963012, 53.583006752389437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 63.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.582206807300153 ], [ 7.226368972344616, 53.582206807300153 ], [ 7.226368972344616, 53.58200681866235 ], [ 7.225213995550749, 53.58200681866235 ], [ 7.225213995550749, 53.582206807300153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 32.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.583406719256942 ], [ 7.227523949138482, 53.583406719256942 ], [ 7.227523949138482, 53.583206736296283 ], [ 7.226368972344616, 53.583206736296283 ], [ 7.226368972344616, 53.583406719256942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 64.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.584006662461832 ], [ 7.228678925932353, 53.584006662461832 ], [ 7.228678925932353, 53.58380668233972 ], [ 7.227523949138482, 53.58380668233972 ], [ 7.227523949138482, 53.584006662461832 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 22.9054932 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.583206736296283 ], [ 7.228678925932353, 53.583206736296283 ], [ 7.228678925932353, 53.583006752389437 ], [ 7.227523949138482, 53.583006752389437 ], [ 7.227523949138482, 53.583206736296283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 65.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.584006662461832 ], [ 7.229833902726218, 53.584006662461832 ], [ 7.229833902726218, 53.58380668233972 ], [ 7.228678925932353, 53.58380668233972 ], [ 7.228678925932353, 53.584006662461832 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 40.083333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.583606701271414 ], [ 7.229833902726218, 53.583606701271414 ], [ 7.229833902726218, 53.583406719256942 ], [ 7.228678925932353, 53.583406719256942 ], [ 7.228678925932353, 53.583606701271414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32409_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 50.444444444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.582406794991762 ], [ 7.230988879520088, 53.582406794991762 ], [ 7.230988879520088, 53.582206807300153 ], [ 7.229833902726218, 53.582206807300153 ], [ 7.229833902726218, 53.582406794991762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32435_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 109.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.44472529969579 ], [ 7.227523949138482, 53.44472529969579 ], [ 7.227523949138482, 53.444524661173297 ], [ 7.226368972344616, 53.444524661173297 ], [ 7.226368972344616, 53.44472529969579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32435_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 89.7292676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.444324021703224 ], [ 7.228678925932353, 53.444324021703224 ], [ 7.228678925932353, 53.44412338128555 ], [ 7.227523949138482, 53.44412338128555 ], [ 7.227523949138482, 53.444324021703224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32435_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.44472529969579 ], [ 7.229833902726218, 53.44472529969579 ], [ 7.229833902726218, 53.444524661173297 ], [ 7.228678925932353, 53.444524661173297 ], [ 7.228678925932353, 53.44472529969579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32436_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.439374614804379 ], [ 7.227523949138482, 53.439374614804379 ], [ 7.227523949138482, 53.439173951012158 ], [ 7.226368972344616, 53.439173951012158 ], [ 7.226368972344616, 53.439374614804379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32436_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 73.497729833333338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.438973286272301 ], [ 7.228678925932353, 53.438973286272301 ], [ 7.228678925932353, 53.438772620584785 ], [ 7.227523949138482, 53.438772620584785 ], [ 7.227523949138482, 53.438973286272301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32436_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 89.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.439374614804379 ], [ 7.229833902726218, 53.439374614804379 ], [ 7.229833902726218, 53.439173951012158 ], [ 7.228678925932353, 53.439173951012158 ], [ 7.228678925932353, 53.439374614804379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32437_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 65.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.434023256035104 ], [ 7.227523949138482, 53.434023256035104 ], [ 7.227523949138482, 53.433822566971727 ], [ 7.226368972344616, 53.433822566971727 ], [ 7.226368972344616, 53.434023256035104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32437_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 68.000000666666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.43362187696065 ], [ 7.228678925932353, 53.43362187696065 ], [ 7.228678925932353, 53.433421186001866 ], [ 7.227523949138482, 53.433421186001866 ], [ 7.227523949138482, 53.43362187696065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32437_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.434023256035104 ], [ 7.229833902726218, 53.434023256035104 ], [ 7.229833902726218, 53.433822566971727 ], [ 7.228678925932353, 53.433822566971727 ], [ 7.228678925932353, 53.434023256035104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32438_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 59.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.428671223349802 ], [ 7.227523949138482, 53.428671223349802 ], [ 7.227523949138482, 53.428470509013827 ], [ 7.226368972344616, 53.428470509013827 ], [ 7.226368972344616, 53.428671223349802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32438_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 43.3201956 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.428269793730088 ], [ 7.228678925932353, 53.428269793730088 ], [ 7.228678925932353, 53.42806907749862 ], [ 7.227523949138482, 53.42806907749862 ], [ 7.227523949138482, 53.428269793730088 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32438_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 56.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.428671223349802 ], [ 7.229833902726218, 53.428671223349802 ], [ 7.229833902726218, 53.428470509013827 ], [ 7.228678925932353, 53.428470509013827 ], [ 7.228678925932353, 53.428671223349802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 90.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.41736283857847 ], [ 7.22405901875688, 53.41736283857847 ], [ 7.22405901875688, 53.417162070849436 ], [ 7.222904041963012, 53.417162070849436 ], [ 7.222904041963012, 53.41736283857847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.416559761975137 ], [ 7.226368972344616, 53.416559761975137 ], [ 7.226368972344616, 53.416358990454647 ], [ 7.225213995550749, 53.416358990454647 ], [ 7.225213995550749, 53.416559761975137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.417965136078415 ], [ 7.227523949138482, 53.417965136078415 ], [ 7.227523949138482, 53.417764371192959 ], [ 7.226368972344616, 53.417764371192959 ], [ 7.226368972344616, 53.417965136078415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.418366663005763 ], [ 7.228678925932353, 53.418366663005763 ], [ 7.228678925932353, 53.418165900016014 ], [ 7.227523949138482, 53.418165900016014 ], [ 7.227523949138482, 53.418366663005763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 75.9426075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.417563605359646 ], [ 7.228678925932353, 53.417563605359646 ], [ 7.228678925932353, 53.41736283857847 ], [ 7.227523949138482, 53.41736283857847 ], [ 7.227523949138482, 53.417563605359646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.418366663005763 ], [ 7.229833902726218, 53.418366663005763 ], [ 7.229833902726218, 53.418165900016014 ], [ 7.228678925932353, 53.418165900016014 ], [ 7.228678925932353, 53.418366663005763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 91.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.417965136078415 ], [ 7.229833902726218, 53.417965136078415 ], [ 7.229833902726218, 53.417764371192959 ], [ 7.228678925932353, 53.417764371192959 ], [ 7.228678925932353, 53.417965136078415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.430918333333338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.416961302172538 ], [ 7.230988879520088, 53.416961302172538 ], [ 7.230988879520088, 53.416760532547777 ], [ 7.229833902726218, 53.416760532547777 ], [ 7.229833902726218, 53.416961302172538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32440_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 62.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.416760532547777 ], [ 7.230988879520088, 53.416760532547777 ], [ 7.230988879520088, 53.416559761975137 ], [ 7.229833902726218, 53.416559761975137 ], [ 7.229833902726218, 53.416760532547777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.412008708085317 ], [ 7.22405901875688, 53.412008708085317 ], [ 7.22405901875688, 53.41180791507923 ], [ 7.222904041963012, 53.41180791507923 ], [ 7.222904041963012, 53.412008708085317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.411205530373486 ], [ 7.226368972344616, 53.411205530373486 ], [ 7.226368972344616, 53.41100473357573 ], [ 7.225213995550749, 53.41100473357573 ], [ 7.225213995550749, 53.411205530373486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.412611081416074 ], [ 7.227523949138482, 53.412611081416074 ], [ 7.227523949138482, 53.412410291253728 ], [ 7.226368972344616, 53.412410291253728 ], [ 7.226368972344616, 53.412611081416074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.413012658897024 ], [ 7.228678925932353, 53.413012658897024 ], [ 7.228678925932353, 53.412811870630499 ], [ 7.227523949138482, 53.412811870630499 ], [ 7.227523949138482, 53.413012658897024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.412209500143483 ], [ 7.228678925932353, 53.412209500143483 ], [ 7.228678925932353, 53.412008708085317 ], [ 7.227523949138482, 53.412008708085317 ], [ 7.227523949138482, 53.412209500143483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.413012658897024 ], [ 7.229833902726218, 53.413012658897024 ], [ 7.229833902726218, 53.412811870630499 ], [ 7.228678925932353, 53.412811870630499 ], [ 7.228678925932353, 53.413012658897024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 86.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.412611081416074 ], [ 7.229833902726218, 53.412611081416074 ], [ 7.229833902726218, 53.412410291253728 ], [ 7.228678925932353, 53.412410291253728 ], [ 7.228678925932353, 53.412611081416074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 78.585635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.411607121125243 ], [ 7.230988879520088, 53.411607121125243 ], [ 7.230988879520088, 53.411406326223322 ], [ 7.229833902726218, 53.411406326223322 ], [ 7.229833902726218, 53.411607121125243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32441_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 89.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.411406326223322 ], [ 7.230988879520088, 53.411406326223322 ], [ 7.230988879520088, 53.411205530373486 ], [ 7.229833902726218, 53.411205530373486 ], [ 7.229833902726218, 53.411406326223322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 110.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 53.385227943765059 ], [ 7.22405901875688, 53.385227943765059 ], [ 7.22405901875688, 53.385027024352325 ], [ 7.222904041963012, 53.385027024352325 ], [ 7.222904041963012, 53.385227943765059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 115.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 53.384424260425064 ], [ 7.226368972344616, 53.384424260425064 ], [ 7.226368972344616, 53.384223337219588 ], [ 7.225213995550749, 53.384223337219588 ], [ 7.225213995550749, 53.384424260425064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 112.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 53.385830696314123 ], [ 7.227523949138482, 53.385830696314123 ], [ 7.227523949138482, 53.38562977974594 ], [ 7.226368972344616, 53.38562977974594 ], [ 7.226368972344616, 53.385830696314123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.386232526605951 ], [ 7.228678925932353, 53.386232526605951 ], [ 7.228678925932353, 53.386031611934122 ], [ 7.227523949138482, 53.386031611934122 ], [ 7.227523949138482, 53.386232526605951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 103.1999982 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 53.385428862229581 ], [ 7.228678925932353, 53.385428862229581 ], [ 7.228678925932353, 53.385227943765059 ], [ 7.227523949138482, 53.385227943765059 ], [ 7.227523949138482, 53.385428862229581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 87.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.386232526605951 ], [ 7.229833902726218, 53.386232526605951 ], [ 7.229833902726218, 53.386031611934122 ], [ 7.228678925932353, 53.386031611934122 ], [ 7.228678925932353, 53.386232526605951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 78.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.385830696314123 ], [ 7.229833902726218, 53.385830696314123 ], [ 7.229833902726218, 53.38562977974594 ], [ 7.228678925932353, 53.38562977974594 ], [ 7.228678925932353, 53.385830696314123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.257211 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.384826103991436 ], [ 7.230988879520088, 53.384826103991436 ], [ 7.230988879520088, 53.384625182682342 ], [ 7.229833902726218, 53.384625182682342 ], [ 7.229833902726218, 53.384826103991436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32446_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 53.384424260425064 ], [ 7.230988879520088, 53.384424260425064 ], [ 7.230988879520088, 53.384223337219588 ], [ 7.229833902726218, 53.384223337219588 ], [ 7.229833902726218, 53.384424260425064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32451_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 76.92555466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.358229277012903 ], [ 7.229833902726218, 53.358229277012903 ], [ 7.229833902726218, 53.35802823020947 ], [ 7.228678925932353, 53.35802823020947 ], [ 7.228678925932353, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32451_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 71.351567285714282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 53.35802823020947 ], [ 7.229833902726218, 53.35802823020947 ], [ 7.229833902726218, 53.357827182457576 ], [ 7.228678925932353, 53.357827182457576 ], [ 7.228678925932353, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32484_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 53.181546681758618 ], [ 7.225213995550749, 53.181546681758618 ], [ 7.225213995550749, 53.181344802397923 ], [ 7.22405901875688, 53.181344802397923 ], [ 7.22405901875688, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32539_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.884231365819254 ], [ 7.225213995550749, 52.884231365819254 ], [ 7.225213995550749, 52.884028089797518 ], [ 7.22405901875688, 52.884028089797518 ], [ 7.22405901875688, 52.884231365819254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32539_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.883011695393179 ], [ 7.229833902726218, 52.883011695393179 ], [ 7.229833902726218, 52.88280841365318 ], [ 7.228678925932353, 52.88280841365318 ], [ 7.228678925932353, 52.883011695393179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32539_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.88179199065744 ], [ 7.229833902726218, 52.88179199065744 ], [ 7.229833902726218, 52.881588703199142 ], [ 7.228678925932353, 52.881588703199142 ], [ 7.228678925932353, 52.88179199065744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32539_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.882605130960144 ], [ 7.230988879520088, 52.882605130960144 ], [ 7.230988879520088, 52.882401847314043 ], [ 7.229833902726218, 52.882401847314043 ], [ 7.229833902726218, 52.882605130960144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.878403741923883 ], [ 7.22405901875688, 52.878403741923883 ], [ 7.22405901875688, 52.878200438581004 ], [ 7.222904041963012, 52.878200438581004 ], [ 7.222904041963012, 52.878403741923883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.3006145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.876370665605769 ], [ 7.22405901875688, 52.876370665605769 ], [ 7.22405901875688, 52.876167352731898 ], [ 7.222904041963012, 52.876167352731898 ], [ 7.222904041963012, 52.876370665605769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.878810345750367 ], [ 7.225213995550749, 52.878810345750367 ], [ 7.225213995550749, 52.878607044313668 ], [ 7.22405901875688, 52.878607044313668 ], [ 7.22405901875688, 52.878810345750367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.877997134285025 ], [ 7.226368972344616, 52.877997134285025 ], [ 7.226368972344616, 52.877793829035966 ], [ 7.225213995550749, 52.877793829035966 ], [ 7.225213995550749, 52.877997134285025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.879216945764526 ], [ 7.227523949138482, 52.879216945764526 ], [ 7.227523949138482, 52.879013646233986 ], [ 7.226368972344616, 52.879013646233986 ], [ 7.226368972344616, 52.879216945764526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 83.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.877997134285025 ], [ 7.227523949138482, 52.877997134285025 ], [ 7.227523949138482, 52.877793829035966 ], [ 7.226368972344616, 52.877793829035966 ], [ 7.226368972344616, 52.877997134285025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 74.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.879826838637648 ], [ 7.228678925932353, 52.879826838637648 ], [ 7.228678925932353, 52.879623541966353 ], [ 7.227523949138482, 52.879623541966353 ], [ 7.227523949138482, 52.879826838637648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 180.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.879420244341972 ], [ 7.228678925932353, 52.879420244341972 ], [ 7.228678925932353, 52.879216945764526 ], [ 7.227523949138482, 52.879216945764526 ], [ 7.227523949138482, 52.879420244341972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.879013646233986 ], [ 7.228678925932353, 52.879013646233986 ], [ 7.228678925932353, 52.878810345750367 ], [ 7.227523949138482, 52.878810345750367 ], [ 7.227523949138482, 52.879013646233986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 94.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.877183907570206 ], [ 7.228678925932353, 52.877183907570206 ], [ 7.228678925932353, 52.876980598508752 ], [ 7.227523949138482, 52.876980598508752 ], [ 7.227523949138482, 52.877183907570206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 151.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.879826838637648 ], [ 7.229833902726218, 52.879826838637648 ], [ 7.229833902726218, 52.879623541966353 ], [ 7.228678925932353, 52.879623541966353 ], [ 7.228678925932353, 52.879826838637648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.879420244341972 ], [ 7.229833902726218, 52.879420244341972 ], [ 7.229833902726218, 52.879216945764526 ], [ 7.228678925932353, 52.879216945764526 ], [ 7.228678925932353, 52.879420244341972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 159.57933866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.878810345750367 ], [ 7.229833902726218, 52.878810345750367 ], [ 7.229833902726218, 52.878607044313668 ], [ 7.228678925932353, 52.878607044313668 ], [ 7.228678925932353, 52.878810345750367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.1715435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.878607044313668 ], [ 7.229833902726218, 52.878607044313668 ], [ 7.229833902726218, 52.878403741923883 ], [ 7.228678925932353, 52.878403741923883 ], [ 7.228678925932353, 52.878607044313668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 90.707951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.878403741923883 ], [ 7.229833902726218, 52.878403741923883 ], [ 7.229833902726218, 52.878200438581004 ], [ 7.228678925932353, 52.878200438581004 ], [ 7.228678925932353, 52.878403741923883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 108.85714314285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.877997134285025 ], [ 7.229833902726218, 52.877997134285025 ], [ 7.229833902726218, 52.877793829035966 ], [ 7.228678925932353, 52.877793829035966 ], [ 7.228678925932353, 52.877997134285025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 130.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.877793829035966 ], [ 7.229833902726218, 52.877793829035966 ], [ 7.229833902726218, 52.877590522833813 ], [ 7.228678925932353, 52.877590522833813 ], [ 7.228678925932353, 52.877793829035966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.877590522833813 ], [ 7.229833902726218, 52.877590522833813 ], [ 7.229833902726218, 52.87738721567856 ], [ 7.228678925932353, 52.87738721567856 ], [ 7.228678925932353, 52.877590522833813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 92.5491516 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.876777288494196 ], [ 7.229833902726218, 52.876777288494196 ], [ 7.229833902726218, 52.87657397752654 ], [ 7.228678925932353, 52.87657397752654 ], [ 7.228678925932353, 52.876777288494196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 120.500003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.876370665605769 ], [ 7.229833902726218, 52.876370665605769 ], [ 7.229833902726218, 52.876167352731898 ], [ 7.228678925932353, 52.876167352731898 ], [ 7.228678925932353, 52.876370665605769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 79.501474333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.876167352731898 ], [ 7.229833902726218, 52.876167352731898 ], [ 7.229833902726218, 52.875964038904918 ], [ 7.228678925932353, 52.875964038904918 ], [ 7.228678925932353, 52.876167352731898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.878607044313668 ], [ 7.230988879520088, 52.878607044313668 ], [ 7.230988879520088, 52.878403741923883 ], [ 7.229833902726218, 52.878403741923883 ], [ 7.229833902726218, 52.878607044313668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.878403741923883 ], [ 7.230988879520088, 52.878403741923883 ], [ 7.230988879520088, 52.878200438581004 ], [ 7.229833902726218, 52.878200438581004 ], [ 7.229833902726218, 52.878403741923883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.006998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.878200438581004 ], [ 7.230988879520088, 52.878200438581004 ], [ 7.230988879520088, 52.877997134285025 ], [ 7.229833902726218, 52.877997134285025 ], [ 7.229833902726218, 52.878200438581004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.71428485714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.877997134285025 ], [ 7.230988879520088, 52.877997134285025 ], [ 7.230988879520088, 52.877793829035966 ], [ 7.229833902726218, 52.877793829035966 ], [ 7.229833902726218, 52.877997134285025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.877793829035966 ], [ 7.230988879520088, 52.877793829035966 ], [ 7.230988879520088, 52.877590522833813 ], [ 7.229833902726218, 52.877590522833813 ], [ 7.229833902726218, 52.877793829035966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.87738721567856 ], [ 7.230988879520088, 52.87738721567856 ], [ 7.230988879520088, 52.877183907570206 ], [ 7.229833902726218, 52.877183907570206 ], [ 7.229833902726218, 52.87738721567856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32540_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 120.99999775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.877183907570206 ], [ 7.230988879520088, 52.877183907570206 ], [ 7.230988879520088, 52.876980598508752 ], [ 7.229833902726218, 52.876980598508752 ], [ 7.229833902726218, 52.877183907570206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 180.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.872981993272838 ], [ 7.22405901875688, 52.872981993272838 ], [ 7.22405901875688, 52.872778664513554 ], [ 7.222904041963012, 52.872778664513554 ], [ 7.222904041963012, 52.872981993272838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.66667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.870948662788329 ], [ 7.22405901875688, 52.870948662788329 ], [ 7.22405901875688, 52.870745324497534 ], [ 7.222904041963012, 52.870745324497534 ], [ 7.222904041963012, 52.870948662788329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 80.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.873388647932011 ], [ 7.225213995550749, 52.873388647932011 ], [ 7.225213995550749, 52.873185321078999 ], [ 7.22405901875688, 52.873185321078999 ], [ 7.22405901875688, 52.873388647932011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.87257533480112 ], [ 7.226368972344616, 52.87257533480112 ], [ 7.226368972344616, 52.872372004135549 ], [ 7.225213995550749, 52.872372004135549 ], [ 7.225213995550749, 52.87257533480112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.873795298778631 ], [ 7.227523949138482, 52.873795298778631 ], [ 7.227523949138482, 52.873591973831886 ], [ 7.226368972344616, 52.873591973831886 ], [ 7.226368972344616, 52.873795298778631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.87257533480112 ], [ 7.227523949138482, 52.87257533480112 ], [ 7.227523949138482, 52.872372004135549 ], [ 7.226368972344616, 52.872372004135549 ], [ 7.226368972344616, 52.87257533480112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.874405267900066 ], [ 7.228678925932353, 52.874405267900066 ], [ 7.228678925932353, 52.874201945812715 ], [ 7.227523949138482, 52.874201945812715 ], [ 7.227523949138482, 52.874405267900066 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 181.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.873998622772234 ], [ 7.228678925932353, 52.873998622772234 ], [ 7.228678925932353, 52.873795298778631 ], [ 7.227523949138482, 52.873795298778631 ], [ 7.227523949138482, 52.873998622772234 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.873591973831886 ], [ 7.228678925932353, 52.873591973831886 ], [ 7.228678925932353, 52.873388647932011 ], [ 7.227523949138482, 52.873388647932011 ], [ 7.227523949138482, 52.873591973831886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 94.4000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.871762006419942 ], [ 7.228678925932353, 52.871762006419942 ], [ 7.228678925932353, 52.87155867194177 ], [ 7.227523949138482, 52.87155867194177 ], [ 7.227523949138482, 52.871762006419942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.874405267900066 ], [ 7.229833902726218, 52.874405267900066 ], [ 7.229833902726218, 52.874201945812715 ], [ 7.228678925932353, 52.874201945812715 ], [ 7.228678925932353, 52.874405267900066 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.873998622772234 ], [ 7.229833902726218, 52.873998622772234 ], [ 7.229833902726218, 52.873795298778631 ], [ 7.228678925932353, 52.873795298778631 ], [ 7.228678925932353, 52.873998622772234 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.909396 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.873388647932011 ], [ 7.229833902726218, 52.873388647932011 ], [ 7.229833902726218, 52.873185321078999 ], [ 7.228678925932353, 52.873185321078999 ], [ 7.228678925932353, 52.873388647932011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.81962333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.873185321078999 ], [ 7.229833902726218, 52.873185321078999 ], [ 7.229833902726218, 52.872981993272838 ], [ 7.228678925932353, 52.872981993272838 ], [ 7.228678925932353, 52.873185321078999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 94.1736866 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.872981993272838 ], [ 7.229833902726218, 52.872981993272838 ], [ 7.229833902726218, 52.872778664513554 ], [ 7.228678925932353, 52.872778664513554 ], [ 7.228678925932353, 52.872981993272838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.57142971428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.87257533480112 ], [ 7.229833902726218, 52.87257533480112 ], [ 7.229833902726218, 52.872372004135549 ], [ 7.228678925932353, 52.872372004135549 ], [ 7.228678925932353, 52.87257533480112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 121.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.872372004135549 ], [ 7.229833902726218, 52.872372004135549 ], [ 7.229833902726218, 52.872168672516821 ], [ 7.228678925932353, 52.872168672516821 ], [ 7.228678925932353, 52.872372004135549 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 156.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.872168672516821 ], [ 7.229833902726218, 52.872168672516821 ], [ 7.229833902726218, 52.87196533994495 ], [ 7.228678925932353, 52.87196533994495 ], [ 7.228678925932353, 52.872168672516821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 90.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.871355336510447 ], [ 7.229833902726218, 52.871355336510447 ], [ 7.229833902726218, 52.871152000125967 ], [ 7.228678925932353, 52.871152000125967 ], [ 7.228678925932353, 52.871355336510447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 117.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.870948662788329 ], [ 7.229833902726218, 52.870948662788329 ], [ 7.229833902726218, 52.870745324497534 ], [ 7.228678925932353, 52.870745324497534 ], [ 7.228678925932353, 52.870948662788329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 86.955582166666659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.870745324497534 ], [ 7.229833902726218, 52.870745324497534 ], [ 7.229833902726218, 52.870541985253588 ], [ 7.228678925932353, 52.870541985253588 ], [ 7.228678925932353, 52.870745324497534 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.249998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.873185321078999 ], [ 7.230988879520088, 52.873185321078999 ], [ 7.230988879520088, 52.872981993272838 ], [ 7.229833902726218, 52.872981993272838 ], [ 7.229833902726218, 52.873185321078999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 84.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.872981993272838 ], [ 7.230988879520088, 52.872981993272838 ], [ 7.230988879520088, 52.872778664513554 ], [ 7.229833902726218, 52.872778664513554 ], [ 7.229833902726218, 52.872981993272838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 119.68189137500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.87257533480112 ], [ 7.230988879520088, 52.87257533480112 ], [ 7.230988879520088, 52.872372004135549 ], [ 7.229833902726218, 52.872372004135549 ], [ 7.229833902726218, 52.87257533480112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 78.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.872372004135549 ], [ 7.230988879520088, 52.872372004135549 ], [ 7.230988879520088, 52.872168672516821 ], [ 7.229833902726218, 52.872168672516821 ], [ 7.229833902726218, 52.872372004135549 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.87196533994495 ], [ 7.230988879520088, 52.87196533994495 ], [ 7.230988879520088, 52.871762006419942 ], [ 7.229833902726218, 52.871762006419942 ], [ 7.229833902726218, 52.87196533994495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32541_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.05926725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.871762006419942 ], [ 7.230988879520088, 52.871762006419942 ], [ 7.230988879520088, 52.87155867194177 ], [ 7.229833902726218, 52.87155867194177 ], [ 7.229833902726218, 52.871762006419942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.865525982168961 ], [ 7.22405901875688, 52.865525982168961 ], [ 7.22405901875688, 52.865322618459892 ], [ 7.222904041963012, 52.865322618459892 ], [ 7.222904041963012, 52.865525982168961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.867966272327983 ], [ 7.225213995550749, 52.867966272327983 ], [ 7.225213995550749, 52.867762920057302 ], [ 7.22405901875688, 52.867762920057302 ], [ 7.22405901875688, 52.867966272327983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.867152857526129 ], [ 7.226368972344616, 52.867152857526129 ], [ 7.226368972344616, 52.866949501442683 ], [ 7.225213995550749, 52.866949501442683 ], [ 7.225213995550749, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.86837297400978 ], [ 7.227523949138482, 52.86837297400978 ], [ 7.227523949138482, 52.868169623645471 ], [ 7.226368972344616, 52.868169623645471 ], [ 7.226368972344616, 52.86837297400978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.867152857526129 ], [ 7.227523949138482, 52.867152857526129 ], [ 7.227523949138482, 52.866949501442683 ], [ 7.226368972344616, 52.866949501442683 ], [ 7.226368972344616, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.868983019383613 ], [ 7.228678925932353, 52.868983019383613 ], [ 7.228678925932353, 52.868779671878841 ], [ 7.227523949138482, 52.868779671878841 ], [ 7.227523949138482, 52.868983019383613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 125.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.868169623645471 ], [ 7.228678925932353, 52.868169623645471 ], [ 7.228678925932353, 52.867966272327983 ], [ 7.227523949138482, 52.867966272327983 ], [ 7.227523949138482, 52.868169623645471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 90.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.866339427473157 ], [ 7.228678925932353, 52.866339427473157 ], [ 7.228678925932353, 52.866136067576917 ], [ 7.227523949138482, 52.866136067576917 ], [ 7.227523949138482, 52.866339427473157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.868983019383613 ], [ 7.229833902726218, 52.868983019383613 ], [ 7.229833902726218, 52.868779671878841 ], [ 7.228678925932353, 52.868779671878841 ], [ 7.228678925932353, 52.868983019383613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.868576323420903 ], [ 7.229833902726218, 52.868576323420903 ], [ 7.229833902726218, 52.86837297400978 ], [ 7.228678925932353, 52.86837297400978 ], [ 7.228678925932353, 52.868576323420903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 124.553448 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.867966272327983 ], [ 7.229833902726218, 52.867966272327983 ], [ 7.229833902726218, 52.867762920057302 ], [ 7.228678925932353, 52.867762920057302 ], [ 7.228678925932353, 52.867966272327983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 129.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.867762920057302 ], [ 7.229833902726218, 52.867762920057302 ], [ 7.229833902726218, 52.867559566833442 ], [ 7.228678925932353, 52.867559566833442 ], [ 7.228678925932353, 52.867762920057302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 95.188875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.867559566833442 ], [ 7.229833902726218, 52.867559566833442 ], [ 7.229833902726218, 52.867356212656382 ], [ 7.228678925932353, 52.867356212656382 ], [ 7.228678925932353, 52.867559566833442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.867152857526129 ], [ 7.229833902726218, 52.867152857526129 ], [ 7.229833902726218, 52.866949501442683 ], [ 7.228678925932353, 52.866949501442683 ], [ 7.228678925932353, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 123.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.866949501442683 ], [ 7.229833902726218, 52.866949501442683 ], [ 7.229833902726218, 52.866746144406036 ], [ 7.228678925932353, 52.866746144406036 ], [ 7.228678925932353, 52.866949501442683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 93.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.865932706727477 ], [ 7.229833902726218, 52.865932706727477 ], [ 7.229833902726218, 52.865729344924823 ], [ 7.228678925932353, 52.865729344924823 ], [ 7.228678925932353, 52.865932706727477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 115.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.865525982168961 ], [ 7.229833902726218, 52.865525982168961 ], [ 7.229833902726218, 52.865322618459892 ], [ 7.228678925932353, 52.865322618459892 ], [ 7.228678925932353, 52.865525982168961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 97.483978 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.865322618459892 ], [ 7.229833902726218, 52.865322618459892 ], [ 7.229833902726218, 52.865119253797602 ], [ 7.228678925932353, 52.865119253797602 ], [ 7.228678925932353, 52.865322618459892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.867762920057302 ], [ 7.230988879520088, 52.867762920057302 ], [ 7.230988879520088, 52.867559566833442 ], [ 7.229833902726218, 52.867559566833442 ], [ 7.229833902726218, 52.867762920057302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.867559566833442 ], [ 7.230988879520088, 52.867559566833442 ], [ 7.230988879520088, 52.867356212656382 ], [ 7.229833902726218, 52.867356212656382 ], [ 7.229833902726218, 52.867559566833442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.867152857526129 ], [ 7.230988879520088, 52.867152857526129 ], [ 7.230988879520088, 52.866949501442683 ], [ 7.229833902726218, 52.866949501442683 ], [ 7.229833902726218, 52.867152857526129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 78.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.866949501442683 ], [ 7.230988879520088, 52.866949501442683 ], [ 7.230988879520088, 52.866746144406036 ], [ 7.229833902726218, 52.866746144406036 ], [ 7.229833902726218, 52.866949501442683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32542_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.866542786416204 ], [ 7.230988879520088, 52.866542786416204 ], [ 7.230988879520088, 52.866339427473157 ], [ 7.229833902726218, 52.866339427473157 ], [ 7.229833902726218, 52.866542786416204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32553_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.807868131639673 ], [ 7.230988879520088, 52.807868131639673 ], [ 7.230988879520088, 52.807664497777871 ], [ 7.229833902726218, 52.807664497777871 ], [ 7.229833902726218, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32554_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 51.444444444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.802437568924972 ], [ 7.230988879520088, 52.802437568924972 ], [ 7.230988879520088, 52.80223390962918 ], [ 7.229833902726218, 52.80223390962918 ], [ 7.229833902726218, 52.802437568924972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32555_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 19.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.796802643222229 ], [ 7.230988879520088, 52.796802643222229 ], [ 7.230988879520088, 52.796598957537263 ], [ 7.229833902726218, 52.796598957537263 ], [ 7.229833902726218, 52.796802643222229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32556_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 31.095238095238095 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.791370698521128 ], [ 7.230988879520088, 52.791370698521128 ], [ 7.230988879520088, 52.791166987399436 ], [ 7.229833902726218, 52.791166987399436 ], [ 7.229833902726218, 52.791370698521128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32557_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 48.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.785938075490009 ], [ 7.230988879520088, 52.785938075490009 ], [ 7.230988879520088, 52.785734338930219 ], [ 7.229833902726218, 52.785734338930219 ], [ 7.229833902726218, 52.785938075490009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32558_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.780504774092975 ], [ 7.230988879520088, 52.780504774092975 ], [ 7.230988879520088, 52.780301012093773 ], [ 7.229833902726218, 52.780301012093773 ], [ 7.229833902726218, 52.780504774092975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32568_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 36.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.726134442123005 ], [ 7.230988879520088, 52.726134442123005 ], [ 7.230988879520088, 52.725930425655847 ], [ 7.229833902726218, 52.725930425655847 ], [ 7.229833902726218, 52.726134442123005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32578_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 99.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.672309041740078 ], [ 7.228678925932353, 52.672309041740078 ], [ 7.228678925932353, 52.67210477353634 ], [ 7.227523949138482, 52.67210477353634 ], [ 7.227523949138482, 52.672309041740078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32578_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 93.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.670674869370067 ], [ 7.228678925932353, 52.670674869370067 ], [ 7.228678925932353, 52.670470593526282 ], [ 7.227523949138482, 52.670470593526282 ], [ 7.227523949138482, 52.670674869370067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.469684099582508 ], [ 7.22405901875688, 52.469684099582508 ], [ 7.22405901875688, 52.469478885338603 ], [ 7.222904041963012, 52.469478885338603 ], [ 7.222904041963012, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.608475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.46783713694127 ], [ 7.22405901875688, 52.46783713694127 ], [ 7.22405901875688, 52.467631914085814 ], [ 7.222904041963012, 52.467631914085814 ], [ 7.222904041963012, 52.46783713694127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.470299736573274 ], [ 7.225213995550749, 52.470299736573274 ], [ 7.225213995550749, 52.470094525199848 ], [ 7.22405901875688, 52.470094525199848 ], [ 7.22405901875688, 52.470299736573274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.469478885338603 ], [ 7.226368972344616, 52.469478885338603 ], [ 7.226368972344616, 52.469273670137859 ], [ 7.225213995550749, 52.469273670137859 ], [ 7.225213995550749, 52.469478885338603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.470915364952646 ], [ 7.227523949138482, 52.470915364952646 ], [ 7.227523949138482, 52.470710156449677 ], [ 7.226368972344616, 52.470710156449677 ], [ 7.226368972344616, 52.470915364952646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.469684099582508 ], [ 7.227523949138482, 52.469684099582508 ], [ 7.227523949138482, 52.469478885338603 ], [ 7.226368972344616, 52.469478885338603 ], [ 7.226368972344616, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.468863236865879 ], [ 7.227523949138482, 52.468863236865879 ], [ 7.227523949138482, 52.468658018794635 ], [ 7.226368972344616, 52.468658018794635 ], [ 7.226368972344616, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.471325779088119 ], [ 7.228678925932353, 52.471325779088119 ], [ 7.228678925932353, 52.471120572498791 ], [ 7.227523949138482, 52.471120572498791 ], [ 7.227523949138482, 52.471325779088119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 167.75000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.470915364952646 ], [ 7.228678925932353, 52.470915364952646 ], [ 7.228678925932353, 52.470710156449677 ], [ 7.227523949138482, 52.470710156449677 ], [ 7.227523949138482, 52.470915364952646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.470504946989891 ], [ 7.228678925932353, 52.470504946989891 ], [ 7.228678925932353, 52.470299736573274 ], [ 7.227523949138482, 52.470299736573274 ], [ 7.227523949138482, 52.470504946989891 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.470094525199848 ], [ 7.228678925932353, 52.470094525199848 ], [ 7.228678925932353, 52.469889312869597 ], [ 7.227523949138482, 52.469889312869597 ], [ 7.227523949138482, 52.470094525199848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 154.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.468863236865879 ], [ 7.228678925932353, 52.468863236865879 ], [ 7.228678925932353, 52.468658018794635 ], [ 7.227523949138482, 52.468658018794635 ], [ 7.227523949138482, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.468658018794635 ], [ 7.228678925932353, 52.468658018794635 ], [ 7.228678925932353, 52.46845279976656 ], [ 7.227523949138482, 52.46845279976656 ], [ 7.227523949138482, 52.468658018794635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.471325779088119 ], [ 7.229833902726218, 52.471325779088119 ], [ 7.229833902726218, 52.471120572498791 ], [ 7.228678925932353, 52.471120572498791 ], [ 7.228678925932353, 52.471325779088119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 164.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.470915364952646 ], [ 7.229833902726218, 52.470915364952646 ], [ 7.229833902726218, 52.470710156449677 ], [ 7.228678925932353, 52.470710156449677 ], [ 7.228678925932353, 52.470915364952646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.80414166666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.470094525199848 ], [ 7.229833902726218, 52.470094525199848 ], [ 7.229833902726218, 52.469889312869597 ], [ 7.228678925932353, 52.469889312869597 ], [ 7.228678925932353, 52.470094525199848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.50000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.469889312869597 ], [ 7.229833902726218, 52.469889312869597 ], [ 7.229833902726218, 52.469684099582508 ], [ 7.228678925932353, 52.469684099582508 ], [ 7.228678925932353, 52.469889312869597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 130.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.469684099582508 ], [ 7.229833902726218, 52.469684099582508 ], [ 7.229833902726218, 52.469478885338603 ], [ 7.228678925932353, 52.469478885338603 ], [ 7.228678925932353, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.55520033333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.469478885338603 ], [ 7.229833902726218, 52.469478885338603 ], [ 7.229833902726218, 52.469273670137859 ], [ 7.228678925932353, 52.469273670137859 ], [ 7.228678925932353, 52.469478885338603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.468863236865879 ], [ 7.229833902726218, 52.468863236865879 ], [ 7.229833902726218, 52.468658018794635 ], [ 7.228678925932353, 52.468658018794635 ], [ 7.228678925932353, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.00000333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.468247579781632 ], [ 7.229833902726218, 52.468247579781632 ], [ 7.229833902726218, 52.468042358839874 ], [ 7.228678925932353, 52.468042358839874 ], [ 7.228678925932353, 52.468247579781632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 132.753749 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.46742669027352 ], [ 7.229833902726218, 52.46742669027352 ], [ 7.229833902726218, 52.467221465504373 ], [ 7.228678925932353, 52.467221465504373 ], [ 7.228678925932353, 52.46742669027352 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.470094525199848 ], [ 7.230988879520088, 52.470094525199848 ], [ 7.230988879520088, 52.469889312869597 ], [ 7.229833902726218, 52.469889312869597 ], [ 7.229833902726218, 52.470094525199848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.469889312869597 ], [ 7.230988879520088, 52.469889312869597 ], [ 7.230988879520088, 52.469684099582508 ], [ 7.229833902726218, 52.469684099582508 ], [ 7.229833902726218, 52.469889312869597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.469684099582508 ], [ 7.230988879520088, 52.469684099582508 ], [ 7.230988879520088, 52.469478885338603 ], [ 7.229833902726218, 52.469478885338603 ], [ 7.229833902726218, 52.469684099582508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 131.64997975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.469478885338603 ], [ 7.230988879520088, 52.469478885338603 ], [ 7.230988879520088, 52.469273670137859 ], [ 7.229833902726218, 52.469273670137859 ], [ 7.229833902726218, 52.469478885338603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 141.89507733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.469273670137859 ], [ 7.230988879520088, 52.469273670137859 ], [ 7.230988879520088, 52.469068453980292 ], [ 7.229833902726218, 52.469068453980292 ], [ 7.229833902726218, 52.469273670137859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 139.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.469068453980292 ], [ 7.230988879520088, 52.469068453980292 ], [ 7.230988879520088, 52.468863236865879 ], [ 7.229833902726218, 52.468863236865879 ], [ 7.229833902726218, 52.469068453980292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 154.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.468863236865879 ], [ 7.230988879520088, 52.468863236865879 ], [ 7.230988879520088, 52.468658018794635 ], [ 7.229833902726218, 52.468658018794635 ], [ 7.229833902726218, 52.468863236865879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32615_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.249998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.46845279976656 ], [ 7.230988879520088, 52.46845279976656 ], [ 7.230988879520088, 52.468247579781632 ], [ 7.229833902726218, 52.468247579781632 ], [ 7.229833902726218, 52.46845279976656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 152.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.464211392291112 ], [ 7.22405901875688, 52.464211392291112 ], [ 7.22405901875688, 52.464006152531105 ], [ 7.222904041963012, 52.464006152531105 ], [ 7.222904041963012, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.462364200003179 ], [ 7.22405901875688, 52.462364200003179 ], [ 7.22405901875688, 52.462158951631196 ], [ 7.222904041963012, 52.462158951631196 ], [ 7.222904041963012, 52.462364200003179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.464827105829897 ], [ 7.225213995550749, 52.464827105829897 ], [ 7.225213995550749, 52.464621868940512 ], [ 7.22405901875688, 52.464621868940512 ], [ 7.22405901875688, 52.464827105829897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.464006152531105 ], [ 7.226368972344616, 52.464006152531105 ], [ 7.226368972344616, 52.463800911814204 ], [ 7.225213995550749, 52.463800911814204 ], [ 7.225213995550749, 52.464006152531105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.465442810756841 ], [ 7.227523949138482, 52.465442810756841 ], [ 7.227523949138482, 52.465237576738069 ], [ 7.226368972344616, 52.465237576738069 ], [ 7.226368972344616, 52.465442810756841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.464211392291112 ], [ 7.227523949138482, 52.464211392291112 ], [ 7.227523949138482, 52.464006152531105 ], [ 7.226368972344616, 52.464006152531105 ], [ 7.226368972344616, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.463390427509772 ], [ 7.227523949138482, 52.463390427509772 ], [ 7.227523949138482, 52.463185183922235 ], [ 7.226368972344616, 52.463185183922235 ], [ 7.226368972344616, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.465853275923791 ], [ 7.228678925932353, 52.465853275923791 ], [ 7.228678925932353, 52.465648043818753 ], [ 7.227523949138482, 52.465648043818753 ], [ 7.227523949138482, 52.465853275923791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 173.075268 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.465442810756841 ], [ 7.228678925932353, 52.465442810756841 ], [ 7.228678925932353, 52.465237576738069 ], [ 7.227523949138482, 52.465237576738069 ], [ 7.227523949138482, 52.465442810756841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.465032341762409 ], [ 7.228678925932353, 52.465032341762409 ], [ 7.228678925932353, 52.464827105829897 ], [ 7.227523949138482, 52.464827105829897 ], [ 7.227523949138482, 52.465032341762409 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.464621868940512 ], [ 7.228678925932353, 52.464621868940512 ], [ 7.228678925932353, 52.464416631094252 ], [ 7.227523949138482, 52.464416631094252 ], [ 7.227523949138482, 52.464621868940512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 154.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.463390427509772 ], [ 7.228678925932353, 52.463390427509772 ], [ 7.228678925932353, 52.463185183922235 ], [ 7.227523949138482, 52.463185183922235 ], [ 7.227523949138482, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.463185183922235 ], [ 7.228678925932353, 52.463185183922235 ], [ 7.228678925932353, 52.462979939377803 ], [ 7.227523949138482, 52.462979939377803 ], [ 7.227523949138482, 52.463185183922235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.465853275923791 ], [ 7.229833902726218, 52.465853275923791 ], [ 7.229833902726218, 52.465648043818753 ], [ 7.228678925932353, 52.465648043818753 ], [ 7.228678925932353, 52.465853275923791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.465442810756841 ], [ 7.229833902726218, 52.465442810756841 ], [ 7.229833902726218, 52.465237576738069 ], [ 7.228678925932353, 52.465237576738069 ], [ 7.228678925932353, 52.465442810756841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.464621868940512 ], [ 7.229833902726218, 52.464621868940512 ], [ 7.229833902726218, 52.464416631094252 ], [ 7.228678925932353, 52.464416631094252 ], [ 7.228678925932353, 52.464621868940512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.601205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.464416631094252 ], [ 7.229833902726218, 52.464416631094252 ], [ 7.229833902726218, 52.464211392291112 ], [ 7.228678925932353, 52.464211392291112 ], [ 7.228678925932353, 52.464416631094252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.464211392291112 ], [ 7.229833902726218, 52.464211392291112 ], [ 7.229833902726218, 52.464006152531105 ], [ 7.228678925932353, 52.464006152531105 ], [ 7.228678925932353, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 126.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.464006152531105 ], [ 7.229833902726218, 52.464006152531105 ], [ 7.229833902726218, 52.463800911814204 ], [ 7.228678925932353, 52.463800911814204 ], [ 7.228678925932353, 52.464006152531105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.463390427509772 ], [ 7.229833902726218, 52.463390427509772 ], [ 7.229833902726218, 52.463185183922235 ], [ 7.228678925932353, 52.463185183922235 ], [ 7.228678925932353, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 149.0421045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.462774693876483 ], [ 7.229833902726218, 52.462774693876483 ], [ 7.229833902726218, 52.462569447418282 ], [ 7.228678925932353, 52.462569447418282 ], [ 7.228678925932353, 52.462774693876483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 132.8736965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.461953702302296 ], [ 7.229833902726218, 52.461953702302296 ], [ 7.229833902726218, 52.461748452016508 ], [ 7.228678925932353, 52.461748452016508 ], [ 7.228678925932353, 52.461953702302296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.628787 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.464621868940512 ], [ 7.230988879520088, 52.464621868940512 ], [ 7.230988879520088, 52.464416631094252 ], [ 7.229833902726218, 52.464416631094252 ], [ 7.229833902726218, 52.464621868940512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.464416631094252 ], [ 7.230988879520088, 52.464416631094252 ], [ 7.230988879520088, 52.464211392291112 ], [ 7.229833902726218, 52.464211392291112 ], [ 7.229833902726218, 52.464416631094252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.464211392291112 ], [ 7.230988879520088, 52.464211392291112 ], [ 7.230988879520088, 52.464006152531105 ], [ 7.229833902726218, 52.464006152531105 ], [ 7.229833902726218, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 134.22978333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.464006152531105 ], [ 7.230988879520088, 52.464006152531105 ], [ 7.230988879520088, 52.463800911814204 ], [ 7.229833902726218, 52.463800911814204 ], [ 7.229833902726218, 52.464006152531105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.1917875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.463800911814204 ], [ 7.230988879520088, 52.463800911814204 ], [ 7.230988879520088, 52.463595670140435 ], [ 7.229833902726218, 52.463595670140435 ], [ 7.229833902726218, 52.463800911814204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.463595670140435 ], [ 7.230988879520088, 52.463595670140435 ], [ 7.230988879520088, 52.463390427509772 ], [ 7.229833902726218, 52.463390427509772 ], [ 7.229833902726218, 52.463595670140435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 156.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.463390427509772 ], [ 7.230988879520088, 52.463390427509772 ], [ 7.230988879520088, 52.463185183922235 ], [ 7.229833902726218, 52.463185183922235 ], [ 7.229833902726218, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32616_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.2256645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.462979939377803 ], [ 7.230988879520088, 52.462979939377803 ], [ 7.230988879520088, 52.462774693876483 ], [ 7.229833902726218, 52.462774693876483 ], [ 7.229833902726218, 52.462979939377803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.288725295220864 ], [ 7.22405901875688, 52.288725295220864 ], [ 7.22405901875688, 52.288519238263518 ], [ 7.222904041963012, 52.288519238263518 ], [ 7.222904041963012, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 130.4883905 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.286664682518115 ], [ 7.22405901875688, 52.286664682518115 ], [ 7.22405901875688, 52.28645861597645 ], [ 7.222904041963012, 52.28645861597645 ], [ 7.222904041963012, 52.286664682518115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.28934346034238 ], [ 7.225213995550749, 52.28934346034238 ], [ 7.225213995550749, 52.289137406260295 ], [ 7.22405901875688, 52.289137406260295 ], [ 7.22405901875688, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.288519238263518 ], [ 7.226368972344616, 52.288519238263518 ], [ 7.226368972344616, 52.288313180347757 ], [ 7.225213995550749, 52.288313180347757 ], [ 7.225213995550749, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 190.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.289961616838141 ], [ 7.227523949138482, 52.289961616838141 ], [ 7.227523949138482, 52.289755565631296 ], [ 7.226368972344616, 52.289755565631296 ], [ 7.226368972344616, 52.289961616838141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 125.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.288725295220864 ], [ 7.227523949138482, 52.288725295220864 ], [ 7.227523949138482, 52.288519238263518 ], [ 7.226368972344616, 52.288519238263518 ], [ 7.226368972344616, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.28790106164093 ], [ 7.227523949138482, 52.28790106164093 ], [ 7.227523949138482, 52.28769500084988 ], [ 7.226368972344616, 52.28769500084988 ], [ 7.226368972344616, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 190.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.290373716376585 ], [ 7.228678925932353, 52.290373716376585 ], [ 7.228678925932353, 52.290167667086564 ], [ 7.227523949138482, 52.290167667086564 ], [ 7.227523949138482, 52.290373716376585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.45535687499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.290167667086564 ], [ 7.228678925932353, 52.290167667086564 ], [ 7.228678925932353, 52.289961616838141 ], [ 7.227523949138482, 52.289961616838141 ], [ 7.227523949138482, 52.290167667086564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.289137406260295 ], [ 7.228678925932353, 52.289137406260295 ], [ 7.228678925932353, 52.288931351219794 ], [ 7.227523949138482, 52.288931351219794 ], [ 7.227523949138482, 52.289137406260295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.290373716376585 ], [ 7.229833902726218, 52.290373716376585 ], [ 7.229833902726218, 52.290167667086564 ], [ 7.228678925932353, 52.290167667086564 ], [ 7.228678925932353, 52.290373716376585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 180.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.289961616838141 ], [ 7.229833902726218, 52.289961616838141 ], [ 7.229833902726218, 52.289755565631296 ], [ 7.228678925932353, 52.289755565631296 ], [ 7.228678925932353, 52.289961616838141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.97037375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.28934346034238 ], [ 7.229833902726218, 52.28934346034238 ], [ 7.229833902726218, 52.289137406260295 ], [ 7.228678925932353, 52.289137406260295 ], [ 7.228678925932353, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.3174535 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.288931351219794 ], [ 7.229833902726218, 52.288931351219794 ], [ 7.229833902726218, 52.288725295220864 ], [ 7.228678925932353, 52.288725295220864 ], [ 7.228678925932353, 52.288931351219794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.287282876392482 ], [ 7.229833902726218, 52.287282876392482 ], [ 7.229833902726218, 52.287076812726127 ], [ 7.228678925932353, 52.287076812726127 ], [ 7.228678925932353, 52.287282876392482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.25000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.28645861597645 ], [ 7.229833902726218, 52.28645861597645 ], [ 7.229833902726218, 52.286252548476348 ], [ 7.228678925932353, 52.286252548476348 ], [ 7.228678925932353, 52.28645861597645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 144.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.289137406260295 ], [ 7.230988879520088, 52.289137406260295 ], [ 7.230988879520088, 52.288931351219794 ], [ 7.229833902726218, 52.288931351219794 ], [ 7.229833902726218, 52.289137406260295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 114.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.288725295220864 ], [ 7.230988879520088, 52.288725295220864 ], [ 7.230988879520088, 52.288519238263518 ], [ 7.229833902726218, 52.288519238263518 ], [ 7.229833902726218, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 131.8908115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.288519238263518 ], [ 7.230988879520088, 52.288519238263518 ], [ 7.230988879520088, 52.288313180347757 ], [ 7.229833902726218, 52.288313180347757 ], [ 7.229833902726218, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.750186 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.288313180347757 ], [ 7.230988879520088, 52.288313180347757 ], [ 7.230988879520088, 52.288107121473551 ], [ 7.229833902726218, 52.288107121473551 ], [ 7.229833902726218, 52.288313180347757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32648_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 123.67572175000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.287488939100399 ], [ 7.230988879520088, 52.287488939100399 ], [ 7.230988879520088, 52.287282876392482 ], [ 7.229833902726218, 52.287282876392482 ], [ 7.229833902726218, 52.287488939100399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 98.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.189707742535433 ], [ 7.22405901875688, 52.189707742535433 ], [ 7.22405901875688, 52.18950122532928 ], [ 7.222904041963012, 52.18950122532928 ], [ 7.222904041963012, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.4620652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222904041963012, 52.187642527306082 ], [ 7.22405901875688, 52.187642527306082 ], [ 7.22405901875688, 52.187436000507056 ], [ 7.222904041963012, 52.187436000507056 ], [ 7.222904041963012, 52.187642527306082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.22405901875688, 52.190327288398244 ], [ 7.225213995550749, 52.190327288398244 ], [ 7.225213995550749, 52.190120774069918 ], [ 7.22405901875688, 52.190120774069918 ], [ 7.22405901875688, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.225213995550749, 52.18950122532928 ], [ 7.226368972344616, 52.18950122532928 ], [ 7.226368972344616, 52.189294707163846 ], [ 7.225213995550749, 52.189294707163846 ], [ 7.225213995550749, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 84.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.190946825627599 ], [ 7.227523949138482, 52.190946825627599 ], [ 7.227523949138482, 52.190740314177077 ], [ 7.226368972344616, 52.190740314177077 ], [ 7.226368972344616, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 106.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.189707742535433 ], [ 7.227523949138482, 52.189707742535433 ], [ 7.227523949138482, 52.18950122532928 ], [ 7.226368972344616, 52.18950122532928 ], [ 7.226368972344616, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 103.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.226368972344616, 52.18888166795513 ], [ 7.227523949138482, 52.18888166795513 ], [ 7.227523949138482, 52.188675146911841 ], [ 7.226368972344616, 52.188675146911841 ], [ 7.226368972344616, 52.18888166795513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.191359845650823 ], [ 7.228678925932353, 52.191359845650823 ], [ 7.228678925932353, 52.191153336118838 ], [ 7.227523949138482, 52.191153336118838 ], [ 7.227523949138482, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.191153336118838 ], [ 7.228678925932353, 52.191153336118838 ], [ 7.228678925932353, 52.190946825627599 ], [ 7.227523949138482, 52.190946825627599 ], [ 7.227523949138482, 52.191153336118838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.191359845650823 ], [ 7.229833902726218, 52.191359845650823 ], [ 7.229833902726218, 52.191153336118838 ], [ 7.228678925932353, 52.191153336118838 ], [ 7.228678925932353, 52.191359845650823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.190946825627599 ], [ 7.229833902726218, 52.190946825627599 ], [ 7.229833902726218, 52.190740314177077 ], [ 7.228678925932353, 52.190740314177077 ], [ 7.228678925932353, 52.190946825627599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 78.7782372 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.190327288398244 ], [ 7.229833902726218, 52.190327288398244 ], [ 7.229833902726218, 52.190120774069918 ], [ 7.228678925932353, 52.190120774069918 ], [ 7.228678925932353, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 80.3875458 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.189914258782316 ], [ 7.229833902726218, 52.189914258782316 ], [ 7.229833902726218, 52.189707742535433 ], [ 7.228678925932353, 52.189707742535433 ], [ 7.228678925932353, 52.189914258782316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.188055578026258 ], [ 7.229833902726218, 52.188055578026258 ], [ 7.229833902726218, 52.187849053145818 ], [ 7.228678925932353, 52.187849053145818 ], [ 7.228678925932353, 52.188055578026258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 86.600001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.187436000507056 ], [ 7.229833902726218, 52.187436000507056 ], [ 7.229833902726218, 52.187229472748726 ], [ 7.228678925932353, 52.187229472748726 ], [ 7.228678925932353, 52.187436000507056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.58904775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.190327288398244 ], [ 7.230988879520088, 52.190327288398244 ], [ 7.230988879520088, 52.190120774069918 ], [ 7.229833902726218, 52.190120774069918 ], [ 7.229833902726218, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.53846153846153 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.189707742535433 ], [ 7.230988879520088, 52.189707742535433 ], [ 7.230988879520088, 52.18950122532928 ], [ 7.229833902726218, 52.18950122532928 ], [ 7.229833902726218, 52.189707742535433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.870203875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.18950122532928 ], [ 7.230988879520088, 52.18950122532928 ], [ 7.230988879520088, 52.189294707163846 ], [ 7.229833902726218, 52.189294707163846 ], [ 7.229833902726218, 52.18950122532928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32666_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.33333283333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.189294707163846 ], [ 7.230988879520088, 52.189294707163846 ], [ 7.230988879520088, 52.189088188039122 ], [ 7.229833902726218, 52.189088188039122 ], [ 7.229833902726218, 52.189294707163846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 52.185852596511019 ], [ 7.228678925932353, 52.185852596511019 ], [ 7.228678925932353, 52.185646061398018 ], [ 7.227523949138482, 52.185646061398018 ], [ 7.227523949138482, 52.185852596511019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.185439525325705 ], [ 7.229833902726218, 52.185439525325705 ], [ 7.229833902726218, 52.185232988294082 ], [ 7.228678925932353, 52.185232988294082 ], [ 7.228678925932353, 52.185439525325705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 77.923645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.184819911352868 ], [ 7.229833902726218, 52.184819911352868 ], [ 7.229833902726218, 52.184613371443284 ], [ 7.228678925932353, 52.184613371443284 ], [ 7.228678925932353, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 80.51422 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.184406830574382 ], [ 7.229833902726218, 52.184406830574382 ], [ 7.229833902726218, 52.184200288746155 ], [ 7.228678925932353, 52.184200288746155 ], [ 7.228678925932353, 52.184406830574382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 104.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.182547919584472 ], [ 7.229833902726218, 52.182547919584472 ], [ 7.229833902726218, 52.182341369122263 ], [ 7.228678925932353, 52.182341369122263 ], [ 7.228678925932353, 52.182547919584472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 84.649772 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.228678925932353, 52.181928265319804 ], [ 7.229833902726218, 52.181928265319804 ], [ 7.229833902726218, 52.181721711979563 ], [ 7.228678925932353, 52.181721711979563 ], [ 7.228678925932353, 52.181928265319804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32667_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.873951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.229833902726218, 52.183993745958603 ], [ 7.230988879520088, 52.183993745958603 ], [ 7.230988879520088, 52.183787202211725 ], [ 7.229833902726218, 52.183787202211725 ], [ 7.229833902726218, 52.183993745958603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32914_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 50.802884150618858 ], [ 7.228678925932353, 50.802884150618858 ], [ 7.228678925932353, 50.802671252681563 ], [ 7.227523949138482, 50.802671252681563 ], [ 7.227523949138482, 50.802884150618858 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32915_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 50.797206540311691 ], [ 7.228678925932353, 50.797206540311691 ], [ 7.228678925932353, 50.796993616505716 ], [ 7.227523949138482, 50.796993616505716 ], [ 7.227523949138482, 50.797206540311691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32921_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 50.763126390745754 ], [ 7.228678925932353, 50.763126390745754 ], [ 7.228678925932353, 50.76291331170566 ], [ 7.227523949138482, 50.76291331170566 ], [ 7.227523949138482, 50.763126390745754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32922_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 50.757443950936441 ], [ 7.228678925932353, 50.757443950936441 ], [ 7.228678925932353, 50.757230846020327 ], [ 7.227523949138482, 50.757230846020327 ], [ 7.227523949138482, 50.757443950936441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "32923_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.227523949138482, 50.751760821086492 ], [ 7.228678925932353, 50.751760821086492 ], [ 7.228678925932353, 50.7515476902933 ], [ 7.227523949138482, 50.7515476902933 ], [ 7.227523949138482, 50.751760821086492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.604333037241815 ], [ 7.233042171598076, 53.604333037241815 ], [ 7.233042171598076, 53.604133153303913 ], [ 7.231887194804207, 53.604133153303913 ], [ 7.231887194804207, 53.604333037241815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.603533495814382 ], [ 7.235352125185812, 53.603533495814382 ], [ 7.235352125185812, 53.603333608092584 ], [ 7.234197148391942, 53.603333608092584 ], [ 7.234197148391942, 53.603533495814382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 65.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.604732802279713 ], [ 7.236507101979679, 53.604732802279713 ], [ 7.236507101979679, 53.604532920233751 ], [ 7.235352125185812, 53.604532920233751 ], [ 7.235352125185812, 53.604732802279713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.605332442741819 ], [ 7.237662078773546, 53.605332442741819 ], [ 7.237662078773546, 53.605132563533743 ], [ 7.236507101979679, 53.605132563533743 ], [ 7.236507101979679, 53.605332442741819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 77.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.604532920233751 ], [ 7.237662078773546, 53.604532920233751 ], [ 7.237662078773546, 53.604333037241815 ], [ 7.236507101979679, 53.604333037241815 ], [ 7.236507101979679, 53.604532920233751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 74.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.605332442741819 ], [ 7.238817055567415, 53.605332442741819 ], [ 7.238817055567415, 53.605132563533743 ], [ 7.237662078773546, 53.605132563533743 ], [ 7.237662078773546, 53.605332442741819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33080_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.6037333825902 ], [ 7.239972032361282, 53.6037333825902 ], [ 7.239972032361282, 53.603533495814382 ], [ 7.238817055567415, 53.603533495814382 ], [ 7.238817055567415, 53.6037333825902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 40.909090909090907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.599002475159608 ], [ 7.233042171598076, 53.599002475159608 ], [ 7.233042171598076, 53.598802565995108 ], [ 7.231887194804207, 53.598802565995108 ], [ 7.231887194804207, 53.599002475159608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 52.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.598202832825429 ], [ 7.235352125185812, 53.598202832825429 ], [ 7.235352125185812, 53.598002919876798 ], [ 7.234197148391942, 53.598002919876798 ], [ 7.234197148391942, 53.598202832825429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 59.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.599402290650545 ], [ 7.236507101979679, 53.599402290650545 ], [ 7.236507101979679, 53.599202383378092 ], [ 7.235352125185812, 53.599202383378092 ], [ 7.235352125185812, 53.599402290650545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 50.888888888888886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.600002006791811 ], [ 7.237662078773546, 53.600002006791811 ], [ 7.237662078773546, 53.599802102357401 ], [ 7.236507101979679, 53.599802102357401 ], [ 7.236507101979679, 53.600002006791811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 46.030607 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.599202383378092 ], [ 7.237662078773546, 53.599202383378092 ], [ 7.237662078773546, 53.599002475159608 ], [ 7.236507101979679, 53.599002475159608 ], [ 7.236507101979679, 53.599202383378092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 55.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.600002006791811 ], [ 7.238817055567415, 53.600002006791811 ], [ 7.238817055567415, 53.599802102357401 ], [ 7.237662078773546, 53.599802102357401 ], [ 7.237662078773546, 53.600002006791811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33081_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 67.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.598402744828014 ], [ 7.239972032361282, 53.598402744828014 ], [ 7.239972032361282, 53.598202832825429 ], [ 7.238817055567415, 53.598202832825429 ], [ 7.238817055567415, 53.598402744828014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 67.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.593671240349295 ], [ 7.233042171598076, 53.593671240349295 ], [ 7.233042171598076, 53.59347130595674 ], [ 7.231887194804207, 53.59347130595674 ], [ 7.231887194804207, 53.593671240349295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.59287149710255 ], [ 7.235352125185812, 53.59287149710255 ], [ 7.235352125185812, 53.592671558925659 ], [ 7.234197148391942, 53.592671558925659 ], [ 7.234197148391942, 53.59287149710255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.594071106296184 ], [ 7.236507101979679, 53.594071106296184 ], [ 7.236507101979679, 53.593871173795783 ], [ 7.235352125185812, 53.593871173795783 ], [ 7.235352125185812, 53.594071106296184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 79.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.594670898120974 ], [ 7.237662078773546, 53.594670898120974 ], [ 7.237662078773546, 53.594470968458786 ], [ 7.236507101979679, 53.594470968458786 ], [ 7.236507101979679, 53.594670898120974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 76.999999400000007 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.593871173795783 ], [ 7.237662078773546, 53.593871173795783 ], [ 7.237662078773546, 53.593671240349295 ], [ 7.236507101979679, 53.593671240349295 ], [ 7.236507101979679, 53.593871173795783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.594670898120974 ], [ 7.238817055567415, 53.594670898120974 ], [ 7.238817055567415, 53.594470968458786 ], [ 7.237662078773546, 53.594470968458786 ], [ 7.237662078773546, 53.594670898120974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33082_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 81.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.593071434333368 ], [ 7.239972032361282, 53.593071434333368 ], [ 7.239972032361282, 53.59287149710255 ], [ 7.238817055567415, 53.59287149710255 ], [ 7.238817055567415, 53.593071434333368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.588339332772136 ], [ 7.233042171598076, 53.588339332772136 ], [ 7.233042171598076, 53.588139373150078 ], [ 7.231887194804207, 53.588139373150078 ], [ 7.231887194804207, 53.588339332772136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 100.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.587539488607042 ], [ 7.235352125185812, 53.587539488607042 ], [ 7.235352125185812, 53.587339525200413 ], [ 7.234197148391942, 53.587339525200413 ], [ 7.234197148391942, 53.587539488607042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_3_8", "Weekday": 3, "hour": 8, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.588739249177891 ], [ 7.236507101979679, 53.588739249177891 ], [ 7.236507101979679, 53.588539291448086 ], [ 7.235352125185812, 53.588539291448086 ], [ 7.235352125185812, 53.588739249177891 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 83.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.589339116690553 ], [ 7.237662078773546, 53.589339116690553 ], [ 7.237662078773546, 53.589139161799125 ], [ 7.236507101979679, 53.589139161799125 ], [ 7.236507101979679, 53.589339116690553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 76.4601578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.588539291448086 ], [ 7.237662078773546, 53.588539291448086 ], [ 7.237662078773546, 53.588339332772136 ], [ 7.236507101979679, 53.588339332772136 ], [ 7.236507101979679, 53.588539291448086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 77.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.589339116690553 ], [ 7.238817055567415, 53.589339116690553 ], [ 7.238817055567415, 53.589139161799125 ], [ 7.237662078773546, 53.589139161799125 ], [ 7.237662078773546, 53.589339116690553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33083_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.587739451067527 ], [ 7.239972032361282, 53.587739451067527 ], [ 7.239972032361282, 53.587539488607042 ], [ 7.238817055567415, 53.587539488607042 ], [ 7.238817055567415, 53.587739451067527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33085_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 69.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.577673499162472 ], [ 7.233042171598076, 53.577673499162472 ], [ 7.233042171598076, 53.577473489077022 ], [ 7.231887194804207, 53.577473489077022 ], [ 7.231887194804207, 53.577673499162472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33085_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 79.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.576873453143207 ], [ 7.235352125185812, 53.576873453143207 ], [ 7.235352125185812, 53.576673439272781 ], [ 7.234197148391942, 53.576673439272781 ], [ 7.234197148391942, 53.576873453143207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33085_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 66.285714285714292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.578673535396113 ], [ 7.237662078773546, 53.578673535396113 ], [ 7.237662078773546, 53.578473530041855 ], [ 7.236507101979679, 53.578473530041855 ], [ 7.236507101979679, 53.578673535396113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33085_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 69.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.578673535396113 ], [ 7.238817055567415, 53.578673535396113 ], [ 7.238817055567415, 53.578473530041855 ], [ 7.237662078773546, 53.578473530041855 ], [ 7.237662078773546, 53.578673535396113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33085_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 64.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.577073466067397 ], [ 7.239972032361282, 53.577073466067397 ], [ 7.239972032361282, 53.576873453143207 ], [ 7.238817055567415, 53.576873453143207 ], [ 7.238817055567415, 53.577073466067397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33086_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 68.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.57233957305256 ], [ 7.233042171598076, 53.57233957305256 ], [ 7.233042171598076, 53.57213953773325 ], [ 7.231887194804207, 53.57213953773325 ], [ 7.231887194804207, 53.57233957305256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33086_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 96.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.571539426097537 ], [ 7.235352125185812, 53.571539426097537 ], [ 7.235352125185812, 53.571339386993017 ], [ 7.234197148391942, 53.571339386993017 ], [ 7.234197148391942, 53.571539426097537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33086_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 70.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.573339735454709 ], [ 7.237662078773546, 53.573339735454709 ], [ 7.237662078773546, 53.573139704866854 ], [ 7.236507101979679, 53.573139704866854 ], [ 7.236507101979679, 53.573339735454709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33086_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 64.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.573339735454709 ], [ 7.238817055567415, 53.573339735454709 ], [ 7.238817055567415, 53.573139704866854 ], [ 7.237662078773546, 53.573139704866854 ], [ 7.237662078773546, 53.573339735454709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33086_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 67.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.571739464255742 ], [ 7.239972032361282, 53.571739464255742 ], [ 7.239972032361282, 53.571539426097537 ], [ 7.238817055567415, 53.571539426097537 ], [ 7.238817055567415, 53.571739464255742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33112_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.434023256035104 ], [ 7.236507101979679, 53.434023256035104 ], [ 7.236507101979679, 53.433822566971727 ], [ 7.235352125185812, 53.433822566971727 ], [ 7.235352125185812, 53.434023256035104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33112_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 65.547945666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.43362187696065 ], [ 7.237662078773546, 53.43362187696065 ], [ 7.237662078773546, 53.433421186001866 ], [ 7.236507101979679, 53.433421186001866 ], [ 7.236507101979679, 53.43362187696065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33112_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.434023256035104 ], [ 7.238817055567415, 53.434023256035104 ], [ 7.238817055567415, 53.433822566971727 ], [ 7.237662078773546, 53.433822566971727 ], [ 7.237662078773546, 53.434023256035104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 51.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.42806907749862 ], [ 7.233042171598076, 53.42806907749862 ], [ 7.233042171598076, 53.427868360319387 ], [ 7.231887194804207, 53.427868360319387 ], [ 7.231887194804207, 53.42806907749862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.427266203095144 ], [ 7.235352125185812, 53.427266203095144 ], [ 7.235352125185812, 53.427065482124874 ], [ 7.234197148391942, 53.427065482124874 ], [ 7.234197148391942, 53.427266203095144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 52.833333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.428671223349802 ], [ 7.236507101979679, 53.428671223349802 ], [ 7.236507101979679, 53.428470509013827 ], [ 7.235352125185812, 53.428470509013827 ], [ 7.235352125185812, 53.428671223349802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 73.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.429072649178501 ], [ 7.237662078773546, 53.429072649178501 ], [ 7.237662078773546, 53.428871936738027 ], [ 7.236507101979679, 53.428871936738027 ], [ 7.236507101979679, 53.429072649178501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 38.900237555555549 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.428269793730088 ], [ 7.237662078773546, 53.428269793730088 ], [ 7.237662078773546, 53.42806907749862 ], [ 7.236507101979679, 53.42806907749862 ], [ 7.236507101979679, 53.428269793730088 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.429072649178501 ], [ 7.238817055567415, 53.429072649178501 ], [ 7.238817055567415, 53.428871936738027 ], [ 7.237662078773546, 53.428871936738027 ], [ 7.237662078773546, 53.429072649178501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 38.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.428671223349802 ], [ 7.238817055567415, 53.428671223349802 ], [ 7.238817055567415, 53.428470509013827 ], [ 7.237662078773546, 53.428470509013827 ], [ 7.237662078773546, 53.428671223349802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.671053 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.427667642192397 ], [ 7.239972032361282, 53.427667642192397 ], [ 7.239972032361282, 53.427466923117656 ], [ 7.238817055567415, 53.427466923117656 ], [ 7.238817055567415, 53.427667642192397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33113_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.427466923117656 ], [ 7.239972032361282, 53.427466923117656 ], [ 7.239972032361282, 53.427266203095144 ], [ 7.238817055567415, 53.427266203095144 ], [ 7.238817055567415, 53.427466923117656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 68.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.422716295036864 ], [ 7.233042171598076, 53.422716295036864 ], [ 7.233042171598076, 53.422515552583441 ], [ 7.231887194804207, 53.422515552583441 ], [ 7.231887194804207, 53.422716295036864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 70.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.421913319536323 ], [ 7.235352125185812, 53.421913319536323 ], [ 7.235352125185812, 53.42171257329165 ], [ 7.234197148391942, 53.42171257329165 ], [ 7.234197148391942, 53.421913319536323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 51.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.423318516710275 ], [ 7.236507101979679, 53.423318516710275 ], [ 7.236507101979679, 53.423117777100273 ], [ 7.235352125185812, 53.423117777100273 ], [ 7.235352125185812, 53.423318516710275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 71.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.423719993086884 ], [ 7.237662078773546, 53.423719993086884 ], [ 7.237662078773546, 53.423519255372483 ], [ 7.236507101979679, 53.423519255372483 ], [ 7.236507101979679, 53.423719993086884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 47.44189627272727 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.422917036542472 ], [ 7.237662078773546, 53.422917036542472 ], [ 7.237662078773546, 53.422716295036864 ], [ 7.236507101979679, 53.422716295036864 ], [ 7.236507101979679, 53.422917036542472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.423719993086884 ], [ 7.238817055567415, 53.423719993086884 ], [ 7.238817055567415, 53.423519255372483 ], [ 7.237662078773546, 53.423519255372483 ], [ 7.237662078773546, 53.423719993086884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 52.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.423318516710275 ], [ 7.238817055567415, 53.423318516710275 ], [ 7.238817055567415, 53.423117777100273 ], [ 7.237662078773546, 53.423117777100273 ], [ 7.237662078773546, 53.423318516710275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.413579714285703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.422314809182218 ], [ 7.239972032361282, 53.422314809182218 ], [ 7.239972032361282, 53.422114064833174 ], [ 7.238817055567415, 53.422114064833174 ], [ 7.238817055567415, 53.422314809182218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33114_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 69.714285714285708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.422114064833174 ], [ 7.239972032361282, 53.422114064833174 ], [ 7.239972032361282, 53.421913319536323 ], [ 7.238817055567415, 53.421913319536323 ], [ 7.238817055567415, 53.422114064833174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33115_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.41736283857847 ], [ 7.233042171598076, 53.41736283857847 ], [ 7.233042171598076, 53.417162070849436 ], [ 7.231887194804207, 53.417162070849436 ], [ 7.231887194804207, 53.41736283857847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33115_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.416559761975137 ], [ 7.235352125185812, 53.416559761975137 ], [ 7.235352125185812, 53.416358990454647 ], [ 7.234197148391942, 53.416358990454647 ], [ 7.234197148391942, 53.416559761975137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33115_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.418366663005763 ], [ 7.237662078773546, 53.418366663005763 ], [ 7.237662078773546, 53.418165900016014 ], [ 7.236507101979679, 53.418165900016014 ], [ 7.236507101979679, 53.418366663005763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33115_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 79.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.417563605359646 ], [ 7.237662078773546, 53.417563605359646 ], [ 7.237662078773546, 53.41736283857847 ], [ 7.236507101979679, 53.41736283857847 ], [ 7.236507101979679, 53.417563605359646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.385227943765059 ], [ 7.233042171598076, 53.385227943765059 ], [ 7.233042171598076, 53.385027024352325 ], [ 7.231887194804207, 53.385027024352325 ], [ 7.231887194804207, 53.385227943765059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.384424260425064 ], [ 7.235352125185812, 53.384424260425064 ], [ 7.235352125185812, 53.384223337219588 ], [ 7.234197148391942, 53.384223337219588 ], [ 7.234197148391942, 53.384424260425064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.385830696314123 ], [ 7.236507101979679, 53.385830696314123 ], [ 7.236507101979679, 53.38562977974594 ], [ 7.235352125185812, 53.38562977974594 ], [ 7.235352125185812, 53.385830696314123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.386232526605951 ], [ 7.237662078773546, 53.386232526605951 ], [ 7.237662078773546, 53.386031611934122 ], [ 7.236507101979679, 53.386031611934122 ], [ 7.236507101979679, 53.386232526605951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 107.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.385428862229581 ], [ 7.237662078773546, 53.385428862229581 ], [ 7.237662078773546, 53.385227943765059 ], [ 7.236507101979679, 53.385227943765059 ], [ 7.236507101979679, 53.385428862229581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.386232526605951 ], [ 7.238817055567415, 53.386232526605951 ], [ 7.238817055567415, 53.386031611934122 ], [ 7.237662078773546, 53.386031611934122 ], [ 7.237662078773546, 53.386232526605951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.385830696314123 ], [ 7.238817055567415, 53.385830696314123 ], [ 7.238817055567415, 53.38562977974594 ], [ 7.237662078773546, 53.38562977974594 ], [ 7.237662078773546, 53.385830696314123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.384826103991436 ], [ 7.239972032361282, 53.384826103991436 ], [ 7.239972032361282, 53.384625182682342 ], [ 7.238817055567415, 53.384625182682342 ], [ 7.238817055567415, 53.384826103991436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33121_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 104.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.384424260425064 ], [ 7.239972032361282, 53.384424260425064 ], [ 7.239972032361282, 53.384223337219588 ], [ 7.238817055567415, 53.384223337219588 ], [ 7.238817055567415, 53.384424260425064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.37986976826376 ], [ 7.233042171598076, 53.37986976826376 ], [ 7.233042171598076, 53.379668823565439 ], [ 7.231887194804207, 53.379668823565439 ], [ 7.231887194804207, 53.37986976826376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.379668823565439 ], [ 7.233042171598076, 53.379668823565439 ], [ 7.233042171598076, 53.379467877918877 ], [ 7.231887194804207, 53.379467877918877 ], [ 7.231887194804207, 53.379668823565439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.379065983781025 ], [ 7.235352125185812, 53.379065983781025 ], [ 7.235352125185812, 53.378865035289742 ], [ 7.234197148391942, 53.378865035289742 ], [ 7.234197148391942, 53.379065983781025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.380472596669335 ], [ 7.236507101979679, 53.380472596669335 ], [ 7.236507101979679, 53.380271654815708 ], [ 7.235352125185812, 53.380271654815708 ], [ 7.235352125185812, 53.380472596669335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.380874477531883 ], [ 7.237662078773546, 53.380874477531883 ], [ 7.237662078773546, 53.380673537574715 ], [ 7.236507101979679, 53.380673537574715 ], [ 7.236507101979679, 53.380874477531883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 99.6428734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.380070712013854 ], [ 7.237662078773546, 53.380070712013854 ], [ 7.237662078773546, 53.37986976826376 ], [ 7.236507101979679, 53.37986976826376 ], [ 7.236507101979679, 53.380070712013854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 90.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.380874477531883 ], [ 7.238817055567415, 53.380874477531883 ], [ 7.238817055567415, 53.380673537574715 ], [ 7.237662078773546, 53.380673537574715 ], [ 7.237662078773546, 53.380874477531883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 79.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.380472596669335 ], [ 7.238817055567415, 53.380472596669335 ], [ 7.238817055567415, 53.380271654815708 ], [ 7.237662078773546, 53.380271654815708 ], [ 7.237662078773546, 53.380472596669335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.399999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.379467877918877 ], [ 7.239972032361282, 53.379467877918877 ], [ 7.239972032361282, 53.379266931324068 ], [ 7.238817055567415, 53.379266931324068 ], [ 7.238817055567415, 53.379467877918877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33122_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.379065983781025 ], [ 7.239972032361282, 53.379065983781025 ], [ 7.239972032361282, 53.378865035289742 ], [ 7.238817055567415, 53.378865035289742 ], [ 7.238817055567415, 53.379065983781025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.374309948476011 ], [ 7.233042171598076, 53.374309948476011 ], [ 7.233042171598076, 53.374108977542356 ], [ 7.231887194804207, 53.374108977542356 ], [ 7.231887194804207, 53.374309948476011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.373707032830183 ], [ 7.235352125185812, 53.373707032830183 ], [ 7.235352125185812, 53.37350605905165 ], [ 7.234197148391942, 53.37350605905165 ], [ 7.234197148391942, 53.373707032830183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.375113822727698 ], [ 7.236507101979679, 53.375113822727698 ], [ 7.236507101979679, 53.374912855587198 ], [ 7.235352125185812, 53.374912855587198 ], [ 7.235352125185812, 53.375113822727698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.375515754163843 ], [ 7.237662078773546, 53.375515754163843 ], [ 7.237662078773546, 53.375314788919908 ], [ 7.236507101979679, 53.375314788919908 ], [ 7.236507101979679, 53.375515754163843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 97.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.374711887498428 ], [ 7.237662078773546, 53.374711887498428 ], [ 7.237662078773546, 53.374510918461361 ], [ 7.236507101979679, 53.374510918461361 ], [ 7.236507101979679, 53.374711887498428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.375113822727698 ], [ 7.238817055567415, 53.375113822727698 ], [ 7.238817055567415, 53.374912855587198 ], [ 7.237662078773546, 53.374912855587198 ], [ 7.237662078773546, 53.375113822727698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33123_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.374108977542356 ], [ 7.239972032361282, 53.374108977542356 ], [ 7.239972032361282, 53.373908005660418 ], [ 7.238817055567415, 53.373908005660418 ], [ 7.238817055567415, 53.374108977542356 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33124_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.368950399046078 ], [ 7.238817055567415, 53.368950399046078 ], [ 7.238817055567415, 53.368749402823923 ], [ 7.237662078773546, 53.368749402823923 ], [ 7.237662078773546, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33124_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 88.610778 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.368749402823923 ], [ 7.238817055567415, 53.368749402823923 ], [ 7.238817055567415, 53.368548405653428 ], [ 7.237662078773546, 53.368548405653428 ], [ 7.237662078773546, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33125_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 85.308948857142852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.36359017523769 ], [ 7.238817055567415, 53.36359017523769 ], [ 7.238817055567415, 53.363389153725599 ], [ 7.237662078773546, 53.363389153725599 ], [ 7.237662078773546, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33125_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 88.754778142857148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.363389153725599 ], [ 7.238817055567415, 53.363389153725599 ], [ 7.238817055567415, 53.363188131265126 ], [ 7.237662078773546, 53.363188131265126 ], [ 7.237662078773546, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33159_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.181546681758618 ], [ 7.234197148391942, 53.181546681758618 ], [ 7.234197148391942, 53.181344802397923 ], [ 7.233042171598076, 53.181344802397923 ], [ 7.233042171598076, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.083928308730371 ], [ 7.233042171598076, 53.083928308730371 ], [ 7.233042171598076, 53.083725970198778 ], [ 7.231887194804207, 53.083725970198778 ], [ 7.231887194804207, 53.083928308730371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.6831125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.081904880613052 ], [ 7.233042171598076, 53.081904880613052 ], [ 7.233042171598076, 53.081702532569992 ], [ 7.231887194804207, 53.081702532569992 ], [ 7.231887194804207, 53.081904880613052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.084535318618343 ], [ 7.234197148391942, 53.084535318618343 ], [ 7.234197148391942, 53.084332982940147 ], [ 7.233042171598076, 53.084332982940147 ], [ 7.233042171598076, 53.084535318618343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.083523630716051 ], [ 7.235352125185812, 53.083523630716051 ], [ 7.235352125185812, 53.083321290282186 ], [ 7.234197148391942, 53.083321290282186 ], [ 7.234197148391942, 53.083523630716051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 90.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.0847376533454 ], [ 7.236507101979679, 53.0847376533454 ], [ 7.236507101979679, 53.084535318618343 ], [ 7.235352125185812, 53.084535318618343 ], [ 7.235352125185812, 53.0847376533454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.083523630716051 ], [ 7.236507101979679, 53.083523630716051 ], [ 7.236507101979679, 53.083321290282186 ], [ 7.235352125185812, 53.083321290282186 ], [ 7.235352125185812, 53.083523630716051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 200.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.085344651819831 ], [ 7.237662078773546, 53.085344651819831 ], [ 7.237662078773546, 53.085142319946144 ], [ 7.236507101979679, 53.085142319946144 ], [ 7.236507101979679, 53.085344651819831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 150.803795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.084535318618343 ], [ 7.237662078773546, 53.084535318618343 ], [ 7.237662078773546, 53.084332982940147 ], [ 7.236507101979679, 53.084332982940147 ], [ 7.236507101979679, 53.084535318618343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.082714263273722 ], [ 7.237662078773546, 53.082714263273722 ], [ 7.237662078773546, 53.082511919035291 ], [ 7.236507101979679, 53.082511919035291 ], [ 7.236507101979679, 53.082714263273722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 87.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.085344651819831 ], [ 7.238817055567415, 53.085344651819831 ], [ 7.238817055567415, 53.085142319946144 ], [ 7.237662078773546, 53.085142319946144 ], [ 7.237662078773546, 53.085344651819831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 86.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.084939987121338 ], [ 7.238817055567415, 53.084939987121338 ], [ 7.238817055567415, 53.0847376533454 ], [ 7.237662078773546, 53.0847376533454 ], [ 7.237662078773546, 53.084939987121338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 145.76704 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.084130646310825 ], [ 7.238817055567415, 53.084130646310825 ], [ 7.238817055567415, 53.083928308730371 ], [ 7.237662078773546, 53.083928308730371 ], [ 7.237662078773546, 53.084130646310825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 109.6518975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.083928308730371 ], [ 7.238817055567415, 53.083928308730371 ], [ 7.238817055567415, 53.083725970198778 ], [ 7.237662078773546, 53.083725970198778 ], [ 7.237662078773546, 53.083928308730371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.083725970198778 ], [ 7.238817055567415, 53.083725970198778 ], [ 7.238817055567415, 53.083523630716051 ], [ 7.237662078773546, 53.083523630716051 ], [ 7.237662078773546, 53.083725970198778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 151.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.083321290282186 ], [ 7.238817055567415, 53.083321290282186 ], [ 7.238817055567415, 53.083118948897166 ], [ 7.237662078773546, 53.083118948897166 ], [ 7.237662078773546, 53.083321290282186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.083118948897166 ], [ 7.238817055567415, 53.083118948897166 ], [ 7.238817055567415, 53.082916606561021 ], [ 7.237662078773546, 53.082916606561021 ], [ 7.237662078773546, 53.083118948897166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.66666933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.082309573845691 ], [ 7.238817055567415, 53.082309573845691 ], [ 7.238817055567415, 53.082107227704938 ], [ 7.237662078773546, 53.082107227704938 ], [ 7.237662078773546, 53.082309573845691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.869323 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.081702532569992 ], [ 7.238817055567415, 53.081702532569992 ], [ 7.238817055567415, 53.081500183575791 ], [ 7.237662078773546, 53.081500183575791 ], [ 7.237662078773546, 53.081702532569992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.084130646310825 ], [ 7.239972032361282, 53.084130646310825 ], [ 7.239972032361282, 53.083928308730371 ], [ 7.238817055567415, 53.083928308730371 ], [ 7.238817055567415, 53.084130646310825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 113.11111111111111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.083928308730371 ], [ 7.239972032361282, 53.083928308730371 ], [ 7.239972032361282, 53.083725970198778 ], [ 7.238817055567415, 53.083725970198778 ], [ 7.238817055567415, 53.083928308730371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.623284 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.083725970198778 ], [ 7.239972032361282, 53.083725970198778 ], [ 7.239972032361282, 53.083523630716051 ], [ 7.238817055567415, 53.083523630716051 ], [ 7.238817055567415, 53.083725970198778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.6666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.083523630716051 ], [ 7.239972032361282, 53.083523630716051 ], [ 7.239972032361282, 53.083321290282186 ], [ 7.238817055567415, 53.083321290282186 ], [ 7.238817055567415, 53.083523630716051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.083321290282186 ], [ 7.239972032361282, 53.083321290282186 ], [ 7.239972032361282, 53.083118948897166 ], [ 7.238817055567415, 53.083118948897166 ], [ 7.238817055567415, 53.083321290282186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 72.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.082916606561021 ], [ 7.239972032361282, 53.082916606561021 ], [ 7.239972032361282, 53.082714263273722 ], [ 7.238817055567415, 53.082714263273722 ], [ 7.238817055567415, 53.082916606561021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33177_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.75143766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.082714263273722 ], [ 7.239972032361282, 53.082714263273722 ], [ 7.239972032361282, 53.082511919035291 ], [ 7.238817055567415, 53.082511919035291 ], [ 7.238817055567415, 53.082714263273722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.078532289048837 ], [ 7.233042171598076, 53.078532289048837 ], [ 7.233042171598076, 53.078329925152921 ], [ 7.231887194804207, 53.078329925152921 ], [ 7.231887194804207, 53.078532289048837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.832838 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.076508607285938 ], [ 7.233042171598076, 53.076508607285938 ], [ 7.233042171598076, 53.076306233878043 ], [ 7.231887194804207, 53.076306233878043 ], [ 7.231887194804207, 53.076508607285938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.079139375029477 ], [ 7.234197148391942, 53.079139375029477 ], [ 7.234197148391942, 53.078937013987108 ], [ 7.233042171598076, 53.078937013987108 ], [ 7.233042171598076, 53.079139375029477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 97.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.078127560305823 ], [ 7.235352125185812, 53.078127560305823 ], [ 7.235352125185812, 53.077925194507515 ], [ 7.234197148391942, 53.077925194507515 ], [ 7.234197148391942, 53.078127560305823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 91.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.07934173512065 ], [ 7.236507101979679, 53.07934173512065 ], [ 7.236507101979679, 53.079139375029477 ], [ 7.235352125185812, 53.079139375029477 ], [ 7.235352125185812, 53.07934173512065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.078127560305823 ], [ 7.236507101979679, 53.078127560305823 ], [ 7.236507101979679, 53.077925194507515 ], [ 7.235352125185812, 53.077925194507515 ], [ 7.235352125185812, 53.078127560305823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 200.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.079948809687117 ], [ 7.237662078773546, 53.079948809687117 ], [ 7.237662078773546, 53.079746452449477 ], [ 7.236507101979679, 53.079746452449477 ], [ 7.236507101979679, 53.079948809687117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 147.603816 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.079139375029477 ], [ 7.237662078773546, 53.079139375029477 ], [ 7.237662078773546, 53.078937013987108 ], [ 7.236507101979679, 53.078937013987108 ], [ 7.236507101979679, 53.079139375029477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 139.66666833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.077318091405466 ], [ 7.237662078773546, 53.077318091405466 ], [ 7.237662078773546, 53.077115721802386 ], [ 7.236507101979679, 53.077115721802386 ], [ 7.236507101979679, 53.077318091405466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.079948809687117 ], [ 7.238817055567415, 53.079948809687117 ], [ 7.238817055567415, 53.079746452449477 ], [ 7.237662078773546, 53.079746452449477 ], [ 7.237662078773546, 53.079948809687117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.079544094260648 ], [ 7.238817055567415, 53.079544094260648 ], [ 7.238817055567415, 53.07934173512065 ], [ 7.237662078773546, 53.07934173512065 ], [ 7.237662078773546, 53.079544094260648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.078734651993571 ], [ 7.238817055567415, 53.078734651993571 ], [ 7.238817055567415, 53.078532289048837 ], [ 7.237662078773546, 53.078532289048837 ], [ 7.237662078773546, 53.078734651993571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 122.50740575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.078532289048837 ], [ 7.238817055567415, 53.078532289048837 ], [ 7.238817055567415, 53.078329925152921 ], [ 7.237662078773546, 53.078329925152921 ], [ 7.237662078773546, 53.078532289048837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.078329925152921 ], [ 7.238817055567415, 53.078329925152921 ], [ 7.238817055567415, 53.078127560305823 ], [ 7.237662078773546, 53.078127560305823 ], [ 7.237662078773546, 53.078329925152921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 142.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.077925194507515 ], [ 7.238817055567415, 53.077925194507515 ], [ 7.238817055567415, 53.077722827758038 ], [ 7.237662078773546, 53.077722827758038 ], [ 7.237662078773546, 53.077925194507515 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.077722827758038 ], [ 7.238817055567415, 53.077722827758038 ], [ 7.238817055567415, 53.07752046005735 ], [ 7.237662078773546, 53.07752046005735 ], [ 7.237662078773546, 53.077722827758038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.33333233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.076913351248109 ], [ 7.238817055567415, 53.076913351248109 ], [ 7.238817055567415, 53.076710979742622 ], [ 7.237662078773546, 53.076710979742622 ], [ 7.237662078773546, 53.076913351248109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 113.500003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.076508607285938 ], [ 7.238817055567415, 53.076508607285938 ], [ 7.238817055567415, 53.076306233878043 ], [ 7.237662078773546, 53.076306233878043 ], [ 7.237662078773546, 53.076508607285938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.795652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.076306233878043 ], [ 7.238817055567415, 53.076306233878043 ], [ 7.238817055567415, 53.076103859518938 ], [ 7.237662078773546, 53.076103859518938 ], [ 7.237662078773546, 53.076306233878043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.5778765 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.078734651993571 ], [ 7.239972032361282, 53.078734651993571 ], [ 7.239972032361282, 53.078532289048837 ], [ 7.238817055567415, 53.078532289048837 ], [ 7.238817055567415, 53.078734651993571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 119.9 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.078532289048837 ], [ 7.239972032361282, 53.078532289048837 ], [ 7.239972032361282, 53.078329925152921 ], [ 7.238817055567415, 53.078329925152921 ], [ 7.238817055567415, 53.078532289048837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 132.276324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.078329925152921 ], [ 7.239972032361282, 53.078329925152921 ], [ 7.239972032361282, 53.078127560305823 ], [ 7.238817055567415, 53.078127560305823 ], [ 7.238817055567415, 53.078329925152921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.49999916666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.078127560305823 ], [ 7.239972032361282, 53.078127560305823 ], [ 7.239972032361282, 53.077925194507515 ], [ 7.238817055567415, 53.077925194507515 ], [ 7.238817055567415, 53.078127560305823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.077925194507515 ], [ 7.239972032361282, 53.077925194507515 ], [ 7.239972032361282, 53.077722827758038 ], [ 7.238817055567415, 53.077722827758038 ], [ 7.238817055567415, 53.077925194507515 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 86.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.07752046005735 ], [ 7.239972032361282, 53.07752046005735 ], [ 7.239972032361282, 53.077318091405466 ], [ 7.238817055567415, 53.077318091405466 ], [ 7.238817055567415, 53.07752046005735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33178_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 129.59924275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.077318091405466 ], [ 7.239972032361282, 53.077318091405466 ], [ 7.239972032361282, 53.077115721802386 ], [ 7.238817055567415, 53.077115721802386 ], [ 7.238817055567415, 53.077318091405466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 78.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.073135592967553 ], [ 7.233042171598076, 53.073135592967553 ], [ 7.233042171598076, 53.072933203705936 ], [ 7.231887194804207, 53.072933203705936 ], [ 7.231887194804207, 53.073135592967553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 122.04484975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.071111657545224 ], [ 7.233042171598076, 53.071111657545224 ], [ 7.233042171598076, 53.07090925877111 ], [ 7.231887194804207, 53.07090925877111 ], [ 7.231887194804207, 53.071111657545224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.073742755044996 ], [ 7.234197148391942, 53.073742755044996 ], [ 7.234197148391942, 53.073540368637083 ], [ 7.233042171598076, 53.073540368637083 ], [ 7.233042171598076, 53.073742755044996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.072730813493067 ], [ 7.235352125185812, 53.072730813493067 ], [ 7.235352125185812, 53.072528422328951 ], [ 7.234197148391942, 53.072528422328951 ], [ 7.234197148391942, 53.072730813493067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.073945140501685 ], [ 7.236507101979679, 53.073945140501685 ], [ 7.236507101979679, 53.073742755044996 ], [ 7.235352125185812, 53.073742755044996 ], [ 7.235352125185812, 53.073945140501685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.072730813493067 ], [ 7.236507101979679, 53.072730813493067 ], [ 7.236507101979679, 53.072528422328951 ], [ 7.235352125185812, 53.072528422328951 ], [ 7.235352125185812, 53.072730813493067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.074552291164338 ], [ 7.237662078773546, 53.074552291164338 ], [ 7.237662078773546, 53.074349908561352 ], [ 7.236507101979679, 53.074349908561352 ], [ 7.236507101979679, 53.074552291164338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.073742755044996 ], [ 7.237662078773546, 53.073742755044996 ], [ 7.237662078773546, 53.073540368637083 ], [ 7.236507101979679, 53.073540368637083 ], [ 7.236507101979679, 53.073742755044996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 140.749999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.071921243129154 ], [ 7.237662078773546, 53.071921243129154 ], [ 7.237662078773546, 53.071718848160053 ], [ 7.236507101979679, 53.071718848160053 ], [ 7.236507101979679, 53.071921243129154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.074552291164338 ], [ 7.238817055567415, 53.074552291164338 ], [ 7.238817055567415, 53.074349908561352 ], [ 7.237662078773546, 53.074349908561352 ], [ 7.237662078773546, 53.074552291164338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 91.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.074147525007128 ], [ 7.238817055567415, 53.074147525007128 ], [ 7.238817055567415, 53.073945140501685 ], [ 7.237662078773546, 53.073945140501685 ], [ 7.237662078773546, 53.074147525007128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.33810533333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.073337981277945 ], [ 7.238817055567415, 53.073337981277945 ], [ 7.238817055567415, 53.073135592967553 ], [ 7.237662078773546, 53.073135592967553 ], [ 7.237662078773546, 53.073337981277945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 126.45143533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.073135592967553 ], [ 7.238817055567415, 53.073135592967553 ], [ 7.238817055567415, 53.072933203705936 ], [ 7.237662078773546, 53.072933203705936 ], [ 7.237662078773546, 53.073135592967553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.072933203705936 ], [ 7.238817055567415, 53.072933203705936 ], [ 7.238817055567415, 53.072730813493067 ], [ 7.237662078773546, 53.072730813493067 ], [ 7.237662078773546, 53.072933203705936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 139.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.072528422328951 ], [ 7.238817055567415, 53.072528422328951 ], [ 7.238817055567415, 53.07232603021361 ], [ 7.237662078773546, 53.07232603021361 ], [ 7.237662078773546, 53.072528422328951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.07232603021361 ], [ 7.238817055567415, 53.07232603021361 ], [ 7.238817055567415, 53.072123637147001 ], [ 7.237662078773546, 53.072123637147001 ], [ 7.237662078773546, 53.07232603021361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 141.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.071516452239692 ], [ 7.238817055567415, 53.071516452239692 ], [ 7.238817055567415, 53.071314055368092 ], [ 7.237662078773546, 53.071314055368092 ], [ 7.237662078773546, 53.071516452239692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 115.50490575000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.071111657545224 ], [ 7.238817055567415, 53.071111657545224 ], [ 7.238817055567415, 53.07090925877111 ], [ 7.237662078773546, 53.07090925877111 ], [ 7.237662078773546, 53.071111657545224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.35547375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.07090925877111 ], [ 7.238817055567415, 53.07090925877111 ], [ 7.238817055567415, 53.070706859045721 ], [ 7.237662078773546, 53.070706859045721 ], [ 7.237662078773546, 53.07090925877111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.9182295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.073337981277945 ], [ 7.239972032361282, 53.073337981277945 ], [ 7.239972032361282, 53.073135592967553 ], [ 7.238817055567415, 53.073135592967553 ], [ 7.238817055567415, 53.073337981277945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.073135592967553 ], [ 7.239972032361282, 53.073135592967553 ], [ 7.239972032361282, 53.072933203705936 ], [ 7.238817055567415, 53.072933203705936 ], [ 7.238817055567415, 53.073135592967553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 135.75000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.072933203705936 ], [ 7.239972032361282, 53.072933203705936 ], [ 7.239972032361282, 53.072730813493067 ], [ 7.238817055567415, 53.072730813493067 ], [ 7.238817055567415, 53.072933203705936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.57966985714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.072730813493067 ], [ 7.239972032361282, 53.072730813493067 ], [ 7.239972032361282, 53.072528422328951 ], [ 7.238817055567415, 53.072528422328951 ], [ 7.238817055567415, 53.072730813493067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.072528422328951 ], [ 7.239972032361282, 53.072528422328951 ], [ 7.239972032361282, 53.07232603021361 ], [ 7.238817055567415, 53.07232603021361 ], [ 7.238817055567415, 53.072528422328951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.072123637147001 ], [ 7.239972032361282, 53.072123637147001 ], [ 7.239972032361282, 53.071921243129154 ], [ 7.238817055567415, 53.071921243129154 ], [ 7.238817055567415, 53.072123637147001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33179_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 120.923433 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.071921243129154 ], [ 7.239972032361282, 53.071921243129154 ], [ 7.239972032361282, 53.071718848160053 ], [ 7.238817055567415, 53.071718848160053 ], [ 7.238817055567415, 53.071921243129154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.067738220449613 ], [ 7.233042171598076, 53.067738220449613 ], [ 7.233042171598076, 53.067535805820903 ], [ 7.231887194804207, 53.067535805820903 ], [ 7.231887194804207, 53.067738220449613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 116.287837 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.065714031354027 ], [ 7.233042171598076, 53.065714031354027 ], [ 7.233042171598076, 53.065511607212301 ], [ 7.231887194804207, 53.065511607212301 ], [ 7.231887194804207, 53.065714031354027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.068345458628023 ], [ 7.234197148391942, 53.068345458628023 ], [ 7.234197148391942, 53.068143046853173 ], [ 7.233042171598076, 53.068143046853173 ], [ 7.233042171598076, 53.068345458628023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.06733339024089 ], [ 7.235352125185812, 53.06733339024089 ], [ 7.235352125185812, 53.067130973709581 ], [ 7.234197148391942, 53.067130973709581 ], [ 7.234197148391942, 53.06733339024089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.068547869451592 ], [ 7.236507101979679, 53.068547869451592 ], [ 7.236507101979679, 53.068345458628023 ], [ 7.235352125185812, 53.068345458628023 ], [ 7.235352125185812, 53.068547869451592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.06733339024089 ], [ 7.236507101979679, 53.06733339024089 ], [ 7.236507101979679, 53.067130973709581 ], [ 7.235352125185812, 53.067130973709581 ], [ 7.235352125185812, 53.06733339024089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 196.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.069155096214594 ], [ 7.237662078773546, 53.069155096214594 ], [ 7.237662078773546, 53.068952688244885 ], [ 7.236507101979679, 53.068952688244885 ], [ 7.236507101979679, 53.069155096214594 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.068345458628023 ], [ 7.237662078773546, 53.068345458628023 ], [ 7.237662078773546, 53.068143046853173 ], [ 7.236507101979679, 53.068143046853173 ], [ 7.236507101979679, 53.068345458628023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.73728933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.066523718407886 ], [ 7.237662078773546, 53.066523718407886 ], [ 7.237662078773546, 53.066321298071379 ], [ 7.236507101979679, 53.066321298071379 ], [ 7.236507101979679, 53.066523718407886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.069155096214594 ], [ 7.238817055567415, 53.069155096214594 ], [ 7.238817055567415, 53.068952688244885 ], [ 7.237662078773546, 53.068952688244885 ], [ 7.237662078773546, 53.069155096214594 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 87.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.068750279323872 ], [ 7.238817055567415, 53.068750279323872 ], [ 7.238817055567415, 53.068547869451592 ], [ 7.237662078773546, 53.068547869451592 ], [ 7.237662078773546, 53.068750279323872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 28.2204583 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.068143046853173 ], [ 7.238817055567415, 53.068143046853173 ], [ 7.238817055567415, 53.067940634127041 ], [ 7.237662078773546, 53.067940634127041 ], [ 7.237662078773546, 53.068143046853173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.6200005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.067940634127041 ], [ 7.238817055567415, 53.067940634127041 ], [ 7.238817055567415, 53.067738220449613 ], [ 7.237662078773546, 53.067738220449613 ], [ 7.237662078773546, 53.067940634127041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 122.5583205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.067738220449613 ], [ 7.238817055567415, 53.067738220449613 ], [ 7.238817055567415, 53.067535805820903 ], [ 7.237662078773546, 53.067535805820903 ], [ 7.237662078773546, 53.067738220449613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.067535805820903 ], [ 7.238817055567415, 53.067535805820903 ], [ 7.238817055567415, 53.06733339024089 ], [ 7.237662078773546, 53.06733339024089 ], [ 7.237662078773546, 53.067535805820903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 146.793985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.067130973709581 ], [ 7.238817055567415, 53.067130973709581 ], [ 7.238817055567415, 53.066928556226983 ], [ 7.237662078773546, 53.066928556226983 ], [ 7.237662078773546, 53.067130973709581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.066928556226983 ], [ 7.238817055567415, 53.066928556226983 ], [ 7.238817055567415, 53.066726137793076 ], [ 7.237662078773546, 53.066726137793076 ], [ 7.237662078773546, 53.066928556226983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.06611887678357 ], [ 7.238817055567415, 53.06611887678357 ], [ 7.238817055567415, 53.06591645454445 ], [ 7.237662078773546, 53.06591645454445 ], [ 7.237662078773546, 53.06611887678357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 115.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.065714031354027 ], [ 7.238817055567415, 53.065714031354027 ], [ 7.238817055567415, 53.065511607212301 ], [ 7.237662078773546, 53.065511607212301 ], [ 7.237662078773546, 53.065714031354027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 121.24999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.065511607212301 ], [ 7.238817055567415, 53.065511607212301 ], [ 7.238817055567415, 53.06530918211925 ], [ 7.237662078773546, 53.06530918211925 ], [ 7.237662078773546, 53.065511607212301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.067940634127041 ], [ 7.239972032361282, 53.067940634127041 ], [ 7.239972032361282, 53.067738220449613 ], [ 7.238817055567415, 53.067738220449613 ], [ 7.238817055567415, 53.067940634127041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.067738220449613 ], [ 7.239972032361282, 53.067738220449613 ], [ 7.239972032361282, 53.067535805820903 ], [ 7.238817055567415, 53.067535805820903 ], [ 7.238817055567415, 53.067738220449613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.719768 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.067535805820903 ], [ 7.239972032361282, 53.067535805820903 ], [ 7.239972032361282, 53.06733339024089 ], [ 7.238817055567415, 53.06733339024089 ], [ 7.238817055567415, 53.067535805820903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 133.16666583333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.06733339024089 ], [ 7.239972032361282, 53.06733339024089 ], [ 7.239972032361282, 53.067130973709581 ], [ 7.238817055567415, 53.067130973709581 ], [ 7.238817055567415, 53.06733339024089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.067130973709581 ], [ 7.239972032361282, 53.067130973709581 ], [ 7.239972032361282, 53.066928556226983 ], [ 7.238817055567415, 53.066928556226983 ], [ 7.238817055567415, 53.067130973709581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 87.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.066726137793076 ], [ 7.239972032361282, 53.066726137793076 ], [ 7.239972032361282, 53.066523718407886 ], [ 7.238817055567415, 53.066523718407886 ], [ 7.238817055567415, 53.066726137793076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33180_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 115.99999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.066523718407886 ], [ 7.239972032361282, 53.066523718407886 ], [ 7.239972032361282, 53.066321298071379 ], [ 7.238817055567415, 53.066321298071379 ], [ 7.238817055567415, 53.066523718407886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.062340171458132 ], [ 7.233042171598076, 53.062340171458132 ], [ 7.233042171598076, 53.06213773146095 ], [ 7.231887194804207, 53.06213773146095 ], [ 7.231887194804207, 53.062340171458132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.44929725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.060315728675477 ], [ 7.233042171598076, 53.060315728675477 ], [ 7.233042171598076, 53.060113279164739 ], [ 7.231887194804207, 53.060113279164739 ], [ 7.231887194804207, 53.060315728675477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.06294748574166 ], [ 7.234197148391942, 53.06294748574166 ], [ 7.234197148391942, 53.062745048598494 ], [ 7.233042171598076, 53.062745048598494 ], [ 7.233042171598076, 53.06294748574166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.061935290512402 ], [ 7.235352125185812, 53.061935290512402 ], [ 7.235352125185812, 53.061732848612522 ], [ 7.234197148391942, 53.061732848612522 ], [ 7.234197148391942, 53.061935290512402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 92.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.063149921933494 ], [ 7.236507101979679, 53.063149921933494 ], [ 7.236507101979679, 53.06294748574166 ], [ 7.235352125185812, 53.06294748574166 ], [ 7.235352125185812, 53.063149921933494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.061935290512402 ], [ 7.236507101979679, 53.061935290512402 ], [ 7.236507101979679, 53.061732848612522 ], [ 7.235352125185812, 53.061732848612522 ], [ 7.235352125185812, 53.061935290512402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 193.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.063757224800987 ], [ 7.237662078773546, 53.063757224800987 ], [ 7.237662078773546, 53.063554791463154 ], [ 7.236507101979679, 53.063554791463154 ], [ 7.236507101979679, 53.063757224800987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 143.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.06294748574166 ], [ 7.237662078773546, 53.06294748574166 ], [ 7.237662078773546, 53.062745048598494 ], [ 7.236507101979679, 53.062745048598494 ], [ 7.236507101979679, 53.06294748574166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 137.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.061125517204779 ], [ 7.237662078773546, 53.061125517204779 ], [ 7.237662078773546, 53.060923071499481 ], [ 7.236507101979679, 53.060923071499481 ], [ 7.236507101979679, 53.061125517204779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.063757224800987 ], [ 7.238817055567415, 53.063757224800987 ], [ 7.238817055567415, 53.063554791463154 ], [ 7.237662078773546, 53.063554791463154 ], [ 7.237662078773546, 53.063757224800987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 91.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.063352357173983 ], [ 7.238817055567415, 53.063352357173983 ], [ 7.238817055567415, 53.063149921933494 ], [ 7.237662078773546, 53.063149921933494 ], [ 7.237662078773546, 53.063352357173983 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.593577 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.062745048598494 ], [ 7.238817055567415, 53.062745048598494 ], [ 7.238817055567415, 53.062542610503982 ], [ 7.237662078773546, 53.062542610503982 ], [ 7.237662078773546, 53.062745048598494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.67367633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.062542610503982 ], [ 7.238817055567415, 53.062542610503982 ], [ 7.238817055567415, 53.062340171458132 ], [ 7.237662078773546, 53.062340171458132 ], [ 7.237662078773546, 53.062542610503982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 126.00454466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.062340171458132 ], [ 7.238817055567415, 53.062340171458132 ], [ 7.238817055567415, 53.06213773146095 ], [ 7.237662078773546, 53.06213773146095 ], [ 7.237662078773546, 53.062340171458132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.06213773146095 ], [ 7.238817055567415, 53.06213773146095 ], [ 7.238817055567415, 53.061935290512402 ], [ 7.237662078773546, 53.061935290512402 ], [ 7.237662078773546, 53.06213773146095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 164.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.061732848612522 ], [ 7.238817055567415, 53.061732848612522 ], [ 7.238817055567415, 53.061530405761289 ], [ 7.237662078773546, 53.061530405761289 ], [ 7.237662078773546, 53.061732848612522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.061530405761289 ], [ 7.238817055567415, 53.061530405761289 ], [ 7.238817055567415, 53.06132796195871 ], [ 7.237662078773546, 53.06132796195871 ], [ 7.237662078773546, 53.061530405761289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.74999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.060720624842837 ], [ 7.238817055567415, 53.060720624842837 ], [ 7.238817055567415, 53.06051817723484 ], [ 7.237662078773546, 53.06051817723484 ], [ 7.237662078773546, 53.060720624842837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 119.33333466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.060315728675477 ], [ 7.238817055567415, 53.060315728675477 ], [ 7.238817055567415, 53.060113279164739 ], [ 7.237662078773546, 53.060113279164739 ], [ 7.237662078773546, 53.060315728675477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.060113279164739 ], [ 7.238817055567415, 53.060113279164739 ], [ 7.238817055567415, 53.059910828702655 ], [ 7.237662078773546, 53.059910828702655 ], [ 7.237662078773546, 53.060113279164739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.21875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.062542610503982 ], [ 7.239972032361282, 53.062542610503982 ], [ 7.239972032361282, 53.062340171458132 ], [ 7.238817055567415, 53.062340171458132 ], [ 7.238817055567415, 53.062542610503982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.062340171458132 ], [ 7.239972032361282, 53.062340171458132 ], [ 7.239972032361282, 53.06213773146095 ], [ 7.238817055567415, 53.06213773146095 ], [ 7.238817055567415, 53.062340171458132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.2708275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.06213773146095 ], [ 7.239972032361282, 53.06213773146095 ], [ 7.239972032361282, 53.061935290512402 ], [ 7.238817055567415, 53.061935290512402 ], [ 7.238817055567415, 53.06213773146095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.95012085714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.061935290512402 ], [ 7.239972032361282, 53.061935290512402 ], [ 7.239972032361282, 53.061732848612522 ], [ 7.238817055567415, 53.061732848612522 ], [ 7.238817055567415, 53.061935290512402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.061732848612522 ], [ 7.239972032361282, 53.061732848612522 ], [ 7.239972032361282, 53.061530405761289 ], [ 7.238817055567415, 53.061530405761289 ], [ 7.238817055567415, 53.061732848612522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 87.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.06132796195871 ], [ 7.239972032361282, 53.06132796195871 ], [ 7.239972032361282, 53.061125517204779 ], [ 7.238817055567415, 53.061125517204779 ], [ 7.238817055567415, 53.06132796195871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33181_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 113.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.061125517204779 ], [ 7.239972032361282, 53.061125517204779 ], [ 7.239972032361282, 53.060923071499481 ], [ 7.238817055567415, 53.060923071499481 ], [ 7.238817055567415, 53.061125517204779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.056941445956248 ], [ 7.233042171598076, 53.056941445956248 ], [ 7.233042171598076, 53.056738980589195 ], [ 7.231887194804207, 53.056738980589195 ], [ 7.231887194804207, 53.056941445956248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.054916749472689 ], [ 7.233042171598076, 53.054916749472689 ], [ 7.233042171598076, 53.054714274591582 ], [ 7.231887194804207, 53.054714274591582 ], [ 7.231887194804207, 53.054916749472689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.057548836349035 ], [ 7.234197148391942, 53.057548836349035 ], [ 7.234197148391942, 53.057346373836168 ], [ 7.233042171598076, 53.057346373836168 ], [ 7.233042171598076, 53.057548836349035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.056536514270746 ], [ 7.235352125185812, 53.056536514270746 ], [ 7.235352125185812, 53.056334047000909 ], [ 7.234197148391942, 53.056334047000909 ], [ 7.234197148391942, 53.056536514270746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.057751297910514 ], [ 7.236507101979679, 53.057751297910514 ], [ 7.236507101979679, 53.057548836349035 ], [ 7.235352125185812, 53.057548836349035 ], [ 7.235352125185812, 53.057751297910514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.056536514270746 ], [ 7.236507101979679, 53.056536514270746 ], [ 7.236507101979679, 53.056334047000909 ], [ 7.235352125185812, 53.056334047000909 ], [ 7.235352125185812, 53.056536514270746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.058358676886655 ], [ 7.237662078773546, 53.058358676886655 ], [ 7.237662078773546, 53.058156218179327 ], [ 7.236507101979679, 53.058156218179327 ], [ 7.236507101979679, 53.058358676886655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.057548836349035 ], [ 7.237662078773546, 53.057548836349035 ], [ 7.237662078773546, 53.057346373836168 ], [ 7.236507101979679, 53.057346373836168 ], [ 7.236507101979679, 53.057548836349035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.71697933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.05572663948297 ], [ 7.237662078773546, 53.05572663948297 ], [ 7.237662078773546, 53.055524168407509 ], [ 7.236507101979679, 53.055524168407509 ], [ 7.236507101979679, 53.05572663948297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.058358676886655 ], [ 7.238817055567415, 53.058358676886655 ], [ 7.238817055567415, 53.058156218179327 ], [ 7.237662078773546, 53.058156218179327 ], [ 7.237662078773546, 53.058358676886655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.057953758520618 ], [ 7.238817055567415, 53.057953758520618 ], [ 7.238817055567415, 53.057751297910514 ], [ 7.237662078773546, 53.057751297910514 ], [ 7.237662078773546, 53.057953758520618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 156.78060733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.057346373836168 ], [ 7.238817055567415, 53.057346373836168 ], [ 7.238817055567415, 53.057143910371906 ], [ 7.237662078773546, 53.057143910371906 ], [ 7.237662078773546, 53.057346373836168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.62547933333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.057143910371906 ], [ 7.238817055567415, 53.057143910371906 ], [ 7.238817055567415, 53.056941445956248 ], [ 7.237662078773546, 53.056941445956248 ], [ 7.237662078773546, 53.057143910371906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.25000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.056941445956248 ], [ 7.238817055567415, 53.056941445956248 ], [ 7.238817055567415, 53.056738980589195 ], [ 7.237662078773546, 53.056738980589195 ], [ 7.237662078773546, 53.056941445956248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.056738980589195 ], [ 7.238817055567415, 53.056738980589195 ], [ 7.238817055567415, 53.056536514270746 ], [ 7.237662078773546, 53.056536514270746 ], [ 7.237662078773546, 53.056738980589195 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 162.18689633333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.056334047000909 ], [ 7.238817055567415, 53.056334047000909 ], [ 7.238817055567415, 53.056131578779663 ], [ 7.237662078773546, 53.056131578779663 ], [ 7.237662078773546, 53.056334047000909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.056131578779663 ], [ 7.238817055567415, 53.056131578779663 ], [ 7.238817055567415, 53.055929109607021 ], [ 7.237662078773546, 53.055929109607021 ], [ 7.237662078773546, 53.056131578779663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.953847 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.055321696380645 ], [ 7.238817055567415, 53.055321696380645 ], [ 7.238817055567415, 53.055119223402365 ], [ 7.237662078773546, 53.055119223402365 ], [ 7.237662078773546, 53.055321696380645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 112.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.054916749472689 ], [ 7.238817055567415, 53.054916749472689 ], [ 7.238817055567415, 53.054714274591582 ], [ 7.237662078773546, 53.054714274591582 ], [ 7.237662078773546, 53.054916749472689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 117.036947 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.054714274591582 ], [ 7.238817055567415, 53.054714274591582 ], [ 7.238817055567415, 53.054511798759066 ], [ 7.237662078773546, 53.054511798759066 ], [ 7.237662078773546, 53.054714274591582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 116.49999725000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.057143910371906 ], [ 7.239972032361282, 53.057143910371906 ], [ 7.239972032361282, 53.056941445956248 ], [ 7.238817055567415, 53.056941445956248 ], [ 7.238817055567415, 53.057143910371906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.88888888888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.056941445956248 ], [ 7.239972032361282, 53.056941445956248 ], [ 7.239972032361282, 53.056738980589195 ], [ 7.238817055567415, 53.056738980589195 ], [ 7.238817055567415, 53.056941445956248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.056738980589195 ], [ 7.239972032361282, 53.056738980589195 ], [ 7.239972032361282, 53.056536514270746 ], [ 7.238817055567415, 53.056536514270746 ], [ 7.238817055567415, 53.056738980589195 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.11243562499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.056536514270746 ], [ 7.239972032361282, 53.056536514270746 ], [ 7.239972032361282, 53.056334047000909 ], [ 7.238817055567415, 53.056334047000909 ], [ 7.238817055567415, 53.056536514270746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.056334047000909 ], [ 7.239972032361282, 53.056334047000909 ], [ 7.239972032361282, 53.056131578779663 ], [ 7.238817055567415, 53.056131578779663 ], [ 7.238817055567415, 53.056334047000909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 84.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.055929109607021 ], [ 7.239972032361282, 53.055929109607021 ], [ 7.239972032361282, 53.05572663948297 ], [ 7.238817055567415, 53.05572663948297 ], [ 7.238817055567415, 53.055929109607021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33182_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 113.60213925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.05572663948297 ], [ 7.239972032361282, 53.05572663948297 ], [ 7.239972032361282, 53.055524168407509 ], [ 7.238817055567415, 53.055524168407509 ], [ 7.238817055567415, 53.05572663948297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 83.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.051542043907119 ], [ 7.233042171598076, 53.051542043907119 ], [ 7.233042171598076, 53.051339553168823 ], [ 7.231887194804207, 53.051339553168823 ], [ 7.231887194804207, 53.051542043907119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.049517093708836 ], [ 7.233042171598076, 53.049517093708836 ], [ 7.233042171598076, 53.049314593455975 ], [ 7.231887194804207, 53.049314593455975 ], [ 7.231887194804207, 53.049517093708836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.052149510413308 ], [ 7.234197148391942, 53.052149510413308 ], [ 7.234197148391942, 53.051947022529347 ], [ 7.233042171598076, 53.051947022529347 ], [ 7.233042171598076, 53.052149510413308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 86.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.051137061479089 ], [ 7.235352125185812, 53.051137061479089 ], [ 7.235352125185812, 53.05093456883791 ], [ 7.234197148391942, 53.05093456883791 ], [ 7.234197148391942, 53.051137061479089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.052351997345816 ], [ 7.236507101979679, 53.052351997345816 ], [ 7.236507101979679, 53.052149510413308 ], [ 7.235352125185812, 53.052149510413308 ], [ 7.235352125185812, 53.052351997345816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.051137061479089 ], [ 7.236507101979679, 53.051137061479089 ], [ 7.236507101979679, 53.05093456883791 ], [ 7.235352125185812, 53.05093456883791 ], [ 7.235352125185812, 53.051137061479089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.052959452434735 ], [ 7.237662078773546, 53.052959452434735 ], [ 7.237662078773546, 53.052756968356526 ], [ 7.236507101979679, 53.052756968356526 ], [ 7.236507101979679, 53.052959452434735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 144.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.052149510413308 ], [ 7.237662078773546, 53.052149510413308 ], [ 7.237662078773546, 53.051947022529347 ], [ 7.236507101979679, 53.051947022529347 ], [ 7.236507101979679, 53.052149510413308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 129.24999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.050327085205623 ], [ 7.237662078773546, 53.050327085205623 ], [ 7.237662078773546, 53.050124588758621 ], [ 7.236507101979679, 53.050124588758621 ], [ 7.236507101979679, 53.050327085205623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.052959452434735 ], [ 7.238817055567415, 53.052959452434735 ], [ 7.238817055567415, 53.052756968356526 ], [ 7.237662078773546, 53.052756968356526 ], [ 7.237662078773546, 53.052959452434735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.052554483326894 ], [ 7.238817055567415, 53.052554483326894 ], [ 7.238817055567415, 53.052351997345816 ], [ 7.237662078773546, 53.052351997345816 ], [ 7.237662078773546, 53.052554483326894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 170.5072805 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.051947022529347 ], [ 7.238817055567415, 53.051947022529347 ], [ 7.238817055567415, 53.051744533693956 ], [ 7.237662078773546, 53.051744533693956 ], [ 7.237662078773546, 53.051947022529347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.051744533693956 ], [ 7.238817055567415, 53.051744533693956 ], [ 7.238817055567415, 53.051542043907119 ], [ 7.237662078773546, 53.051542043907119 ], [ 7.237662078773546, 53.051744533693956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.013149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.051542043907119 ], [ 7.238817055567415, 53.051542043907119 ], [ 7.238817055567415, 53.051339553168823 ], [ 7.237662078773546, 53.051339553168823 ], [ 7.237662078773546, 53.051542043907119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.051339553168823 ], [ 7.238817055567415, 53.051339553168823 ], [ 7.238817055567415, 53.051137061479089 ], [ 7.237662078773546, 53.051137061479089 ], [ 7.237662078773546, 53.051339553168823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 170.99999833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.05093456883791 ], [ 7.238817055567415, 53.05093456883791 ], [ 7.238817055567415, 53.050732075245264 ], [ 7.237662078773546, 53.050732075245264 ], [ 7.237662078773546, 53.05093456883791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.050732075245264 ], [ 7.238817055567415, 53.050732075245264 ], [ 7.238817055567415, 53.050529580701173 ], [ 7.237662078773546, 53.050529580701173 ], [ 7.237662078773546, 53.050732075245264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.66666933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.049922091360152 ], [ 7.238817055567415, 53.049922091360152 ], [ 7.238817055567415, 53.049719593010217 ], [ 7.237662078773546, 53.049719593010217 ], [ 7.237662078773546, 53.049922091360152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 114.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.049517093708836 ], [ 7.238817055567415, 53.049517093708836 ], [ 7.238817055567415, 53.049314593455975 ], [ 7.237662078773546, 53.049314593455975 ], [ 7.237662078773546, 53.049517093708836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 122.35295625000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.049314593455975 ], [ 7.238817055567415, 53.049314593455975 ], [ 7.238817055567415, 53.049112092251654 ], [ 7.237662078773546, 53.049112092251654 ], [ 7.237662078773546, 53.049314593455975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 116.75000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.051744533693956 ], [ 7.239972032361282, 53.051744533693956 ], [ 7.239972032361282, 53.051542043907119 ], [ 7.238817055567415, 53.051542043907119 ], [ 7.238817055567415, 53.051744533693956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.051542043907119 ], [ 7.239972032361282, 53.051542043907119 ], [ 7.239972032361282, 53.051339553168823 ], [ 7.238817055567415, 53.051339553168823 ], [ 7.238817055567415, 53.051542043907119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.6431435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.051339553168823 ], [ 7.239972032361282, 53.051339553168823 ], [ 7.239972032361282, 53.051137061479089 ], [ 7.238817055567415, 53.051137061479089 ], [ 7.238817055567415, 53.051339553168823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.71457266666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.051137061479089 ], [ 7.239972032361282, 53.051137061479089 ], [ 7.239972032361282, 53.05093456883791 ], [ 7.238817055567415, 53.05093456883791 ], [ 7.238817055567415, 53.051137061479089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.05093456883791 ], [ 7.239972032361282, 53.05093456883791 ], [ 7.239972032361282, 53.050732075245264 ], [ 7.238817055567415, 53.050732075245264 ], [ 7.238817055567415, 53.05093456883791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 112.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.050529580701173 ], [ 7.239972032361282, 53.050529580701173 ], [ 7.239972032361282, 53.050327085205623 ], [ 7.238817055567415, 53.050327085205623 ], [ 7.238817055567415, 53.050529580701173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33183_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.696055 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.050327085205623 ], [ 7.239972032361282, 53.050327085205623 ], [ 7.239972032361282, 53.050124588758621 ], [ 7.238817055567415, 53.050124588758621 ], [ 7.238817055567415, 53.050327085205623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.046141965273904 ], [ 7.233042171598076, 53.046141965273904 ], [ 7.233042171598076, 53.045939449162987 ], [ 7.231887194804207, 53.045939449162987 ], [ 7.231887194804207, 53.046141965273904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 53.044116761347098 ], [ 7.233042171598076, 53.044116761347098 ], [ 7.233042171598076, 53.043914235721104 ], [ 7.231887194804207, 53.043914235721104 ], [ 7.231887194804207, 53.044116761347098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 53.046749507897637 ], [ 7.234197148391942, 53.046749507897637 ], [ 7.234197148391942, 53.046546994641226 ], [ 7.233042171598076, 53.046546994641226 ], [ 7.233042171598076, 53.046749507897637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 53.045736932100588 ], [ 7.235352125185812, 53.045736932100588 ], [ 7.235352125185812, 53.045534414086681 ], [ 7.234197148391942, 53.045534414086681 ], [ 7.234197148391942, 53.045736932100588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.046952020202561 ], [ 7.236507101979679, 53.046952020202561 ], [ 7.236507101979679, 53.046749507897637 ], [ 7.235352125185812, 53.046749507897637 ], [ 7.235352125185812, 53.046952020202561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 53.045736932100588 ], [ 7.236507101979679, 53.045736932100588 ], [ 7.236507101979679, 53.045534414086681 ], [ 7.235352125185812, 53.045534414086681 ], [ 7.235352125185812, 53.045736932100588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 194.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.047559551408405 ], [ 7.237662078773546, 53.047559551408405 ], [ 7.237662078773546, 53.047357041957959 ], [ 7.236507101979679, 53.047357041957959 ], [ 7.236507101979679, 53.047559551408405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 141.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.046749507897637 ], [ 7.237662078773546, 53.046749507897637 ], [ 7.237662078773546, 53.046546994641226 ], [ 7.236507101979679, 53.046546994641226 ], [ 7.236507101979679, 53.046749507897637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 53.04492685433592 ], [ 7.237662078773546, 53.04492685433592 ], [ 7.237662078773546, 53.044724332515983 ], [ 7.236507101979679, 53.044724332515983 ], [ 7.236507101979679, 53.04492685433592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.047559551408405 ], [ 7.238817055567415, 53.047559551408405 ], [ 7.238817055567415, 53.047357041957959 ], [ 7.237662078773546, 53.047357041957959 ], [ 7.237662078773546, 53.047559551408405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.047154531556004 ], [ 7.238817055567415, 53.047154531556004 ], [ 7.238817055567415, 53.046952020202561 ], [ 7.237662078773546, 53.046952020202561 ], [ 7.237662078773546, 53.047154531556004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 183.000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.046546994641226 ], [ 7.238817055567415, 53.046546994641226 ], [ 7.238817055567415, 53.046344480433312 ], [ 7.237662078773546, 53.046344480433312 ], [ 7.237662078773546, 53.046546994641226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.922166 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.046344480433312 ], [ 7.238817055567415, 53.046344480433312 ], [ 7.238817055567415, 53.046141965273904 ], [ 7.237662078773546, 53.046141965273904 ], [ 7.237662078773546, 53.046344480433312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.52614 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.046141965273904 ], [ 7.238817055567415, 53.046141965273904 ], [ 7.238817055567415, 53.045939449162987 ], [ 7.237662078773546, 53.045939449162987 ], [ 7.237662078773546, 53.046141965273904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.045939449162987 ], [ 7.238817055567415, 53.045939449162987 ], [ 7.238817055567415, 53.045736932100588 ], [ 7.237662078773546, 53.045736932100588 ], [ 7.237662078773546, 53.045939449162987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 170.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.045534414086681 ], [ 7.238817055567415, 53.045534414086681 ], [ 7.238817055567415, 53.045331895121272 ], [ 7.237662078773546, 53.045331895121272 ], [ 7.237662078773546, 53.045534414086681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.045331895121272 ], [ 7.238817055567415, 53.045331895121272 ], [ 7.238817055567415, 53.045129375204347 ], [ 7.237662078773546, 53.045129375204347 ], [ 7.237662078773546, 53.045331895121272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.044521809744538 ], [ 7.238817055567415, 53.044521809744538 ], [ 7.238817055567415, 53.044319286021583 ], [ 7.237662078773546, 53.044319286021583 ], [ 7.237662078773546, 53.044521809744538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 109.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.044116761347098 ], [ 7.238817055567415, 53.044116761347098 ], [ 7.238817055567415, 53.043914235721104 ], [ 7.237662078773546, 53.043914235721104 ], [ 7.237662078773546, 53.044116761347098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 123.163452 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 53.043914235721104 ], [ 7.238817055567415, 53.043914235721104 ], [ 7.238817055567415, 53.043711709143594 ], [ 7.237662078773546, 53.043711709143594 ], [ 7.237662078773546, 53.043914235721104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.046344480433312 ], [ 7.239972032361282, 53.046344480433312 ], [ 7.239972032361282, 53.046141965273904 ], [ 7.238817055567415, 53.046141965273904 ], [ 7.238817055567415, 53.046344480433312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.16666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.046141965273904 ], [ 7.239972032361282, 53.046141965273904 ], [ 7.239972032361282, 53.045939449162987 ], [ 7.238817055567415, 53.045939449162987 ], [ 7.238817055567415, 53.046141965273904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.045939449162987 ], [ 7.239972032361282, 53.045939449162987 ], [ 7.239972032361282, 53.045736932100588 ], [ 7.238817055567415, 53.045736932100588 ], [ 7.238817055567415, 53.045939449162987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.045736932100588 ], [ 7.239972032361282, 53.045736932100588 ], [ 7.239972032361282, 53.045534414086681 ], [ 7.238817055567415, 53.045534414086681 ], [ 7.238817055567415, 53.045736932100588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.045534414086681 ], [ 7.239972032361282, 53.045534414086681 ], [ 7.239972032361282, 53.045331895121272 ], [ 7.238817055567415, 53.045331895121272 ], [ 7.238817055567415, 53.045534414086681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.045129375204347 ], [ 7.239972032361282, 53.045129375204347 ], [ 7.239972032361282, 53.04492685433592 ], [ 7.238817055567415, 53.04492685433592 ], [ 7.238817055567415, 53.045129375204347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33184_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 115.0847645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 53.04492685433592 ], [ 7.239972032361282, 53.04492685433592 ], [ 7.239972032361282, 53.044724332515983 ], [ 7.238817055567415, 53.044724332515983 ], [ 7.238817055567415, 53.04492685433592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.889245206005569 ], [ 7.233042171598076, 52.889245206005569 ], [ 7.233042171598076, 52.889041953491436 ], [ 7.231887194804207, 52.889041953491436 ], [ 7.231887194804207, 52.889245206005569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 138.014352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.887212637979552 ], [ 7.233042171598076, 52.887212637979552 ], [ 7.233042171598076, 52.887009375935442 ], [ 7.231887194804207, 52.887009375935442 ], [ 7.231887194804207, 52.887212637979552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.88965170817486 ], [ 7.234197148391942, 52.88965170817486 ], [ 7.234197148391942, 52.889448457566715 ], [ 7.233042171598076, 52.889448457566715 ], [ 7.233042171598076, 52.88965170817486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.888838700024323 ], [ 7.235352125185812, 52.888838700024323 ], [ 7.235352125185812, 52.888635445604208 ], [ 7.234197148391942, 52.888635445604208 ], [ 7.234197148391942, 52.888838700024323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 179.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.890058206532224 ], [ 7.236507101979679, 52.890058206532224 ], [ 7.236507101979679, 52.889854957830039 ], [ 7.235352125185812, 52.889854957830039 ], [ 7.235352125185812, 52.890058206532224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.888838700024323 ], [ 7.236507101979679, 52.888838700024323 ], [ 7.236507101979679, 52.888635445604208 ], [ 7.235352125185812, 52.888635445604208 ], [ 7.235352125185812, 52.888838700024323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 112.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.890667946920935 ], [ 7.237662078773546, 52.890667946920935 ], [ 7.237662078773546, 52.890464701077676 ], [ 7.236507101979679, 52.890464701077676 ], [ 7.236507101979679, 52.890667946920935 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 158.71657633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.890261454281443 ], [ 7.237662078773546, 52.890261454281443 ], [ 7.237662078773546, 52.890058206532224 ], [ 7.236507101979679, 52.890058206532224 ], [ 7.236507101979679, 52.890261454281443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 142.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.889854957830039 ], [ 7.237662078773546, 52.889854957830039 ], [ 7.237662078773546, 52.88965170817486 ], [ 7.236507101979679, 52.88965170817486 ], [ 7.236507101979679, 52.889854957830039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 105.750002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.888025676625922 ], [ 7.237662078773546, 52.888025676625922 ], [ 7.237662078773546, 52.887822418393831 ], [ 7.236507101979679, 52.887822418393831 ], [ 7.236507101979679, 52.888025676625922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 157.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.890667946920935 ], [ 7.238817055567415, 52.890667946920935 ], [ 7.238817055567415, 52.890464701077676 ], [ 7.237662078773546, 52.890464701077676 ], [ 7.237662078773546, 52.890667946920935 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.890261454281443 ], [ 7.238817055567415, 52.890261454281443 ], [ 7.238817055567415, 52.890058206532224 ], [ 7.237662078773546, 52.890058206532224 ], [ 7.237662078773546, 52.890261454281443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 176.676276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.88965170817486 ], [ 7.238817055567415, 52.88965170817486 ], [ 7.238817055567415, 52.889448457566715 ], [ 7.237662078773546, 52.889448457566715 ], [ 7.237662078773546, 52.88965170817486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.889448457566715 ], [ 7.238817055567415, 52.889448457566715 ], [ 7.238817055567415, 52.889245206005569 ], [ 7.237662078773546, 52.889245206005569 ], [ 7.237662078773546, 52.889448457566715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 119.89211033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.889245206005569 ], [ 7.238817055567415, 52.889245206005569 ], [ 7.238817055567415, 52.889041953491436 ], [ 7.237662078773546, 52.889041953491436 ], [ 7.237662078773546, 52.889245206005569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 99.6250005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.888838700024323 ], [ 7.238817055567415, 52.888838700024323 ], [ 7.238817055567415, 52.888635445604208 ], [ 7.237662078773546, 52.888635445604208 ], [ 7.237662078773546, 52.888838700024323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 126.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.888635445604208 ], [ 7.238817055567415, 52.888635445604208 ], [ 7.238817055567415, 52.888432190231114 ], [ 7.237662078773546, 52.888432190231114 ], [ 7.237662078773546, 52.888635445604208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 171.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.888432190231114 ], [ 7.238817055567415, 52.888432190231114 ], [ 7.238817055567415, 52.888228933905019 ], [ 7.237662078773546, 52.888228933905019 ], [ 7.237662078773546, 52.888432190231114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 94.3999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.887619159208739 ], [ 7.238817055567415, 52.887619159208739 ], [ 7.238817055567415, 52.887415899070646 ], [ 7.237662078773546, 52.887415899070646 ], [ 7.237662078773546, 52.887619159208739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 132.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.887212637979552 ], [ 7.238817055567415, 52.887212637979552 ], [ 7.238817055567415, 52.887009375935442 ], [ 7.237662078773546, 52.887009375935442 ], [ 7.237662078773546, 52.887212637979552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 87.5105002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.887009375935442 ], [ 7.238817055567415, 52.887009375935442 ], [ 7.238817055567415, 52.886806112938324 ], [ 7.237662078773546, 52.886806112938324 ], [ 7.237662078773546, 52.887009375935442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.889448457566715 ], [ 7.239972032361282, 52.889448457566715 ], [ 7.239972032361282, 52.889245206005569 ], [ 7.238817055567415, 52.889245206005569 ], [ 7.238817055567415, 52.889448457566715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.889245206005569 ], [ 7.239972032361282, 52.889245206005569 ], [ 7.239972032361282, 52.889041953491436 ], [ 7.238817055567415, 52.889041953491436 ], [ 7.238817055567415, 52.889245206005569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.6812535 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.889041953491436 ], [ 7.239972032361282, 52.889041953491436 ], [ 7.239972032361282, 52.888838700024323 ], [ 7.238817055567415, 52.888838700024323 ], [ 7.238817055567415, 52.889041953491436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.14285771428573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.888838700024323 ], [ 7.239972032361282, 52.888838700024323 ], [ 7.239972032361282, 52.888635445604208 ], [ 7.238817055567415, 52.888635445604208 ], [ 7.238817055567415, 52.888838700024323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 76.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.888635445604208 ], [ 7.239972032361282, 52.888635445604208 ], [ 7.239972032361282, 52.888432190231114 ], [ 7.238817055567415, 52.888432190231114 ], [ 7.238817055567415, 52.888635445604208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.888228933905019 ], [ 7.239972032361282, 52.888228933905019 ], [ 7.239972032361282, 52.888025676625922 ], [ 7.238817055567415, 52.888025676625922 ], [ 7.238817055567415, 52.888228933905019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33213_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.888025676625922 ], [ 7.239972032361282, 52.888025676625922 ], [ 7.239972032361282, 52.887822418393831 ], [ 7.238817055567415, 52.887822418393831 ], [ 7.238817055567415, 52.888025676625922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.883824812822724 ], [ 7.233042171598076, 52.883824812822724 ], [ 7.233042171598076, 52.883621534894893 ], [ 7.231887194804207, 52.883621534894893 ], [ 7.231887194804207, 52.883824812822724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.11994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.88179199065744 ], [ 7.233042171598076, 52.88179199065744 ], [ 7.233042171598076, 52.881588703199142 ], [ 7.231887194804207, 52.881588703199142 ], [ 7.231887194804207, 52.88179199065744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.884231365819254 ], [ 7.234197148391942, 52.884231365819254 ], [ 7.234197148391942, 52.884028089797518 ], [ 7.233042171598076, 52.884028089797518 ], [ 7.233042171598076, 52.884231365819254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.883418256014032 ], [ 7.235352125185812, 52.883418256014032 ], [ 7.235352125185812, 52.883214976180128 ], [ 7.234197148391942, 52.883214976180128 ], [ 7.234197148391942, 52.883418256014032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.884637915003658 ], [ 7.236507101979679, 52.884637915003658 ], [ 7.236507101979679, 52.884434640887974 ], [ 7.235352125185812, 52.884434640887974 ], [ 7.235352125185812, 52.884637915003658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 79.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.883418256014032 ], [ 7.236507101979679, 52.883418256014032 ], [ 7.236507101979679, 52.883214976180128 ], [ 7.235352125185812, 52.883214976180128 ], [ 7.235352125185812, 52.883418256014032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 72.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.885247731632539 ], [ 7.237662078773546, 52.885247731632539 ], [ 7.237662078773546, 52.885044460375944 ], [ 7.236507101979679, 52.885044460375944 ], [ 7.236507101979679, 52.885247731632539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 181.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.884841188166313 ], [ 7.237662078773546, 52.884841188166313 ], [ 7.237662078773546, 52.884637915003658 ], [ 7.236507101979679, 52.884637915003658 ], [ 7.236507101979679, 52.884841188166313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.3788455 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.884434640887974 ], [ 7.237662078773546, 52.884434640887974 ], [ 7.237662078773546, 52.884231365819254 ], [ 7.236507101979679, 52.884231365819254 ], [ 7.236507101979679, 52.884434640887974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 88.7144915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.882605130960144 ], [ 7.237662078773546, 52.882605130960144 ], [ 7.237662078773546, 52.882401847314043 ], [ 7.236507101979679, 52.882401847314043 ], [ 7.236507101979679, 52.882605130960144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.885247731632539 ], [ 7.238817055567415, 52.885247731632539 ], [ 7.238817055567415, 52.885044460375944 ], [ 7.237662078773546, 52.885044460375944 ], [ 7.237662078773546, 52.885247731632539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 191.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.884841188166313 ], [ 7.238817055567415, 52.884841188166313 ], [ 7.238817055567415, 52.884637915003658 ], [ 7.237662078773546, 52.884637915003658 ], [ 7.237662078773546, 52.884841188166313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 168.34246433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.884231365819254 ], [ 7.238817055567415, 52.884231365819254 ], [ 7.238817055567415, 52.884028089797518 ], [ 7.237662078773546, 52.884028089797518 ], [ 7.237662078773546, 52.884231365819254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.250002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.884028089797518 ], [ 7.238817055567415, 52.884028089797518 ], [ 7.238817055567415, 52.883824812822724 ], [ 7.237662078773546, 52.883824812822724 ], [ 7.237662078773546, 52.884028089797518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 99.558824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.883824812822724 ], [ 7.238817055567415, 52.883824812822724 ], [ 7.238817055567415, 52.883621534894893 ], [ 7.237662078773546, 52.883621534894893 ], [ 7.237662078773546, 52.883824812822724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 101.22127044444444 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.883418256014032 ], [ 7.238817055567415, 52.883418256014032 ], [ 7.238817055567415, 52.883214976180128 ], [ 7.237662078773546, 52.883214976180128 ], [ 7.237662078773546, 52.883418256014032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 133.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.883214976180128 ], [ 7.238817055567415, 52.883214976180128 ], [ 7.238817055567415, 52.883011695393179 ], [ 7.237662078773546, 52.883011695393179 ], [ 7.237662078773546, 52.883214976180128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.883011695393179 ], [ 7.238817055567415, 52.883011695393179 ], [ 7.238817055567415, 52.88280841365318 ], [ 7.237662078773546, 52.88280841365318 ], [ 7.237662078773546, 52.883011695393179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 95.1887914 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.88219856271489 ], [ 7.238817055567415, 52.88219856271489 ], [ 7.238817055567415, 52.881995277162702 ], [ 7.237662078773546, 52.881995277162702 ], [ 7.237662078773546, 52.88219856271489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 125.70952333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.88179199065744 ], [ 7.238817055567415, 52.88179199065744 ], [ 7.238817055567415, 52.881588703199142 ], [ 7.237662078773546, 52.881588703199142 ], [ 7.237662078773546, 52.88179199065744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 87.243421166666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.881588703199142 ], [ 7.238817055567415, 52.881588703199142 ], [ 7.238817055567415, 52.881385414787765 ], [ 7.237662078773546, 52.881385414787765 ], [ 7.237662078773546, 52.881588703199142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.884028089797518 ], [ 7.239972032361282, 52.884028089797518 ], [ 7.239972032361282, 52.883824812822724 ], [ 7.238817055567415, 52.883824812822724 ], [ 7.238817055567415, 52.884028089797518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 82.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.883824812822724 ], [ 7.239972032361282, 52.883824812822724 ], [ 7.239972032361282, 52.883621534894893 ], [ 7.238817055567415, 52.883621534894893 ], [ 7.238817055567415, 52.883824812822724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.3501935 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.883621534894893 ], [ 7.239972032361282, 52.883621534894893 ], [ 7.239972032361282, 52.883418256014032 ], [ 7.238817055567415, 52.883418256014032 ], [ 7.238817055567415, 52.883621534894893 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.87499975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.883418256014032 ], [ 7.239972032361282, 52.883418256014032 ], [ 7.239972032361282, 52.883214976180128 ], [ 7.238817055567415, 52.883214976180128 ], [ 7.238817055567415, 52.883418256014032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 76.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.883214976180128 ], [ 7.239972032361282, 52.883214976180128 ], [ 7.239972032361282, 52.883011695393179 ], [ 7.238817055567415, 52.883011695393179 ], [ 7.238817055567415, 52.883214976180128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.88280841365318 ], [ 7.239972032361282, 52.88280841365318 ], [ 7.239972032361282, 52.882605130960144 ], [ 7.238817055567415, 52.882605130960144 ], [ 7.238817055567415, 52.88280841365318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33214_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 120.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.882605130960144 ], [ 7.239972032361282, 52.882605130960144 ], [ 7.239972032361282, 52.882401847314043 ], [ 7.238817055567415, 52.882401847314043 ], [ 7.238817055567415, 52.882605130960144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33227_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 90.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.813298016133395 ], [ 7.239972032361282, 52.813298016133395 ], [ 7.239972032361282, 52.813094407704227 ], [ 7.238817055567415, 52.813094407704227 ], [ 7.238817055567415, 52.813298016133395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33228_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.807868131639673 ], [ 7.239972032361282, 52.807868131639673 ], [ 7.239972032361282, 52.807664497777871 ], [ 7.238817055567415, 52.807664497777871 ], [ 7.238817055567415, 52.807868131639673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33252_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.677755841557072 ], [ 7.237662078773546, 52.677755841557072 ], [ 7.237662078773546, 52.677551598819335 ], [ 7.236507101979679, 52.677551598819335 ], [ 7.236507101979679, 52.677755841557072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33252_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.676121872916461 ], [ 7.237662078773546, 52.676121872916461 ], [ 7.237662078773546, 52.67591762253906 ], [ 7.236507101979679, 52.67591762253906 ], [ 7.236507101979679, 52.676121872916461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33253_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.672309041740078 ], [ 7.237662078773546, 52.672309041740078 ], [ 7.237662078773546, 52.67210477353634 ], [ 7.236507101979679, 52.67210477353634 ], [ 7.236507101979679, 52.672309041740078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33253_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.670674869370067 ], [ 7.237662078773546, 52.670674869370067 ], [ 7.237662078773546, 52.670470593526282 ], [ 7.236507101979679, 52.670470593526282 ], [ 7.236507101979679, 52.670674869370067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.464211392291112 ], [ 7.233042171598076, 52.464211392291112 ], [ 7.233042171598076, 52.464006152531105 ], [ 7.231887194804207, 52.464006152531105 ], [ 7.231887194804207, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.33333533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.462364200003179 ], [ 7.233042171598076, 52.462364200003179 ], [ 7.233042171598076, 52.462158951631196 ], [ 7.231887194804207, 52.462158951631196 ], [ 7.231887194804207, 52.462364200003179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.464827105829897 ], [ 7.234197148391942, 52.464827105829897 ], [ 7.234197148391942, 52.464621868940512 ], [ 7.233042171598076, 52.464621868940512 ], [ 7.233042171598076, 52.464827105829897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.464006152531105 ], [ 7.235352125185812, 52.464006152531105 ], [ 7.235352125185812, 52.463800911814204 ], [ 7.234197148391942, 52.463800911814204 ], [ 7.234197148391942, 52.464006152531105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.465442810756841 ], [ 7.236507101979679, 52.465442810756841 ], [ 7.236507101979679, 52.465237576738069 ], [ 7.235352125185812, 52.465237576738069 ], [ 7.235352125185812, 52.465442810756841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.464211392291112 ], [ 7.236507101979679, 52.464211392291112 ], [ 7.236507101979679, 52.464006152531105 ], [ 7.235352125185812, 52.464006152531105 ], [ 7.235352125185812, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.463390427509772 ], [ 7.236507101979679, 52.463390427509772 ], [ 7.236507101979679, 52.463185183922235 ], [ 7.235352125185812, 52.463185183922235 ], [ 7.235352125185812, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.465853275923791 ], [ 7.237662078773546, 52.465853275923791 ], [ 7.237662078773546, 52.465648043818753 ], [ 7.236507101979679, 52.465648043818753 ], [ 7.236507101979679, 52.465853275923791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 167.211343 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.465648043818753 ], [ 7.237662078773546, 52.465648043818753 ], [ 7.237662078773546, 52.465442810756841 ], [ 7.236507101979679, 52.465442810756841 ], [ 7.236507101979679, 52.465648043818753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 163.75000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.465442810756841 ], [ 7.237662078773546, 52.465442810756841 ], [ 7.237662078773546, 52.465237576738069 ], [ 7.236507101979679, 52.465237576738069 ], [ 7.236507101979679, 52.465442810756841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.465032341762409 ], [ 7.237662078773546, 52.465032341762409 ], [ 7.237662078773546, 52.464827105829897 ], [ 7.236507101979679, 52.464827105829897 ], [ 7.236507101979679, 52.465032341762409 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.464621868940512 ], [ 7.237662078773546, 52.464621868940512 ], [ 7.237662078773546, 52.464416631094252 ], [ 7.236507101979679, 52.464416631094252 ], [ 7.236507101979679, 52.464621868940512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 156.4999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.463390427509772 ], [ 7.237662078773546, 52.463390427509772 ], [ 7.237662078773546, 52.463185183922235 ], [ 7.236507101979679, 52.463185183922235 ], [ 7.236507101979679, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 139.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.463185183922235 ], [ 7.237662078773546, 52.463185183922235 ], [ 7.237662078773546, 52.462979939377803 ], [ 7.236507101979679, 52.462979939377803 ], [ 7.236507101979679, 52.463185183922235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.465853275923791 ], [ 7.238817055567415, 52.465853275923791 ], [ 7.238817055567415, 52.465648043818753 ], [ 7.237662078773546, 52.465648043818753 ], [ 7.237662078773546, 52.465853275923791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 190.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.465442810756841 ], [ 7.238817055567415, 52.465442810756841 ], [ 7.238817055567415, 52.465237576738069 ], [ 7.237662078773546, 52.465237576738069 ], [ 7.237662078773546, 52.465442810756841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.427167 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.464621868940512 ], [ 7.238817055567415, 52.464621868940512 ], [ 7.238817055567415, 52.464416631094252 ], [ 7.237662078773546, 52.464416631094252 ], [ 7.237662078773546, 52.464621868940512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.17472933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.464416631094252 ], [ 7.238817055567415, 52.464416631094252 ], [ 7.238817055567415, 52.464211392291112 ], [ 7.237662078773546, 52.464211392291112 ], [ 7.237662078773546, 52.464416631094252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.909732 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.464211392291112 ], [ 7.238817055567415, 52.464211392291112 ], [ 7.238817055567415, 52.464006152531105 ], [ 7.237662078773546, 52.464006152531105 ], [ 7.237662078773546, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 130.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.464006152531105 ], [ 7.238817055567415, 52.464006152531105 ], [ 7.238817055567415, 52.463800911814204 ], [ 7.237662078773546, 52.463800911814204 ], [ 7.237662078773546, 52.464006152531105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.463390427509772 ], [ 7.238817055567415, 52.463390427509772 ], [ 7.238817055567415, 52.463185183922235 ], [ 7.237662078773546, 52.463185183922235 ], [ 7.237662078773546, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 148.339621 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.462774693876483 ], [ 7.238817055567415, 52.462774693876483 ], [ 7.238817055567415, 52.462569447418282 ], [ 7.237662078773546, 52.462569447418282 ], [ 7.237662078773546, 52.462774693876483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 132.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.461953702302296 ], [ 7.238817055567415, 52.461953702302296 ], [ 7.238817055567415, 52.461748452016508 ], [ 7.237662078773546, 52.461748452016508 ], [ 7.237662078773546, 52.461953702302296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.66666633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.464621868940512 ], [ 7.239972032361282, 52.464621868940512 ], [ 7.239972032361282, 52.464416631094252 ], [ 7.238817055567415, 52.464416631094252 ], [ 7.238817055567415, 52.464621868940512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.464416631094252 ], [ 7.239972032361282, 52.464416631094252 ], [ 7.239972032361282, 52.464211392291112 ], [ 7.238817055567415, 52.464211392291112 ], [ 7.238817055567415, 52.464416631094252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.464211392291112 ], [ 7.239972032361282, 52.464211392291112 ], [ 7.239972032361282, 52.464006152531105 ], [ 7.238817055567415, 52.464006152531105 ], [ 7.238817055567415, 52.464211392291112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.92223288888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.464006152531105 ], [ 7.239972032361282, 52.464006152531105 ], [ 7.239972032361282, 52.463800911814204 ], [ 7.238817055567415, 52.463800911814204 ], [ 7.238817055567415, 52.464006152531105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 135.202078 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.463800911814204 ], [ 7.239972032361282, 52.463800911814204 ], [ 7.239972032361282, 52.463595670140435 ], [ 7.238817055567415, 52.463595670140435 ], [ 7.238817055567415, 52.463800911814204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.463595670140435 ], [ 7.239972032361282, 52.463595670140435 ], [ 7.239972032361282, 52.463390427509772 ], [ 7.238817055567415, 52.463390427509772 ], [ 7.238817055567415, 52.463595670140435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 158.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.463390427509772 ], [ 7.239972032361282, 52.463390427509772 ], [ 7.239972032361282, 52.463185183922235 ], [ 7.238817055567415, 52.463185183922235 ], [ 7.238817055567415, 52.463390427509772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33291_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.462979939377803 ], [ 7.239972032361282, 52.462979939377803 ], [ 7.239972032361282, 52.462774693876483 ], [ 7.238817055567415, 52.462774693876483 ], [ 7.238817055567415, 52.462979939377803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.458738004553602 ], [ 7.233042171598076, 52.458738004553602 ], [ 7.233042171598076, 52.45853273927618 ], [ 7.231887194804207, 52.45853273927618 ], [ 7.231887194804207, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.6260315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.456890582607279 ], [ 7.233042171598076, 52.456890582607279 ], [ 7.233042171598076, 52.456685308717454 ], [ 7.231887194804207, 52.456685308717454 ], [ 7.231887194804207, 52.456890582607279 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.459353794644308 ], [ 7.234197148391942, 52.459353794644308 ], [ 7.234197148391942, 52.459148532237663 ], [ 7.233042171598076, 52.459148532237663 ], [ 7.233042171598076, 52.459353794644308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.45853273927618 ], [ 7.235352125185812, 52.45853273927618 ], [ 7.235352125185812, 52.458327473041841 ], [ 7.234197148391942, 52.458327473041841 ], [ 7.234197148391942, 52.45853273927618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.459969576122724 ], [ 7.236507101979679, 52.459969576122724 ], [ 7.236507101979679, 52.459764316586835 ], [ 7.235352125185812, 52.459764316586835 ], [ 7.235352125185812, 52.459969576122724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.458738004553602 ], [ 7.236507101979679, 52.458738004553602 ], [ 7.236507101979679, 52.45853273927618 ], [ 7.235352125185812, 52.45853273927618 ], [ 7.235352125185812, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.45791693770235 ], [ 7.236507101979679, 52.45791693770235 ], [ 7.236507101979679, 52.45771166859722 ], [ 7.235352125185812, 52.45771166859722 ], [ 7.235352125185812, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.460380092323753 ], [ 7.237662078773546, 52.460380092323753 ], [ 7.237662078773546, 52.460174834701697 ], [ 7.236507101979679, 52.460174834701697 ], [ 7.236507101979679, 52.460380092323753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 146.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.460174834701697 ], [ 7.237662078773546, 52.460174834701697 ], [ 7.237662078773546, 52.459969576122724 ], [ 7.236507101979679, 52.459969576122724 ], [ 7.236507101979679, 52.460174834701697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.459969576122724 ], [ 7.237662078773546, 52.459969576122724 ], [ 7.237662078773546, 52.459764316586835 ], [ 7.236507101979679, 52.459764316586835 ], [ 7.236507101979679, 52.459969576122724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.171642 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.459559056094029 ], [ 7.237662078773546, 52.459559056094029 ], [ 7.237662078773546, 52.459353794644308 ], [ 7.236507101979679, 52.459353794644308 ], [ 7.236507101979679, 52.459559056094029 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.459148532237663 ], [ 7.237662078773546, 52.459148532237663 ], [ 7.237662078773546, 52.458943268874094 ], [ 7.236507101979679, 52.458943268874094 ], [ 7.236507101979679, 52.459148532237663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 155.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.45791693770235 ], [ 7.237662078773546, 52.45791693770235 ], [ 7.237662078773546, 52.45771166859722 ], [ 7.236507101979679, 52.45771166859722 ], [ 7.236507101979679, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.45771166859722 ], [ 7.237662078773546, 52.45771166859722 ], [ 7.237662078773546, 52.457506398535138 ], [ 7.236507101979679, 52.457506398535138 ], [ 7.236507101979679, 52.45771166859722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.460380092323753 ], [ 7.238817055567415, 52.460380092323753 ], [ 7.238817055567415, 52.460174834701697 ], [ 7.237662078773546, 52.460174834701697 ], [ 7.237662078773546, 52.460380092323753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.459969576122724 ], [ 7.238817055567415, 52.459969576122724 ], [ 7.238817055567415, 52.459764316586835 ], [ 7.237662078773546, 52.459764316586835 ], [ 7.237662078773546, 52.459969576122724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.7373735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.459148532237663 ], [ 7.238817055567415, 52.459148532237663 ], [ 7.238817055567415, 52.458943268874094 ], [ 7.237662078773546, 52.458943268874094 ], [ 7.237662078773546, 52.459148532237663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.8994675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.458943268874094 ], [ 7.238817055567415, 52.458943268874094 ], [ 7.238817055567415, 52.458738004553602 ], [ 7.237662078773546, 52.458738004553602 ], [ 7.237662078773546, 52.458943268874094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 125.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.458738004553602 ], [ 7.238817055567415, 52.458738004553602 ], [ 7.238817055567415, 52.45853273927618 ], [ 7.237662078773546, 52.45853273927618 ], [ 7.237662078773546, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.45853273927618 ], [ 7.238817055567415, 52.45853273927618 ], [ 7.238817055567415, 52.458327473041841 ], [ 7.237662078773546, 52.458327473041841 ], [ 7.237662078773546, 52.45853273927618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.45791693770235 ], [ 7.238817055567415, 52.45791693770235 ], [ 7.238817055567415, 52.45771166859722 ], [ 7.237662078773546, 52.45771166859722 ], [ 7.237662078773546, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.457301127516132 ], [ 7.238817055567415, 52.457301127516132 ], [ 7.238817055567415, 52.457095855540175 ], [ 7.237662078773546, 52.457095855540175 ], [ 7.237662078773546, 52.457301127516132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 136.4457745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.456480033870669 ], [ 7.238817055567415, 52.456480033870669 ], [ 7.238817055567415, 52.456274758066947 ], [ 7.237662078773546, 52.456274758066947 ], [ 7.237662078773546, 52.456480033870669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.459148532237663 ], [ 7.239972032361282, 52.459148532237663 ], [ 7.239972032361282, 52.458943268874094 ], [ 7.238817055567415, 52.458943268874094 ], [ 7.238817055567415, 52.459148532237663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.458943268874094 ], [ 7.239972032361282, 52.458943268874094 ], [ 7.239972032361282, 52.458738004553602 ], [ 7.238817055567415, 52.458738004553602 ], [ 7.238817055567415, 52.458943268874094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 109.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.458738004553602 ], [ 7.239972032361282, 52.458738004553602 ], [ 7.239972032361282, 52.45853273927618 ], [ 7.238817055567415, 52.45853273927618 ], [ 7.238817055567415, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.384283 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.45853273927618 ], [ 7.239972032361282, 52.45853273927618 ], [ 7.239972032361282, 52.458327473041841 ], [ 7.238817055567415, 52.458327473041841 ], [ 7.238817055567415, 52.45853273927618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 107.475303 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.458327473041841 ], [ 7.239972032361282, 52.458327473041841 ], [ 7.239972032361282, 52.458122205850565 ], [ 7.238817055567415, 52.458122205850565 ], [ 7.238817055567415, 52.458327473041841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.458122205850565 ], [ 7.239972032361282, 52.458122205850565 ], [ 7.239972032361282, 52.45791693770235 ], [ 7.238817055567415, 52.45791693770235 ], [ 7.238817055567415, 52.458122205850565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.45791693770235 ], [ 7.239972032361282, 52.45791693770235 ], [ 7.239972032361282, 52.45771166859722 ], [ 7.238817055567415, 52.45771166859722 ], [ 7.238817055567415, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33292_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 121.319908 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.457506398535138 ], [ 7.239972032361282, 52.457506398535138 ], [ 7.239972032361282, 52.457301127516132 ], [ 7.238817055567415, 52.457301127516132 ], [ 7.238817055567415, 52.457506398535138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.294219793871136 ], [ 7.233042171598076, 52.294219793871136 ], [ 7.233042171598076, 52.294013762471096 ], [ 7.231887194804207, 52.294013762471096 ], [ 7.231887194804207, 52.294219793871136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 132.649469 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.292159436743638 ], [ 7.233042171598076, 52.292159436743638 ], [ 7.233042171598076, 52.291953395759755 ], [ 7.231887194804207, 52.291953395759755 ], [ 7.231887194804207, 52.292159436743638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.294837882321012 ], [ 7.234197148391942, 52.294837882321012 ], [ 7.234197148391942, 52.294631853796091 ], [ 7.233042171598076, 52.294631853796091 ], [ 7.233042171598076, 52.294837882321012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.294013762471096 ], [ 7.235352125185812, 52.294013762471096 ], [ 7.235352125185812, 52.293807730112697 ], [ 7.234197148391942, 52.293807730112697 ], [ 7.234197148391942, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.29545596214556 ], [ 7.236507101979679, 52.29545596214556 ], [ 7.236507101979679, 52.295249936495743 ], [ 7.235352125185812, 52.295249936495743 ], [ 7.235352125185812, 52.29545596214556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.294219793871136 ], [ 7.236507101979679, 52.294219793871136 ], [ 7.236507101979679, 52.294013762471096 ], [ 7.235352125185812, 52.294013762471096 ], [ 7.235352125185812, 52.294219793871136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.29339566252073 ], [ 7.236507101979679, 52.29339566252073 ], [ 7.236507101979679, 52.293189627287177 ], [ 7.235352125185812, 52.293189627287177 ], [ 7.235352125185812, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.295868010570111 ], [ 7.237662078773546, 52.295868010570111 ], [ 7.237662078773546, 52.295661986837011 ], [ 7.236507101979679, 52.295661986837011 ], [ 7.236507101979679, 52.295868010570111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 142.98341775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.295661986837011 ], [ 7.237662078773546, 52.295661986837011 ], [ 7.237662078773546, 52.29545596214556 ], [ 7.236507101979679, 52.29545596214556 ], [ 7.236507101979679, 52.295661986837011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.294631853796091 ], [ 7.237662078773546, 52.294631853796091 ], [ 7.237662078773546, 52.294425824312796 ], [ 7.236507101979679, 52.294425824312796 ], [ 7.236507101979679, 52.294631853796091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.295868010570111 ], [ 7.238817055567415, 52.295868010570111 ], [ 7.238817055567415, 52.295661986837011 ], [ 7.237662078773546, 52.295661986837011 ], [ 7.237662078773546, 52.295868010570111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 161.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.29545596214556 ], [ 7.238817055567415, 52.29545596214556 ], [ 7.238817055567415, 52.295249936495743 ], [ 7.237662078773546, 52.295249936495743 ], [ 7.237662078773546, 52.29545596214556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 137.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.294837882321012 ], [ 7.238817055567415, 52.294837882321012 ], [ 7.238817055567415, 52.294631853796091 ], [ 7.237662078773546, 52.294631853796091 ], [ 7.237662078773546, 52.294837882321012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 125.0792395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.294425824312796 ], [ 7.238817055567415, 52.294425824312796 ], [ 7.238817055567415, 52.294219793871136 ], [ 7.237662078773546, 52.294219793871136 ], [ 7.237662078773546, 52.294425824312796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.29277755394493 ], [ 7.238817055567415, 52.29277755394493 ], [ 7.238817055567415, 52.292571515836215 ], [ 7.237662078773546, 52.292571515836215 ], [ 7.237662078773546, 52.29277755394493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 120.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.291953395759755 ], [ 7.238817055567415, 52.291953395759755 ], [ 7.238817055567415, 52.291747353817492 ], [ 7.237662078773546, 52.291747353817492 ], [ 7.237662078773546, 52.291953395759755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 136.66666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.294631853796091 ], [ 7.239972032361282, 52.294631853796091 ], [ 7.239972032361282, 52.294425824312796 ], [ 7.238817055567415, 52.294425824312796 ], [ 7.238817055567415, 52.294631853796091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.85714285714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.294219793871136 ], [ 7.239972032361282, 52.294219793871136 ], [ 7.239972032361282, 52.294013762471096 ], [ 7.238817055567415, 52.294013762471096 ], [ 7.238817055567415, 52.294219793871136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 132.33333233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.294013762471096 ], [ 7.239972032361282, 52.294013762471096 ], [ 7.239972032361282, 52.293807730112697 ], [ 7.238817055567415, 52.293807730112697 ], [ 7.238817055567415, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.03555575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.293807730112697 ], [ 7.239972032361282, 52.293807730112697 ], [ 7.239972032361282, 52.293601696795903 ], [ 7.238817055567415, 52.293601696795903 ], [ 7.238817055567415, 52.293807730112697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33322_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.292983591095251 ], [ 7.239972032361282, 52.292983591095251 ], [ 7.239972032361282, 52.29277755394493 ], [ 7.238817055567415, 52.29277755394493 ], [ 7.238817055567415, 52.292983591095251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.288725295220864 ], [ 7.233042171598076, 52.288725295220864 ], [ 7.233042171598076, 52.288519238263518 ], [ 7.231887194804207, 52.288519238263518 ], [ 7.231887194804207, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 129.790227 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.286664682518115 ], [ 7.233042171598076, 52.286664682518115 ], [ 7.233042171598076, 52.28645861597645 ], [ 7.231887194804207, 52.28645861597645 ], [ 7.231887194804207, 52.286664682518115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.28934346034238 ], [ 7.234197148391942, 52.28934346034238 ], [ 7.234197148391942, 52.289137406260295 ], [ 7.233042171598076, 52.289137406260295 ], [ 7.233042171598076, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 168.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.288519238263518 ], [ 7.235352125185812, 52.288519238263518 ], [ 7.235352125185812, 52.288313180347757 ], [ 7.234197148391942, 52.288313180347757 ], [ 7.234197148391942, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.289961616838141 ], [ 7.236507101979679, 52.289961616838141 ], [ 7.236507101979679, 52.289755565631296 ], [ 7.235352125185812, 52.289755565631296 ], [ 7.235352125185812, 52.289961616838141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.288725295220864 ], [ 7.236507101979679, 52.288725295220864 ], [ 7.236507101979679, 52.288519238263518 ], [ 7.235352125185812, 52.288519238263518 ], [ 7.235352125185812, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.28790106164093 ], [ 7.236507101979679, 52.28790106164093 ], [ 7.236507101979679, 52.28769500084988 ], [ 7.235352125185812, 52.28769500084988 ], [ 7.235352125185812, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.290373716376585 ], [ 7.237662078773546, 52.290373716376585 ], [ 7.237662078773546, 52.290167667086564 ], [ 7.236507101979679, 52.290167667086564 ], [ 7.236507101979679, 52.290373716376585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 134.40894125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.290167667086564 ], [ 7.237662078773546, 52.290167667086564 ], [ 7.237662078773546, 52.289961616838141 ], [ 7.236507101979679, 52.289961616838141 ], [ 7.236507101979679, 52.290167667086564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.289137406260295 ], [ 7.237662078773546, 52.289137406260295 ], [ 7.237662078773546, 52.288931351219794 ], [ 7.236507101979679, 52.288931351219794 ], [ 7.236507101979679, 52.289137406260295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.290373716376585 ], [ 7.238817055567415, 52.290373716376585 ], [ 7.238817055567415, 52.290167667086564 ], [ 7.237662078773546, 52.290167667086564 ], [ 7.237662078773546, 52.290373716376585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.289961616838141 ], [ 7.238817055567415, 52.289961616838141 ], [ 7.238817055567415, 52.289755565631296 ], [ 7.237662078773546, 52.289755565631296 ], [ 7.237662078773546, 52.289961616838141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.8616215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.28934346034238 ], [ 7.238817055567415, 52.28934346034238 ], [ 7.238817055567415, 52.289137406260295 ], [ 7.237662078773546, 52.289137406260295 ], [ 7.237662078773546, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.819576 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.288931351219794 ], [ 7.238817055567415, 52.288931351219794 ], [ 7.238817055567415, 52.288725295220864 ], [ 7.237662078773546, 52.288725295220864 ], [ 7.237662078773546, 52.288931351219794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.287282876392482 ], [ 7.238817055567415, 52.287282876392482 ], [ 7.238817055567415, 52.287076812726127 ], [ 7.237662078773546, 52.287076812726127 ], [ 7.237662078773546, 52.287282876392482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 123.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.28645861597645 ], [ 7.238817055567415, 52.28645861597645 ], [ 7.238817055567415, 52.286252548476348 ], [ 7.237662078773546, 52.286252548476348 ], [ 7.237662078773546, 52.28645861597645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 141.820352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.289137406260295 ], [ 7.239972032361282, 52.289137406260295 ], [ 7.239972032361282, 52.288931351219794 ], [ 7.238817055567415, 52.288931351219794 ], [ 7.238817055567415, 52.289137406260295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.288725295220864 ], [ 7.239972032361282, 52.288725295220864 ], [ 7.239972032361282, 52.288519238263518 ], [ 7.238817055567415, 52.288519238263518 ], [ 7.238817055567415, 52.288725295220864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.288519238263518 ], [ 7.239972032361282, 52.288519238263518 ], [ 7.239972032361282, 52.288313180347757 ], [ 7.238817055567415, 52.288313180347757 ], [ 7.238817055567415, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 134.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.288313180347757 ], [ 7.239972032361282, 52.288313180347757 ], [ 7.239972032361282, 52.288107121473551 ], [ 7.238817055567415, 52.288107121473551 ], [ 7.238817055567415, 52.288313180347757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33323_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 127.639868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.287488939100399 ], [ 7.239972032361282, 52.287488939100399 ], [ 7.239972032361282, 52.287282876392482 ], [ 7.238817055567415, 52.287282876392482 ], [ 7.238817055567415, 52.287488939100399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 96.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.184200288746155 ], [ 7.233042171598076, 52.184200288746155 ], [ 7.233042171598076, 52.183993745958603 ], [ 7.231887194804207, 52.183993745958603 ], [ 7.231887194804207, 52.184200288746155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.27460366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231887194804207, 52.1821348177007 ], [ 7.233042171598076, 52.1821348177007 ], [ 7.233042171598076, 52.181928265319804 ], [ 7.231887194804207, 52.181928265319804 ], [ 7.231887194804207, 52.1821348177007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.233042171598076, 52.184819911352868 ], [ 7.234197148391942, 52.184819911352868 ], [ 7.234197148391942, 52.184613371443284 ], [ 7.233042171598076, 52.184613371443284 ], [ 7.233042171598076, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 98.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.234197148391942, 52.183993745958603 ], [ 7.235352125185812, 52.183993745958603 ], [ 7.235352125185812, 52.183787202211725 ], [ 7.234197148391942, 52.183787202211725 ], [ 7.234197148391942, 52.183993745958603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.185439525325705 ], [ 7.236507101979679, 52.185439525325705 ], [ 7.236507101979679, 52.185232988294082 ], [ 7.235352125185812, 52.185232988294082 ], [ 7.235352125185812, 52.185439525325705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 101.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.184200288746155 ], [ 7.236507101979679, 52.184200288746155 ], [ 7.236507101979679, 52.183993745958603 ], [ 7.235352125185812, 52.183993745958603 ], [ 7.235352125185812, 52.184200288746155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 106.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.235352125185812, 52.183374111839981 ], [ 7.236507101979679, 52.183374111839981 ], [ 7.236507101979679, 52.183167565215101 ], [ 7.235352125185812, 52.183167565215101 ], [ 7.235352125185812, 52.183374111839981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.185852596511019 ], [ 7.237662078773546, 52.185852596511019 ], [ 7.237662078773546, 52.185646061398018 ], [ 7.236507101979679, 52.185646061398018 ], [ 7.236507101979679, 52.185852596511019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 52.185646061398018 ], [ 7.237662078773546, 52.185646061398018 ], [ 7.237662078773546, 52.185439525325705 ], [ 7.236507101979679, 52.185439525325705 ], [ 7.236507101979679, 52.185646061398018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.185852596511019 ], [ 7.238817055567415, 52.185852596511019 ], [ 7.238817055567415, 52.185646061398018 ], [ 7.237662078773546, 52.185646061398018 ], [ 7.237662078773546, 52.185852596511019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.185439525325705 ], [ 7.238817055567415, 52.185439525325705 ], [ 7.238817055567415, 52.185232988294082 ], [ 7.237662078773546, 52.185232988294082 ], [ 7.237662078773546, 52.185439525325705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 72.810791125000009 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.184819911352868 ], [ 7.238817055567415, 52.184819911352868 ], [ 7.238817055567415, 52.184613371443284 ], [ 7.237662078773546, 52.184613371443284 ], [ 7.237662078773546, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 81.516705333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.184613371443284 ], [ 7.238817055567415, 52.184613371443284 ], [ 7.238817055567415, 52.184406830574382 ], [ 7.237662078773546, 52.184406830574382 ], [ 7.237662078773546, 52.184613371443284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 80.68039675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.184406830574382 ], [ 7.238817055567415, 52.184406830574382 ], [ 7.238817055567415, 52.184200288746155 ], [ 7.237662078773546, 52.184200288746155 ], [ 7.237662078773546, 52.184406830574382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 102.8000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.182547919584472 ], [ 7.238817055567415, 52.182547919584472 ], [ 7.238817055567415, 52.182341369122263 ], [ 7.237662078773546, 52.182341369122263 ], [ 7.237662078773546, 52.182547919584472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.3264045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.237662078773546, 52.181928265319804 ], [ 7.238817055567415, 52.181928265319804 ], [ 7.238817055567415, 52.181721711979563 ], [ 7.237662078773546, 52.181721711979563 ], [ 7.237662078773546, 52.181928265319804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 107.8000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.184819911352868 ], [ 7.239972032361282, 52.184819911352868 ], [ 7.239972032361282, 52.184613371443284 ], [ 7.238817055567415, 52.184613371443284 ], [ 7.238817055567415, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.26666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.184200288746155 ], [ 7.239972032361282, 52.184200288746155 ], [ 7.239972032361282, 52.183993745958603 ], [ 7.238817055567415, 52.183993745958603 ], [ 7.238817055567415, 52.184200288746155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.1999988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.183993745958603 ], [ 7.239972032361282, 52.183993745958603 ], [ 7.239972032361282, 52.183787202211725 ], [ 7.238817055567415, 52.183787202211725 ], [ 7.238817055567415, 52.183993745958603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33342_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.545455363636378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.238817055567415, 52.183787202211725 ], [ 7.239972032361282, 52.183787202211725 ], [ 7.239972032361282, 52.183580657505509 ], [ 7.238817055567415, 52.183580657505509 ], [ 7.238817055567415, 52.183787202211725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33590_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.797206540311691 ], [ 7.237662078773546, 50.797206540311691 ], [ 7.237662078773546, 50.796993616505716 ], [ 7.236507101979679, 50.796993616505716 ], [ 7.236507101979679, 50.797206540311691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33591_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.79152824015965 ], [ 7.237662078773546, 50.79152824015965 ], [ 7.237662078773546, 50.791315290483951 ], [ 7.236507101979679, 50.791315290483951 ], [ 7.236507101979679, 50.79152824015965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33592_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.785849250134703 ], [ 7.237662078773546, 50.785849250134703 ], [ 7.237662078773546, 50.785636274588214 ], [ 7.236507101979679, 50.785636274588214 ], [ 7.236507101979679, 50.785849250134703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33594_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.774489200354012 ], [ 7.237662078773546, 50.774489200354012 ], [ 7.237662078773546, 50.774276173062802 ], [ 7.236507101979679, 50.774276173062802 ], [ 7.236507101979679, 50.774489200354012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33595_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.768808140542298 ], [ 7.237662078773546, 50.768808140542298 ], [ 7.237662078773546, 50.768595087377172 ], [ 7.236507101979679, 50.768595087377172 ], [ 7.236507101979679, 50.768808140542298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33598_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.751760821086492 ], [ 7.237662078773546, 50.751760821086492 ], [ 7.237662078773546, 50.7515476902933 ], [ 7.236507101979679, 50.7515476902933 ], [ 7.236507101979679, 50.751760821086492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33599_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.746077001167997 ], [ 7.237662078773546, 50.746077001167997 ], [ 7.237662078773546, 50.745863844496689 ], [ 7.236507101979679, 50.745863844496689 ], [ 7.236507101979679, 50.746077001167997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33600_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.740392491153116 ], [ 7.237662078773546, 50.740392491153116 ], [ 7.237662078773546, 50.740179308602649 ], [ 7.236507101979679, 50.740179308602649 ], [ 7.236507101979679, 50.740392491153116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33601_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.734707291014026 ], [ 7.237662078773546, 50.734707291014026 ], [ 7.237662078773546, 50.734494082583382 ], [ 7.236507101979679, 50.734494082583382 ], [ 7.236507101979679, 50.734707291014026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33602_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.729021400722928 ], [ 7.237662078773546, 50.729021400722928 ], [ 7.237662078773546, 50.728808166411035 ], [ 7.236507101979679, 50.728808166411035 ], [ 7.236507101979679, 50.729021400722928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33603_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.723334820252056 ], [ 7.237662078773546, 50.723334820252056 ], [ 7.237662078773546, 50.723121560057869 ], [ 7.236507101979679, 50.723121560057869 ], [ 7.236507101979679, 50.723334820252056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33604_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.236507101979679, 50.71764754957362 ], [ 7.237662078773546, 50.71764754957362 ], [ 7.237662078773546, 50.717434263496109 ], [ 7.236507101979679, 50.717434263496109 ], [ 7.236507101979679, 50.71764754957362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33761_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 63.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.57233957305256 ], [ 7.24202532443927, 53.57233957305256 ], [ 7.24202532443927, 53.57213953773325 ], [ 7.240870347645402, 53.57213953773325 ], [ 7.240870347645402, 53.57233957305256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33761_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.571539426097537 ], [ 7.244335278027006, 53.571539426097537 ], [ 7.244335278027006, 53.571339386993017 ], [ 7.243180301233139, 53.571339386993017 ], [ 7.243180301233139, 53.571539426097537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33761_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.573339735454709 ], [ 7.246645231614742, 53.573339735454709 ], [ 7.246645231614742, 53.573139704866854 ], [ 7.245490254820874, 53.573139704866854 ], [ 7.245490254820874, 53.573339735454709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33761_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.573339735454709 ], [ 7.24780020840861, 53.573339735454709 ], [ 7.24780020840861, 53.573139704866854 ], [ 7.246645231614742, 53.573139704866854 ], [ 7.246645231614742, 53.573339735454709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33761_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.571739464255742 ], [ 7.248955185202478, 53.571739464255742 ], [ 7.248955185202478, 53.571539426097537 ], [ 7.24780020840861, 53.571539426097537 ], [ 7.24780020840861, 53.571739464255742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33762_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 64.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.567004974021053 ], [ 7.24202532443927, 53.567004974021053 ], [ 7.24202532443927, 53.566804913466441 ], [ 7.240870347645402, 53.566804913466441 ], [ 7.240870347645402, 53.567004974021053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33762_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 65.714285714285708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.566204726124454 ], [ 7.244335278027006, 53.566204726124454 ], [ 7.244335278027006, 53.566004661784405 ], [ 7.243180301233139, 53.566004661784405 ], [ 7.243180301233139, 53.566204726124454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33762_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 69.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.568005262598945 ], [ 7.246645231614742, 53.568005262598945 ], [ 7.246645231614742, 53.567805206776043 ], [ 7.245490254820874, 53.567805206776043 ], [ 7.245490254820874, 53.568005262598945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33762_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.568005262598945 ], [ 7.24780020840861, 53.568005262598945 ], [ 7.24780020840861, 53.567805206776043 ], [ 7.246645231614742, 53.567805206776043 ], [ 7.246645231614742, 53.568005262598945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33762_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 70.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.566404789518131 ], [ 7.248955185202478, 53.566404789518131 ], [ 7.248955185202478, 53.566204726124454 ], [ 7.24780020840861, 53.566204726124454 ], [ 7.24780020840861, 53.566404789518131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33763_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 85.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.561669702029299 ], [ 7.24202532443927, 53.561669702029299 ], [ 7.24202532443927, 53.561469616237922 ], [ 7.240870347645402, 53.561469616237922 ], [ 7.240870347645402, 53.561669702029299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33763_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.560869353185325 ], [ 7.244335278027006, 53.560869353185325 ], [ 7.244335278027006, 53.560669263608304 ], [ 7.243180301233139, 53.560669263608304 ], [ 7.243180301233139, 53.560869353185325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33763_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.562670116790173 ], [ 7.246645231614742, 53.562670116790173 ], [ 7.246645231614742, 53.562470035730797 ], [ 7.245490254820874, 53.562470035730797 ], [ 7.245490254820874, 53.562670116790173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33763_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 69.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.562670116790173 ], [ 7.24780020840861, 53.562670116790173 ], [ 7.24780020840861, 53.562470035730797 ], [ 7.246645231614742, 53.562470035730797 ], [ 7.246645231614742, 53.562670116790173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33763_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.561069441815938 ], [ 7.248955185202478, 53.561069441815938 ], [ 7.248955185202478, 53.560869353185325 ], [ 7.24780020840861, 53.560869353185325 ], [ 7.24780020840861, 53.561069441815938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33787_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.433421186001866 ], [ 7.24202532443927, 53.433421186001866 ], [ 7.24202532443927, 53.433220494095394 ], [ 7.240870347645402, 53.433220494095394 ], [ 7.240870347645402, 53.433421186001866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33787_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 95.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.432618412689735 ], [ 7.244335278027006, 53.432618412689735 ], [ 7.244335278027006, 53.432417716992433 ], [ 7.243180301233139, 53.432417716992433 ], [ 7.243180301233139, 53.432618412689735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33787_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.434424631318791 ], [ 7.246645231614742, 53.434424631318791 ], [ 7.246645231614742, 53.434223944150794 ], [ 7.245490254820874, 53.434223944150794 ], [ 7.245490254820874, 53.434424631318791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33787_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.434424631318791 ], [ 7.24780020840861, 53.434424631318791 ], [ 7.24780020840861, 53.434223944150794 ], [ 7.246645231614742, 53.434223944150794 ], [ 7.246645231614742, 53.434424631318791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33787_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 92.90055225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.433019801241208 ], [ 7.248955185202478, 53.433019801241208 ], [ 7.248955185202478, 53.432819107439336 ], [ 7.24780020840861, 53.432819107439336 ], [ 7.24780020840861, 53.433019801241208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33787_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 85.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.432819107439336 ], [ 7.248955185202478, 53.432819107439336 ], [ 7.248955185202478, 53.432618412689735 ], [ 7.24780020840861, 53.432618412689735 ], [ 7.24780020840861, 53.432819107439336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33788_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 73.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.42806907749862 ], [ 7.24202532443927, 53.42806907749862 ], [ 7.24202532443927, 53.427868360319387 ], [ 7.240870347645402, 53.427868360319387 ], [ 7.240870347645402, 53.42806907749862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33788_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 76.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.427266203095144 ], [ 7.244335278027006, 53.427266203095144 ], [ 7.244335278027006, 53.427065482124874 ], [ 7.243180301233139, 53.427065482124874 ], [ 7.243180301233139, 53.427266203095144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33788_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 81.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.429072649178501 ], [ 7.246645231614742, 53.429072649178501 ], [ 7.246645231614742, 53.428871936738027 ], [ 7.245490254820874, 53.428871936738027 ], [ 7.245490254820874, 53.429072649178501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33788_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 99.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.429072649178501 ], [ 7.24780020840861, 53.429072649178501 ], [ 7.24780020840861, 53.428871936738027 ], [ 7.246645231614742, 53.428871936738027 ], [ 7.246645231614742, 53.429072649178501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33788_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.24999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.427667642192397 ], [ 7.248955185202478, 53.427667642192397 ], [ 7.248955185202478, 53.427466923117656 ], [ 7.24780020840861, 53.427466923117656 ], [ 7.24780020840861, 53.427667642192397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33788_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 68.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.427466923117656 ], [ 7.248955185202478, 53.427466923117656 ], [ 7.248955185202478, 53.427266203095144 ], [ 7.24780020840861, 53.427266203095144 ], [ 7.24780020840861, 53.427466923117656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 107.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.374309948476011 ], [ 7.24202532443927, 53.374309948476011 ], [ 7.24202532443927, 53.374108977542356 ], [ 7.240870347645402, 53.374108977542356 ], [ 7.240870347645402, 53.374309948476011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 105.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.373707032830183 ], [ 7.244335278027006, 53.373707032830183 ], [ 7.244335278027006, 53.37350605905165 ], [ 7.243180301233139, 53.37350605905165 ], [ 7.243180301233139, 53.373707032830183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.375113822727698 ], [ 7.245490254820874, 53.375113822727698 ], [ 7.245490254820874, 53.374912855587198 ], [ 7.244335278027006, 53.374912855587198 ], [ 7.244335278027006, 53.375113822727698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.375515754163843 ], [ 7.246645231614742, 53.375515754163843 ], [ 7.246645231614742, 53.375314788919908 ], [ 7.245490254820874, 53.375314788919908 ], [ 7.245490254820874, 53.375515754163843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 93.1627475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.374711887498428 ], [ 7.246645231614742, 53.374711887498428 ], [ 7.246645231614742, 53.374510918461361 ], [ 7.245490254820874, 53.374510918461361 ], [ 7.245490254820874, 53.374711887498428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.375515754163843 ], [ 7.24780020840861, 53.375515754163843 ], [ 7.24780020840861, 53.375314788919908 ], [ 7.246645231614742, 53.375314788919908 ], [ 7.246645231614742, 53.375515754163843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 77.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.375113822727698 ], [ 7.24780020840861, 53.375113822727698 ], [ 7.24780020840861, 53.374912855587198 ], [ 7.246645231614742, 53.374912855587198 ], [ 7.246645231614742, 53.375113822727698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.184039 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.374108977542356 ], [ 7.248955185202478, 53.374108977542356 ], [ 7.248955185202478, 53.373908005660418 ], [ 7.24780020840861, 53.373908005660418 ], [ 7.24780020840861, 53.374108977542356 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33798_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 112.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.373707032830183 ], [ 7.248955185202478, 53.373707032830183 ], [ 7.248955185202478, 53.37350605905165 ], [ 7.24780020840861, 53.37350605905165 ], [ 7.24780020840861, 53.373707032830183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.368950399046078 ], [ 7.24202532443927, 53.368950399046078 ], [ 7.24202532443927, 53.368749402823923 ], [ 7.240870347645402, 53.368749402823923 ], [ 7.240870347645402, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 98.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.368347407534579 ], [ 7.244335278027006, 53.368347407534579 ], [ 7.244335278027006, 53.368146408467368 ], [ 7.243180301233139, 53.368146408467368 ], [ 7.243180301233139, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.369754374451261 ], [ 7.245490254820874, 53.369754374451261 ], [ 7.245490254820874, 53.369553382022481 ], [ 7.244335278027006, 53.369553382022481 ], [ 7.244335278027006, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 104.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.370156356463831 ], [ 7.246645231614742, 53.370156356463831 ], [ 7.246645231614742, 53.369955365931716 ], [ 7.245490254820874, 53.369955365931716 ], [ 7.245490254820874, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 98.94494 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.369352388645353 ], [ 7.246645231614742, 53.369352388645353 ], [ 7.246645231614742, 53.369151394319879 ], [ 7.245490254820874, 53.369151394319879 ], [ 7.245490254820874, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.370156356463831 ], [ 7.24780020840861, 53.370156356463831 ], [ 7.24780020840861, 53.369955365931716 ], [ 7.246645231614742, 53.369955365931716 ], [ 7.246645231614742, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 75.857142857142861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.369754374451261 ], [ 7.24780020840861, 53.369754374451261 ], [ 7.24780020840861, 53.369553382022481 ], [ 7.246645231614742, 53.369553382022481 ], [ 7.246645231614742, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 74.764346833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.368950399046078 ], [ 7.24780020840861, 53.368950399046078 ], [ 7.24780020840861, 53.368749402823923 ], [ 7.246645231614742, 53.368749402823923 ], [ 7.246645231614742, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 80.2223014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.368749402823923 ], [ 7.24780020840861, 53.368749402823923 ], [ 7.24780020840861, 53.368548405653428 ], [ 7.246645231614742, 53.368548405653428 ], [ 7.246645231614742, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 89.833334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.368749402823923 ], [ 7.248955185202478, 53.368749402823923 ], [ 7.248955185202478, 53.368548405653428 ], [ 7.24780020840861, 53.368548405653428 ], [ 7.24780020840861, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33799_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 105.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.368347407534579 ], [ 7.248955185202478, 53.368347407534579 ], [ 7.248955185202478, 53.368146408467368 ], [ 7.24780020840861, 53.368146408467368 ], [ 7.24780020840861, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.36359017523769 ], [ 7.24202532443927, 53.36359017523769 ], [ 7.24202532443927, 53.363389153725599 ], [ 7.240870347645402, 53.363389153725599 ], [ 7.240870347645402, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.362987107856235 ], [ 7.244335278027006, 53.362987107856235 ], [ 7.244335278027006, 53.362786083498946 ], [ 7.243180301233139, 53.362786083498946 ], [ 7.243180301233139, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.364394251802061 ], [ 7.245490254820874, 53.364394251802061 ], [ 7.245490254820874, 53.364193234083558 ], [ 7.244335278027006, 53.364193234083558 ], [ 7.244335278027006, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.364796284393911 ], [ 7.246645231614742, 53.364796284393911 ], [ 7.246645231614742, 53.364595268572181 ], [ 7.245490254820874, 53.364595268572181 ], [ 7.245490254820874, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 97.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.363992215416665 ], [ 7.246645231614742, 53.363992215416665 ], [ 7.246645231614742, 53.363791195801376 ], [ 7.245490254820874, 53.363791195801376 ], [ 7.245490254820874, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.364796284393911 ], [ 7.24780020840861, 53.364796284393911 ], [ 7.24780020840861, 53.364595268572181 ], [ 7.246645231614742, 53.364595268572181 ], [ 7.246645231614742, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.364394251802061 ], [ 7.24780020840861, 53.364394251802061 ], [ 7.24780020840861, 53.364193234083558 ], [ 7.246645231614742, 53.364193234083558 ], [ 7.246645231614742, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 77.9831835 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.36359017523769 ], [ 7.24780020840861, 53.36359017523769 ], [ 7.24780020840861, 53.363389153725599 ], [ 7.246645231614742, 53.363389153725599 ], [ 7.246645231614742, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 85.827526 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.363389153725599 ], [ 7.24780020840861, 53.363389153725599 ], [ 7.24780020840861, 53.363188131265126 ], [ 7.246645231614742, 53.363188131265126 ], [ 7.246645231614742, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 91.4890525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.363389153725599 ], [ 7.248955185202478, 53.363389153725599 ], [ 7.248955185202478, 53.363188131265126 ], [ 7.24780020840861, 53.363188131265126 ], [ 7.24780020840861, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33800_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.362987107856235 ], [ 7.248955185202478, 53.362987107856235 ], [ 7.248955185202478, 53.362786083498946 ], [ 7.24780020840861, 53.362786083498946 ], [ 7.24780020840861, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33834_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.181546681758618 ], [ 7.243180301233139, 53.181546681758618 ], [ 7.243180301233139, 53.181344802397923 ], [ 7.24202532443927, 53.181344802397923 ], [ 7.24202532443927, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.105505624197711 ], [ 7.24202532443927, 53.105505624197711 ], [ 7.24202532443927, 53.105303387109565 ], [ 7.240870347645402, 53.105303387109565 ], [ 7.240870347645402, 53.105505624197711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.103483210524161 ], [ 7.24202532443927, 53.103483210524161 ], [ 7.24202532443927, 53.103280963926636 ], [ 7.240870347645402, 53.103280963926636 ], [ 7.240870347645402, 53.103483210524161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.106112329756606 ], [ 7.243180301233139, 53.106112329756606 ], [ 7.243180301233139, 53.105910095521232 ], [ 7.24202532443927, 53.105910095521232 ], [ 7.24202532443927, 53.106112329756606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.104898910080472 ], [ 7.244335278027006, 53.104898910080472 ], [ 7.244335278027006, 53.104696670139532 ], [ 7.243180301233139, 53.104696670139532 ], [ 7.243180301233139, 53.104898910080472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.10631456304106 ], [ 7.245490254820874, 53.10631456304106 ], [ 7.245490254820874, 53.106112329756606 ], [ 7.244335278027006, 53.106112329756606 ], [ 7.244335278027006, 53.10631456304106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.105101149070485 ], [ 7.245490254820874, 53.105101149070485 ], [ 7.245490254820874, 53.104898910080472 ], [ 7.244335278027006, 53.104898910080472 ], [ 7.244335278027006, 53.105101149070485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.106921257188915 ], [ 7.246645231614742, 53.106921257188915 ], [ 7.246645231614742, 53.106719026757212 ], [ 7.245490254820874, 53.106719026757212 ], [ 7.245490254820874, 53.106921257188915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.6098255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.106112329756606 ], [ 7.246645231614742, 53.106112329756606 ], [ 7.246645231614742, 53.105910095521232 ], [ 7.245490254820874, 53.105910095521232 ], [ 7.245490254820874, 53.106112329756606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 140.216051 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.104292187404837 ], [ 7.246645231614742, 53.104292187404837 ], [ 7.246645231614742, 53.104089944611083 ], [ 7.245490254820874, 53.104089944611083 ], [ 7.245490254820874, 53.104292187404837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.106719026757212 ], [ 7.24780020840861, 53.106719026757212 ], [ 7.24780020840861, 53.106516795374596 ], [ 7.246645231614742, 53.106516795374596 ], [ 7.246645231614742, 53.106719026757212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.106516795374596 ], [ 7.24780020840861, 53.106516795374596 ], [ 7.24780020840861, 53.10631456304106 ], [ 7.246645231614742, 53.10631456304106 ], [ 7.246645231614742, 53.106516795374596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.500003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.105707860334931 ], [ 7.24780020840861, 53.105707860334931 ], [ 7.24780020840861, 53.105505624197711 ], [ 7.246645231614742, 53.105505624197711 ], [ 7.246645231614742, 53.105707860334931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.9212645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.105303387109565 ], [ 7.24780020840861, 53.105303387109565 ], [ 7.24780020840861, 53.105101149070485 ], [ 7.246645231614742, 53.105101149070485 ], [ 7.246645231614742, 53.105303387109565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 151.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.104898910080472 ], [ 7.24780020840861, 53.104898910080472 ], [ 7.24780020840861, 53.104696670139532 ], [ 7.246645231614742, 53.104696670139532 ], [ 7.246645231614742, 53.104898910080472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 80.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.104696670139532 ], [ 7.24780020840861, 53.104696670139532 ], [ 7.24780020840861, 53.104494429247652 ], [ 7.246645231614742, 53.104494429247652 ], [ 7.246645231614742, 53.104696670139532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.87295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.10388770086638 ], [ 7.24780020840861, 53.10388770086638 ], [ 7.24780020840861, 53.103685456170744 ], [ 7.246645231614742, 53.103685456170744 ], [ 7.246645231614742, 53.10388770086638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.103280963926636 ], [ 7.24780020840861, 53.103280963926636 ], [ 7.24780020840861, 53.10307871637815 ], [ 7.246645231614742, 53.10307871637815 ], [ 7.246645231614742, 53.103280963926636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.105707860334931 ], [ 7.248955185202478, 53.105707860334931 ], [ 7.248955185202478, 53.105505624197711 ], [ 7.24780020840861, 53.105505624197711 ], [ 7.24780020840861, 53.105707860334931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.71428571428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.105505624197711 ], [ 7.248955185202478, 53.105505624197711 ], [ 7.248955185202478, 53.105303387109565 ], [ 7.24780020840861, 53.105303387109565 ], [ 7.24780020840861, 53.105505624197711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.105303387109565 ], [ 7.248955185202478, 53.105303387109565 ], [ 7.248955185202478, 53.105101149070485 ], [ 7.24780020840861, 53.105101149070485 ], [ 7.24780020840861, 53.105303387109565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.105101149070485 ], [ 7.248955185202478, 53.105101149070485 ], [ 7.248955185202478, 53.104898910080472 ], [ 7.24780020840861, 53.104898910080472 ], [ 7.24780020840861, 53.105101149070485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.104898910080472 ], [ 7.248955185202478, 53.104898910080472 ], [ 7.248955185202478, 53.104696670139532 ], [ 7.24780020840861, 53.104696670139532 ], [ 7.24780020840861, 53.104898910080472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 81.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.104494429247652 ], [ 7.248955185202478, 53.104494429247652 ], [ 7.248955185202478, 53.104292187404837 ], [ 7.24780020840861, 53.104292187404837 ], [ 7.24780020840861, 53.104494429247652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33848_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 122.4352245 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.104292187404837 ], [ 7.248955185202478, 53.104292187404837 ], [ 7.248955185202478, 53.104089944611083 ], [ 7.24780020840861, 53.104089944611083 ], [ 7.24780020840861, 53.104292187404837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 86.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.100112309745768 ], [ 7.24202532443927, 53.100112309745768 ], [ 7.24202532443927, 53.099910047298842 ], [ 7.240870347645402, 53.099910047298842 ], [ 7.240870347645402, 53.100112309745768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 129.0224285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.098089642482073 ], [ 7.24202532443927, 53.098089642482073 ], [ 7.24202532443927, 53.09788737052525 ], [ 7.240870347645402, 53.09788737052525 ], [ 7.240870347645402, 53.098089642482073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.100719091380689 ], [ 7.243180301233139, 53.100719091380689 ], [ 7.243180301233139, 53.100516831786692 ], [ 7.24202532443927, 53.100516831786692 ], [ 7.24202532443927, 53.100719091380689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 70.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.099505519552039 ], [ 7.244335278027006, 53.099505519552039 ], [ 7.244335278027006, 53.099303254252149 ], [ 7.243180301233139, 53.099303254252149 ], [ 7.243180301233139, 53.099505519552039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 81.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.100921350023718 ], [ 7.245490254820874, 53.100921350023718 ], [ 7.245490254820874, 53.100719091380689 ], [ 7.244335278027006, 53.100719091380689 ], [ 7.244335278027006, 53.100921350023718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.099707783900932 ], [ 7.245490254820874, 53.099707783900932 ], [ 7.245490254820874, 53.099505519552039 ], [ 7.244335278027006, 53.099505519552039 ], [ 7.244335278027006, 53.099707783900932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.101528120246968 ], [ 7.246645231614742, 53.101528120246968 ], [ 7.246645231614742, 53.101325864456861 ], [ 7.245490254820874, 53.101325864456861 ], [ 7.245490254820874, 53.101528120246968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.100719091380689 ], [ 7.246645231614742, 53.100719091380689 ], [ 7.246645231614742, 53.100516831786692 ], [ 7.245490254820874, 53.100516831786692 ], [ 7.245490254820874, 53.100719091380689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 139.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.098898720799433 ], [ 7.246645231614742, 53.098898720799433 ], [ 7.246645231614742, 53.098696452646585 ], [ 7.245490254820874, 53.098696452646585 ], [ 7.245490254820874, 53.098898720799433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 91.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.101325864456861 ], [ 7.24780020840861, 53.101325864456861 ], [ 7.24780020840861, 53.101123607715778 ], [ 7.246645231614742, 53.101123607715778 ], [ 7.246645231614742, 53.101325864456861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.101123607715778 ], [ 7.24780020840861, 53.101123607715778 ], [ 7.24780020840861, 53.100921350023718 ], [ 7.246645231614742, 53.100921350023718 ], [ 7.246645231614742, 53.101123607715778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.102218 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.100314571241725 ], [ 7.24780020840861, 53.100314571241725 ], [ 7.24780020840861, 53.100112309745768 ], [ 7.246645231614742, 53.100112309745768 ], [ 7.246645231614742, 53.100314571241725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.100112309745768 ], [ 7.24780020840861, 53.100112309745768 ], [ 7.24780020840861, 53.099910047298842 ], [ 7.246645231614742, 53.099910047298842 ], [ 7.246645231614742, 53.100112309745768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.099910047298842 ], [ 7.24780020840861, 53.099910047298842 ], [ 7.24780020840861, 53.099707783900932 ], [ 7.246645231614742, 53.099707783900932 ], [ 7.246645231614742, 53.099910047298842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 155.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.099505519552039 ], [ 7.24780020840861, 53.099505519552039 ], [ 7.24780020840861, 53.099303254252149 ], [ 7.246645231614742, 53.099303254252149 ], [ 7.246645231614742, 53.099505519552039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.099303254252149 ], [ 7.24780020840861, 53.099303254252149 ], [ 7.24780020840861, 53.09910098800129 ], [ 7.246645231614742, 53.09910098800129 ], [ 7.246645231614742, 53.099303254252149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 136.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.098494183542741 ], [ 7.24780020840861, 53.098494183542741 ], [ 7.24780020840861, 53.098291913487898 ], [ 7.246645231614742, 53.098291913487898 ], [ 7.246645231614742, 53.098494183542741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 114.07195025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.09788737052525 ], [ 7.24780020840861, 53.09788737052525 ], [ 7.24780020840861, 53.097685097617408 ], [ 7.246645231614742, 53.097685097617408 ], [ 7.246645231614742, 53.09788737052525 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.100314571241725 ], [ 7.248955185202478, 53.100314571241725 ], [ 7.248955185202478, 53.100112309745768 ], [ 7.24780020840861, 53.100112309745768 ], [ 7.24780020840861, 53.100314571241725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.100112309745768 ], [ 7.248955185202478, 53.100112309745768 ], [ 7.248955185202478, 53.099910047298842 ], [ 7.24780020840861, 53.099910047298842 ], [ 7.24780020840861, 53.100112309745768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.0567285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.099910047298842 ], [ 7.248955185202478, 53.099910047298842 ], [ 7.248955185202478, 53.099707783900932 ], [ 7.24780020840861, 53.099707783900932 ], [ 7.24780020840861, 53.099910047298842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.67930314285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.099707783900932 ], [ 7.248955185202478, 53.099707783900932 ], [ 7.248955185202478, 53.099505519552039 ], [ 7.24780020840861, 53.099505519552039 ], [ 7.24780020840861, 53.099707783900932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 176.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.099505519552039 ], [ 7.248955185202478, 53.099505519552039 ], [ 7.248955185202478, 53.099303254252149 ], [ 7.24780020840861, 53.099303254252149 ], [ 7.24780020840861, 53.099505519552039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 85.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.09910098800129 ], [ 7.248955185202478, 53.09910098800129 ], [ 7.248955185202478, 53.098898720799433 ], [ 7.24780020840861, 53.098898720799433 ], [ 7.24780020840861, 53.09910098800129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33849_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.098898720799433 ], [ 7.248955185202478, 53.098898720799433 ], [ 7.248955185202478, 53.098696452646585 ], [ 7.24780020840861, 53.098696452646585 ], [ 7.24780020840861, 53.098898720799433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.094718319041881 ], [ 7.24202532443927, 53.094718319041881 ], [ 7.24202532443927, 53.094516031234789 ], [ 7.240870347645402, 53.094516031234789 ], [ 7.240870347645402, 53.094718319041881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.092695398174172 ], [ 7.24202532443927, 53.092695398174172 ], [ 7.24202532443927, 53.09249310085665 ], [ 7.240870347645402, 53.09249310085665 ], [ 7.240870347645402, 53.092695398174172 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 130.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.095325176756994 ], [ 7.243180301233139, 53.095325176756994 ], [ 7.243180301233139, 53.095122891802987 ], [ 7.24202532443927, 53.095122891802987 ], [ 7.24202532443927, 53.095325176756994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.09431374247665 ], [ 7.244335278027006, 53.09431374247665 ], [ 7.244335278027006, 53.094111452767486 ], [ 7.243180301233139, 53.094111452767486 ], [ 7.243180301233139, 53.09431374247665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 82.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.095527460759982 ], [ 7.245490254820874, 53.095527460759982 ], [ 7.245490254820874, 53.095325176756994 ], [ 7.244335278027006, 53.095325176756994 ], [ 7.244335278027006, 53.095527460759982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.09431374247665 ], [ 7.245490254820874, 53.09431374247665 ], [ 7.245490254820874, 53.094111452767486 ], [ 7.244335278027006, 53.094111452767486 ], [ 7.244335278027006, 53.09431374247665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 195.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.096134307062805 ], [ 7.246645231614742, 53.096134307062805 ], [ 7.246645231614742, 53.09593202591288 ], [ 7.245490254820874, 53.09593202591288 ], [ 7.245490254820874, 53.096134307062805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 145.34920733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.095325176756994 ], [ 7.246645231614742, 53.095325176756994 ], [ 7.246645231614742, 53.095122891802987 ], [ 7.245490254820874, 53.095122891802987 ], [ 7.245490254820874, 53.095325176756994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 137.66666566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.093504577933764 ], [ 7.246645231614742, 53.093504577933764 ], [ 7.246645231614742, 53.093302284420425 ], [ 7.245490254820874, 53.093302284420425 ], [ 7.245490254820874, 53.093504577933764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 86.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.09593202591288 ], [ 7.24780020840861, 53.09593202591288 ], [ 7.24780020840861, 53.095729743811944 ], [ 7.246645231614742, 53.095729743811944 ], [ 7.246645231614742, 53.09593202591288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 93.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.095729743811944 ], [ 7.24780020840861, 53.095729743811944 ], [ 7.24780020840861, 53.095527460759982 ], [ 7.246645231614742, 53.095527460759982 ], [ 7.246645231614742, 53.095729743811944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.3516965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.094920605897954 ], [ 7.24780020840861, 53.094920605897954 ], [ 7.24780020840861, 53.094718319041881 ], [ 7.246645231614742, 53.094718319041881 ], [ 7.246645231614742, 53.094920605897954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 124.75376333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.094718319041881 ], [ 7.24780020840861, 53.094718319041881 ], [ 7.24780020840861, 53.094516031234789 ], [ 7.246645231614742, 53.094516031234789 ], [ 7.246645231614742, 53.094718319041881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.094516031234789 ], [ 7.24780020840861, 53.094516031234789 ], [ 7.24780020840861, 53.09431374247665 ], [ 7.246645231614742, 53.09431374247665 ], [ 7.246645231614742, 53.094516031234789 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 163.512143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.094111452767486 ], [ 7.24780020840861, 53.094111452767486 ], [ 7.24780020840861, 53.093909162107288 ], [ 7.246645231614742, 53.093909162107288 ], [ 7.246645231614742, 53.094111452767486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.093909162107288 ], [ 7.24780020840861, 53.093909162107288 ], [ 7.24780020840861, 53.093706870496042 ], [ 7.246645231614742, 53.093706870496042 ], [ 7.246645231614742, 53.093909162107288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 137.537815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.093099989956059 ], [ 7.24780020840861, 53.093099989956059 ], [ 7.24780020840861, 53.092897694540639 ], [ 7.246645231614742, 53.092897694540639 ], [ 7.246645231614742, 53.093099989956059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 115.2337485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.09249310085665 ], [ 7.24780020840861, 53.09249310085665 ], [ 7.24780020840861, 53.092290802588082 ], [ 7.246645231614742, 53.092290802588082 ], [ 7.246645231614742, 53.09249310085665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.6965725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.094920605897954 ], [ 7.248955185202478, 53.094920605897954 ], [ 7.248955185202478, 53.094718319041881 ], [ 7.24780020840861, 53.094718319041881 ], [ 7.24780020840861, 53.094920605897954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.88888888888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.094718319041881 ], [ 7.248955185202478, 53.094718319041881 ], [ 7.248955185202478, 53.094516031234789 ], [ 7.24780020840861, 53.094516031234789 ], [ 7.24780020840861, 53.094718319041881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.57173133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.094516031234789 ], [ 7.248955185202478, 53.094516031234789 ], [ 7.248955185202478, 53.09431374247665 ], [ 7.24780020840861, 53.09431374247665 ], [ 7.24780020840861, 53.094516031234789 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 119.0775555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.09431374247665 ], [ 7.248955185202478, 53.09431374247665 ], [ 7.248955185202478, 53.094111452767486 ], [ 7.24780020840861, 53.094111452767486 ], [ 7.24780020840861, 53.09431374247665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.094111452767486 ], [ 7.248955185202478, 53.094111452767486 ], [ 7.248955185202478, 53.093909162107288 ], [ 7.24780020840861, 53.093909162107288 ], [ 7.24780020840861, 53.094111452767486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.093706870496042 ], [ 7.248955185202478, 53.093706870496042 ], [ 7.248955185202478, 53.093504577933764 ], [ 7.24780020840861, 53.093504577933764 ], [ 7.24780020840861, 53.093706870496042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33850_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 118.29630775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.093504577933764 ], [ 7.248955185202478, 53.093504577933764 ], [ 7.248955185202478, 53.093302284420425 ], [ 7.24780020840861, 53.093302284420425 ], [ 7.24780020840861, 53.093504577933764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.089323652049075 ], [ 7.24202532443927, 53.089323652049075 ], [ 7.24202532443927, 53.089121338880418 ], [ 7.240870347645402, 53.089121338880418 ], [ 7.240870347645402, 53.089323652049075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.33333533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.087300477563488 ], [ 7.24202532443927, 53.087300477563488 ], [ 7.24202532443927, 53.087098154883883 ], [ 7.240870347645402, 53.087098154883883 ], [ 7.240870347645402, 53.087300477563488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.089930585848528 ], [ 7.243180301233139, 53.089930585848528 ], [ 7.243180301233139, 53.089728275533126 ], [ 7.24202532443927, 53.089728275533126 ], [ 7.24202532443927, 53.089930585848528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.088919024760678 ], [ 7.244335278027006, 53.088919024760678 ], [ 7.244335278027006, 53.088716709689855 ], [ 7.243180301233139, 53.088716709689855 ], [ 7.243180301233139, 53.088919024760678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.090132895212861 ], [ 7.245490254820874, 53.090132895212861 ], [ 7.245490254820874, 53.089930585848528 ], [ 7.244335278027006, 53.089930585848528 ], [ 7.244335278027006, 53.090132895212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.088919024760678 ], [ 7.245490254820874, 53.088919024760678 ], [ 7.245490254820874, 53.088716709689855 ], [ 7.244335278027006, 53.088716709689855 ], [ 7.244335278027006, 53.088919024760678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 194.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.090739817599413 ], [ 7.246645231614742, 53.090739817599413 ], [ 7.246645231614742, 53.0905375110883 ], [ 7.245490254820874, 53.0905375110883 ], [ 7.245490254820874, 53.090739817599413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 148.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.089930585848528 ], [ 7.246645231614742, 53.089930585848528 ], [ 7.246645231614742, 53.089728275533126 ], [ 7.245490254820874, 53.089728275533126 ], [ 7.245490254820874, 53.089930585848528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.088109758770834 ], [ 7.246645231614742, 53.088109758770834 ], [ 7.246645231614742, 53.087907439895645 ], [ 7.245490254820874, 53.087907439895645 ], [ 7.245490254820874, 53.088109758770834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.090739817599413 ], [ 7.24780020840861, 53.090739817599413 ], [ 7.24780020840861, 53.0905375110883 ], [ 7.246645231614742, 53.0905375110883 ], [ 7.246645231614742, 53.090739817599413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 82.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.090335203626118 ], [ 7.24780020840861, 53.090335203626118 ], [ 7.24780020840861, 53.090132895212861 ], [ 7.246645231614742, 53.090132895212861 ], [ 7.246645231614742, 53.090335203626118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 128.25034666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.089525964266635 ], [ 7.24780020840861, 53.089525964266635 ], [ 7.24780020840861, 53.089323652049075 ], [ 7.246645231614742, 53.089323652049075 ], [ 7.246645231614742, 53.089525964266635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 17.853016888888892 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.089323652049075 ], [ 7.24780020840861, 53.089323652049075 ], [ 7.24780020840861, 53.089121338880418 ], [ 7.246645231614742, 53.089121338880418 ], [ 7.246645231614742, 53.089323652049075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.089121338880418 ], [ 7.24780020840861, 53.089121338880418 ], [ 7.24780020840861, 53.088919024760678 ], [ 7.246645231614742, 53.088919024760678 ], [ 7.246645231614742, 53.089121338880418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 164.5000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.088716709689855 ], [ 7.24780020840861, 53.088716709689855 ], [ 7.24780020840861, 53.088514393667943 ], [ 7.246645231614742, 53.088514393667943 ], [ 7.246645231614742, 53.088716709689855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.088514393667943 ], [ 7.24780020840861, 53.088514393667943 ], [ 7.24780020840861, 53.088312076694947 ], [ 7.246645231614742, 53.088312076694947 ], [ 7.246645231614742, 53.088514393667943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.33333466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.087705120069359 ], [ 7.24780020840861, 53.087705120069359 ], [ 7.24780020840861, 53.087502799291968 ], [ 7.246645231614742, 53.087502799291968 ], [ 7.246645231614742, 53.087705120069359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 115.49999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.087098154883883 ], [ 7.24780020840861, 53.087098154883883 ], [ 7.24780020840861, 53.086895831253194 ], [ 7.246645231614742, 53.086895831253194 ], [ 7.246645231614742, 53.087098154883883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.089525964266635 ], [ 7.248955185202478, 53.089525964266635 ], [ 7.248955185202478, 53.089323652049075 ], [ 7.24780020840861, 53.089323652049075 ], [ 7.24780020840861, 53.089525964266635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.77777777777777 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.089323652049075 ], [ 7.248955185202478, 53.089323652049075 ], [ 7.248955185202478, 53.089121338880418 ], [ 7.24780020840861, 53.089121338880418 ], [ 7.24780020840861, 53.089323652049075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.089121338880418 ], [ 7.248955185202478, 53.089121338880418 ], [ 7.248955185202478, 53.088919024760678 ], [ 7.24780020840861, 53.088919024760678 ], [ 7.24780020840861, 53.089121338880418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.81878857142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.088919024760678 ], [ 7.248955185202478, 53.088919024760678 ], [ 7.248955185202478, 53.088716709689855 ], [ 7.24780020840861, 53.088716709689855 ], [ 7.24780020840861, 53.088919024760678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.088716709689855 ], [ 7.248955185202478, 53.088716709689855 ], [ 7.248955185202478, 53.088514393667943 ], [ 7.24780020840861, 53.088514393667943 ], [ 7.24780020840861, 53.088716709689855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 73.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.088312076694947 ], [ 7.248955185202478, 53.088312076694947 ], [ 7.248955185202478, 53.088109758770834 ], [ 7.24780020840861, 53.088109758770834 ], [ 7.24780020840861, 53.088312076694947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33851_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 113.25000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.088109758770834 ], [ 7.248955185202478, 53.088109758770834 ], [ 7.248955185202478, 53.087907439895645 ], [ 7.24780020840861, 53.087907439895645 ], [ 7.24780020840861, 53.088109758770834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.083523630716051 ], [ 7.244335278027006, 53.083523630716051 ], [ 7.244335278027006, 53.083321290282186 ], [ 7.243180301233139, 53.083321290282186 ], [ 7.243180301233139, 53.083523630716051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.0847376533454 ], [ 7.245490254820874, 53.0847376533454 ], [ 7.245490254820874, 53.084535318618343 ], [ 7.244335278027006, 53.084535318618343 ], [ 7.244335278027006, 53.0847376533454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.083523630716051 ], [ 7.245490254820874, 53.083523630716051 ], [ 7.245490254820874, 53.083321290282186 ], [ 7.244335278027006, 53.083321290282186 ], [ 7.244335278027006, 53.083523630716051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 195.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.085344651819831 ], [ 7.246645231614742, 53.085344651819831 ], [ 7.246645231614742, 53.085142319946144 ], [ 7.245490254820874, 53.085142319946144 ], [ 7.245490254820874, 53.085344651819831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 147.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.084535318618343 ], [ 7.246645231614742, 53.084535318618343 ], [ 7.246645231614742, 53.084332982940147 ], [ 7.245490254820874, 53.084332982940147 ], [ 7.245490254820874, 53.084535318618343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.082714263273722 ], [ 7.246645231614742, 53.082714263273722 ], [ 7.246645231614742, 53.082511919035291 ], [ 7.245490254820874, 53.082511919035291 ], [ 7.245490254820874, 53.082714263273722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.085344651819831 ], [ 7.24780020840861, 53.085344651819831 ], [ 7.24780020840861, 53.085142319946144 ], [ 7.246645231614742, 53.085142319946144 ], [ 7.246645231614742, 53.085344651819831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.084939987121338 ], [ 7.24780020840861, 53.084939987121338 ], [ 7.24780020840861, 53.0847376533454 ], [ 7.246645231614742, 53.0847376533454 ], [ 7.246645231614742, 53.084939987121338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.614286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.084130646310825 ], [ 7.24780020840861, 53.084130646310825 ], [ 7.24780020840861, 53.083928308730371 ], [ 7.246645231614742, 53.083928308730371 ], [ 7.246645231614742, 53.084130646310825 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 48.6632844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.083928308730371 ], [ 7.24780020840861, 53.083928308730371 ], [ 7.24780020840861, 53.083725970198778 ], [ 7.246645231614742, 53.083725970198778 ], [ 7.246645231614742, 53.083928308730371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 162.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.083321290282186 ], [ 7.24780020840861, 53.083321290282186 ], [ 7.24780020840861, 53.083118948897166 ], [ 7.246645231614742, 53.083118948897166 ], [ 7.246645231614742, 53.083321290282186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.083118948897166 ], [ 7.24780020840861, 53.083118948897166 ], [ 7.24780020840861, 53.082916606561021 ], [ 7.246645231614742, 53.082916606561021 ], [ 7.246645231614742, 53.083118948897166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.081702532569992 ], [ 7.24780020840861, 53.081702532569992 ], [ 7.24780020840861, 53.081500183575791 ], [ 7.246645231614742, 53.081500183575791 ], [ 7.246645231614742, 53.081702532569992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.083928308730371 ], [ 7.248955185202478, 53.083928308730371 ], [ 7.248955185202478, 53.083725970198778 ], [ 7.24780020840861, 53.083725970198778 ], [ 7.24780020840861, 53.083928308730371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.083523630716051 ], [ 7.248955185202478, 53.083523630716051 ], [ 7.248955185202478, 53.083321290282186 ], [ 7.24780020840861, 53.083321290282186 ], [ 7.24780020840861, 53.083523630716051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33852_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.082916606561021 ], [ 7.248955185202478, 53.082916606561021 ], [ 7.248955185202478, 53.082714263273722 ], [ 7.24780020840861, 53.082714263273722 ], [ 7.24780020840861, 53.082916606561021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33855_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 60.398085666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.068143046853173 ], [ 7.24780020840861, 53.068143046853173 ], [ 7.24780020840861, 53.067940634127041 ], [ 7.246645231614742, 53.067940634127041 ], [ 7.246645231614742, 53.068143046853173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33856_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 70.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.062745048598494 ], [ 7.24780020840861, 53.062745048598494 ], [ 7.24780020840861, 53.062542610503982 ], [ 7.246645231614742, 53.062542610503982 ], [ 7.246645231614742, 53.062745048598494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.046141965273904 ], [ 7.24202532443927, 53.046141965273904 ], [ 7.24202532443927, 53.045939449162987 ], [ 7.240870347645402, 53.045939449162987 ], [ 7.240870347645402, 53.046141965273904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.4560465 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.044116761347098 ], [ 7.24202532443927, 53.044116761347098 ], [ 7.24202532443927, 53.043914235721104 ], [ 7.240870347645402, 53.043914235721104 ], [ 7.240870347645402, 53.044116761347098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.046749507897637 ], [ 7.243180301233139, 53.046749507897637 ], [ 7.243180301233139, 53.046546994641226 ], [ 7.24202532443927, 53.046546994641226 ], [ 7.24202532443927, 53.046749507897637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.045736932100588 ], [ 7.244335278027006, 53.045736932100588 ], [ 7.244335278027006, 53.045534414086681 ], [ 7.243180301233139, 53.045534414086681 ], [ 7.243180301233139, 53.045736932100588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.046952020202561 ], [ 7.245490254820874, 53.046952020202561 ], [ 7.245490254820874, 53.046749507897637 ], [ 7.244335278027006, 53.046749507897637 ], [ 7.244335278027006, 53.046952020202561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.045736932100588 ], [ 7.245490254820874, 53.045736932100588 ], [ 7.245490254820874, 53.045534414086681 ], [ 7.244335278027006, 53.045534414086681 ], [ 7.244335278027006, 53.045736932100588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.047559551408405 ], [ 7.246645231614742, 53.047559551408405 ], [ 7.246645231614742, 53.047357041957959 ], [ 7.245490254820874, 53.047357041957959 ], [ 7.245490254820874, 53.047559551408405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.046749507897637 ], [ 7.246645231614742, 53.046749507897637 ], [ 7.246645231614742, 53.046546994641226 ], [ 7.245490254820874, 53.046546994641226 ], [ 7.245490254820874, 53.046749507897637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.04492685433592 ], [ 7.246645231614742, 53.04492685433592 ], [ 7.246645231614742, 53.044724332515983 ], [ 7.245490254820874, 53.044724332515983 ], [ 7.245490254820874, 53.04492685433592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.047559551408405 ], [ 7.24780020840861, 53.047559551408405 ], [ 7.24780020840861, 53.047357041957959 ], [ 7.246645231614742, 53.047357041957959 ], [ 7.246645231614742, 53.047559551408405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.047154531556004 ], [ 7.24780020840861, 53.047154531556004 ], [ 7.24780020840861, 53.046952020202561 ], [ 7.246645231614742, 53.046952020202561 ], [ 7.246645231614742, 53.047154531556004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 188.499996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.046546994641226 ], [ 7.24780020840861, 53.046546994641226 ], [ 7.24780020840861, 53.046344480433312 ], [ 7.246645231614742, 53.046344480433312 ], [ 7.246645231614742, 53.046546994641226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.1652345 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.046344480433312 ], [ 7.24780020840861, 53.046344480433312 ], [ 7.24780020840861, 53.046141965273904 ], [ 7.246645231614742, 53.046141965273904 ], [ 7.246645231614742, 53.046344480433312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.879166 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.046141965273904 ], [ 7.24780020840861, 53.046141965273904 ], [ 7.24780020840861, 53.045939449162987 ], [ 7.246645231614742, 53.045939449162987 ], [ 7.246645231614742, 53.046141965273904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.045939449162987 ], [ 7.24780020840861, 53.045939449162987 ], [ 7.24780020840861, 53.045736932100588 ], [ 7.246645231614742, 53.045736932100588 ], [ 7.246645231614742, 53.045939449162987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 170.000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.045534414086681 ], [ 7.24780020840861, 53.045534414086681 ], [ 7.24780020840861, 53.045331895121272 ], [ 7.246645231614742, 53.045331895121272 ], [ 7.246645231614742, 53.045534414086681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.045331895121272 ], [ 7.24780020840861, 53.045331895121272 ], [ 7.24780020840861, 53.045129375204347 ], [ 7.246645231614742, 53.045129375204347 ], [ 7.246645231614742, 53.045331895121272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.044521809744538 ], [ 7.24780020840861, 53.044521809744538 ], [ 7.24780020840861, 53.044319286021583 ], [ 7.246645231614742, 53.044319286021583 ], [ 7.246645231614742, 53.044521809744538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 109.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.044116761347098 ], [ 7.24780020840861, 53.044116761347098 ], [ 7.24780020840861, 53.043914235721104 ], [ 7.246645231614742, 53.043914235721104 ], [ 7.246645231614742, 53.044116761347098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.043914235721104 ], [ 7.24780020840861, 53.043914235721104 ], [ 7.24780020840861, 53.043711709143594 ], [ 7.246645231614742, 53.043711709143594 ], [ 7.246645231614742, 53.043914235721104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.046344480433312 ], [ 7.248955185202478, 53.046344480433312 ], [ 7.248955185202478, 53.046141965273904 ], [ 7.24780020840861, 53.046141965273904 ], [ 7.24780020840861, 53.046344480433312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.046141965273904 ], [ 7.248955185202478, 53.046141965273904 ], [ 7.248955185202478, 53.045939449162987 ], [ 7.24780020840861, 53.045939449162987 ], [ 7.24780020840861, 53.046141965273904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.120954 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.045939449162987 ], [ 7.248955185202478, 53.045939449162987 ], [ 7.248955185202478, 53.045736932100588 ], [ 7.24780020840861, 53.045736932100588 ], [ 7.24780020840861, 53.045939449162987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.045736932100588 ], [ 7.248955185202478, 53.045736932100588 ], [ 7.248955185202478, 53.045534414086681 ], [ 7.24780020840861, 53.045534414086681 ], [ 7.24780020840861, 53.045736932100588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.045534414086681 ], [ 7.248955185202478, 53.045534414086681 ], [ 7.248955185202478, 53.045331895121272 ], [ 7.24780020840861, 53.045331895121272 ], [ 7.24780020840861, 53.045534414086681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.045129375204347 ], [ 7.248955185202478, 53.045129375204347 ], [ 7.248955185202478, 53.04492685433592 ], [ 7.24780020840861, 53.04492685433592 ], [ 7.24780020840861, 53.045129375204347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33859_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.04492685433592 ], [ 7.248955185202478, 53.04492685433592 ], [ 7.248955185202478, 53.044724332515983 ], [ 7.24780020840861, 53.044724332515983 ], [ 7.24780020840861, 53.04492685433592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 81.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.040741210019803 ], [ 7.24202532443927, 53.040741210019803 ], [ 7.24202532443927, 53.040538668534907 ], [ 7.240870347645402, 53.040538668534907 ], [ 7.240870347645402, 53.040741210019803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.94662966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.038715752350683 ], [ 7.24202532443927, 53.038715752350683 ], [ 7.24202532443927, 53.038513201350185 ], [ 7.240870347645402, 53.038513201350185 ], [ 7.240870347645402, 53.038715752350683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.04134882876523 ], [ 7.243180301233139, 53.04134882876523 ], [ 7.243180301233139, 53.041146290134968 ], [ 7.24202532443927, 53.041146290134968 ], [ 7.24202532443927, 53.04134882876523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.040336126098438 ], [ 7.244335278027006, 53.040336126098438 ], [ 7.244335278027006, 53.040133582710432 ], [ 7.243180301233139, 53.040133582710432 ], [ 7.243180301233139, 53.040336126098438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.041551366443954 ], [ 7.245490254820874, 53.041551366443954 ], [ 7.245490254820874, 53.04134882876523 ], [ 7.244335278027006, 53.04134882876523 ], [ 7.244335278027006, 53.041551366443954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.040336126098438 ], [ 7.245490254820874, 53.040336126098438 ], [ 7.245490254820874, 53.040133582710432 ], [ 7.244335278027006, 53.040133582710432 ], [ 7.244335278027006, 53.040336126098438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 157.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.04215897377086 ], [ 7.246645231614742, 53.04215897377086 ], [ 7.246645231614742, 53.041956438946762 ], [ 7.245490254820874, 53.041956438946762 ], [ 7.245490254820874, 53.04215897377086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 125.60344633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.04134882876523 ], [ 7.246645231614742, 53.04134882876523 ], [ 7.246645231614742, 53.041146290134968 ], [ 7.245490254820874, 53.041146290134968 ], [ 7.245490254820874, 53.04134882876523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.426328 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.03952594683706 ], [ 7.246645231614742, 53.03952594683706 ], [ 7.246645231614742, 53.039323399642818 ], [ 7.245490254820874, 53.039323399642818 ], [ 7.245490254820874, 53.03952594683706 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 111.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.04215897377086 ], [ 7.24780020840861, 53.04215897377086 ], [ 7.24780020840861, 53.041956438946762 ], [ 7.246645231614742, 53.041956438946762 ], [ 7.246645231614742, 53.04215897377086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.041753903171127 ], [ 7.24780020840861, 53.041753903171127 ], [ 7.24780020840861, 53.041551366443954 ], [ 7.246645231614742, 53.041551366443954 ], [ 7.246645231614742, 53.041753903171127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 193.71632 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.041146290134968 ], [ 7.24780020840861, 53.041146290134968 ], [ 7.24780020840861, 53.040943750553168 ], [ 7.246645231614742, 53.040943750553168 ], [ 7.246645231614742, 53.041146290134968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.040943750553168 ], [ 7.24780020840861, 53.040943750553168 ], [ 7.24780020840861, 53.040741210019803 ], [ 7.246645231614742, 53.040741210019803 ], [ 7.246645231614742, 53.040943750553168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.65436 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.040741210019803 ], [ 7.24780020840861, 53.040741210019803 ], [ 7.24780020840861, 53.040538668534907 ], [ 7.246645231614742, 53.040538668534907 ], [ 7.246645231614742, 53.040741210019803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.040538668534907 ], [ 7.24780020840861, 53.040538668534907 ], [ 7.24780020840861, 53.040336126098438 ], [ 7.246645231614742, 53.040336126098438 ], [ 7.246645231614742, 53.040538668534907 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 169.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.040133582710432 ], [ 7.24780020840861, 53.040133582710432 ], [ 7.24780020840861, 53.039931038370867 ], [ 7.246645231614742, 53.039931038370867 ], [ 7.246645231614742, 53.040133582710432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.039931038370867 ], [ 7.24780020840861, 53.039931038370867 ], [ 7.24780020840861, 53.039728493079743 ], [ 7.246645231614742, 53.039728493079743 ], [ 7.246645231614742, 53.039931038370867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 137.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.03912085149701 ], [ 7.24780020840861, 53.03912085149701 ], [ 7.24780020840861, 53.03891830239963 ], [ 7.246645231614742, 53.03891830239963 ], [ 7.246645231614742, 53.03912085149701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 111.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.038715752350683 ], [ 7.24780020840861, 53.038715752350683 ], [ 7.24780020840861, 53.038513201350185 ], [ 7.246645231614742, 53.038513201350185 ], [ 7.246645231614742, 53.038715752350683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.3063335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.038513201350185 ], [ 7.24780020840861, 53.038513201350185 ], [ 7.24780020840861, 53.038310649398106 ], [ 7.246645231614742, 53.038310649398106 ], [ 7.246645231614742, 53.038513201350185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.49476775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.040943750553168 ], [ 7.248955185202478, 53.040943750553168 ], [ 7.248955185202478, 53.040741210019803 ], [ 7.24780020840861, 53.040741210019803 ], [ 7.24780020840861, 53.040943750553168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.22222222222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.040741210019803 ], [ 7.248955185202478, 53.040741210019803 ], [ 7.248955185202478, 53.040538668534907 ], [ 7.24780020840861, 53.040538668534907 ], [ 7.24780020840861, 53.040741210019803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.3291455 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.040538668534907 ], [ 7.248955185202478, 53.040538668534907 ], [ 7.248955185202478, 53.040336126098438 ], [ 7.24780020840861, 53.040336126098438 ], [ 7.24780020840861, 53.040538668534907 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.040336126098438 ], [ 7.248955185202478, 53.040336126098438 ], [ 7.248955185202478, 53.040133582710432 ], [ 7.24780020840861, 53.040133582710432 ], [ 7.24780020840861, 53.040336126098438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.040133582710432 ], [ 7.248955185202478, 53.040133582710432 ], [ 7.248955185202478, 53.039931038370867 ], [ 7.24780020840861, 53.039931038370867 ], [ 7.24780020840861, 53.040133582710432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.039728493079743 ], [ 7.248955185202478, 53.039728493079743 ], [ 7.248955185202478, 53.03952594683706 ], [ 7.24780020840861, 53.03952594683706 ], [ 7.24780020840861, 53.039728493079743 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33860_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 115.99999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.03952594683706 ], [ 7.248955185202478, 53.03952594683706 ], [ 7.248955185202478, 53.039323399642818 ], [ 7.24780020840861, 53.039323399642818 ], [ 7.24780020840861, 53.03952594683706 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 77.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.035339778108039 ], [ 7.24202532443927, 53.035339778108039 ], [ 7.24202532443927, 53.035137211247758 ], [ 7.240870347645402, 53.035137211247758 ], [ 7.240870347645402, 53.035339778108039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.03331406668282 ], [ 7.24202532443927, 53.03331406668282 ], [ 7.24202532443927, 53.033111490306418 ], [ 7.240870347645402, 53.033111490306418 ], [ 7.240870347645402, 53.03331406668282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.035947472979295 ], [ 7.243180301233139, 53.035947472979295 ], [ 7.243180301233139, 53.035744908973811 ], [ 7.24202532443927, 53.035744908973811 ], [ 7.24202532443927, 53.035947472979295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 86.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.034934643435868 ], [ 7.244335278027006, 53.034934643435868 ], [ 7.244335278027006, 53.034732074672384 ], [ 7.243180301233139, 53.034732074672384 ], [ 7.243180301233139, 53.034934643435868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.036150036033177 ], [ 7.245490254820874, 53.036150036033177 ], [ 7.245490254820874, 53.035947472979295 ], [ 7.244335278027006, 53.035947472979295 ], [ 7.244335278027006, 53.036150036033177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.034934643435868 ], [ 7.245490254820874, 53.034934643435868 ], [ 7.245490254820874, 53.034732074672384 ], [ 7.244335278027006, 53.034732074672384 ], [ 7.244335278027006, 53.034934643435868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.036757719485287 ], [ 7.246645231614742, 53.036757719485287 ], [ 7.246645231614742, 53.036555159286173 ], [ 7.245490254820874, 53.036555159286173 ], [ 7.245490254820874, 53.036757719485287 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.39372733333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.035947472979295 ], [ 7.246645231614742, 53.035947472979295 ], [ 7.246645231614742, 53.035744908973811 ], [ 7.245490254820874, 53.035744908973811 ], [ 7.245490254820874, 53.035947472979295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.034124362672252 ], [ 7.246645231614742, 53.034124362672252 ], [ 7.246645231614742, 53.033921790102319 ], [ 7.245490254820874, 53.033921790102319 ], [ 7.245490254820874, 53.034124362672252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.036757719485287 ], [ 7.24780020840861, 53.036757719485287 ], [ 7.24780020840861, 53.036555159286173 ], [ 7.246645231614742, 53.036555159286173 ], [ 7.246645231614742, 53.036757719485287 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.036352598135466 ], [ 7.24780020840861, 53.036352598135466 ], [ 7.24780020840861, 53.036150036033177 ], [ 7.246645231614742, 53.036150036033177 ], [ 7.246645231614742, 53.036352598135466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 192.3248295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.035744908973811 ], [ 7.24780020840861, 53.035744908973811 ], [ 7.24780020840861, 53.035542344016726 ], [ 7.246645231614742, 53.035542344016726 ], [ 7.246645231614742, 53.035744908973811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.035542344016726 ], [ 7.24780020840861, 53.035542344016726 ], [ 7.24780020840861, 53.035339778108039 ], [ 7.246645231614742, 53.035339778108039 ], [ 7.246645231614742, 53.035542344016726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.43256925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.035339778108039 ], [ 7.24780020840861, 53.035339778108039 ], [ 7.24780020840861, 53.035137211247758 ], [ 7.246645231614742, 53.035137211247758 ], [ 7.246645231614742, 53.035339778108039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.035137211247758 ], [ 7.24780020840861, 53.035137211247758 ], [ 7.24780020840861, 53.034934643435868 ], [ 7.246645231614742, 53.034934643435868 ], [ 7.246645231614742, 53.035137211247758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 164.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.034732074672384 ], [ 7.24780020840861, 53.034732074672384 ], [ 7.24780020840861, 53.034529504957284 ], [ 7.246645231614742, 53.034529504957284 ], [ 7.246645231614742, 53.034732074672384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.034529504957284 ], [ 7.24780020840861, 53.034529504957284 ], [ 7.24780020840861, 53.034326934290569 ], [ 7.246645231614742, 53.034326934290569 ], [ 7.246645231614742, 53.034529504957284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.033719216580771 ], [ 7.24780020840861, 53.033719216580771 ], [ 7.24780020840861, 53.033516642107607 ], [ 7.246645231614742, 53.033516642107607 ], [ 7.246645231614742, 53.033719216580771 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 112.750001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.03331406668282 ], [ 7.24780020840861, 53.03331406668282 ], [ 7.24780020840861, 53.033111490306418 ], [ 7.246645231614742, 53.033111490306418 ], [ 7.246645231614742, 53.03331406668282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.95739333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.033111490306418 ], [ 7.24780020840861, 53.033111490306418 ], [ 7.24780020840861, 53.032908912978385 ], [ 7.246645231614742, 53.032908912978385 ], [ 7.246645231614742, 53.033111490306418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.035542344016726 ], [ 7.248955185202478, 53.035542344016726 ], [ 7.248955185202478, 53.035339778108039 ], [ 7.24780020840861, 53.035339778108039 ], [ 7.24780020840861, 53.035542344016726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.88888888888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.035339778108039 ], [ 7.248955185202478, 53.035339778108039 ], [ 7.248955185202478, 53.035137211247758 ], [ 7.24780020840861, 53.035137211247758 ], [ 7.24780020840861, 53.035339778108039 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.12378833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.035137211247758 ], [ 7.248955185202478, 53.035137211247758 ], [ 7.248955185202478, 53.034934643435868 ], [ 7.24780020840861, 53.034934643435868 ], [ 7.24780020840861, 53.035137211247758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.034934643435868 ], [ 7.248955185202478, 53.034934643435868 ], [ 7.248955185202478, 53.034732074672384 ], [ 7.24780020840861, 53.034732074672384 ], [ 7.24780020840861, 53.034934643435868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 181.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.034732074672384 ], [ 7.248955185202478, 53.034732074672384 ], [ 7.248955185202478, 53.034529504957284 ], [ 7.24780020840861, 53.034529504957284 ], [ 7.24780020840861, 53.034732074672384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.034326934290569 ], [ 7.248955185202478, 53.034326934290569 ], [ 7.248955185202478, 53.034124362672252 ], [ 7.24780020840861, 53.034124362672252 ], [ 7.24780020840861, 53.034326934290569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33861_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 118.319277 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.034124362672252 ], [ 7.248955185202478, 53.034124362672252 ], [ 7.248955185202478, 53.033921790102319 ], [ 7.24780020840861, 53.033921790102319 ], [ 7.24780020840861, 53.034124362672252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 84.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.029937669501834 ], [ 7.24202532443927, 53.029937669501834 ], [ 7.24202532443927, 53.029735077264803 ], [ 7.240870347645402, 53.029735077264803 ], [ 7.240870347645402, 53.029937669501834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.68188733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.027911704306732 ], [ 7.24202532443927, 53.027911704306732 ], [ 7.24202532443927, 53.027709102553054 ], [ 7.240870347645402, 53.027709102553054 ], [ 7.240870347645402, 53.027911704306732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.030545440503047 ], [ 7.243180301233139, 53.030545440503047 ], [ 7.243180301233139, 53.030342851120963 ], [ 7.24202532443927, 53.030342851120963 ], [ 7.24202532443927, 53.030545440503047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 86.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.0295324840761 ], [ 7.244335278027006, 53.0295324840761 ], [ 7.244335278027006, 53.029329889935752 ], [ 7.243180301233139, 53.029329889935752 ], [ 7.243180301233139, 53.0295324840761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 81.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.030748028933488 ], [ 7.245490254820874, 53.030748028933488 ], [ 7.245490254820874, 53.030545440503047 ], [ 7.244335278027006, 53.030545440503047 ], [ 7.244335278027006, 53.030748028933488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.0295324840761 ], [ 7.245490254820874, 53.0295324840761 ], [ 7.245490254820874, 53.029329889935752 ], [ 7.244335278027006, 53.029329889935752 ], [ 7.244335278027006, 53.0295324840761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 208.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.031355788514944 ], [ 7.246645231614742, 53.031355788514944 ], [ 7.246645231614742, 53.031153202939429 ], [ 7.245490254820874, 53.031153202939429 ], [ 7.245490254820874, 53.031355788514944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.030545440503047 ], [ 7.246645231614742, 53.030545440503047 ], [ 7.246645231614742, 53.030342851120963 ], [ 7.245490254820874, 53.030342851120963 ], [ 7.245490254820874, 53.030545440503047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.33333133333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.028722101804732 ], [ 7.246645231614742, 53.028722101804732 ], [ 7.246645231614742, 53.02851950385773 ], [ 7.245490254820874, 53.02851950385773 ], [ 7.245490254820874, 53.028722101804732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.031355788514944 ], [ 7.24780020840861, 53.031355788514944 ], [ 7.24780020840861, 53.031153202939429 ], [ 7.246645231614742, 53.031153202939429 ], [ 7.246645231614742, 53.031355788514944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.030950616412269 ], [ 7.24780020840861, 53.030950616412269 ], [ 7.24780020840861, 53.030748028933488 ], [ 7.246645231614742, 53.030748028933488 ], [ 7.246645231614742, 53.030950616412269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.00000266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.030140260787228 ], [ 7.24780020840861, 53.030140260787228 ], [ 7.24780020840861, 53.029937669501834 ], [ 7.246645231614742, 53.029937669501834 ], [ 7.246645231614742, 53.030140260787228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.029937669501834 ], [ 7.24780020840861, 53.029937669501834 ], [ 7.24780020840861, 53.029735077264803 ], [ 7.246645231614742, 53.029735077264803 ], [ 7.246645231614742, 53.029937669501834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.029735077264803 ], [ 7.24780020840861, 53.029735077264803 ], [ 7.24780020840861, 53.0295324840761 ], [ 7.246645231614742, 53.0295324840761 ], [ 7.246645231614742, 53.029735077264803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 155.674246 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.029329889935752 ], [ 7.24780020840861, 53.029329889935752 ], [ 7.24780020840861, 53.02912729484374 ], [ 7.246645231614742, 53.02912729484374 ], [ 7.246645231614742, 53.029329889935752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 82.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.02912729484374 ], [ 7.24780020840861, 53.02912729484374 ], [ 7.24780020840861, 53.028924698800076 ], [ 7.246645231614742, 53.028924698800076 ], [ 7.246645231614742, 53.02912729484374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.02831690495907 ], [ 7.24780020840861, 53.02831690495907 ], [ 7.24780020840861, 53.028114305108737 ], [ 7.246645231614742, 53.028114305108737 ], [ 7.246645231614742, 53.02831690495907 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 109.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.027911704306732 ], [ 7.24780020840861, 53.027911704306732 ], [ 7.24780020840861, 53.027709102553054 ], [ 7.246645231614742, 53.027709102553054 ], [ 7.246645231614742, 53.027911704306732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 125.52609775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.027709102553054 ], [ 7.24780020840861, 53.027709102553054 ], [ 7.24780020840861, 53.027506499847696 ], [ 7.246645231614742, 53.027506499847696 ], [ 7.246645231614742, 53.027709102553054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.030140260787228 ], [ 7.248955185202478, 53.030140260787228 ], [ 7.248955185202478, 53.029937669501834 ], [ 7.24780020840861, 53.029937669501834 ], [ 7.24780020840861, 53.030140260787228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.029937669501834 ], [ 7.248955185202478, 53.029937669501834 ], [ 7.248955185202478, 53.029735077264803 ], [ 7.24780020840861, 53.029735077264803 ], [ 7.24780020840861, 53.029937669501834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 126.04951425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.029735077264803 ], [ 7.248955185202478, 53.029735077264803 ], [ 7.248955185202478, 53.0295324840761 ], [ 7.24780020840861, 53.0295324840761 ], [ 7.24780020840861, 53.029735077264803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.3280506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.0295324840761 ], [ 7.248955185202478, 53.0295324840761 ], [ 7.248955185202478, 53.029329889935752 ], [ 7.24780020840861, 53.029329889935752 ], [ 7.24780020840861, 53.0295324840761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.029329889935752 ], [ 7.248955185202478, 53.029329889935752 ], [ 7.248955185202478, 53.02912729484374 ], [ 7.24780020840861, 53.02912729484374 ], [ 7.24780020840861, 53.029329889935752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 150.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.028924698800076 ], [ 7.248955185202478, 53.028924698800076 ], [ 7.248955185202478, 53.028722101804732 ], [ 7.24780020840861, 53.028722101804732 ], [ 7.24780020840861, 53.028924698800076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33862_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.24999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.028722101804732 ], [ 7.248955185202478, 53.028722101804732 ], [ 7.248955185202478, 53.02851950385773 ], [ 7.24780020840861, 53.02851950385773 ], [ 7.24780020840861, 53.028722101804732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.024534884164453 ], [ 7.24202532443927, 53.024534884164453 ], [ 7.24202532443927, 53.024332266549273 ], [ 7.240870347645402, 53.024332266549273 ], [ 7.240870347645402, 53.024534884164453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.022508665185676 ], [ 7.24202532443927, 53.022508665185676 ], [ 7.24202532443927, 53.022306038053337 ], [ 7.240870347645402, 53.022306038053337 ], [ 7.240870347645402, 53.022508665185676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.025142731299745 ], [ 7.243180301233139, 53.025142731299745 ], [ 7.243180301233139, 53.024940116539682 ], [ 7.24202532443927, 53.024940116539682 ], [ 7.24202532443927, 53.025142731299745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.024129647982399 ], [ 7.244335278027006, 53.024129647982399 ], [ 7.244335278027006, 53.023927028463802 ], [ 7.243180301233139, 53.023927028463802 ], [ 7.243180301233139, 53.024129647982399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.025345345108114 ], [ 7.245490254820874, 53.025345345108114 ], [ 7.245490254820874, 53.025142731299745 ], [ 7.244335278027006, 53.025142731299745 ], [ 7.244335278027006, 53.025345345108114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.024129647982399 ], [ 7.245490254820874, 53.024129647982399 ], [ 7.245490254820874, 53.023927028463802 ], [ 7.244335278027006, 53.023927028463802 ], [ 7.244335278027006, 53.024129647982399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 203.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.025953180823038 ], [ 7.246645231614742, 53.025953180823038 ], [ 7.246645231614742, 53.02575056986975 ], [ 7.245490254820874, 53.02575056986975 ], [ 7.245490254820874, 53.025953180823038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.48908133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.025142731299745 ], [ 7.246645231614742, 53.025142731299745 ], [ 7.246645231614742, 53.024940116539682 ], [ 7.245490254820874, 53.024940116539682 ], [ 7.245490254820874, 53.025142731299745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.023319164197765 ], [ 7.246645231614742, 53.023319164197765 ], [ 7.246645231614742, 53.02311654087233 ], [ 7.245490254820874, 53.02311654087233 ], [ 7.245490254820874, 53.023319164197765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.025953180823038 ], [ 7.24780020840861, 53.025953180823038 ], [ 7.24780020840861, 53.02575056986975 ], [ 7.246645231614742, 53.02575056986975 ], [ 7.246645231614742, 53.025953180823038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.025547957964783 ], [ 7.24780020840861, 53.025547957964783 ], [ 7.24780020840861, 53.025345345108114 ], [ 7.246645231614742, 53.025345345108114 ], [ 7.246645231614742, 53.025547957964783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.55417133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.024737500827918 ], [ 7.24780020840861, 53.024737500827918 ], [ 7.24780020840861, 53.024534884164453 ], [ 7.246645231614742, 53.024534884164453 ], [ 7.246645231614742, 53.024737500827918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.26557633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.024534884164453 ], [ 7.24780020840861, 53.024534884164453 ], [ 7.24780020840861, 53.024332266549273 ], [ 7.246645231614742, 53.024332266549273 ], [ 7.246645231614742, 53.024534884164453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.024332266549273 ], [ 7.24780020840861, 53.024332266549273 ], [ 7.24780020840861, 53.024129647982399 ], [ 7.246645231614742, 53.024129647982399 ], [ 7.246645231614742, 53.024332266549273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 144.66666566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.023927028463802 ], [ 7.24780020840861, 53.023927028463802 ], [ 7.24780020840861, 53.023724407993505 ], [ 7.246645231614742, 53.023724407993505 ], [ 7.246645231614742, 53.023927028463802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 76.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.023724407993505 ], [ 7.24780020840861, 53.023724407993505 ], [ 7.24780020840861, 53.0235217865715 ], [ 7.246645231614742, 53.0235217865715 ], [ 7.246645231614742, 53.023724407993505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.022913916595165 ], [ 7.24780020840861, 53.022913916595165 ], [ 7.24780020840861, 53.022711291366271 ], [ 7.246645231614742, 53.022711291366271 ], [ 7.246645231614742, 53.022913916595165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 116.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.022508665185676 ], [ 7.24780020840861, 53.022508665185676 ], [ 7.24780020840861, 53.022306038053337 ], [ 7.246645231614742, 53.022306038053337 ], [ 7.246645231614742, 53.022508665185676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 122.66090575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.022306038053337 ], [ 7.24780020840861, 53.022306038053337 ], [ 7.24780020840861, 53.02210340996929 ], [ 7.246645231614742, 53.02210340996929 ], [ 7.246645231614742, 53.022306038053337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.29494925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.024737500827918 ], [ 7.248955185202478, 53.024737500827918 ], [ 7.248955185202478, 53.024534884164453 ], [ 7.24780020840861, 53.024534884164453 ], [ 7.24780020840861, 53.024737500827918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.024534884164453 ], [ 7.248955185202478, 53.024534884164453 ], [ 7.248955185202478, 53.024332266549273 ], [ 7.24780020840861, 53.024332266549273 ], [ 7.24780020840861, 53.024534884164453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.45012733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.024332266549273 ], [ 7.248955185202478, 53.024332266549273 ], [ 7.248955185202478, 53.024129647982399 ], [ 7.24780020840861, 53.024129647982399 ], [ 7.24780020840861, 53.024332266549273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.024129647982399 ], [ 7.248955185202478, 53.024129647982399 ], [ 7.248955185202478, 53.023927028463802 ], [ 7.24780020840861, 53.023927028463802 ], [ 7.24780020840861, 53.024129647982399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.023927028463802 ], [ 7.248955185202478, 53.023927028463802 ], [ 7.248955185202478, 53.023724407993505 ], [ 7.24780020840861, 53.023724407993505 ], [ 7.24780020840861, 53.023927028463802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.0235217865715 ], [ 7.248955185202478, 53.0235217865715 ], [ 7.248955185202478, 53.023319164197765 ], [ 7.24780020840861, 53.023319164197765 ], [ 7.24780020840861, 53.0235217865715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33863_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 118.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.023319164197765 ], [ 7.248955185202478, 53.023319164197765 ], [ 7.248955185202478, 53.02311654087233 ], [ 7.24780020840861, 53.02311654087233 ], [ 7.24780020840861, 53.023319164197765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.019131422059154 ], [ 7.24202532443927, 53.019131422059154 ], [ 7.24202532443927, 53.01892877906446 ], [ 7.240870347645402, 53.01892877906446 ], [ 7.240870347645402, 53.019131422059154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.017104949282938 ], [ 7.24202532443927, 53.017104949282938 ], [ 7.24202532443927, 53.016902296770581 ], [ 7.240870347645402, 53.016902296770581 ], [ 7.240870347645402, 53.017104949282938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.019739345332667 ], [ 7.243180301233139, 53.019739345332667 ], [ 7.243180301233139, 53.019536705193254 ], [ 7.24202532443927, 53.019536705193254 ], [ 7.24202532443927, 53.019739345332667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.018726135118023 ], [ 7.244335278027006, 53.018726135118023 ], [ 7.244335278027006, 53.01852349021982 ], [ 7.243180301233139, 53.01852349021982 ], [ 7.243180301233139, 53.018726135118023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.019941984520337 ], [ 7.245490254820874, 53.019941984520337 ], [ 7.245490254820874, 53.019739345332667 ], [ 7.244335278027006, 53.019739345332667 ], [ 7.244335278027006, 53.019941984520337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.018726135118023 ], [ 7.245490254820874, 53.018726135118023 ], [ 7.245490254820874, 53.01852349021982 ], [ 7.244335278027006, 53.01852349021982 ], [ 7.244335278027006, 53.018726135118023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 196.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.02054989637287 ], [ 7.246645231614742, 53.02054989637287 ], [ 7.246645231614742, 53.020347260040438 ], [ 7.245490254820874, 53.020347260040438 ], [ 7.245490254820874, 53.02054989637287 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 143.252032 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.019739345332667 ], [ 7.246645231614742, 53.019739345332667 ], [ 7.246645231614742, 53.019536705193254 ], [ 7.245490254820874, 53.019536705193254 ], [ 7.245490254820874, 53.019739345332667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 124.93147733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.017915549814624 ], [ 7.246645231614742, 53.017915549814624 ], [ 7.246645231614742, 53.017712901109363 ], [ 7.245490254820874, 53.017712901109363 ], [ 7.245490254820874, 53.017915549814624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.02054989637287 ], [ 7.24780020840861, 53.02054989637287 ], [ 7.24780020840861, 53.020347260040438 ], [ 7.246645231614742, 53.020347260040438 ], [ 7.246645231614742, 53.02054989637287 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.020144622756263 ], [ 7.24780020840861, 53.020144622756263 ], [ 7.24780020840861, 53.019941984520337 ], [ 7.246645231614742, 53.019941984520337 ], [ 7.246645231614742, 53.020144622756263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 176.291915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.019536705193254 ], [ 7.24780020840861, 53.019536705193254 ], [ 7.24780020840861, 53.019334064102075 ], [ 7.246645231614742, 53.019334064102075 ], [ 7.246645231614742, 53.019536705193254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.58248866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.019334064102075 ], [ 7.24780020840861, 53.019334064102075 ], [ 7.24780020840861, 53.019131422059154 ], [ 7.246645231614742, 53.019131422059154 ], [ 7.246645231614742, 53.019334064102075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.019131422059154 ], [ 7.24780020840861, 53.019131422059154 ], [ 7.24780020840861, 53.01892877906446 ], [ 7.246645231614742, 53.01892877906446 ], [ 7.246645231614742, 53.019131422059154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.01892877906446 ], [ 7.24780020840861, 53.01892877906446 ], [ 7.24780020840861, 53.018726135118023 ], [ 7.246645231614742, 53.018726135118023 ], [ 7.246645231614742, 53.01892877906446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 147.33333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.01852349021982 ], [ 7.24780020840861, 53.01852349021982 ], [ 7.24780020840861, 53.018320844369839 ], [ 7.246645231614742, 53.018320844369839 ], [ 7.246645231614742, 53.01852349021982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 83.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.018320844369839 ], [ 7.24780020840861, 53.018320844369839 ], [ 7.24780020840861, 53.018118197568121 ], [ 7.246645231614742, 53.018118197568121 ], [ 7.246645231614742, 53.018320844369839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.66666633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.017510251452322 ], [ 7.24780020840861, 53.017510251452322 ], [ 7.24780020840861, 53.017307600843509 ], [ 7.246645231614742, 53.017307600843509 ], [ 7.246645231614742, 53.017510251452322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 114.22656325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.017104949282938 ], [ 7.24780020840861, 53.017104949282938 ], [ 7.24780020840861, 53.016902296770581 ], [ 7.246645231614742, 53.016902296770581 ], [ 7.246645231614742, 53.017104949282938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 124.33333133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.016902296770581 ], [ 7.24780020840861, 53.016902296770581 ], [ 7.24780020840861, 53.016699643306453 ], [ 7.246645231614742, 53.016699643306453 ], [ 7.246645231614742, 53.016902296770581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 111.129183 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.019334064102075 ], [ 7.248955185202478, 53.019334064102075 ], [ 7.248955185202478, 53.019131422059154 ], [ 7.24780020840861, 53.019131422059154 ], [ 7.24780020840861, 53.019334064102075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 134.71428571428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.019131422059154 ], [ 7.248955185202478, 53.019131422059154 ], [ 7.248955185202478, 53.01892877906446 ], [ 7.24780020840861, 53.01892877906446 ], [ 7.24780020840861, 53.019131422059154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.6465075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.01892877906446 ], [ 7.248955185202478, 53.01892877906446 ], [ 7.248955185202478, 53.018726135118023 ], [ 7.24780020840861, 53.018726135118023 ], [ 7.24780020840861, 53.01892877906446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 119.25000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.018726135118023 ], [ 7.248955185202478, 53.018726135118023 ], [ 7.248955185202478, 53.01852349021982 ], [ 7.24780020840861, 53.01852349021982 ], [ 7.24780020840861, 53.018726135118023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.01852349021982 ], [ 7.248955185202478, 53.01852349021982 ], [ 7.248955185202478, 53.018320844369839 ], [ 7.24780020840861, 53.018320844369839 ], [ 7.24780020840861, 53.01852349021982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.018118197568121 ], [ 7.248955185202478, 53.018118197568121 ], [ 7.248955185202478, 53.017915549814624 ], [ 7.24780020840861, 53.017915549814624 ], [ 7.24780020840861, 53.018118197568121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33864_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.33333466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.017915549814624 ], [ 7.248955185202478, 53.017915549814624 ], [ 7.248955185202478, 53.017712901109363 ], [ 7.24780020840861, 53.017712901109363 ], [ 7.24780020840861, 53.017915549814624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.013727283149223 ], [ 7.24202532443927, 53.013727283149223 ], [ 7.24202532443927, 53.013524614773644 ], [ 7.240870347645402, 53.013524614773644 ], [ 7.240870347645402, 53.013727283149223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 53.01170055656182 ], [ 7.24202532443927, 53.01170055656182 ], [ 7.24202532443927, 53.01149787866806 ], [ 7.240870347645402, 53.01149787866806 ], [ 7.240870347645402, 53.01170055656182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 53.014335282565099 ], [ 7.243180301233139, 53.014335282565099 ], [ 7.243180301233139, 53.014132617044943 ], [ 7.24202532443927, 53.014132617044943 ], [ 7.24202532443927, 53.014335282565099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 53.013321945446272 ], [ 7.244335278027006, 53.013321945446272 ], [ 7.244335278027006, 53.013119275167071 ], [ 7.243180301233139, 53.013119275167071 ], [ 7.243180301233139, 53.013321945446272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.014537947133441 ], [ 7.245490254820874, 53.014537947133441 ], [ 7.245490254820874, 53.014335282565099 ], [ 7.244335278027006, 53.014335282565099 ], [ 7.244335278027006, 53.014537947133441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 53.013321945446272 ], [ 7.245490254820874, 53.013321945446272 ], [ 7.245490254820874, 53.013119275167071 ], [ 7.244335278027006, 53.013119275167071 ], [ 7.244335278027006, 53.013321945446272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 143.884612 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.014335282565099 ], [ 7.246645231614742, 53.014335282565099 ], [ 7.246645231614742, 53.014132617044943 ], [ 7.245490254820874, 53.014132617044943 ], [ 7.245490254820874, 53.014335282565099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 125.263566 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 53.012511258618595 ], [ 7.246645231614742, 53.012511258618595 ], [ 7.246645231614742, 53.012308584532143 ], [ 7.245490254820874, 53.012308584532143 ], [ 7.245490254820874, 53.012511258618595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.014740610750003 ], [ 7.24780020840861, 53.014740610750003 ], [ 7.24780020840861, 53.014537947133441 ], [ 7.246645231614742, 53.014537947133441 ], [ 7.246645231614742, 53.014740610750003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 167.979163 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.014132617044943 ], [ 7.24780020840861, 53.014132617044943 ], [ 7.24780020840861, 53.013929950572987 ], [ 7.246645231614742, 53.013929950572987 ], [ 7.246645231614742, 53.014132617044943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.013929950572987 ], [ 7.24780020840861, 53.013929950572987 ], [ 7.24780020840861, 53.013727283149223 ], [ 7.246645231614742, 53.013727283149223 ], [ 7.246645231614742, 53.013929950572987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.013727283149223 ], [ 7.24780020840861, 53.013727283149223 ], [ 7.24780020840861, 53.013524614773644 ], [ 7.246645231614742, 53.013524614773644 ], [ 7.246645231614742, 53.013727283149223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.013524614773644 ], [ 7.24780020840861, 53.013524614773644 ], [ 7.24780020840861, 53.013321945446272 ], [ 7.246645231614742, 53.013321945446272 ], [ 7.246645231614742, 53.013524614773644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.01291660393607 ], [ 7.24780020840861, 53.01291660393607 ], [ 7.24780020840861, 53.01271393175324 ], [ 7.246645231614742, 53.01271393175324 ], [ 7.246645231614742, 53.01291660393607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 131.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.012105909493854 ], [ 7.24780020840861, 53.012105909493854 ], [ 7.24780020840861, 53.011903233503752 ], [ 7.246645231614742, 53.011903233503752 ], [ 7.246645231614742, 53.012105909493854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.01170055656182 ], [ 7.24780020840861, 53.01170055656182 ], [ 7.24780020840861, 53.01149787866806 ], [ 7.246645231614742, 53.01149787866806 ], [ 7.246645231614742, 53.01170055656182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.832055 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 53.01149787866806 ], [ 7.24780020840861, 53.01149787866806 ], [ 7.24780020840861, 53.01129519982247 ], [ 7.246645231614742, 53.01129519982247 ], [ 7.246645231614742, 53.01149787866806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 92.751026 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.013929950572987 ], [ 7.248955185202478, 53.013929950572987 ], [ 7.248955185202478, 53.013727283149223 ], [ 7.24780020840861, 53.013727283149223 ], [ 7.24780020840861, 53.013929950572987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.013727283149223 ], [ 7.248955185202478, 53.013727283149223 ], [ 7.248955185202478, 53.013524614773644 ], [ 7.24780020840861, 53.013524614773644 ], [ 7.24780020840861, 53.013727283149223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 132.168907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.013524614773644 ], [ 7.248955185202478, 53.013524614773644 ], [ 7.248955185202478, 53.013321945446272 ], [ 7.24780020840861, 53.013321945446272 ], [ 7.24780020840861, 53.013524614773644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 117.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.013321945446272 ], [ 7.248955185202478, 53.013321945446272 ], [ 7.248955185202478, 53.013119275167071 ], [ 7.24780020840861, 53.013119275167071 ], [ 7.24780020840861, 53.013321945446272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.013119275167071 ], [ 7.248955185202478, 53.013119275167071 ], [ 7.248955185202478, 53.01291660393607 ], [ 7.24780020840861, 53.01291660393607 ], [ 7.24780020840861, 53.013119275167071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.01271393175324 ], [ 7.248955185202478, 53.01271393175324 ], [ 7.248955185202478, 53.012511258618595 ], [ 7.24780020840861, 53.012511258618595 ], [ 7.24780020840861, 53.01271393175324 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33865_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 115.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 53.012511258618595 ], [ 7.248955185202478, 53.012511258618595 ], [ 7.248955185202478, 53.012308584532143 ], [ 7.24780020840861, 53.012308584532143 ], [ 7.24780020840861, 53.012511258618595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33870_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 30.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.986696435246778 ], [ 7.248955185202478, 52.986696435246778 ], [ 7.248955185202478, 52.986493639946147 ], [ 7.24780020840861, 52.986493639946147 ], [ 7.24780020840861, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.905502319620417 ], [ 7.24202532443927, 52.905502319620417 ], [ 7.24202532443927, 52.905299143339235 ], [ 7.240870347645402, 52.905299143339235 ], [ 7.240870347645402, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.2635005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.903470513930628 ], [ 7.24202532443927, 52.903470513930628 ], [ 7.24202532443927, 52.90326732812099 ], [ 7.240870347645402, 52.90326732812099 ], [ 7.240870347645402, 52.903470513930628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.905908669324312 ], [ 7.243180301233139, 52.905908669324312 ], [ 7.243180301233139, 52.905705494948783 ], [ 7.24202532443927, 52.905705494948783 ], [ 7.24202532443927, 52.905908669324312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.9050959661052 ], [ 7.244335278027006, 52.9050959661052 ], [ 7.244335278027006, 52.904892787918335 ], [ 7.243180301233139, 52.904892787918335 ], [ 7.243180301233139, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 222.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.906315015216883 ], [ 7.245490254820874, 52.906315015216883 ], [ 7.245490254820874, 52.906111842747009 ], [ 7.244335278027006, 52.906111842747009 ], [ 7.244335278027006, 52.906315015216883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.9050959661052 ], [ 7.245490254820874, 52.9050959661052 ], [ 7.245490254820874, 52.904892787918335 ], [ 7.244335278027006, 52.904892787918335 ], [ 7.244335278027006, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.906924526909535 ], [ 7.246645231614742, 52.906924526909535 ], [ 7.246645231614742, 52.906721357298139 ], [ 7.245490254820874, 52.906721357298139 ], [ 7.245490254820874, 52.906924526909535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 147.879632 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.906518186733919 ], [ 7.246645231614742, 52.906518186733919 ], [ 7.246645231614742, 52.906315015216883 ], [ 7.245490254820874, 52.906315015216883 ], [ 7.245490254820874, 52.906518186733919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.906111842747009 ], [ 7.246645231614742, 52.906111842747009 ], [ 7.246645231614742, 52.905908669324312 ], [ 7.245490254820874, 52.905908669324312 ], [ 7.245490254820874, 52.906111842747009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 124.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.904283247640684 ], [ 7.246645231614742, 52.904283247640684 ], [ 7.246645231614742, 52.904080065642439 ], [ 7.245490254820874, 52.904080065642439 ], [ 7.245490254820874, 52.904283247640684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.906924526909535 ], [ 7.24780020840861, 52.906924526909535 ], [ 7.24780020840861, 52.906721357298139 ], [ 7.246645231614742, 52.906721357298139 ], [ 7.246645231614742, 52.906924526909535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 195.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.906518186733919 ], [ 7.24780020840861, 52.906518186733919 ], [ 7.24780020840861, 52.906315015216883 ], [ 7.246645231614742, 52.906315015216883 ], [ 7.246645231614742, 52.906518186733919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 145.085006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.905908669324312 ], [ 7.24780020840861, 52.905908669324312 ], [ 7.24780020840861, 52.905705494948783 ], [ 7.246645231614742, 52.905705494948783 ], [ 7.246645231614742, 52.905908669324312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.905705494948783 ], [ 7.24780020840861, 52.905705494948783 ], [ 7.24780020840861, 52.905502319620417 ], [ 7.246645231614742, 52.905502319620417 ], [ 7.246645231614742, 52.905705494948783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 141.06215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.905502319620417 ], [ 7.24780020840861, 52.905502319620417 ], [ 7.24780020840861, 52.905299143339235 ], [ 7.246645231614742, 52.905299143339235 ], [ 7.246645231614742, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 126.7500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.9050959661052 ], [ 7.24780020840861, 52.9050959661052 ], [ 7.24780020840861, 52.904892787918335 ], [ 7.246645231614742, 52.904892787918335 ], [ 7.246645231614742, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.904892787918335 ], [ 7.24780020840861, 52.904892787918335 ], [ 7.24780020840861, 52.904689608778625 ], [ 7.246645231614742, 52.904689608778625 ], [ 7.246645231614742, 52.904892787918335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.904689608778625 ], [ 7.24780020840861, 52.904689608778625 ], [ 7.24780020840861, 52.90448642868607 ], [ 7.246645231614742, 52.90448642868607 ], [ 7.246645231614742, 52.904689608778625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 127.00000166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.903876882691357 ], [ 7.24780020840861, 52.903876882691357 ], [ 7.24780020840861, 52.903673698787415 ], [ 7.246645231614742, 52.903673698787415 ], [ 7.246645231614742, 52.903876882691357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.903470513930628 ], [ 7.24780020840861, 52.903470513930628 ], [ 7.24780020840861, 52.90326732812099 ], [ 7.246645231614742, 52.90326732812099 ], [ 7.246645231614742, 52.903470513930628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 128.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.90326732812099 ], [ 7.24780020840861, 52.90326732812099 ], [ 7.24780020840861, 52.903064141358492 ], [ 7.246645231614742, 52.903064141358492 ], [ 7.246645231614742, 52.90326732812099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 127.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.905705494948783 ], [ 7.248955185202478, 52.905705494948783 ], [ 7.248955185202478, 52.905502319620417 ], [ 7.24780020840861, 52.905502319620417 ], [ 7.24780020840861, 52.905705494948783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.905502319620417 ], [ 7.248955185202478, 52.905502319620417 ], [ 7.248955185202478, 52.905299143339235 ], [ 7.24780020840861, 52.905299143339235 ], [ 7.24780020840861, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.905299143339235 ], [ 7.248955185202478, 52.905299143339235 ], [ 7.248955185202478, 52.9050959661052 ], [ 7.24780020840861, 52.9050959661052 ], [ 7.24780020840861, 52.905299143339235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 131.23892425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.9050959661052 ], [ 7.248955185202478, 52.9050959661052 ], [ 7.248955185202478, 52.904892787918335 ], [ 7.24780020840861, 52.904892787918335 ], [ 7.24780020840861, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.904892787918335 ], [ 7.248955185202478, 52.904892787918335 ], [ 7.248955185202478, 52.904689608778625 ], [ 7.24780020840861, 52.904689608778625 ], [ 7.24780020840861, 52.904892787918335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.90448642868607 ], [ 7.248955185202478, 52.90448642868607 ], [ 7.248955185202478, 52.904283247640684 ], [ 7.24780020840861, 52.904283247640684 ], [ 7.24780020840861, 52.90448642868607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33885_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.904283247640684 ], [ 7.248955185202478, 52.904283247640684 ], [ 7.248955185202478, 52.904080065642439 ], [ 7.24780020840861, 52.904080065642439 ], [ 7.24780020840861, 52.904283247640684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.900083959368175 ], [ 7.24202532443927, 52.900083959368175 ], [ 7.24202532443927, 52.899880757677359 ], [ 7.240870347645402, 52.899880757677359 ], [ 7.240870347645402, 52.900083959368175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.898051899579897 ], [ 7.24202532443927, 52.898051899579897 ], [ 7.24202532443927, 52.897848688360128 ], [ 7.240870347645402, 52.897848688360128 ], [ 7.240870347645402, 52.898051899579897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.900490359891144 ], [ 7.243180301233139, 52.900490359891144 ], [ 7.243180301233139, 52.900287160106103 ], [ 7.24202532443927, 52.900287160106103 ], [ 7.24202532443927, 52.900490359891144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.899677555033655 ], [ 7.244335278027006, 52.899677555033655 ], [ 7.244335278027006, 52.899474351437071 ], [ 7.243180301233139, 52.899474351437071 ], [ 7.243180301233139, 52.899677555033655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 214.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.900896756602585 ], [ 7.245490254820874, 52.900896756602585 ], [ 7.245490254820874, 52.900693558723304 ], [ 7.244335278027006, 52.900693558723304 ], [ 7.244335278027006, 52.900896756602585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.899677555033655 ], [ 7.245490254820874, 52.899677555033655 ], [ 7.245490254820874, 52.899474351437071 ], [ 7.244335278027006, 52.899474351437071 ], [ 7.244335278027006, 52.899677555033655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 160.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.901506344523177 ], [ 7.246645231614742, 52.901506344523177 ], [ 7.246645231614742, 52.901303149502517 ], [ 7.245490254820874, 52.901303149502517 ], [ 7.245490254820874, 52.901506344523177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 120.30644475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.901099953528998 ], [ 7.246645231614742, 52.901099953528998 ], [ 7.246645231614742, 52.900896756602585 ], [ 7.245490254820874, 52.900896756602585 ], [ 7.245490254820874, 52.901099953528998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.21374025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.900693558723304 ], [ 7.246645231614742, 52.900693558723304 ], [ 7.246645231614742, 52.900490359891144 ], [ 7.245490254820874, 52.900490359891144 ], [ 7.245490254820874, 52.900693558723304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 124.50000275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.898864734929951 ], [ 7.246645231614742, 52.898864734929951 ], [ 7.246645231614742, 52.898661527521782 ], [ 7.245490254820874, 52.898661527521782 ], [ 7.245490254820874, 52.898864734929951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 155.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.901506344523177 ], [ 7.24780020840861, 52.901506344523177 ], [ 7.24780020840861, 52.901303149502517 ], [ 7.246645231614742, 52.901303149502517 ], [ 7.246645231614742, 52.901506344523177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 192.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.901099953528998 ], [ 7.24780020840861, 52.901099953528998 ], [ 7.24780020840861, 52.900896756602585 ], [ 7.246645231614742, 52.900896756602585 ], [ 7.246645231614742, 52.901099953528998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 128.5611915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.900490359891144 ], [ 7.24780020840861, 52.900490359891144 ], [ 7.24780020840861, 52.900287160106103 ], [ 7.246645231614742, 52.900287160106103 ], [ 7.246645231614742, 52.900490359891144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.85119525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.900287160106103 ], [ 7.24780020840861, 52.900287160106103 ], [ 7.24780020840861, 52.900083959368175 ], [ 7.246645231614742, 52.900083959368175 ], [ 7.246645231614742, 52.900287160106103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.99962066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.900083959368175 ], [ 7.24780020840861, 52.900083959368175 ], [ 7.24780020840861, 52.899880757677359 ], [ 7.246645231614742, 52.899880757677359 ], [ 7.246645231614742, 52.900083959368175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 127.39848514285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.899677555033655 ], [ 7.24780020840861, 52.899677555033655 ], [ 7.24780020840861, 52.899474351437071 ], [ 7.246645231614742, 52.899474351437071 ], [ 7.246645231614742, 52.899677555033655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 141.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.899474351437071 ], [ 7.24780020840861, 52.899474351437071 ], [ 7.24780020840861, 52.899271146887592 ], [ 7.246645231614742, 52.899271146887592 ], [ 7.246645231614742, 52.899474351437071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.899271146887592 ], [ 7.24780020840861, 52.899271146887592 ], [ 7.24780020840861, 52.899067941385226 ], [ 7.246645231614742, 52.899067941385226 ], [ 7.246645231614742, 52.899271146887592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 127.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.898458319160724 ], [ 7.24780020840861, 52.898458319160724 ], [ 7.24780020840861, 52.898255109846765 ], [ 7.246645231614742, 52.898255109846765 ], [ 7.246645231614742, 52.898458319160724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 134.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.898051899579897 ], [ 7.24780020840861, 52.898051899579897 ], [ 7.24780020840861, 52.897848688360128 ], [ 7.246645231614742, 52.897848688360128 ], [ 7.246645231614742, 52.898051899579897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 124.27253075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.897848688360128 ], [ 7.24780020840861, 52.897848688360128 ], [ 7.24780020840861, 52.897645476187442 ], [ 7.246645231614742, 52.897645476187442 ], [ 7.246645231614742, 52.897848688360128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.74999775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.900287160106103 ], [ 7.248955185202478, 52.900287160106103 ], [ 7.248955185202478, 52.900083959368175 ], [ 7.24780020840861, 52.900083959368175 ], [ 7.24780020840861, 52.900287160106103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.900083959368175 ], [ 7.248955185202478, 52.900083959368175 ], [ 7.248955185202478, 52.899880757677359 ], [ 7.24780020840861, 52.899880757677359 ], [ 7.24780020840861, 52.900083959368175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.68492475000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.899880757677359 ], [ 7.248955185202478, 52.899880757677359 ], [ 7.248955185202478, 52.899677555033655 ], [ 7.24780020840861, 52.899677555033655 ], [ 7.24780020840861, 52.899880757677359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.42857214285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.899677555033655 ], [ 7.248955185202478, 52.899677555033655 ], [ 7.248955185202478, 52.899474351437071 ], [ 7.24780020840861, 52.899474351437071 ], [ 7.24780020840861, 52.899677555033655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.899474351437071 ], [ 7.248955185202478, 52.899474351437071 ], [ 7.248955185202478, 52.899271146887592 ], [ 7.24780020840861, 52.899271146887592 ], [ 7.24780020840861, 52.899474351437071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.899067941385226 ], [ 7.248955185202478, 52.899067941385226 ], [ 7.248955185202478, 52.898864734929951 ], [ 7.24780020840861, 52.898864734929951 ], [ 7.24780020840861, 52.899067941385226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33886_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.74999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.898864734929951 ], [ 7.248955185202478, 52.898864734929951 ], [ 7.248955185202478, 52.898661527521782 ], [ 7.24780020840861, 52.898661527521782 ], [ 7.24780020840861, 52.898864734929951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.894664921508642 ], [ 7.24202532443927, 52.894664921508642 ], [ 7.24202532443927, 52.894461694406843 ], [ 7.240870347645402, 52.894461694406843 ], [ 7.240870347645402, 52.894664921508642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 140.74999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.892632607608284 ], [ 7.24202532443927, 52.892632607608284 ], [ 7.24202532443927, 52.892429370977027 ], [ 7.240870347645402, 52.892429370977027 ], [ 7.240870347645402, 52.892632607608284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.895071372853415 ], [ 7.243180301233139, 52.895071372853415 ], [ 7.243180301233139, 52.89486814765749 ], [ 7.24202532443927, 52.89486814765749 ], [ 7.24202532443927, 52.895071372853415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 172.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.89425846635212 ], [ 7.244335278027006, 52.89425846635212 ], [ 7.244335278027006, 52.894055237344446 ], [ 7.243180301233139, 52.894055237344446 ], [ 7.243180301233139, 52.89425846635212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 197.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.895477820386461 ], [ 7.245490254820874, 52.895477820386461 ], [ 7.245490254820874, 52.895274597096403 ], [ 7.244335278027006, 52.895274597096403 ], [ 7.244335278027006, 52.895477820386461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.89425846635212 ], [ 7.245490254820874, 52.89425846635212 ], [ 7.245490254820874, 52.894055237344446 ], [ 7.244335278027006, 52.894055237344446 ], [ 7.244335278027006, 52.89425846635212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.896087484539066 ], [ 7.246645231614742, 52.896087484539066 ], [ 7.246645231614742, 52.895884264107785 ], [ 7.245490254820874, 52.895884264107785 ], [ 7.245490254820874, 52.896087484539066 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 92.6000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.895681042723588 ], [ 7.246645231614742, 52.895681042723588 ], [ 7.246645231614742, 52.895477820386461 ], [ 7.245490254820874, 52.895477820386461 ], [ 7.245490254820874, 52.895681042723588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.879264 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.895274597096403 ], [ 7.246645231614742, 52.895274597096403 ], [ 7.246645231614742, 52.895071372853415 ], [ 7.245490254820874, 52.895071372853415 ], [ 7.245490254820874, 52.895274597096403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 124.25000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.893445544603786 ], [ 7.246645231614742, 52.893445544603786 ], [ 7.246645231614742, 52.893242311784334 ], [ 7.245490254820874, 52.893242311784334 ], [ 7.245490254820874, 52.893445544603786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 156.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.896087484539066 ], [ 7.24780020840861, 52.896087484539066 ], [ 7.24780020840861, 52.895884264107785 ], [ 7.246645231614742, 52.895884264107785 ], [ 7.246645231614742, 52.896087484539066 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.895681042723588 ], [ 7.24780020840861, 52.895681042723588 ], [ 7.24780020840861, 52.895477820386461 ], [ 7.246645231614742, 52.895477820386461 ], [ 7.246645231614742, 52.895681042723588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 155.22998033333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.895071372853415 ], [ 7.24780020840861, 52.895071372853415 ], [ 7.24780020840861, 52.89486814765749 ], [ 7.246645231614742, 52.89486814765749 ], [ 7.246645231614742, 52.895071372853415 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.47665266666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.89486814765749 ], [ 7.24780020840861, 52.89486814765749 ], [ 7.24780020840861, 52.894664921508642 ], [ 7.246645231614742, 52.894664921508642 ], [ 7.246645231614742, 52.89486814765749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.6758695 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.894664921508642 ], [ 7.24780020840861, 52.894664921508642 ], [ 7.24780020840861, 52.894461694406843 ], [ 7.246645231614742, 52.894461694406843 ], [ 7.246645231614742, 52.894664921508642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 110.12499975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.89425846635212 ], [ 7.24780020840861, 52.89425846635212 ], [ 7.24780020840861, 52.894055237344446 ], [ 7.246645231614742, 52.894055237344446 ], [ 7.246645231614742, 52.89425846635212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 137.33333633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.894055237344446 ], [ 7.24780020840861, 52.894055237344446 ], [ 7.24780020840861, 52.893852007383835 ], [ 7.246645231614742, 52.893852007383835 ], [ 7.246645231614742, 52.894055237344446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 172.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.893852007383835 ], [ 7.24780020840861, 52.893852007383835 ], [ 7.24780020840861, 52.893648776470286 ], [ 7.246645231614742, 52.893648776470286 ], [ 7.246645231614742, 52.893852007383835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 119.18571575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.893039078011938 ], [ 7.24780020840861, 52.893039078011938 ], [ 7.24780020840861, 52.892835843286591 ], [ 7.246645231614742, 52.892835843286591 ], [ 7.246645231614742, 52.893039078011938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 135.2317875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.892632607608284 ], [ 7.24780020840861, 52.892632607608284 ], [ 7.24780020840861, 52.892429370977027 ], [ 7.246645231614742, 52.892429370977027 ], [ 7.246645231614742, 52.892632607608284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 97.2975396 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.892429370977027 ], [ 7.24780020840861, 52.892429370977027 ], [ 7.24780020840861, 52.892226133392818 ], [ 7.246645231614742, 52.892226133392818 ], [ 7.246645231614742, 52.892429370977027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.7798655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.89486814765749 ], [ 7.248955185202478, 52.89486814765749 ], [ 7.248955185202478, 52.894664921508642 ], [ 7.24780020840861, 52.894664921508642 ], [ 7.24780020840861, 52.89486814765749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.894664921508642 ], [ 7.248955185202478, 52.894664921508642 ], [ 7.248955185202478, 52.894461694406843 ], [ 7.24780020840861, 52.894461694406843 ], [ 7.24780020840861, 52.894664921508642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.49999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.894461694406843 ], [ 7.248955185202478, 52.894461694406843 ], [ 7.248955185202478, 52.89425846635212 ], [ 7.24780020840861, 52.89425846635212 ], [ 7.24780020840861, 52.894461694406843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.37499925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.89425846635212 ], [ 7.248955185202478, 52.89425846635212 ], [ 7.248955185202478, 52.894055237344446 ], [ 7.24780020840861, 52.894055237344446 ], [ 7.24780020840861, 52.89425846635212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 91.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.894055237344446 ], [ 7.248955185202478, 52.894055237344446 ], [ 7.248955185202478, 52.893852007383835 ], [ 7.24780020840861, 52.893852007383835 ], [ 7.24780020840861, 52.894055237344446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 151.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.893648776470286 ], [ 7.248955185202478, 52.893648776470286 ], [ 7.248955185202478, 52.893445544603786 ], [ 7.24780020840861, 52.893445544603786 ], [ 7.24780020840861, 52.893648776470286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33887_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.893445544603786 ], [ 7.248955185202478, 52.893445544603786 ], [ 7.248955185202478, 52.893242311784334 ], [ 7.24780020840861, 52.893242311784334 ], [ 7.24780020840861, 52.893445544603786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.888838700024323 ], [ 7.245490254820874, 52.888838700024323 ], [ 7.245490254820874, 52.888635445604208 ], [ 7.244335278027006, 52.888635445604208 ], [ 7.244335278027006, 52.888838700024323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.890667946920935 ], [ 7.246645231614742, 52.890667946920935 ], [ 7.246645231614742, 52.890464701077676 ], [ 7.245490254820874, 52.890464701077676 ], [ 7.245490254820874, 52.890667946920935 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 108.946431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.890261454281443 ], [ 7.246645231614742, 52.890261454281443 ], [ 7.246645231614742, 52.890058206532224 ], [ 7.245490254820874, 52.890058206532224 ], [ 7.245490254820874, 52.890261454281443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.610963 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.889448457566715 ], [ 7.24780020840861, 52.889448457566715 ], [ 7.24780020840861, 52.889245206005569 ], [ 7.246645231614742, 52.889245206005569 ], [ 7.246645231614742, 52.889448457566715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.888838700024323 ], [ 7.24780020840861, 52.888838700024323 ], [ 7.24780020840861, 52.888635445604208 ], [ 7.246645231614742, 52.888635445604208 ], [ 7.246645231614742, 52.888838700024323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.888635445604208 ], [ 7.24780020840861, 52.888635445604208 ], [ 7.24780020840861, 52.888432190231114 ], [ 7.246645231614742, 52.888432190231114 ], [ 7.246645231614742, 52.888635445604208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.887619159208739 ], [ 7.24780020840861, 52.887619159208739 ], [ 7.24780020840861, 52.887415899070646 ], [ 7.246645231614742, 52.887415899070646 ], [ 7.246645231614742, 52.887619159208739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33888_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 118.464543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.888025676625922 ], [ 7.248955185202478, 52.888025676625922 ], [ 7.248955185202478, 52.887822418393831 ], [ 7.24780020840861, 52.887822418393831 ], [ 7.24780020840861, 52.888025676625922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33901_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 89.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.818727222442064 ], [ 7.248955185202478, 52.818727222442064 ], [ 7.248955185202478, 52.818523639444201 ], [ 7.24780020840861, 52.818523639444201 ], [ 7.24780020840861, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33926_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 34.7 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.68320196229913 ], [ 7.246645231614742, 52.68320196229913 ], [ 7.246645231614742, 52.682997745026064 ], [ 7.245490254820874, 52.682997745026064 ], [ 7.245490254820874, 52.68320196229913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33926_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 44.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.681568197377274 ], [ 7.246645231614742, 52.681568197377274 ], [ 7.246645231614742, 52.681363972464943 ], [ 7.245490254820874, 52.681363972464943 ], [ 7.245490254820874, 52.681568197377274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33927_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.677755841557072 ], [ 7.246645231614742, 52.677755841557072 ], [ 7.246645231614742, 52.677551598819335 ], [ 7.245490254820874, 52.677551598819335 ], [ 7.245490254820874, 52.677755841557072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33927_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.676121872916461 ], [ 7.246645231614742, 52.676121872916461 ], [ 7.246645231614742, 52.67591762253906 ], [ 7.245490254820874, 52.67591762253906 ], [ 7.245490254820874, 52.676121872916461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.458738004553602 ], [ 7.24202532443927, 52.458738004553602 ], [ 7.24202532443927, 52.45853273927618 ], [ 7.240870347645402, 52.45853273927618 ], [ 7.240870347645402, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.9686125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.456890582607279 ], [ 7.24202532443927, 52.456890582607279 ], [ 7.24202532443927, 52.456685308717454 ], [ 7.240870347645402, 52.456685308717454 ], [ 7.240870347645402, 52.456890582607279 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.459353794644308 ], [ 7.243180301233139, 52.459353794644308 ], [ 7.243180301233139, 52.459148532237663 ], [ 7.24202532443927, 52.459148532237663 ], [ 7.24202532443927, 52.459353794644308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.45853273927618 ], [ 7.244335278027006, 52.45853273927618 ], [ 7.244335278027006, 52.458327473041841 ], [ 7.243180301233139, 52.458327473041841 ], [ 7.243180301233139, 52.45853273927618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.459969576122724 ], [ 7.245490254820874, 52.459969576122724 ], [ 7.245490254820874, 52.459764316586835 ], [ 7.244335278027006, 52.459764316586835 ], [ 7.244335278027006, 52.459969576122724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.458738004553602 ], [ 7.245490254820874, 52.458738004553602 ], [ 7.245490254820874, 52.45853273927618 ], [ 7.244335278027006, 52.45853273927618 ], [ 7.244335278027006, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.45791693770235 ], [ 7.245490254820874, 52.45791693770235 ], [ 7.245490254820874, 52.45771166859722 ], [ 7.244335278027006, 52.45771166859722 ], [ 7.244335278027006, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.460380092323753 ], [ 7.246645231614742, 52.460380092323753 ], [ 7.246645231614742, 52.460174834701697 ], [ 7.245490254820874, 52.460174834701697 ], [ 7.245490254820874, 52.460380092323753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 133.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.460174834701697 ], [ 7.246645231614742, 52.460174834701697 ], [ 7.246645231614742, 52.459969576122724 ], [ 7.245490254820874, 52.459969576122724 ], [ 7.245490254820874, 52.460174834701697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.459969576122724 ], [ 7.246645231614742, 52.459969576122724 ], [ 7.246645231614742, 52.459764316586835 ], [ 7.245490254820874, 52.459764316586835 ], [ 7.245490254820874, 52.459969576122724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.459559056094029 ], [ 7.246645231614742, 52.459559056094029 ], [ 7.246645231614742, 52.459353794644308 ], [ 7.245490254820874, 52.459353794644308 ], [ 7.245490254820874, 52.459559056094029 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.459148532237663 ], [ 7.246645231614742, 52.459148532237663 ], [ 7.246645231614742, 52.458943268874094 ], [ 7.245490254820874, 52.458943268874094 ], [ 7.245490254820874, 52.459148532237663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.45791693770235 ], [ 7.246645231614742, 52.45791693770235 ], [ 7.246645231614742, 52.45771166859722 ], [ 7.245490254820874, 52.45771166859722 ], [ 7.245490254820874, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.45771166859722 ], [ 7.246645231614742, 52.45771166859722 ], [ 7.246645231614742, 52.457506398535138 ], [ 7.245490254820874, 52.457506398535138 ], [ 7.245490254820874, 52.45771166859722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.460380092323753 ], [ 7.24780020840861, 52.460380092323753 ], [ 7.24780020840861, 52.460174834701697 ], [ 7.246645231614742, 52.460174834701697 ], [ 7.246645231614742, 52.460380092323753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.459969576122724 ], [ 7.24780020840861, 52.459969576122724 ], [ 7.24780020840861, 52.459764316586835 ], [ 7.246645231614742, 52.459764316586835 ], [ 7.246645231614742, 52.459969576122724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.768361 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.459148532237663 ], [ 7.24780020840861, 52.459148532237663 ], [ 7.24780020840861, 52.458943268874094 ], [ 7.246645231614742, 52.458943268874094 ], [ 7.246645231614742, 52.459148532237663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.18462433333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.458943268874094 ], [ 7.24780020840861, 52.458943268874094 ], [ 7.24780020840861, 52.458738004553602 ], [ 7.246645231614742, 52.458738004553602 ], [ 7.246645231614742, 52.458943268874094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.047538 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.458738004553602 ], [ 7.24780020840861, 52.458738004553602 ], [ 7.24780020840861, 52.45853273927618 ], [ 7.246645231614742, 52.45853273927618 ], [ 7.246645231614742, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 133.082191 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.45853273927618 ], [ 7.24780020840861, 52.45853273927618 ], [ 7.24780020840861, 52.458327473041841 ], [ 7.246645231614742, 52.458327473041841 ], [ 7.246645231614742, 52.45853273927618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.45791693770235 ], [ 7.24780020840861, 52.45791693770235 ], [ 7.24780020840861, 52.45771166859722 ], [ 7.246645231614742, 52.45771166859722 ], [ 7.246645231614742, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 150.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.457301127516132 ], [ 7.24780020840861, 52.457301127516132 ], [ 7.24780020840861, 52.457095855540175 ], [ 7.246645231614742, 52.457095855540175 ], [ 7.246645231614742, 52.457301127516132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 135.4999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.456480033870669 ], [ 7.24780020840861, 52.456480033870669 ], [ 7.24780020840861, 52.456274758066947 ], [ 7.246645231614742, 52.456274758066947 ], [ 7.246645231614742, 52.456480033870669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.1233955 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.459148532237663 ], [ 7.248955185202478, 52.459148532237663 ], [ 7.248955185202478, 52.458943268874094 ], [ 7.24780020840861, 52.458943268874094 ], [ 7.24780020840861, 52.459148532237663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.458943268874094 ], [ 7.248955185202478, 52.458943268874094 ], [ 7.248955185202478, 52.458738004553602 ], [ 7.24780020840861, 52.458738004553602 ], [ 7.24780020840861, 52.458943268874094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.458738004553602 ], [ 7.248955185202478, 52.458738004553602 ], [ 7.248955185202478, 52.45853273927618 ], [ 7.24780020840861, 52.45853273927618 ], [ 7.24780020840861, 52.458738004553602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.2148274 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.45853273927618 ], [ 7.248955185202478, 52.45853273927618 ], [ 7.248955185202478, 52.458327473041841 ], [ 7.24780020840861, 52.458327473041841 ], [ 7.24780020840861, 52.45853273927618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 108.291262 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.458327473041841 ], [ 7.248955185202478, 52.458327473041841 ], [ 7.248955185202478, 52.458122205850565 ], [ 7.24780020840861, 52.458122205850565 ], [ 7.24780020840861, 52.458327473041841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.458122205850565 ], [ 7.248955185202478, 52.458122205850565 ], [ 7.248955185202478, 52.45791693770235 ], [ 7.24780020840861, 52.45791693770235 ], [ 7.24780020840861, 52.458122205850565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.45791693770235 ], [ 7.248955185202478, 52.45791693770235 ], [ 7.248955185202478, 52.45771166859722 ], [ 7.24780020840861, 52.45771166859722 ], [ 7.24780020840861, 52.45791693770235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33967_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.874567 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.457506398535138 ], [ 7.248955185202478, 52.457506398535138 ], [ 7.248955185202478, 52.457301127516132 ], [ 7.24780020840861, 52.457301127516132 ], [ 7.24780020840861, 52.457506398535138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.453263936335325 ], [ 7.24202532443927, 52.453263936335325 ], [ 7.24202532443927, 52.453058645539201 ], [ 7.240870347645402, 52.453058645539201 ], [ 7.240870347645402, 52.453263936335325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.778589 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.451416284718931 ], [ 7.24202532443927, 52.451416284718931 ], [ 7.24202532443927, 52.451210985309956 ], [ 7.240870347645402, 52.451210985309956 ], [ 7.240870347645402, 52.451416284718931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 145.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.453879802981845 ], [ 7.243180301233139, 52.453879802981845 ], [ 7.243180301233139, 52.45367451505664 ], [ 7.24202532443927, 52.45367451505664 ], [ 7.24202532443927, 52.453879802981845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.453058645539201 ], [ 7.244335278027006, 52.453058645539201 ], [ 7.244335278027006, 52.452853353786118 ], [ 7.243180301233139, 52.452853353786118 ], [ 7.243180301233139, 52.453058645539201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.454495661015635 ], [ 7.245490254820874, 52.454495661015635 ], [ 7.245490254820874, 52.454290375961335 ], [ 7.244335278027006, 52.454290375961335 ], [ 7.244335278027006, 52.454495661015635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.453263936335325 ], [ 7.245490254820874, 52.453263936335325 ], [ 7.245490254820874, 52.453058645539201 ], [ 7.244335278027006, 52.453058645539201 ], [ 7.244335278027006, 52.453263936335325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 129.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.452442767408982 ], [ 7.245490254820874, 52.452442767408982 ], [ 7.245490254820874, 52.452237472784944 ], [ 7.244335278027006, 52.452237472784944 ], [ 7.244335278027006, 52.452442767408982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.45490622825335 ], [ 7.246645231614742, 52.45490622825335 ], [ 7.246645231614742, 52.454700945112975 ], [ 7.245490254820874, 52.454700945112975 ], [ 7.245490254820874, 52.45490622825335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 135.2704685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.454700945112975 ], [ 7.246645231614742, 52.454700945112975 ], [ 7.246645231614742, 52.454495661015635 ], [ 7.245490254820874, 52.454495661015635 ], [ 7.245490254820874, 52.454700945112975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 161.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.454495661015635 ], [ 7.246645231614742, 52.454495661015635 ], [ 7.246645231614742, 52.454290375961335 ], [ 7.245490254820874, 52.454290375961335 ], [ 7.245490254820874, 52.454495661015635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.35309133333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.454085089950077 ], [ 7.246645231614742, 52.454085089950077 ], [ 7.246645231614742, 52.453879802981845 ], [ 7.245490254820874, 52.453879802981845 ], [ 7.245490254820874, 52.454085089950077 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.45367451505664 ], [ 7.246645231614742, 52.45367451505664 ], [ 7.246645231614742, 52.453469226174469 ], [ 7.245490254820874, 52.453469226174469 ], [ 7.245490254820874, 52.45367451505664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 153.00000166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.452442767408982 ], [ 7.246645231614742, 52.452442767408982 ], [ 7.246645231614742, 52.452237472784944 ], [ 7.245490254820874, 52.452237472784944 ], [ 7.245490254820874, 52.452442767408982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.452237472784944 ], [ 7.246645231614742, 52.452237472784944 ], [ 7.246645231614742, 52.452032177203918 ], [ 7.245490254820874, 52.452032177203918 ], [ 7.245490254820874, 52.452237472784944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.45490622825335 ], [ 7.24780020840861, 52.45490622825335 ], [ 7.24780020840861, 52.454700945112975 ], [ 7.246645231614742, 52.454700945112975 ], [ 7.246645231614742, 52.45490622825335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.454495661015635 ], [ 7.24780020840861, 52.454495661015635 ], [ 7.24780020840861, 52.454290375961335 ], [ 7.246645231614742, 52.454290375961335 ], [ 7.246645231614742, 52.454495661015635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.602969 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.45367451505664 ], [ 7.24780020840861, 52.45367451505664 ], [ 7.24780020840861, 52.453469226174469 ], [ 7.246645231614742, 52.453469226174469 ], [ 7.246645231614742, 52.45367451505664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.57038933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.453469226174469 ], [ 7.24780020840861, 52.453469226174469 ], [ 7.24780020840861, 52.453263936335325 ], [ 7.246645231614742, 52.453263936335325 ], [ 7.246645231614742, 52.453469226174469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.0190118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.453263936335325 ], [ 7.24780020840861, 52.453263936335325 ], [ 7.24780020840861, 52.453058645539201 ], [ 7.246645231614742, 52.453058645539201 ], [ 7.246645231614742, 52.453263936335325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 134.9029065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.453058645539201 ], [ 7.24780020840861, 52.453058645539201 ], [ 7.24780020840861, 52.452853353786118 ], [ 7.246645231614742, 52.452853353786118 ], [ 7.246645231614742, 52.453058645539201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.452442767408982 ], [ 7.24780020840861, 52.452442767408982 ], [ 7.24780020840861, 52.452237472784944 ], [ 7.246645231614742, 52.452237472784944 ], [ 7.246645231614742, 52.452442767408982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.451826880665912 ], [ 7.24780020840861, 52.451826880665912 ], [ 7.24780020840861, 52.451621583170912 ], [ 7.246645231614742, 52.451621583170912 ], [ 7.246645231614742, 52.451826880665912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 135.272973 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.451005684943979 ], [ 7.24780020840861, 52.451005684943979 ], [ 7.24780020840861, 52.450800383621029 ], [ 7.246645231614742, 52.450800383621029 ], [ 7.246645231614742, 52.451005684943979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.2498888 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.45367451505664 ], [ 7.248955185202478, 52.45367451505664 ], [ 7.248955185202478, 52.453469226174469 ], [ 7.24780020840861, 52.453469226174469 ], [ 7.24780020840861, 52.45367451505664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 134.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.453469226174469 ], [ 7.248955185202478, 52.453469226174469 ], [ 7.248955185202478, 52.453263936335325 ], [ 7.24780020840861, 52.453263936335325 ], [ 7.24780020840861, 52.453469226174469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.453263936335325 ], [ 7.248955185202478, 52.453263936335325 ], [ 7.248955185202478, 52.453058645539201 ], [ 7.24780020840861, 52.453058645539201 ], [ 7.24780020840861, 52.453263936335325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.28852691666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.453058645539201 ], [ 7.248955185202478, 52.453058645539201 ], [ 7.248955185202478, 52.452853353786118 ], [ 7.24780020840861, 52.452853353786118 ], [ 7.24780020840861, 52.453058645539201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 115.0579125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.452853353786118 ], [ 7.248955185202478, 52.452853353786118 ], [ 7.248955185202478, 52.452648061076033 ], [ 7.24780020840861, 52.452648061076033 ], [ 7.24780020840861, 52.452853353786118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 134.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.452648061076033 ], [ 7.248955185202478, 52.452648061076033 ], [ 7.248955185202478, 52.452442767408982 ], [ 7.24780020840861, 52.452442767408982 ], [ 7.24780020840861, 52.452648061076033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 166.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.452442767408982 ], [ 7.248955185202478, 52.452442767408982 ], [ 7.248955185202478, 52.452237472784944 ], [ 7.24780020840861, 52.452237472784944 ], [ 7.24780020840861, 52.452442767408982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33968_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.6058278 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.452032177203918 ], [ 7.248955185202478, 52.452032177203918 ], [ 7.248955185202478, 52.451826880665912 ], [ 7.24780020840861, 52.451826880665912 ], [ 7.24780020840861, 52.452032177203918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.44594130630351 ], [ 7.24202532443927, 52.44594130630351 ], [ 7.24202532443927, 52.445735981374099 ], [ 7.240870347645402, 52.445735981374099 ], [ 7.240870347645402, 52.44594130630351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.449021065400963 ], [ 7.245490254820874, 52.449021065400963 ], [ 7.245490254820874, 52.448815754826953 ], [ 7.244335278027006, 52.448815754826953 ], [ 7.244335278027006, 52.449021065400963 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 132.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.448610443295919 ], [ 7.246645231614742, 52.448610443295919 ], [ 7.246645231614742, 52.448405130807892 ], [ 7.245490254820874, 52.448405130807892 ], [ 7.245490254820874, 52.448610443295919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.448199817362834 ], [ 7.24780020840861, 52.448199817362834 ], [ 7.24780020840861, 52.447994502960761 ], [ 7.246645231614742, 52.447994502960761 ], [ 7.246645231614742, 52.448199817362834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.447583871285538 ], [ 7.24780020840861, 52.447583871285538 ], [ 7.24780020840861, 52.447378554012396 ], [ 7.246645231614742, 52.447378554012396 ], [ 7.246645231614742, 52.447583871285538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.44635195329122 ], [ 7.24780020840861, 52.44635195329122 ], [ 7.24780020840861, 52.446146630275884 ], [ 7.246645231614742, 52.446146630275884 ], [ 7.246645231614742, 52.44635195329122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.445530655487651 ], [ 7.24780020840861, 52.445530655487651 ], [ 7.24780020840861, 52.445325328644138 ], [ 7.246645231614742, 52.445325328644138 ], [ 7.246645231614742, 52.445530655487651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.447789187601657 ], [ 7.248955185202478, 52.447789187601657 ], [ 7.248955185202478, 52.447583871285538 ], [ 7.24780020840861, 52.447583871285538 ], [ 7.24780020840861, 52.447789187601657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33969_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 120.926386 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.447583871285538 ], [ 7.248955185202478, 52.447583871285538 ], [ 7.248955185202478, 52.447378554012396 ], [ 7.24780020840861, 52.447378554012396 ], [ 7.24780020840861, 52.447583871285538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.398485820102763 ], [ 7.24202532443927, 52.398485820102763 ], [ 7.24202532443927, 52.398280274048346 ], [ 7.240870347645402, 52.398280274048346 ], [ 7.240870347645402, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 131.33333133333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.396430316472625 ], [ 7.24202532443927, 52.396430316472625 ], [ 7.24202532443927, 52.396224760843502 ], [ 7.240870347645402, 52.396224760843502 ], [ 7.240870347645402, 52.396430316472625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.399102452521241 ], [ 7.243180301233139, 52.399102452521241 ], [ 7.243180301233139, 52.398896909339214 ], [ 7.24202532443927, 52.398896909339214 ], [ 7.24202532443927, 52.399102452521241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 161.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.398280274048346 ], [ 7.244335278027006, 52.398280274048346 ], [ 7.244335278027006, 52.398074727036473 ], [ 7.243180301233139, 52.398074727036473 ], [ 7.243180301233139, 52.398280274048346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.39971907632264 ], [ 7.245490254820874, 52.39971907632264 ], [ 7.245490254820874, 52.399513536012961 ], [ 7.244335278027006, 52.399513536012961 ], [ 7.244335278027006, 52.39971907632264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.398485820102763 ], [ 7.245490254820874, 52.398485820102763 ], [ 7.245490254820874, 52.398280274048346 ], [ 7.244335278027006, 52.398280274048346 ], [ 7.244335278027006, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.397663630140322 ], [ 7.245490254820874, 52.397663630140322 ], [ 7.245490254820874, 52.397458080256051 ], [ 7.244335278027006, 52.397458080256051 ], [ 7.244335278027006, 52.397663630140322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.40013015406965 ], [ 7.246645231614742, 52.40013015406965 ], [ 7.246645231614742, 52.399924615674877 ], [ 7.245490254820874, 52.399924615674877 ], [ 7.245490254820874, 52.40013015406965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 156.74999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.399924615674877 ], [ 7.246645231614742, 52.399924615674877 ], [ 7.246645231614742, 52.39971907632264 ], [ 7.245490254820874, 52.39971907632264 ], [ 7.245490254820874, 52.399924615674877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 133.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.399307994745826 ], [ 7.246645231614742, 52.399307994745826 ], [ 7.246645231614742, 52.399102452521241 ], [ 7.245490254820874, 52.399102452521241 ], [ 7.245490254820874, 52.399307994745826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.398896909339214 ], [ 7.246645231614742, 52.398896909339214 ], [ 7.246645231614742, 52.39869136519971 ], [ 7.245490254820874, 52.39869136519971 ], [ 7.245490254820874, 52.398896909339214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 146.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.397663630140322 ], [ 7.246645231614742, 52.397663630140322 ], [ 7.246645231614742, 52.397458080256051 ], [ 7.245490254820874, 52.397458080256051 ], [ 7.245490254820874, 52.397663630140322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.397458080256051 ], [ 7.246645231614742, 52.397458080256051 ], [ 7.246645231614742, 52.39725252941431 ], [ 7.245490254820874, 52.39725252941431 ], [ 7.245490254820874, 52.397458080256051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.40013015406965 ], [ 7.24780020840861, 52.40013015406965 ], [ 7.24780020840861, 52.399924615674877 ], [ 7.246645231614742, 52.399924615674877 ], [ 7.246645231614742, 52.40013015406965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.39971907632264 ], [ 7.24780020840861, 52.39971907632264 ], [ 7.24780020840861, 52.399513536012961 ], [ 7.246645231614742, 52.399513536012961 ], [ 7.246645231614742, 52.39971907632264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.394054 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.398896909339214 ], [ 7.24780020840861, 52.398896909339214 ], [ 7.24780020840861, 52.39869136519971 ], [ 7.246645231614742, 52.39869136519971 ], [ 7.246645231614742, 52.398896909339214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.000672 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.39869136519971 ], [ 7.24780020840861, 52.39869136519971 ], [ 7.24780020840861, 52.398485820102763 ], [ 7.246645231614742, 52.398485820102763 ], [ 7.246645231614742, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.99319166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.398485820102763 ], [ 7.24780020840861, 52.398485820102763 ], [ 7.24780020840861, 52.398280274048346 ], [ 7.246645231614742, 52.398280274048346 ], [ 7.246645231614742, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 127.3333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.398280274048346 ], [ 7.24780020840861, 52.398280274048346 ], [ 7.24780020840861, 52.398074727036473 ], [ 7.246645231614742, 52.398074727036473 ], [ 7.246645231614742, 52.398280274048346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.397663630140322 ], [ 7.24780020840861, 52.397663630140322 ], [ 7.24780020840861, 52.397458080256051 ], [ 7.246645231614742, 52.397458080256051 ], [ 7.246645231614742, 52.397663630140322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.397046977615098 ], [ 7.24780020840861, 52.397046977615098 ], [ 7.24780020840861, 52.396841424858408 ], [ 7.246645231614742, 52.396841424858408 ], [ 7.246645231614742, 52.397046977615098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 118.79301033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.396224760843502 ], [ 7.24780020840861, 52.396224760843502 ], [ 7.24780020840861, 52.396019204256909 ], [ 7.246645231614742, 52.396019204256909 ], [ 7.246645231614742, 52.396224760843502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.43866666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.398896909339214 ], [ 7.248955185202478, 52.398896909339214 ], [ 7.248955185202478, 52.39869136519971 ], [ 7.24780020840861, 52.39869136519971 ], [ 7.24780020840861, 52.398896909339214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.39869136519971 ], [ 7.248955185202478, 52.39869136519971 ], [ 7.248955185202478, 52.398485820102763 ], [ 7.24780020840861, 52.398485820102763 ], [ 7.24780020840861, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.398485820102763 ], [ 7.248955185202478, 52.398485820102763 ], [ 7.248955185202478, 52.398280274048346 ], [ 7.24780020840861, 52.398280274048346 ], [ 7.24780020840861, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.750000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.398280274048346 ], [ 7.248955185202478, 52.398280274048346 ], [ 7.248955185202478, 52.398074727036473 ], [ 7.24780020840861, 52.398074727036473 ], [ 7.24780020840861, 52.398280274048346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 157.951301 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.398074727036473 ], [ 7.248955185202478, 52.398074727036473 ], [ 7.248955185202478, 52.397869179067129 ], [ 7.24780020840861, 52.397869179067129 ], [ 7.24780020840861, 52.398074727036473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.397869179067129 ], [ 7.248955185202478, 52.397869179067129 ], [ 7.248955185202478, 52.397663630140322 ], [ 7.24780020840861, 52.397663630140322 ], [ 7.24780020840861, 52.397869179067129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.397458080256051 ], [ 7.248955185202478, 52.397458080256051 ], [ 7.248955185202478, 52.39725252941431 ], [ 7.24780020840861, 52.39725252941431 ], [ 7.24780020840861, 52.397458080256051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33978_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.39725252941431 ], [ 7.248955185202478, 52.39725252941431 ], [ 7.248955185202478, 52.397046977615098 ], [ 7.24780020840861, 52.397046977615098 ], [ 7.24780020840861, 52.39725252941431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.393004264315209 ], [ 7.24202532443927, 52.393004264315209 ], [ 7.24202532443927, 52.392798692727851 ], [ 7.240870347645402, 52.392798692727851 ], [ 7.240870347645402, 52.393004264315209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 130.333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.390948505353492 ], [ 7.24202532443927, 52.390948505353492 ], [ 7.24202532443927, 52.390742924190953 ], [ 7.240870347645402, 52.390742924190953 ], [ 7.240870347645402, 52.390948505353492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.393620973332226 ], [ 7.243180301233139, 52.393620973332226 ], [ 7.243180301233139, 52.393415404617393 ], [ 7.24202532443927, 52.393415404617393 ], [ 7.24202532443927, 52.393620973332226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 162.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.392798692727851 ], [ 7.244335278027006, 52.392798692727851 ], [ 7.244335278027006, 52.392593120182987 ], [ 7.243180301233139, 52.392593120182987 ], [ 7.243180301233139, 52.392798692727851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.394237673731702 ], [ 7.245490254820874, 52.394237673731702 ], [ 7.245490254820874, 52.394032107889373 ], [ 7.244335278027006, 52.394032107889373 ], [ 7.244335278027006, 52.394237673731702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 129.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.393004264315209 ], [ 7.245490254820874, 52.393004264315209 ], [ 7.245490254820874, 52.392798692727851 ], [ 7.244335278027006, 52.392798692727851 ], [ 7.244335278027006, 52.393004264315209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.392181972220719 ], [ 7.245490254820874, 52.392181972220719 ], [ 7.245490254820874, 52.391976396803322 ], [ 7.244335278027006, 52.391976396803322 ], [ 7.244335278027006, 52.392181972220719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.394648802543877 ], [ 7.246645231614742, 52.394648802543877 ], [ 7.246645231614742, 52.394443238616539 ], [ 7.245490254820874, 52.394443238616539 ], [ 7.245490254820874, 52.394648802543877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 155.66666583333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.394443238616539 ], [ 7.246645231614742, 52.394443238616539 ], [ 7.246645231614742, 52.394237673731702 ], [ 7.245490254820874, 52.394237673731702 ], [ 7.245490254820874, 52.394443238616539 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.00000333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.393826541089553 ], [ 7.246645231614742, 52.393826541089553 ], [ 7.246645231614742, 52.393620973332226 ], [ 7.245490254820874, 52.393620973332226 ], [ 7.245490254820874, 52.393826541089553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 116.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.393415404617393 ], [ 7.246645231614742, 52.393415404617393 ], [ 7.246645231614742, 52.393209834945047 ], [ 7.245490254820874, 52.393209834945047 ], [ 7.245490254820874, 52.393415404617393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 139.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.392181972220719 ], [ 7.246645231614742, 52.392181972220719 ], [ 7.246645231614742, 52.391976396803322 ], [ 7.245490254820874, 52.391976396803322 ], [ 7.245490254820874, 52.392181972220719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.391976396803322 ], [ 7.246645231614742, 52.391976396803322 ], [ 7.246645231614742, 52.391770820428391 ], [ 7.245490254820874, 52.391770820428391 ], [ 7.245490254820874, 52.391976396803322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.394648802543877 ], [ 7.24780020840861, 52.394648802543877 ], [ 7.24780020840861, 52.394443238616539 ], [ 7.246645231614742, 52.394443238616539 ], [ 7.246645231614742, 52.394648802543877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.394237673731702 ], [ 7.24780020840861, 52.394237673731702 ], [ 7.24780020840861, 52.394032107889373 ], [ 7.246645231614742, 52.394032107889373 ], [ 7.246645231614742, 52.394237673731702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.559382 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.393415404617393 ], [ 7.24780020840861, 52.393415404617393 ], [ 7.24780020840861, 52.393209834945047 ], [ 7.246645231614742, 52.393209834945047 ], [ 7.246645231614742, 52.393415404617393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.53728066666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.393209834945047 ], [ 7.24780020840861, 52.393209834945047 ], [ 7.24780020840861, 52.393004264315209 ], [ 7.246645231614742, 52.393004264315209 ], [ 7.246645231614742, 52.393209834945047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.393004264315209 ], [ 7.24780020840861, 52.393004264315209 ], [ 7.24780020840861, 52.392798692727851 ], [ 7.246645231614742, 52.392798692727851 ], [ 7.246645231614742, 52.393004264315209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 122.49999983333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.392798692727851 ], [ 7.24780020840861, 52.392798692727851 ], [ 7.24780020840861, 52.392593120182987 ], [ 7.246645231614742, 52.392593120182987 ], [ 7.246645231614742, 52.392798692727851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.392181972220719 ], [ 7.24780020840861, 52.392181972220719 ], [ 7.24780020840861, 52.391976396803322 ], [ 7.246645231614742, 52.391976396803322 ], [ 7.246645231614742, 52.392181972220719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.33333533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.391565243095961 ], [ 7.24780020840861, 52.391565243095961 ], [ 7.24780020840861, 52.391359664805989 ], [ 7.246645231614742, 52.391359664805989 ], [ 7.246645231614742, 52.391565243095961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.390742924190953 ], [ 7.24780020840861, 52.390742924190953 ], [ 7.24780020840861, 52.3905373420709 ], [ 7.246645231614742, 52.3905373420709 ], [ 7.246645231614742, 52.390742924190953 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 22.69542445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.393415404617393 ], [ 7.248955185202478, 52.393415404617393 ], [ 7.248955185202478, 52.393209834945047 ], [ 7.24780020840861, 52.393209834945047 ], [ 7.24780020840861, 52.393415404617393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.393209834945047 ], [ 7.248955185202478, 52.393209834945047 ], [ 7.248955185202478, 52.393004264315209 ], [ 7.24780020840861, 52.393004264315209 ], [ 7.24780020840861, 52.393209834945047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.393004264315209 ], [ 7.248955185202478, 52.393004264315209 ], [ 7.248955185202478, 52.392798692727851 ], [ 7.24780020840861, 52.392798692727851 ], [ 7.24780020840861, 52.393004264315209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.0631148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.392798692727851 ], [ 7.248955185202478, 52.392798692727851 ], [ 7.248955185202478, 52.392593120182987 ], [ 7.24780020840861, 52.392593120182987 ], [ 7.24780020840861, 52.392798692727851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 159.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.392593120182987 ], [ 7.248955185202478, 52.392593120182987 ], [ 7.248955185202478, 52.392387546680609 ], [ 7.24780020840861, 52.392387546680609 ], [ 7.24780020840861, 52.392593120182987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.392387546680609 ], [ 7.248955185202478, 52.392387546680609 ], [ 7.248955185202478, 52.392181972220719 ], [ 7.24780020840861, 52.392181972220719 ], [ 7.24780020840861, 52.392387546680609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.391976396803322 ], [ 7.248955185202478, 52.391976396803322 ], [ 7.248955185202478, 52.391770820428391 ], [ 7.24780020840861, 52.391770820428391 ], [ 7.24780020840861, 52.391976396803322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33979_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 124.99999766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.391770820428391 ], [ 7.248955185202478, 52.391770820428391 ], [ 7.248955185202478, 52.391565243095961 ], [ 7.24780020840861, 52.391565243095961 ], [ 7.24780020840861, 52.391770820428391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.38752202763272 ], [ 7.24202532443927, 52.38752202763272 ], [ 7.24202532443927, 52.387316430511135 ], [ 7.240870347645402, 52.387316430511135 ], [ 7.240870347645402, 52.38752202763272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 131.7499985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.385466013326543 ], [ 7.24202532443927, 52.385466013326543 ], [ 7.24202532443927, 52.385260406629286 ], [ 7.240870347645402, 52.385260406629286 ], [ 7.240870347645402, 52.385466013326543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.388138813252127 ], [ 7.243180301233139, 52.388138813252127 ], [ 7.243180301233139, 52.387933219003209 ], [ 7.24202532443927, 52.387933219003209 ], [ 7.24202532443927, 52.388138813252127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.387316430511135 ], [ 7.244335278027006, 52.387316430511135 ], [ 7.244335278027006, 52.387110832431993 ], [ 7.243180301233139, 52.387110832431993 ], [ 7.243180301233139, 52.387316430511135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.388755590253574 ], [ 7.245490254820874, 52.388755590253574 ], [ 7.245490254820874, 52.388549998877309 ], [ 7.244335278027006, 52.388549998877309 ], [ 7.244335278027006, 52.388755590253574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.38752202763272 ], [ 7.245490254820874, 52.38752202763272 ], [ 7.245490254820874, 52.387316430511135 ], [ 7.244335278027006, 52.387316430511135 ], [ 7.244335278027006, 52.38752202763272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.38669963340103 ], [ 7.245490254820874, 52.38669963340103 ], [ 7.245490254820874, 52.386494032449207 ], [ 7.244335278027006, 52.386494032449207 ], [ 7.244335278027006, 52.38669963340103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.389166770133485 ], [ 7.246645231614742, 52.389166770133485 ], [ 7.246645231614742, 52.388961180672297 ], [ 7.245490254820874, 52.388961180672297 ], [ 7.245490254820874, 52.389166770133485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 152.99999940000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.388961180672297 ], [ 7.246645231614742, 52.388961180672297 ], [ 7.246645231614742, 52.388755590253574 ], [ 7.245490254820874, 52.388755590253574 ], [ 7.245490254820874, 52.388961180672297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 132.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.388344406543489 ], [ 7.246645231614742, 52.388344406543489 ], [ 7.246645231614742, 52.388138813252127 ], [ 7.245490254820874, 52.388138813252127 ], [ 7.245490254820874, 52.388344406543489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.387933219003209 ], [ 7.246645231614742, 52.387933219003209 ], [ 7.246645231614742, 52.387727623796742 ], [ 7.245490254820874, 52.387727623796742 ], [ 7.245490254820874, 52.387933219003209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 130.14334166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.38669963340103 ], [ 7.246645231614742, 52.38669963340103 ], [ 7.246645231614742, 52.386494032449207 ], [ 7.245490254820874, 52.386494032449207 ], [ 7.245490254820874, 52.38669963340103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.386494032449207 ], [ 7.246645231614742, 52.386494032449207 ], [ 7.246645231614742, 52.3862884305398 ], [ 7.245490254820874, 52.3862884305398 ], [ 7.245490254820874, 52.386494032449207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.389166770133485 ], [ 7.24780020840861, 52.389166770133485 ], [ 7.24780020840861, 52.388961180672297 ], [ 7.246645231614742, 52.388961180672297 ], [ 7.246645231614742, 52.389166770133485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 167.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.388755590253574 ], [ 7.24780020840861, 52.388755590253574 ], [ 7.24780020840861, 52.388549998877309 ], [ 7.246645231614742, 52.388549998877309 ], [ 7.246645231614742, 52.388755590253574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.522993 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.387933219003209 ], [ 7.24780020840861, 52.387933219003209 ], [ 7.24780020840861, 52.387727623796742 ], [ 7.246645231614742, 52.387727623796742 ], [ 7.246645231614742, 52.387933219003209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.65942675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.387727623796742 ], [ 7.24780020840861, 52.387727623796742 ], [ 7.24780020840861, 52.38752202763272 ], [ 7.246645231614742, 52.38752202763272 ], [ 7.246645231614742, 52.387727623796742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 110.0210135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.38752202763272 ], [ 7.24780020840861, 52.38752202763272 ], [ 7.24780020840861, 52.387316430511135 ], [ 7.246645231614742, 52.387316430511135 ], [ 7.246645231614742, 52.38752202763272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 116.49613071428573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.387316430511135 ], [ 7.24780020840861, 52.387316430511135 ], [ 7.24780020840861, 52.387110832431993 ], [ 7.246645231614742, 52.387110832431993 ], [ 7.246645231614742, 52.387316430511135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.38669963340103 ], [ 7.24780020840861, 52.38669963340103 ], [ 7.24780020840861, 52.386494032449207 ], [ 7.246645231614742, 52.386494032449207 ], [ 7.246645231614742, 52.38669963340103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.15121175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.386082827672851 ], [ 7.24780020840861, 52.386082827672851 ], [ 7.24780020840861, 52.385877223848318 ], [ 7.246645231614742, 52.385877223848318 ], [ 7.246645231614742, 52.386082827672851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.79446275000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.385260406629286 ], [ 7.24780020840861, 52.385260406629286 ], [ 7.24780020840861, 52.385054798974465 ], [ 7.246645231614742, 52.385054798974465 ], [ 7.246645231614742, 52.385260406629286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 88.759025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.387933219003209 ], [ 7.248955185202478, 52.387933219003209 ], [ 7.248955185202478, 52.387727623796742 ], [ 7.24780020840861, 52.387727623796742 ], [ 7.24780020840861, 52.387933219003209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.387727623796742 ], [ 7.248955185202478, 52.387727623796742 ], [ 7.248955185202478, 52.38752202763272 ], [ 7.24780020840861, 52.38752202763272 ], [ 7.24780020840861, 52.387727623796742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.38752202763272 ], [ 7.248955185202478, 52.38752202763272 ], [ 7.248955185202478, 52.387316430511135 ], [ 7.24780020840861, 52.387316430511135 ], [ 7.24780020840861, 52.38752202763272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.07492625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.387316430511135 ], [ 7.248955185202478, 52.387316430511135 ], [ 7.248955185202478, 52.387110832431993 ], [ 7.24780020840861, 52.387110832431993 ], [ 7.24780020840861, 52.387316430511135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 130.58282257142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.387110832431993 ], [ 7.248955185202478, 52.387110832431993 ], [ 7.248955185202478, 52.386905233395289 ], [ 7.24780020840861, 52.386905233395289 ], [ 7.24780020840861, 52.387110832431993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 154.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.386905233395289 ], [ 7.248955185202478, 52.386905233395289 ], [ 7.248955185202478, 52.38669963340103 ], [ 7.24780020840861, 52.38669963340103 ], [ 7.24780020840861, 52.386905233395289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.386494032449207 ], [ 7.248955185202478, 52.386494032449207 ], [ 7.248955185202478, 52.3862884305398 ], [ 7.24780020840861, 52.3862884305398 ], [ 7.24780020840861, 52.386494032449207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33980_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 121.2209625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.3862884305398 ], [ 7.248955185202478, 52.3862884305398 ], [ 7.248955185202478, 52.386082827672851 ], [ 7.24780020840861, 52.386082827672851 ], [ 7.24780020840861, 52.3862884305398 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.382039110020912 ], [ 7.24202532443927, 52.382039110020912 ], [ 7.24202532443927, 52.381833487363814 ], [ 7.240870347645402, 52.381833487363814 ], [ 7.240870347645402, 52.382039110020912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 133.45786433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.379982840357385 ], [ 7.24202532443927, 52.379982840357385 ], [ 7.24202532443927, 52.379777208124132 ], [ 7.240870347645402, 52.379777208124132 ], [ 7.240870347645402, 52.379982840357385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.382655972246589 ], [ 7.243180301233139, 52.382655972246589 ], [ 7.243180301233139, 52.382450352462293 ], [ 7.24202532443927, 52.382450352462293 ], [ 7.24202532443927, 52.382655972246589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.381833487363814 ], [ 7.244335278027006, 52.381833487363814 ], [ 7.244335278027006, 52.38162786374911 ], [ 7.243180301233139, 52.38162786374911 ], [ 7.243180301233139, 52.381833487363814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.383272825853872 ], [ 7.245490254820874, 52.383272825853872 ], [ 7.245490254820874, 52.383067208942371 ], [ 7.244335278027006, 52.383067208942371 ], [ 7.244335278027006, 52.383272825853872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.382039110020912 ], [ 7.245490254820874, 52.382039110020912 ], [ 7.245490254820874, 52.381833487363814 ], [ 7.244335278027006, 52.381833487363814 ], [ 7.244335278027006, 52.382039110020912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.38121661364687 ], [ 7.245490254820874, 52.38121661364687 ], [ 7.245490254820874, 52.381010987159328 ], [ 7.244335278027006, 52.381010987159328 ], [ 7.244335278027006, 52.38121661364687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.383684056804078 ], [ 7.246645231614742, 52.383684056804078 ], [ 7.246645231614742, 52.38347844180776 ], [ 7.245490254820874, 52.38347844180776 ], [ 7.245490254820874, 52.383684056804078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.38347844180776 ], [ 7.246645231614742, 52.38347844180776 ], [ 7.246645231614742, 52.383272825853872 ], [ 7.245490254820874, 52.383272825853872 ], [ 7.245490254820874, 52.38347844180776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.382861591073272 ], [ 7.246645231614742, 52.382861591073272 ], [ 7.246645231614742, 52.382655972246589 ], [ 7.245490254820874, 52.382655972246589 ], [ 7.245490254820874, 52.382861591073272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.382450352462293 ], [ 7.246645231614742, 52.382450352462293 ], [ 7.246645231614742, 52.382244731720412 ], [ 7.245490254820874, 52.382244731720412 ], [ 7.245490254820874, 52.382450352462293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.9096536 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.38121661364687 ], [ 7.246645231614742, 52.38121661364687 ], [ 7.246645231614742, 52.381010987159328 ], [ 7.245490254820874, 52.381010987159328 ], [ 7.245490254820874, 52.38121661364687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.381010987159328 ], [ 7.246645231614742, 52.381010987159328 ], [ 7.246645231614742, 52.380805359714181 ], [ 7.245490254820874, 52.380805359714181 ], [ 7.245490254820874, 52.381010987159328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.383684056804078 ], [ 7.24780020840861, 52.383684056804078 ], [ 7.24780020840861, 52.38347844180776 ], [ 7.246645231614742, 52.38347844180776 ], [ 7.246645231614742, 52.383684056804078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.383272825853872 ], [ 7.24780020840861, 52.383272825853872 ], [ 7.24780020840861, 52.383067208942371 ], [ 7.246645231614742, 52.383067208942371 ], [ 7.246645231614742, 52.383272825853872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.67307366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.382450352462293 ], [ 7.24780020840861, 52.382450352462293 ], [ 7.24780020840861, 52.382244731720412 ], [ 7.246645231614742, 52.382244731720412 ], [ 7.246645231614742, 52.382450352462293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.382244731720412 ], [ 7.24780020840861, 52.382244731720412 ], [ 7.24780020840861, 52.382039110020912 ], [ 7.246645231614742, 52.382039110020912 ], [ 7.246645231614742, 52.382244731720412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.54993875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.382039110020912 ], [ 7.24780020840861, 52.382039110020912 ], [ 7.24780020840861, 52.381833487363814 ], [ 7.246645231614742, 52.381833487363814 ], [ 7.246645231614742, 52.382039110020912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.64371925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.381833487363814 ], [ 7.24780020840861, 52.381833487363814 ], [ 7.24780020840861, 52.38162786374911 ], [ 7.246645231614742, 52.38162786374911 ], [ 7.246645231614742, 52.381833487363814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.38121661364687 ], [ 7.24780020840861, 52.38121661364687 ], [ 7.24780020840861, 52.381010987159328 ], [ 7.246645231614742, 52.381010987159328 ], [ 7.246645231614742, 52.38121661364687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 151.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.380599731311406 ], [ 7.24780020840861, 52.380599731311406 ], [ 7.24780020840861, 52.380394101951012 ], [ 7.246645231614742, 52.380394101951012 ], [ 7.246645231614742, 52.380599731311406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 118.26648825000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.379777208124132 ], [ 7.24780020840861, 52.379777208124132 ], [ 7.24780020840861, 52.379571574933252 ], [ 7.246645231614742, 52.379571574933252 ], [ 7.246645231614742, 52.379777208124132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 128.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.382450352462293 ], [ 7.248955185202478, 52.382450352462293 ], [ 7.248955185202478, 52.382244731720412 ], [ 7.24780020840861, 52.382244731720412 ], [ 7.24780020840861, 52.382450352462293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.11111111111111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.382039110020912 ], [ 7.248955185202478, 52.382039110020912 ], [ 7.248955185202478, 52.381833487363814 ], [ 7.24780020840861, 52.381833487363814 ], [ 7.24780020840861, 52.382039110020912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.18783516666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.381833487363814 ], [ 7.248955185202478, 52.381833487363814 ], [ 7.248955185202478, 52.38162786374911 ], [ 7.24780020840861, 52.38162786374911 ], [ 7.24780020840861, 52.381833487363814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 132.617294 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.38162786374911 ], [ 7.248955185202478, 52.38162786374911 ], [ 7.248955185202478, 52.381422239176786 ], [ 7.24780020840861, 52.381422239176786 ], [ 7.24780020840861, 52.38162786374911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 166.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.381422239176786 ], [ 7.248955185202478, 52.381422239176786 ], [ 7.248955185202478, 52.38121661364687 ], [ 7.24780020840861, 52.38121661364687 ], [ 7.24780020840861, 52.381422239176786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 152.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.381010987159328 ], [ 7.248955185202478, 52.381010987159328 ], [ 7.248955185202478, 52.380805359714181 ], [ 7.24780020840861, 52.380805359714181 ], [ 7.24780020840861, 52.381010987159328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33981_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.380805359714181 ], [ 7.248955185202478, 52.380805359714181 ], [ 7.248955185202478, 52.380599731311406 ], [ 7.24780020840861, 52.380599731311406 ], [ 7.24780020840861, 52.380805359714181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 152.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.376555511445432 ], [ 7.24202532443927, 52.376555511445432 ], [ 7.24202532443927, 52.376349863251527 ], [ 7.240870347645402, 52.376349863251527 ], [ 7.240870347645402, 52.376555511445432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 132.28304775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.374498986411666 ], [ 7.24202532443927, 52.374498986411666 ], [ 7.24202532443927, 52.374293328641137 ], [ 7.240870347645402, 52.374293328641137 ], [ 7.240870347645402, 52.374498986411666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.377172450281243 ], [ 7.243180301233139, 52.377172450281243 ], [ 7.243180301233139, 52.376966804960283 ], [ 7.24202532443927, 52.376966804960283 ], [ 7.24202532443927, 52.377172450281243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.376349863251527 ], [ 7.244335278027006, 52.376349863251527 ], [ 7.244335278027006, 52.376144214099966 ], [ 7.243180301233139, 52.376144214099966 ], [ 7.243180301233139, 52.376349863251527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.377789380498214 ], [ 7.245490254820874, 52.377789380498214 ], [ 7.245490254820874, 52.377583738050191 ], [ 7.244335278027006, 52.377583738050191 ], [ 7.244335278027006, 52.377789380498214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.376555511445432 ], [ 7.245490254820874, 52.376555511445432 ], [ 7.245490254820874, 52.376349863251527 ], [ 7.244335278027006, 52.376349863251527 ], [ 7.244335278027006, 52.376555511445432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.375732912923873 ], [ 7.245490254820874, 52.375732912923873 ], [ 7.245490254820874, 52.375527260899332 ], [ 7.244335278027006, 52.375527260899332 ], [ 7.244335278027006, 52.375732912923873 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.378200662521309 ], [ 7.246645231614742, 52.378200662521309 ], [ 7.246645231614742, 52.377995021988575 ], [ 7.245490254820874, 52.377995021988575 ], [ 7.245490254820874, 52.378200662521309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 146.833335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.377995021988575 ], [ 7.246645231614742, 52.377995021988575 ], [ 7.246645231614742, 52.377789380498214 ], [ 7.245490254820874, 52.377789380498214 ], [ 7.245490254820874, 52.377995021988575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.00000266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.377378094644548 ], [ 7.246645231614742, 52.377378094644548 ], [ 7.246645231614742, 52.377172450281243 ], [ 7.245490254820874, 52.377172450281243 ], [ 7.245490254820874, 52.377378094644548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.376966804960283 ], [ 7.246645231614742, 52.376966804960283 ], [ 7.246645231614742, 52.376761158681688 ], [ 7.245490254820874, 52.376761158681688 ], [ 7.245490254820874, 52.376966804960283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 107.927275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.375732912923873 ], [ 7.246645231614742, 52.375732912923873 ], [ 7.246645231614742, 52.375527260899332 ], [ 7.245490254820874, 52.375527260899332 ], [ 7.245490254820874, 52.375732912923873 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.375527260899332 ], [ 7.246645231614742, 52.375527260899332 ], [ 7.246645231614742, 52.375321607917137 ], [ 7.245490254820874, 52.375321607917137 ], [ 7.245490254820874, 52.375527260899332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.378200662521309 ], [ 7.24780020840861, 52.378200662521309 ], [ 7.24780020840861, 52.377995021988575 ], [ 7.246645231614742, 52.377995021988575 ], [ 7.246645231614742, 52.378200662521309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.377789380498214 ], [ 7.24780020840861, 52.377789380498214 ], [ 7.24780020840861, 52.377583738050191 ], [ 7.246645231614742, 52.377583738050191 ], [ 7.246645231614742, 52.377789380498214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.881173 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.376966804960283 ], [ 7.24780020840861, 52.376966804960283 ], [ 7.24780020840861, 52.376761158681688 ], [ 7.246645231614742, 52.376761158681688 ], [ 7.246645231614742, 52.376966804960283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.54104233333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.376761158681688 ], [ 7.24780020840861, 52.376761158681688 ], [ 7.24780020840861, 52.376555511445432 ], [ 7.246645231614742, 52.376555511445432 ], [ 7.246645231614742, 52.376761158681688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.376555511445432 ], [ 7.24780020840861, 52.376555511445432 ], [ 7.24780020840861, 52.376349863251527 ], [ 7.246645231614742, 52.376349863251527 ], [ 7.246645231614742, 52.376555511445432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 118.00000014285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.376349863251527 ], [ 7.24780020840861, 52.376349863251527 ], [ 7.24780020840861, 52.376144214099966 ], [ 7.246645231614742, 52.376144214099966 ], [ 7.246645231614742, 52.376349863251527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.375732912923873 ], [ 7.24780020840861, 52.375732912923873 ], [ 7.24780020840861, 52.375527260899332 ], [ 7.246645231614742, 52.375527260899332 ], [ 7.246645231614742, 52.375732912923873 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.9452075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.375115953977271 ], [ 7.24780020840861, 52.375115953977271 ], [ 7.24780020840861, 52.374910299079744 ], [ 7.246645231614742, 52.374910299079744 ], [ 7.246645231614742, 52.375115953977271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 105.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.374293328641137 ], [ 7.24780020840861, 52.374293328641137 ], [ 7.24780020840861, 52.374087669912917 ], [ 7.246645231614742, 52.374087669912917 ], [ 7.246645231614742, 52.374293328641137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.93366733333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.376966804960283 ], [ 7.248955185202478, 52.376966804960283 ], [ 7.248955185202478, 52.376761158681688 ], [ 7.24780020840861, 52.376761158681688 ], [ 7.24780020840861, 52.376966804960283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.45454545454545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.376555511445432 ], [ 7.248955185202478, 52.376555511445432 ], [ 7.248955185202478, 52.376349863251527 ], [ 7.24780020840861, 52.376349863251527 ], [ 7.24780020840861, 52.376555511445432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.91476414285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.376349863251527 ], [ 7.248955185202478, 52.376349863251527 ], [ 7.248955185202478, 52.376144214099966 ], [ 7.24780020840861, 52.376144214099966 ], [ 7.24780020840861, 52.376349863251527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 125.514799 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.376144214099966 ], [ 7.248955185202478, 52.376144214099966 ], [ 7.248955185202478, 52.375938563990744 ], [ 7.24780020840861, 52.375938563990744 ], [ 7.24780020840861, 52.376144214099966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.375938563990744 ], [ 7.248955185202478, 52.375938563990744 ], [ 7.248955185202478, 52.375732912923873 ], [ 7.24780020840861, 52.375732912923873 ], [ 7.24780020840861, 52.375938563990744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.375527260899332 ], [ 7.248955185202478, 52.375527260899332 ], [ 7.248955185202478, 52.375321607917137 ], [ 7.24780020840861, 52.375321607917137 ], [ 7.24780020840861, 52.375527260899332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33982_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 115.71417325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.375321607917137 ], [ 7.248955185202478, 52.375321607917137 ], [ 7.248955185202478, 52.375115953977271 ], [ 7.24780020840861, 52.375115953977271 ], [ 7.24780020840861, 52.375321607917137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.299713611010809 ], [ 7.24202532443927, 52.299713611010809 ], [ 7.24202532443927, 52.299507605166802 ], [ 7.240870347645402, 52.299507605166802 ], [ 7.240870347645402, 52.299713611010809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 132.16701975000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.297653509445794 ], [ 7.24202532443927, 52.297653509445794 ], [ 7.24202532443927, 52.297447494018428 ], [ 7.240870347645402, 52.297447494018428 ], [ 7.240870347645402, 52.297653509445794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.300331622792854 ], [ 7.243180301233139, 52.300331622792854 ], [ 7.243180301233139, 52.300125619823831 ], [ 7.24202532443927, 52.300125619823831 ], [ 7.24202532443927, 52.300331622792854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 162.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.299507605166802 ], [ 7.244335278027006, 52.299507605166802 ], [ 7.244335278027006, 52.299301598364472 ], [ 7.243180301233139, 52.299301598364472 ], [ 7.243180301233139, 52.299507605166802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.300949625950018 ], [ 7.245490254820874, 52.300949625950018 ], [ 7.245490254820874, 52.300743625855958 ], [ 7.244335278027006, 52.300743625855958 ], [ 7.244335278027006, 52.300949625950018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.299713611010809 ], [ 7.245490254820874, 52.299713611010809 ], [ 7.245490254820874, 52.299507605166802 ], [ 7.244335278027006, 52.299507605166802 ], [ 7.244335278027006, 52.299713611010809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.298889581884815 ], [ 7.245490254820874, 52.298889581884815 ], [ 7.245490254820874, 52.298683572207494 ], [ 7.244335278027006, 52.298683572207494 ], [ 7.244335278027006, 52.298889581884815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.301361623263219 ], [ 7.246645231614742, 52.301361623263219 ], [ 7.246645231614742, 52.301155625085784 ], [ 7.245490254820874, 52.301155625085784 ], [ 7.245490254820874, 52.301361623263219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 152.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.301155625085784 ], [ 7.246645231614742, 52.301155625085784 ], [ 7.246645231614742, 52.300949625950018 ], [ 7.245490254820874, 52.300949625950018 ], [ 7.245490254820874, 52.301155625085784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.300125619823831 ], [ 7.246645231614742, 52.300125619823831 ], [ 7.246645231614742, 52.299919615896478 ], [ 7.245490254820874, 52.299919615896478 ], [ 7.245490254820874, 52.300125619823831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.301361623263219 ], [ 7.24780020840861, 52.301361623263219 ], [ 7.24780020840861, 52.301155625085784 ], [ 7.246645231614742, 52.301155625085784 ], [ 7.246645231614742, 52.301361623263219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 190.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.300949625950018 ], [ 7.24780020840861, 52.300949625950018 ], [ 7.24780020840861, 52.300743625855958 ], [ 7.246645231614742, 52.300743625855958 ], [ 7.246645231614742, 52.300949625950018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 129.519707 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.300331622792854 ], [ 7.24780020840861, 52.300331622792854 ], [ 7.24780020840861, 52.300125619823831 ], [ 7.246645231614742, 52.300125619823831 ], [ 7.246645231614742, 52.300331622792854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.66666466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.299919615896478 ], [ 7.24780020840861, 52.299919615896478 ], [ 7.24780020840861, 52.299713611010809 ], [ 7.246645231614742, 52.299713611010809 ], [ 7.246645231614742, 52.299919615896478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.298271549977834 ], [ 7.24780020840861, 52.298271549977834 ], [ 7.24780020840861, 52.298065537425494 ], [ 7.246645231614742, 52.298065537425494 ], [ 7.246645231614742, 52.298271549977834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.898894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.297447494018428 ], [ 7.24780020840861, 52.297447494018428 ], [ 7.24780020840861, 52.297241477632717 ], [ 7.246645231614742, 52.297241477632717 ], [ 7.246645231614742, 52.297447494018428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 136.33333166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.300125619823831 ], [ 7.248955185202478, 52.300125619823831 ], [ 7.248955185202478, 52.299919615896478 ], [ 7.24780020840861, 52.299919615896478 ], [ 7.24780020840861, 52.300125619823831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.7 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.299713611010809 ], [ 7.248955185202478, 52.299713611010809 ], [ 7.248955185202478, 52.299507605166802 ], [ 7.24780020840861, 52.299507605166802 ], [ 7.24780020840861, 52.299713611010809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 131.30584933333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.299507605166802 ], [ 7.248955185202478, 52.299507605166802 ], [ 7.248955185202478, 52.299301598364472 ], [ 7.24780020840861, 52.299301598364472 ], [ 7.24780020840861, 52.299507605166802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 131.77380833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.299301598364472 ], [ 7.248955185202478, 52.299301598364472 ], [ 7.248955185202478, 52.299095590603812 ], [ 7.24780020840861, 52.299095590603812 ], [ 7.24780020840861, 52.299301598364472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33996_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.02247966666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.298477561571822 ], [ 7.248955185202478, 52.298477561571822 ], [ 7.248955185202478, 52.298271549977834 ], [ 7.24780020840861, 52.298271549977834 ], [ 7.24780020840861, 52.298477561571822 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.294219793871136 ], [ 7.24202532443927, 52.294219793871136 ], [ 7.24202532443927, 52.294013762471096 ], [ 7.240870347645402, 52.294013762471096 ], [ 7.240870347645402, 52.294219793871136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 133.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.292159436743638 ], [ 7.24202532443927, 52.292159436743638 ], [ 7.24202532443927, 52.291953395759755 ], [ 7.240870347645402, 52.291953395759755 ], [ 7.240870347645402, 52.292159436743638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 140.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.294837882321012 ], [ 7.243180301233139, 52.294837882321012 ], [ 7.243180301233139, 52.294631853796091 ], [ 7.24202532443927, 52.294631853796091 ], [ 7.24202532443927, 52.294837882321012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.294013762471096 ], [ 7.244335278027006, 52.294013762471096 ], [ 7.244335278027006, 52.293807730112697 ], [ 7.243180301233139, 52.293807730112697 ], [ 7.243180301233139, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.29545596214556 ], [ 7.245490254820874, 52.29545596214556 ], [ 7.245490254820874, 52.295249936495743 ], [ 7.244335278027006, 52.295249936495743 ], [ 7.244335278027006, 52.29545596214556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.294219793871136 ], [ 7.245490254820874, 52.294219793871136 ], [ 7.245490254820874, 52.294013762471096 ], [ 7.244335278027006, 52.294013762471096 ], [ 7.244335278027006, 52.294219793871136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.29339566252073 ], [ 7.245490254820874, 52.29339566252073 ], [ 7.245490254820874, 52.293189627287177 ], [ 7.244335278027006, 52.293189627287177 ], [ 7.244335278027006, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.295868010570111 ], [ 7.246645231614742, 52.295868010570111 ], [ 7.246645231614742, 52.295661986837011 ], [ 7.245490254820874, 52.295661986837011 ], [ 7.245490254820874, 52.295868010570111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 154.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.295661986837011 ], [ 7.246645231614742, 52.295661986837011 ], [ 7.246645231614742, 52.29545596214556 ], [ 7.245490254820874, 52.29545596214556 ], [ 7.245490254820874, 52.295661986837011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.294631853796091 ], [ 7.246645231614742, 52.294631853796091 ], [ 7.246645231614742, 52.294425824312796 ], [ 7.245490254820874, 52.294425824312796 ], [ 7.245490254820874, 52.294631853796091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.295868010570111 ], [ 7.24780020840861, 52.295868010570111 ], [ 7.24780020840861, 52.295661986837011 ], [ 7.246645231614742, 52.295661986837011 ], [ 7.246645231614742, 52.295868010570111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.29545596214556 ], [ 7.24780020840861, 52.29545596214556 ], [ 7.24780020840861, 52.295249936495743 ], [ 7.246645231614742, 52.295249936495743 ], [ 7.246645231614742, 52.29545596214556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.56770266666663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.294837882321012 ], [ 7.24780020840861, 52.294837882321012 ], [ 7.24780020840861, 52.294631853796091 ], [ 7.246645231614742, 52.294631853796091 ], [ 7.246645231614742, 52.294837882321012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.60874233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.294425824312796 ], [ 7.24780020840861, 52.294425824312796 ], [ 7.24780020840861, 52.294219793871136 ], [ 7.246645231614742, 52.294219793871136 ], [ 7.246645231614742, 52.294425824312796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.29277755394493 ], [ 7.24780020840861, 52.29277755394493 ], [ 7.24780020840861, 52.292571515836215 ], [ 7.246645231614742, 52.292571515836215 ], [ 7.246645231614742, 52.29277755394493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.700921 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.291953395759755 ], [ 7.24780020840861, 52.291953395759755 ], [ 7.24780020840861, 52.291747353817492 ], [ 7.246645231614742, 52.291747353817492 ], [ 7.246645231614742, 52.291953395759755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 135.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.294631853796091 ], [ 7.248955185202478, 52.294631853796091 ], [ 7.248955185202478, 52.294425824312796 ], [ 7.24780020840861, 52.294425824312796 ], [ 7.24780020840861, 52.294631853796091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.294219793871136 ], [ 7.248955185202478, 52.294219793871136 ], [ 7.248955185202478, 52.294013762471096 ], [ 7.24780020840861, 52.294013762471096 ], [ 7.24780020840861, 52.294219793871136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 131.0000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.294013762471096 ], [ 7.248955185202478, 52.294013762471096 ], [ 7.248955185202478, 52.293807730112697 ], [ 7.24780020840861, 52.293807730112697 ], [ 7.24780020840861, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.1098705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.293807730112697 ], [ 7.248955185202478, 52.293807730112697 ], [ 7.248955185202478, 52.293601696795903 ], [ 7.24780020840861, 52.293601696795903 ], [ 7.24780020840861, 52.293807730112697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "33997_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 122.66666766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.292983591095251 ], [ 7.248955185202478, 52.292983591095251 ], [ 7.248955185202478, 52.29277755394493 ], [ 7.24780020840861, 52.29277755394493 ], [ 7.24780020840861, 52.292983591095251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.184200288746155 ], [ 7.24202532443927, 52.184200288746155 ], [ 7.24202532443927, 52.183993745958603 ], [ 7.240870347645402, 52.183993745958603 ], [ 7.240870347645402, 52.184200288746155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.1821348177007 ], [ 7.24202532443927, 52.1821348177007 ], [ 7.24202532443927, 52.181928265319804 ], [ 7.240870347645402, 52.181928265319804 ], [ 7.240870347645402, 52.1821348177007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.184819911352868 ], [ 7.243180301233139, 52.184819911352868 ], [ 7.243180301233139, 52.184613371443284 ], [ 7.24202532443927, 52.184613371443284 ], [ 7.24202532443927, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.183993745958603 ], [ 7.244335278027006, 52.183993745958603 ], [ 7.244335278027006, 52.183787202211725 ], [ 7.243180301233139, 52.183787202211725 ], [ 7.243180301233139, 52.183993745958603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.185439525325705 ], [ 7.245490254820874, 52.185439525325705 ], [ 7.245490254820874, 52.185232988294082 ], [ 7.244335278027006, 52.185232988294082 ], [ 7.244335278027006, 52.185439525325705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.184200288746155 ], [ 7.245490254820874, 52.184200288746155 ], [ 7.245490254820874, 52.183993745958603 ], [ 7.244335278027006, 52.183993745958603 ], [ 7.244335278027006, 52.184200288746155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.183374111839981 ], [ 7.245490254820874, 52.183374111839981 ], [ 7.245490254820874, 52.183167565215101 ], [ 7.244335278027006, 52.183167565215101 ], [ 7.244335278027006, 52.183374111839981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.185852596511019 ], [ 7.246645231614742, 52.185852596511019 ], [ 7.246645231614742, 52.185646061398018 ], [ 7.245490254820874, 52.185646061398018 ], [ 7.245490254820874, 52.185852596511019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.185646061398018 ], [ 7.246645231614742, 52.185646061398018 ], [ 7.246645231614742, 52.185439525325705 ], [ 7.245490254820874, 52.185439525325705 ], [ 7.245490254820874, 52.185646061398018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.185852596511019 ], [ 7.24780020840861, 52.185852596511019 ], [ 7.24780020840861, 52.185646061398018 ], [ 7.246645231614742, 52.185646061398018 ], [ 7.246645231614742, 52.185852596511019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.185439525325705 ], [ 7.24780020840861, 52.185439525325705 ], [ 7.24780020840861, 52.185232988294082 ], [ 7.246645231614742, 52.185232988294082 ], [ 7.246645231614742, 52.185439525325705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 69.7866515 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.184819911352868 ], [ 7.24780020840861, 52.184819911352868 ], [ 7.24780020840861, 52.184613371443284 ], [ 7.246645231614742, 52.184613371443284 ], [ 7.246645231614742, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 81.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.184613371443284 ], [ 7.24780020840861, 52.184613371443284 ], [ 7.24780020840861, 52.184406830574382 ], [ 7.246645231614742, 52.184406830574382 ], [ 7.246645231614742, 52.184613371443284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.182547919584472 ], [ 7.24780020840861, 52.182547919584472 ], [ 7.24780020840861, 52.182341369122263 ], [ 7.246645231614742, 52.182341369122263 ], [ 7.246645231614742, 52.182547919584472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 89.016126 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.181928265319804 ], [ 7.24780020840861, 52.181928265319804 ], [ 7.24780020840861, 52.181721711979563 ], [ 7.246645231614742, 52.181721711979563 ], [ 7.246645231614742, 52.181928265319804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.3649695 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.184819911352868 ], [ 7.248955185202478, 52.184819911352868 ], [ 7.248955185202478, 52.184613371443284 ], [ 7.24780020840861, 52.184613371443284 ], [ 7.24780020840861, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.184200288746155 ], [ 7.248955185202478, 52.184200288746155 ], [ 7.248955185202478, 52.183993745958603 ], [ 7.24780020840861, 52.183993745958603 ], [ 7.24780020840861, 52.184200288746155 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.183993745958603 ], [ 7.248955185202478, 52.183993745958603 ], [ 7.248955185202478, 52.183787202211725 ], [ 7.24780020840861, 52.183787202211725 ], [ 7.24780020840861, 52.183993745958603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34017_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.149228333333326 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.183787202211725 ], [ 7.248955185202478, 52.183787202211725 ], [ 7.248955185202478, 52.183580657505509 ], [ 7.24780020840861, 52.183580657505509 ], [ 7.24780020840861, 52.183787202211725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 92.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.178692152770104 ], [ 7.24202532443927, 52.178692152770104 ], [ 7.24202532443927, 52.178485584399894 ], [ 7.240870347645402, 52.178485584399894 ], [ 7.240870347645402, 52.178692152770104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.064753 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240870347645402, 52.176626425895954 ], [ 7.24202532443927, 52.176626425895954 ], [ 7.24202532443927, 52.176419847931925 ], [ 7.240870347645402, 52.176419847931925 ], [ 7.240870347645402, 52.176626425895954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24202532443927, 52.179311852124513 ], [ 7.243180301233139, 52.179311852124513 ], [ 7.243180301233139, 52.179105286632414 ], [ 7.24202532443927, 52.179105286632414 ], [ 7.24202532443927, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 106.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.243180301233139, 52.178485584399894 ], [ 7.244335278027006, 52.178485584399894 ], [ 7.244335278027006, 52.178279015070316 ], [ 7.243180301233139, 52.178279015070316 ], [ 7.243180301233139, 52.178485584399894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.179931542844614 ], [ 7.245490254820874, 52.179931542844614 ], [ 7.245490254820874, 52.179724980230603 ], [ 7.244335278027006, 52.179724980230603 ], [ 7.244335278027006, 52.179931542844614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.178692152770104 ], [ 7.245490254820874, 52.178692152770104 ], [ 7.245490254820874, 52.178485584399894 ], [ 7.244335278027006, 52.178485584399894 ], [ 7.244335278027006, 52.178692152770104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 104.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.244335278027006, 52.177865873533008 ], [ 7.245490254820874, 52.177865873533008 ], [ 7.245490254820874, 52.177659301325299 ], [ 7.244335278027006, 52.177659301325299 ], [ 7.244335278027006, 52.177865873533008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.180344665194532 ], [ 7.246645231614742, 52.180344665194532 ], [ 7.246645231614742, 52.18013810449925 ], [ 7.245490254820874, 52.18013810449925 ], [ 7.245490254820874, 52.180344665194532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 52.18013810449925 ], [ 7.246645231614742, 52.18013810449925 ], [ 7.246645231614742, 52.179931542844614 ], [ 7.245490254820874, 52.179931542844614 ], [ 7.245490254820874, 52.18013810449925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 114.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.180344665194532 ], [ 7.24780020840861, 52.180344665194532 ], [ 7.24780020840861, 52.18013810449925 ], [ 7.246645231614742, 52.18013810449925 ], [ 7.246645231614742, 52.180344665194532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.179931542844614 ], [ 7.24780020840861, 52.179931542844614 ], [ 7.24780020840861, 52.179724980230603 ], [ 7.246645231614742, 52.179724980230603 ], [ 7.246645231614742, 52.179931542844614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 82.4813395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.179311852124513 ], [ 7.24780020840861, 52.179311852124513 ], [ 7.24780020840861, 52.179105286632414 ], [ 7.246645231614742, 52.179105286632414 ], [ 7.246645231614742, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 93.990356 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.179105286632414 ], [ 7.24780020840861, 52.179105286632414 ], [ 7.24780020840861, 52.178898720180946 ], [ 7.246645231614742, 52.178898720180946 ], [ 7.246645231614742, 52.179105286632414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 103.8000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.177039578945852 ], [ 7.24780020840861, 52.177039578945852 ], [ 7.24780020840861, 52.176833002900594 ], [ 7.246645231614742, 52.176833002900594 ], [ 7.246645231614742, 52.177039578945852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 81.501614666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.246645231614742, 52.176419847931925 ], [ 7.24780020840861, 52.176419847931925 ], [ 7.24780020840861, 52.1762132690085 ], [ 7.246645231614742, 52.1762132690085 ], [ 7.246645231614742, 52.176419847931925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.2479415 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.179311852124513 ], [ 7.248955185202478, 52.179311852124513 ], [ 7.248955185202478, 52.179105286632414 ], [ 7.24780020840861, 52.179105286632414 ], [ 7.24780020840861, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.733333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.178692152770104 ], [ 7.248955185202478, 52.178692152770104 ], [ 7.248955185202478, 52.178485584399894 ], [ 7.24780020840861, 52.178485584399894 ], [ 7.24780020840861, 52.178692152770104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.884525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.178485584399894 ], [ 7.248955185202478, 52.178485584399894 ], [ 7.248955185202478, 52.178279015070316 ], [ 7.24780020840861, 52.178279015070316 ], [ 7.24780020840861, 52.178485584399894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34018_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.24780020840861, 52.178279015070316 ], [ 7.248955185202478, 52.178279015070316 ], [ 7.248955185202478, 52.178072444781357 ], [ 7.24780020840861, 52.178072444781357 ], [ 7.24780020840861, 52.178279015070316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34267_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 50.785849250134703 ], [ 7.246645231614742, 50.785849250134703 ], [ 7.246645231614742, 50.785636274588214 ], [ 7.245490254820874, 50.785636274588214 ], [ 7.245490254820874, 50.785849250134703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34268_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 50.780169570208813 ], [ 7.246645231614742, 50.780169570208813 ], [ 7.246645231614742, 50.779956568790496 ], [ 7.245490254820874, 50.779956568790496 ], [ 7.245490254820874, 50.780169570208813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34269_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 50.774489200354012 ], [ 7.246645231614742, 50.774489200354012 ], [ 7.246645231614742, 50.774276173062802 ], [ 7.245490254820874, 50.774276173062802 ], [ 7.245490254820874, 50.774489200354012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34279_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 50.71764754957362 ], [ 7.246645231614742, 50.71764754957362 ], [ 7.246645231614742, 50.717434263496109 ], [ 7.245490254820874, 50.717434263496109 ], [ 7.245490254820874, 50.71764754957362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34280_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 50.711959588659909 ], [ 7.246645231614742, 50.711959588659909 ], [ 7.246645231614742, 50.711746276698044 ], [ 7.245490254820874, 50.711746276698044 ], [ 7.245490254820874, 50.711959588659909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34281_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.245490254820874, 50.706270937483218 ], [ 7.246645231614742, 50.706270937483218 ], [ 7.246645231614742, 50.706057599635947 ], [ 7.245490254820874, 50.706057599635947 ], [ 7.245490254820874, 50.706270937483218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34438_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.561669702029299 ], [ 7.251008477280466, 53.561669702029299 ], [ 7.251008477280466, 53.561469616237922 ], [ 7.249853500486598, 53.561469616237922 ], [ 7.249853500486598, 53.561669702029299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34438_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.560869353185325 ], [ 7.253318430868202, 53.560869353185325 ], [ 7.253318430868202, 53.560669263608304 ], [ 7.252163454074334, 53.560669263608304 ], [ 7.252163454074334, 53.560869353185325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34438_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.562670116790173 ], [ 7.255628384455938, 53.562670116790173 ], [ 7.255628384455938, 53.562470035730797 ], [ 7.254473407662068, 53.562470035730797 ], [ 7.254473407662068, 53.562670116790173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34438_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.562670116790173 ], [ 7.256783361249805, 53.562670116790173 ], [ 7.256783361249805, 53.562470035730797 ], [ 7.255628384455938, 53.562470035730797 ], [ 7.255628384455938, 53.562670116790173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34438_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.561069441815938 ], [ 7.257938338043674, 53.561069441815938 ], [ 7.257938338043674, 53.560869353185325 ], [ 7.256783361249805, 53.560869353185325 ], [ 7.256783361249805, 53.561069441815938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34439_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.556333757038665 ], [ 7.251008477280466, 53.556333757038665 ], [ 7.251008477280466, 53.55613364600908 ], [ 7.249853500486598, 53.55613364600908 ], [ 7.249853500486598, 53.556333757038665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34439_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.555533307241532 ], [ 7.253318430868202, 53.555533307241532 ], [ 7.253318430868202, 53.555333192426083 ], [ 7.252163454074334, 53.555333192426083 ], [ 7.252163454074334, 53.555533307241532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34439_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 84.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.557334297989776 ], [ 7.255628384455938, 53.557334297989776 ], [ 7.255628384455938, 53.557134191692462 ], [ 7.254473407662068, 53.557134191692462 ], [ 7.254473407662068, 53.557334297989776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34439_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.557334297989776 ], [ 7.256783361249805, 53.557334297989776 ], [ 7.256783361249805, 53.557134191692462 ], [ 7.255628384455938, 53.557134191692462 ], [ 7.255628384455938, 53.557334297989776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34439_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.555733421110524 ], [ 7.257938338043674, 53.555733421110524 ], [ 7.257938338043674, 53.555533307241532 ], [ 7.256783361249805, 53.555533307241532 ], [ 7.256783361249805, 53.555733421110524 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34440_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 75.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.550997139010562 ], [ 7.251008477280466, 53.550997139010562 ], [ 7.251008477280466, 53.550797002741312 ], [ 7.249853500486598, 53.550797002741312 ], [ 7.249853500486598, 53.550997139010562 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34440_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 75.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.550196588254472 ], [ 7.253318430868202, 53.550196588254472 ], [ 7.253318430868202, 53.54999644819916 ], [ 7.252163454074334, 53.54999644819916 ], [ 7.252163454074334, 53.550196588254472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34440_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 71.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.551997806159136 ], [ 7.255628384455938, 53.551997806159136 ], [ 7.255628384455938, 53.551797674622428 ], [ 7.254473407662068, 53.551797674622428 ], [ 7.254473407662068, 53.551997806159136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34440_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 73.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.551997806159136 ], [ 7.256783361249805, 53.551997806159136 ], [ 7.256783361249805, 53.551797674622428 ], [ 7.255628384455938, 53.551797674622428 ], [ 7.255628384455938, 53.551997806159136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34440_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.550396727363271 ], [ 7.257938338043674, 53.550396727363271 ], [ 7.257938338043674, 53.550196588254472 ], [ 7.256783361249805, 53.550196588254472 ], [ 7.256783361249805, 53.550396727363271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34441_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.545659847906379 ], [ 7.251008477280466, 53.545659847906379 ], [ 7.251008477280466, 53.545459686396029 ], [ 7.249853500486598, 53.545459686396029 ], [ 7.249853500486598, 53.545659847906379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34441_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 67.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.544859196185556 ], [ 7.253318430868202, 53.544859196185556 ], [ 7.253318430868202, 53.544659030888923 ], [ 7.252163454074334, 53.544659030888923 ], [ 7.252163454074334, 53.544859196185556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34441_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 36.3 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.546660641259656 ], [ 7.255628384455938, 53.546660641259656 ], [ 7.255628384455938, 53.546460484482125 ], [ 7.254473407662068, 53.546460484482125 ], [ 7.254473407662068, 53.546660641259656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34441_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 73.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.546660641259656 ], [ 7.256783361249805, 53.546660641259656 ], [ 7.256783361249805, 53.546460484482125 ], [ 7.255628384455938, 53.546460484482125 ], [ 7.255628384455938, 53.546660641259656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34441_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.545059360535625 ], [ 7.257938338043674, 53.545059360535625 ], [ 7.257938338043674, 53.544859196185556 ], [ 7.256783361249805, 53.544859196185556 ], [ 7.256783361249805, 53.545059360535625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34460_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.44412338128555 ], [ 7.251008477280466, 53.44412338128555 ], [ 7.251008477280466, 53.443922739920289 ], [ 7.249853500486598, 53.443922739920289 ], [ 7.249853500486598, 53.44412338128555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34460_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.443320810138921 ], [ 7.253318430868202, 53.443320810138921 ], [ 7.253318430868202, 53.443120164983263 ], [ 7.252163454074334, 53.443120164983263 ], [ 7.252163454074334, 53.443320810138921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34460_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.445126573898008 ], [ 7.255628384455938, 53.445126573898008 ], [ 7.255628384455938, 53.444925937270689 ], [ 7.254473407662068, 53.444925937270689 ], [ 7.254473407662068, 53.445126573898008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34460_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.443722097607434 ], [ 7.257938338043674, 53.443722097607434 ], [ 7.257938338043674, 53.443521454346978 ], [ 7.256783361249805, 53.443521454346978 ], [ 7.256783361249805, 53.443722097607434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34460_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.443521454346978 ], [ 7.257938338043674, 53.443521454346978 ], [ 7.257938338043674, 53.443320810138921 ], [ 7.256783361249805, 53.443320810138921 ], [ 7.256783361249805, 53.443521454346978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34461_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 97.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.438772620584785 ], [ 7.251008477280466, 53.438772620584785 ], [ 7.251008477280466, 53.438571953949641 ], [ 7.249853500486598, 53.438571953949641 ], [ 7.249853500486598, 53.438772620584785 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34461_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.437969948358273 ], [ 7.253318430868202, 53.437969948358273 ], [ 7.253318430868202, 53.43776927793251 ], [ 7.252163454074334, 53.43776927793251 ], [ 7.252163454074334, 53.437969948358273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34461_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 88.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.439775939545896 ], [ 7.255628384455938, 53.439775939545896 ], [ 7.255628384455938, 53.439575277648963 ], [ 7.254473407662068, 53.439575277648963 ], [ 7.254473407662068, 53.439775939545896 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34461_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 109.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.439775939545896 ], [ 7.256783361249805, 53.439775939545896 ], [ 7.256783361249805, 53.439575277648963 ], [ 7.255628384455938, 53.439575277648963 ], [ 7.255628384455938, 53.439775939545896 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34461_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.166666166666673 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.438371286366831 ], [ 7.257938338043674, 53.438371286366831 ], [ 7.257938338043674, 53.438170617836377 ], [ 7.256783361249805, 53.438170617836377 ], [ 7.256783361249805, 53.438371286366831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34461_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 81.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.438170617836377 ], [ 7.257938338043674, 53.438170617836377 ], [ 7.257938338043674, 53.437969948358273 ], [ 7.256783361249805, 53.437969948358273 ], [ 7.256783361249805, 53.438170617836377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34462_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.433421186001866 ], [ 7.251008477280466, 53.433421186001866 ], [ 7.251008477280466, 53.433220494095394 ], [ 7.249853500486598, 53.433220494095394 ], [ 7.249853500486598, 53.433421186001866 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34462_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.432618412689735 ], [ 7.253318430868202, 53.432618412689735 ], [ 7.253318430868202, 53.432417716992433 ], [ 7.252163454074334, 53.432417716992433 ], [ 7.252163454074334, 53.432618412689735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34462_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.434424631318791 ], [ 7.255628384455938, 53.434424631318791 ], [ 7.255628384455938, 53.434223944150794 ], [ 7.254473407662068, 53.434223944150794 ], [ 7.254473407662068, 53.434424631318791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34462_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.434424631318791 ], [ 7.256783361249805, 53.434424631318791 ], [ 7.256783361249805, 53.434223944150794 ], [ 7.255628384455938, 53.434223944150794 ], [ 7.255628384455938, 53.434424631318791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34462_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.433019801241208 ], [ 7.257938338043674, 53.433019801241208 ], [ 7.257938338043674, 53.432819107439336 ], [ 7.256783361249805, 53.432819107439336 ], [ 7.256783361249805, 53.433019801241208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34462_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.432819107439336 ], [ 7.257938338043674, 53.432819107439336 ], [ 7.257938338043674, 53.432618412689735 ], [ 7.256783361249805, 53.432618412689735 ], [ 7.256783361249805, 53.432819107439336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.36359017523769 ], [ 7.251008477280466, 53.36359017523769 ], [ 7.251008477280466, 53.363389153725599 ], [ 7.249853500486598, 53.363389153725599 ], [ 7.249853500486598, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.362987107856235 ], [ 7.253318430868202, 53.362987107856235 ], [ 7.253318430868202, 53.362786083498946 ], [ 7.252163454074334, 53.362786083498946 ], [ 7.252163454074334, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.364394251802061 ], [ 7.254473407662068, 53.364394251802061 ], [ 7.254473407662068, 53.364193234083558 ], [ 7.253318430868202, 53.364193234083558 ], [ 7.253318430868202, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.364796284393911 ], [ 7.255628384455938, 53.364796284393911 ], [ 7.255628384455938, 53.364595268572181 ], [ 7.254473407662068, 53.364595268572181 ], [ 7.254473407662068, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 114.04351666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.363992215416665 ], [ 7.255628384455938, 53.363992215416665 ], [ 7.255628384455938, 53.363791195801376 ], [ 7.254473407662068, 53.363791195801376 ], [ 7.254473407662068, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 98.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.364796284393911 ], [ 7.256783361249805, 53.364796284393911 ], [ 7.256783361249805, 53.364595268572181 ], [ 7.255628384455938, 53.364595268572181 ], [ 7.255628384455938, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.364394251802061 ], [ 7.256783361249805, 53.364394251802061 ], [ 7.256783361249805, 53.364193234083558 ], [ 7.255628384455938, 53.364193234083558 ], [ 7.255628384455938, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 104.64129125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.36359017523769 ], [ 7.256783361249805, 53.36359017523769 ], [ 7.256783361249805, 53.363389153725599 ], [ 7.255628384455938, 53.363389153725599 ], [ 7.255628384455938, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 104.8490625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.363389153725599 ], [ 7.256783361249805, 53.363389153725599 ], [ 7.256783361249805, 53.363188131265126 ], [ 7.255628384455938, 53.363188131265126 ], [ 7.255628384455938, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.18199 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.363389153725599 ], [ 7.257938338043674, 53.363389153725599 ], [ 7.257938338043674, 53.363188131265126 ], [ 7.256783361249805, 53.363188131265126 ], [ 7.256783361249805, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34475_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.362987107856235 ], [ 7.257938338043674, 53.362987107856235 ], [ 7.257938338043674, 53.362786083498946 ], [ 7.256783361249805, 53.362786083498946 ], [ 7.256783361249805, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34509_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.181546681758618 ], [ 7.252163454074334, 53.181546681758618 ], [ 7.252163454074334, 53.181344802397923 ], [ 7.251008477280466, 53.181344802397923 ], [ 7.251008477280466, 53.181546681758618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34510_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.176162906957636 ], [ 7.252163454074334, 53.176162906957636 ], [ 7.252163454074334, 53.175961002257807 ], [ 7.251008477280466, 53.175961002257807 ], [ 7.251008477280466, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.116290224493788 ], [ 7.251008477280466, 53.116290224493788 ], [ 7.251008477280466, 53.116088038119024 ], [ 7.249853500486598, 53.116088038119024 ], [ 7.249853500486598, 53.116290224493788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.114268317958881 ], [ 7.251008477280466, 53.114268317958881 ], [ 7.251008477280466, 53.114066122075783 ], [ 7.249853500486598, 53.114066122075783 ], [ 7.249853500486598, 53.114268317958881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.116896777913119 ], [ 7.252163454074334, 53.116896777913119 ], [ 7.252163454074334, 53.116694594390822 ], [ 7.251008477280466, 53.116694594390822 ], [ 7.251008477280466, 53.116896777913119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.115683662517043 ], [ 7.253318430868202, 53.115683662517043 ], [ 7.253318430868202, 53.115481473289812 ], [ 7.252163454074334, 53.115481473289812 ], [ 7.252163454074334, 53.115683662517043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 81.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.11709896048459 ], [ 7.254473407662068, 53.11709896048459 ], [ 7.254473407662068, 53.116896777913119 ], [ 7.253318430868202, 53.116896777913119 ], [ 7.253318430868202, 53.11709896048459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.115885850793454 ], [ 7.254473407662068, 53.115885850793454 ], [ 7.254473407662068, 53.115683662517043 ], [ 7.253318430868202, 53.115683662517043 ], [ 7.253318430868202, 53.115885850793454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.117705502494118 ], [ 7.255628384455938, 53.117705502494118 ], [ 7.255628384455938, 53.117503322775093 ], [ 7.254473407662068, 53.117503322775093 ], [ 7.254473407662068, 53.117705502494118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 143.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.116896777913119 ], [ 7.255628384455938, 53.116896777913119 ], [ 7.255628384455938, 53.116694594390822 ], [ 7.254473407662068, 53.116694594390822 ], [ 7.254473407662068, 53.116896777913119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 138.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.11507709198284 ], [ 7.255628384455938, 53.11507709198284 ], [ 7.255628384455938, 53.114874899903114 ], [ 7.254473407662068, 53.114874899903114 ], [ 7.254473407662068, 53.11507709198284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.117503322775093 ], [ 7.256783361249805, 53.117503322775093 ], [ 7.256783361249805, 53.117301142105248 ], [ 7.255628384455938, 53.117301142105248 ], [ 7.255628384455938, 53.117503322775093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.117301142105248 ], [ 7.256783361249805, 53.117301142105248 ], [ 7.256783361249805, 53.11709896048459 ], [ 7.255628384455938, 53.11709896048459 ], [ 7.255628384455938, 53.117301142105248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.116492409917704 ], [ 7.256783361249805, 53.116492409917704 ], [ 7.256783361249805, 53.116290224493788 ], [ 7.255628384455938, 53.116290224493788 ], [ 7.255628384455938, 53.116492409917704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.608968 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.116088038119024 ], [ 7.256783361249805, 53.116088038119024 ], [ 7.256783361249805, 53.115885850793454 ], [ 7.255628384455938, 53.115885850793454 ], [ 7.255628384455938, 53.116088038119024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 154.499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.115683662517043 ], [ 7.256783361249805, 53.115683662517043 ], [ 7.256783361249805, 53.115481473289812 ], [ 7.255628384455938, 53.115481473289812 ], [ 7.255628384455938, 53.115683662517043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.115481473289812 ], [ 7.256783361249805, 53.115481473289812 ], [ 7.256783361249805, 53.115279283111747 ], [ 7.255628384455938, 53.115279283111747 ], [ 7.255628384455938, 53.115481473289812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.11467270687254 ], [ 7.256783361249805, 53.11467270687254 ], [ 7.256783361249805, 53.114470512891131 ], [ 7.255628384455938, 53.114470512891131 ], [ 7.255628384455938, 53.11467270687254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 114.666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.114066122075783 ], [ 7.256783361249805, 53.114066122075783 ], [ 7.256783361249805, 53.113863925241851 ], [ 7.255628384455938, 53.113863925241851 ], [ 7.255628384455938, 53.114066122075783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.116290224493788 ], [ 7.257938338043674, 53.116290224493788 ], [ 7.257938338043674, 53.116088038119024 ], [ 7.256783361249805, 53.116088038119024 ], [ 7.256783361249805, 53.116290224493788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.3626395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.116088038119024 ], [ 7.257938338043674, 53.116088038119024 ], [ 7.257938338043674, 53.115885850793454 ], [ 7.256783361249805, 53.115885850793454 ], [ 7.256783361249805, 53.116088038119024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.6515625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.115885850793454 ], [ 7.257938338043674, 53.115885850793454 ], [ 7.257938338043674, 53.115683662517043 ], [ 7.256783361249805, 53.115683662517043 ], [ 7.256783361249805, 53.115885850793454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.115683662517043 ], [ 7.257938338043674, 53.115683662517043 ], [ 7.257938338043674, 53.115481473289812 ], [ 7.256783361249805, 53.115481473289812 ], [ 7.256783361249805, 53.115683662517043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.115279283111747 ], [ 7.257938338043674, 53.115279283111747 ], [ 7.257938338043674, 53.11507709198284 ], [ 7.256783361249805, 53.11507709198284 ], [ 7.256783361249805, 53.115279283111747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34521_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 112.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.11507709198284 ], [ 7.257938338043674, 53.11507709198284 ], [ 7.257938338043674, 53.114874899903114 ], [ 7.256783361249805, 53.114874899903114 ], [ 7.256783361249805, 53.11507709198284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 90.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.110898262434709 ], [ 7.251008477280466, 53.110898262434709 ], [ 7.251008477280466, 53.11069605070395 ], [ 7.249853500486598, 53.11069605070395 ], [ 7.249853500486598, 53.110898262434709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 126.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.108876102337426 ], [ 7.251008477280466, 53.108876102337426 ], [ 7.251008477280466, 53.108673881097801 ], [ 7.249853500486598, 53.108673881097801 ], [ 7.249853500486598, 53.108876102337426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.111504891921747 ], [ 7.252163454074334, 53.111504891921747 ], [ 7.252163454074334, 53.111302683043604 ], [ 7.251008477280466, 53.111302683043604 ], [ 7.251008477280466, 53.111504891921747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 84.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.110291624389802 ], [ 7.253318430868202, 53.110291624389802 ], [ 7.253318430868202, 53.110089409806413 ], [ 7.252163454074334, 53.110089409806413 ], [ 7.252163454074334, 53.110291624389802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.111707099848999 ], [ 7.254473407662068, 53.111707099848999 ], [ 7.254473407662068, 53.111504891921747 ], [ 7.253318430868202, 53.111504891921747 ], [ 7.253318430868202, 53.111707099848999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.110493838022322 ], [ 7.254473407662068, 53.110493838022322 ], [ 7.254473407662068, 53.110291624389802 ], [ 7.253318430868202, 53.110291624389802 ], [ 7.253318430868202, 53.110493838022322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.112313717925616 ], [ 7.255628384455938, 53.112313717925616 ], [ 7.255628384455938, 53.112111512850952 ], [ 7.254473407662068, 53.112111512850952 ], [ 7.254473407662068, 53.112313717925616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.33333533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.111504891921747 ], [ 7.255628384455938, 53.111504891921747 ], [ 7.255628384455938, 53.111302683043604 ], [ 7.254473407662068, 53.111302683043604 ], [ 7.254473407662068, 53.111504891921747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.109684977786962 ], [ 7.255628384455938, 53.109684977786962 ], [ 7.255628384455938, 53.109482760350915 ], [ 7.254473407662068, 53.109482760350915 ], [ 7.254473407662068, 53.109684977786962 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.112111512850952 ], [ 7.256783361249805, 53.112111512850952 ], [ 7.256783361249805, 53.11190930682541 ], [ 7.255628384455938, 53.11190930682541 ], [ 7.255628384455938, 53.112111512850952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.11190930682541 ], [ 7.256783361249805, 53.11190930682541 ], [ 7.256783361249805, 53.111707099848999 ], [ 7.255628384455938, 53.111707099848999 ], [ 7.255628384455938, 53.11190930682541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.111100473214591 ], [ 7.256783361249805, 53.111100473214591 ], [ 7.256783361249805, 53.110898262434709 ], [ 7.255628384455938, 53.110898262434709 ], [ 7.255628384455938, 53.111100473214591 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.30992214285713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.11069605070395 ], [ 7.256783361249805, 53.11069605070395 ], [ 7.256783361249805, 53.110493838022322 ], [ 7.255628384455938, 53.110493838022322 ], [ 7.255628384455938, 53.11069605070395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.110291624389802 ], [ 7.256783361249805, 53.110291624389802 ], [ 7.256783361249805, 53.110089409806413 ], [ 7.255628384455938, 53.110089409806413 ], [ 7.255628384455938, 53.110291624389802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.110089409806413 ], [ 7.256783361249805, 53.110089409806413 ], [ 7.256783361249805, 53.109887194272126 ], [ 7.255628384455938, 53.109887194272126 ], [ 7.255628384455938, 53.110089409806413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.750002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.109280541963976 ], [ 7.256783361249805, 53.109280541963976 ], [ 7.256783361249805, 53.109078322626154 ], [ 7.255628384455938, 53.109078322626154 ], [ 7.255628384455938, 53.109280541963976 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 115.68954225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.108673881097801 ], [ 7.256783361249805, 53.108673881097801 ], [ 7.256783361249805, 53.108471658907298 ], [ 7.255628384455938, 53.108471658907298 ], [ 7.255628384455938, 53.108673881097801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.15384576923077 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.110898262434709 ], [ 7.257938338043674, 53.110898262434709 ], [ 7.257938338043674, 53.11069605070395 ], [ 7.256783361249805, 53.11069605070395 ], [ 7.256783361249805, 53.110898262434709 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.11069605070395 ], [ 7.257938338043674, 53.11069605070395 ], [ 7.257938338043674, 53.110493838022322 ], [ 7.256783361249805, 53.110493838022322 ], [ 7.256783361249805, 53.11069605070395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.3750005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.110493838022322 ], [ 7.257938338043674, 53.110493838022322 ], [ 7.257938338043674, 53.110291624389802 ], [ 7.256783361249805, 53.110291624389802 ], [ 7.256783361249805, 53.110493838022322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 157.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.110291624389802 ], [ 7.257938338043674, 53.110291624389802 ], [ 7.257938338043674, 53.110089409806413 ], [ 7.256783361249805, 53.110089409806413 ], [ 7.256783361249805, 53.110291624389802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 88.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.109887194272126 ], [ 7.257938338043674, 53.109887194272126 ], [ 7.257938338043674, 53.109684977786962 ], [ 7.256783361249805, 53.109684977786962 ], [ 7.256783361249805, 53.109887194272126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34522_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 113.266131 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.109684977786962 ], [ 7.257938338043674, 53.109684977786962 ], [ 7.257938338043674, 53.109482760350915 ], [ 7.256783361249805, 53.109482760350915 ], [ 7.256783361249805, 53.109684977786962 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.105505624197711 ], [ 7.251008477280466, 53.105505624197711 ], [ 7.251008477280466, 53.105303387109565 ], [ 7.249853500486598, 53.105303387109565 ], [ 7.249853500486598, 53.105505624197711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 127.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.103483210524161 ], [ 7.251008477280466, 53.103483210524161 ], [ 7.251008477280466, 53.103280963926636 ], [ 7.249853500486598, 53.103280963926636 ], [ 7.249853500486598, 53.103483210524161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.106112329756606 ], [ 7.252163454074334, 53.106112329756606 ], [ 7.252163454074334, 53.105910095521232 ], [ 7.251008477280466, 53.105910095521232 ], [ 7.251008477280466, 53.106112329756606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.104898910080472 ], [ 7.253318430868202, 53.104898910080472 ], [ 7.253318430868202, 53.104696670139532 ], [ 7.252163454074334, 53.104696670139532 ], [ 7.252163454074334, 53.104898910080472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 84.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.10631456304106 ], [ 7.254473407662068, 53.10631456304106 ], [ 7.254473407662068, 53.106112329756606 ], [ 7.253318430868202, 53.106112329756606 ], [ 7.253318430868202, 53.10631456304106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.105101149070485 ], [ 7.254473407662068, 53.105101149070485 ], [ 7.254473407662068, 53.104898910080472 ], [ 7.253318430868202, 53.104898910080472 ], [ 7.253318430868202, 53.105101149070485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 191.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.106921257188915 ], [ 7.255628384455938, 53.106921257188915 ], [ 7.255628384455938, 53.106719026757212 ], [ 7.254473407662068, 53.106719026757212 ], [ 7.254473407662068, 53.106921257188915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.106112329756606 ], [ 7.255628384455938, 53.106112329756606 ], [ 7.255628384455938, 53.105910095521232 ], [ 7.254473407662068, 53.105910095521232 ], [ 7.254473407662068, 53.106112329756606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 144.9399975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.104292187404837 ], [ 7.255628384455938, 53.104292187404837 ], [ 7.255628384455938, 53.104089944611083 ], [ 7.254473407662068, 53.104089944611083 ], [ 7.254473407662068, 53.104292187404837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.106719026757212 ], [ 7.256783361249805, 53.106719026757212 ], [ 7.256783361249805, 53.106516795374596 ], [ 7.255628384455938, 53.106516795374596 ], [ 7.255628384455938, 53.106719026757212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.106516795374596 ], [ 7.256783361249805, 53.106516795374596 ], [ 7.256783361249805, 53.10631456304106 ], [ 7.255628384455938, 53.10631456304106 ], [ 7.255628384455938, 53.106516795374596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.6806505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.105707860334931 ], [ 7.256783361249805, 53.105707860334931 ], [ 7.256783361249805, 53.105505624197711 ], [ 7.255628384455938, 53.105505624197711 ], [ 7.255628384455938, 53.105707860334931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 132.134115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.105303387109565 ], [ 7.256783361249805, 53.105303387109565 ], [ 7.256783361249805, 53.105101149070485 ], [ 7.255628384455938, 53.105101149070485 ], [ 7.255628384455938, 53.105303387109565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 151.000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.104898910080472 ], [ 7.256783361249805, 53.104898910080472 ], [ 7.256783361249805, 53.104696670139532 ], [ 7.255628384455938, 53.104696670139532 ], [ 7.255628384455938, 53.104898910080472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.104696670139532 ], [ 7.256783361249805, 53.104696670139532 ], [ 7.256783361249805, 53.104494429247652 ], [ 7.255628384455938, 53.104494429247652 ], [ 7.255628384455938, 53.104696670139532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 137.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.10388770086638 ], [ 7.256783361249805, 53.10388770086638 ], [ 7.256783361249805, 53.103685456170744 ], [ 7.255628384455938, 53.103685456170744 ], [ 7.255628384455938, 53.10388770086638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 116.158857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.103280963926636 ], [ 7.256783361249805, 53.103280963926636 ], [ 7.256783361249805, 53.10307871637815 ], [ 7.255628384455938, 53.10307871637815 ], [ 7.255628384455938, 53.103280963926636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.7999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.105505624197711 ], [ 7.257938338043674, 53.105505624197711 ], [ 7.257938338043674, 53.105303387109565 ], [ 7.256783361249805, 53.105303387109565 ], [ 7.256783361249805, 53.105505624197711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.178171 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.105303387109565 ], [ 7.257938338043674, 53.105303387109565 ], [ 7.257938338043674, 53.105101149070485 ], [ 7.256783361249805, 53.105101149070485 ], [ 7.256783361249805, 53.105303387109565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.750003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.105101149070485 ], [ 7.257938338043674, 53.105101149070485 ], [ 7.257938338043674, 53.104898910080472 ], [ 7.256783361249805, 53.104898910080472 ], [ 7.256783361249805, 53.105101149070485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.104898910080472 ], [ 7.257938338043674, 53.104898910080472 ], [ 7.257938338043674, 53.104696670139532 ], [ 7.256783361249805, 53.104696670139532 ], [ 7.256783361249805, 53.104898910080472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.104494429247652 ], [ 7.257938338043674, 53.104494429247652 ], [ 7.257938338043674, 53.104292187404837 ], [ 7.256783361249805, 53.104292187404837 ], [ 7.256783361249805, 53.104494429247652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34523_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 123.4507055 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.104292187404837 ], [ 7.257938338043674, 53.104292187404837 ], [ 7.257938338043674, 53.104089944611083 ], [ 7.256783361249805, 53.104089944611083 ], [ 7.256783361249805, 53.104292187404837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34531_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 69.49265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.062745048598494 ], [ 7.256783361249805, 53.062745048598494 ], [ 7.256783361249805, 53.062542610503982 ], [ 7.255628384455938, 53.062542610503982 ], [ 7.255628384455938, 53.062745048598494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.013727283149223 ], [ 7.251008477280466, 53.013727283149223 ], [ 7.251008477280466, 53.013524614773644 ], [ 7.249853500486598, 53.013524614773644 ], [ 7.249853500486598, 53.013727283149223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.772096 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.01170055656182 ], [ 7.251008477280466, 53.01170055656182 ], [ 7.251008477280466, 53.01149787866806 ], [ 7.249853500486598, 53.01149787866806 ], [ 7.249853500486598, 53.01170055656182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.014335282565099 ], [ 7.252163454074334, 53.014335282565099 ], [ 7.252163454074334, 53.014132617044943 ], [ 7.251008477280466, 53.014132617044943 ], [ 7.251008477280466, 53.014335282565099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 81.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.013321945446272 ], [ 7.253318430868202, 53.013321945446272 ], [ 7.253318430868202, 53.013119275167071 ], [ 7.252163454074334, 53.013119275167071 ], [ 7.252163454074334, 53.013321945446272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.014537947133441 ], [ 7.254473407662068, 53.014537947133441 ], [ 7.254473407662068, 53.014335282565099 ], [ 7.253318430868202, 53.014335282565099 ], [ 7.253318430868202, 53.014537947133441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.013321945446272 ], [ 7.254473407662068, 53.013321945446272 ], [ 7.254473407662068, 53.013119275167071 ], [ 7.253318430868202, 53.013119275167071 ], [ 7.253318430868202, 53.013321945446272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.015145935127705 ], [ 7.255628384455938, 53.015145935127705 ], [ 7.255628384455938, 53.014943273414758 ], [ 7.254473407662068, 53.014943273414758 ], [ 7.254473407662068, 53.015145935127705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.9487215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.014335282565099 ], [ 7.255628384455938, 53.014335282565099 ], [ 7.255628384455938, 53.014132617044943 ], [ 7.254473407662068, 53.014132617044943 ], [ 7.254473407662068, 53.014335282565099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 126.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.012511258618595 ], [ 7.255628384455938, 53.012511258618595 ], [ 7.255628384455938, 53.012308584532143 ], [ 7.254473407662068, 53.012308584532143 ], [ 7.254473407662068, 53.012511258618595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.015145935127705 ], [ 7.256783361249805, 53.015145935127705 ], [ 7.256783361249805, 53.014943273414758 ], [ 7.255628384455938, 53.014943273414758 ], [ 7.255628384455938, 53.015145935127705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 157.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.014740610750003 ], [ 7.256783361249805, 53.014740610750003 ], [ 7.256783361249805, 53.014537947133441 ], [ 7.255628384455938, 53.014537947133441 ], [ 7.255628384455938, 53.014740610750003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 157.128893 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.014132617044943 ], [ 7.256783361249805, 53.014132617044943 ], [ 7.256783361249805, 53.013929950572987 ], [ 7.255628384455938, 53.013929950572987 ], [ 7.255628384455938, 53.014132617044943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.013929950572987 ], [ 7.256783361249805, 53.013929950572987 ], [ 7.256783361249805, 53.013727283149223 ], [ 7.255628384455938, 53.013727283149223 ], [ 7.255628384455938, 53.013929950572987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.013727283149223 ], [ 7.256783361249805, 53.013727283149223 ], [ 7.256783361249805, 53.013524614773644 ], [ 7.255628384455938, 53.013524614773644 ], [ 7.255628384455938, 53.013727283149223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.013524614773644 ], [ 7.256783361249805, 53.013524614773644 ], [ 7.256783361249805, 53.013321945446272 ], [ 7.255628384455938, 53.013321945446272 ], [ 7.255628384455938, 53.013524614773644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 142.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.013119275167071 ], [ 7.256783361249805, 53.013119275167071 ], [ 7.256783361249805, 53.01291660393607 ], [ 7.255628384455938, 53.01291660393607 ], [ 7.255628384455938, 53.013119275167071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 76.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.01291660393607 ], [ 7.256783361249805, 53.01291660393607 ], [ 7.256783361249805, 53.01271393175324 ], [ 7.255628384455938, 53.01271393175324 ], [ 7.255628384455938, 53.01291660393607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 110.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.01170055656182 ], [ 7.256783361249805, 53.01170055656182 ], [ 7.256783361249805, 53.01149787866806 ], [ 7.255628384455938, 53.01149787866806 ], [ 7.255628384455938, 53.01170055656182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.149686 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.01149787866806 ], [ 7.256783361249805, 53.01149787866806 ], [ 7.256783361249805, 53.01129519982247 ], [ 7.255628384455938, 53.01129519982247 ], [ 7.255628384455938, 53.01149787866806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.74803533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.013929950572987 ], [ 7.257938338043674, 53.013929950572987 ], [ 7.257938338043674, 53.013727283149223 ], [ 7.256783361249805, 53.013727283149223 ], [ 7.256783361249805, 53.013929950572987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.013727283149223 ], [ 7.257938338043674, 53.013727283149223 ], [ 7.257938338043674, 53.013524614773644 ], [ 7.256783361249805, 53.013524614773644 ], [ 7.256783361249805, 53.013727283149223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 134.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.013524614773644 ], [ 7.257938338043674, 53.013524614773644 ], [ 7.257938338043674, 53.013321945446272 ], [ 7.256783361249805, 53.013321945446272 ], [ 7.256783361249805, 53.013524614773644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.013321945446272 ], [ 7.257938338043674, 53.013321945446272 ], [ 7.257938338043674, 53.013119275167071 ], [ 7.256783361249805, 53.013119275167071 ], [ 7.256783361249805, 53.013321945446272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.013119275167071 ], [ 7.257938338043674, 53.013119275167071 ], [ 7.257938338043674, 53.01291660393607 ], [ 7.256783361249805, 53.01291660393607 ], [ 7.256783361249805, 53.013119275167071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.01271393175324 ], [ 7.257938338043674, 53.01271393175324 ], [ 7.257938338043674, 53.012511258618595 ], [ 7.256783361249805, 53.012511258618595 ], [ 7.256783361249805, 53.01271393175324 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34540_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 115.473023 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.012511258618595 ], [ 7.257938338043674, 53.012511258618595 ], [ 7.257938338043674, 53.012308584532143 ], [ 7.256783361249805, 53.012308584532143 ], [ 7.256783361249805, 53.012511258618595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 83.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.008322467397981 ], [ 7.251008477280466, 53.008322467397981 ], [ 7.251008477280466, 53.008119773640153 ], [ 7.249853500486598, 53.008119773640153 ], [ 7.249853500486598, 53.008322467397981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.006295486985628 ], [ 7.251008477280466, 53.006295486985628 ], [ 7.251008477280466, 53.0060927837091 ], [ 7.249853500486598, 53.0060927837091 ], [ 7.249853500486598, 53.006295486985628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.008930542960336 ], [ 7.252163454074334, 53.008930542960336 ], [ 7.252163454074334, 53.008727852058072 ], [ 7.251008477280466, 53.008727852058072 ], [ 7.251008477280466, 53.008930542960336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.007917078930454 ], [ 7.253318430868202, 53.007917078930454 ], [ 7.253318430868202, 53.007714383268883 ], [ 7.252163454074334, 53.007714383268883 ], [ 7.252163454074334, 53.007917078930454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.009133232910749 ], [ 7.254473407662068, 53.009133232910749 ], [ 7.254473407662068, 53.008930542960336 ], [ 7.253318430868202, 53.008930542960336 ], [ 7.253318430868202, 53.009133232910749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.007917078930454 ], [ 7.254473407662068, 53.007917078930454 ], [ 7.254473407662068, 53.007714383268883 ], [ 7.253318430868202, 53.007714383268883 ], [ 7.253318430868202, 53.007917078930454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.009741297050859 ], [ 7.255628384455938, 53.009741297050859 ], [ 7.255628384455938, 53.009538609956003 ], [ 7.254473407662068, 53.009538609956003 ], [ 7.254473407662068, 53.009741297050859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.59546766666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.008930542960336 ], [ 7.255628384455938, 53.008930542960336 ], [ 7.255628384455938, 53.008727852058072 ], [ 7.254473407662068, 53.008727852058072 ], [ 7.254473407662068, 53.008930542960336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 124.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.007106290573013 ], [ 7.255628384455938, 53.007106290573013 ], [ 7.255628384455938, 53.006903591103978 ], [ 7.254473407662068, 53.006903591103978 ], [ 7.254473407662068, 53.007106290573013 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.009741297050859 ], [ 7.256783361249805, 53.009741297050859 ], [ 7.256783361249805, 53.009538609956003 ], [ 7.255628384455938, 53.009538609956003 ], [ 7.255628384455938, 53.009741297050859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.009335921909297 ], [ 7.256783361249805, 53.009335921909297 ], [ 7.256783361249805, 53.009133232910749 ], [ 7.255628384455938, 53.009133232910749 ], [ 7.255628384455938, 53.009335921909297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.04444833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.008727852058072 ], [ 7.256783361249805, 53.008727852058072 ], [ 7.256783361249805, 53.008525160203959 ], [ 7.255628384455938, 53.008525160203959 ], [ 7.255628384455938, 53.008727852058072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 144.442814 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.008525160203959 ], [ 7.256783361249805, 53.008525160203959 ], [ 7.256783361249805, 53.008322467397981 ], [ 7.255628384455938, 53.008322467397981 ], [ 7.255628384455938, 53.008525160203959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.79379724999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.008322467397981 ], [ 7.256783361249805, 53.008322467397981 ], [ 7.256783361249805, 53.008119773640153 ], [ 7.255628384455938, 53.008119773640153 ], [ 7.255628384455938, 53.008322467397981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.008119773640153 ], [ 7.256783361249805, 53.008119773640153 ], [ 7.256783361249805, 53.007917078930454 ], [ 7.255628384455938, 53.007917078930454 ], [ 7.255628384455938, 53.008119773640153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 145.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.007714383268883 ], [ 7.256783361249805, 53.007714383268883 ], [ 7.256783361249805, 53.007511686655469 ], [ 7.255628384455938, 53.007511686655469 ], [ 7.255628384455938, 53.007714383268883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.007511686655469 ], [ 7.256783361249805, 53.007511686655469 ], [ 7.256783361249805, 53.00730898909017 ], [ 7.255628384455938, 53.00730898909017 ], [ 7.255628384455938, 53.007511686655469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 127.33333466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.006295486985628 ], [ 7.256783361249805, 53.006295486985628 ], [ 7.256783361249805, 53.0060927837091 ], [ 7.255628384455938, 53.0060927837091 ], [ 7.255628384455938, 53.006295486985628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 129.37378366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.0060927837091 ], [ 7.256783361249805, 53.0060927837091 ], [ 7.256783361249805, 53.005890079480672 ], [ 7.255628384455938, 53.005890079480672 ], [ 7.255628384455938, 53.0060927837091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.925324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.008525160203959 ], [ 7.257938338043674, 53.008525160203959 ], [ 7.257938338043674, 53.008322467397981 ], [ 7.256783361249805, 53.008322467397981 ], [ 7.256783361249805, 53.008525160203959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 135.88888888888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.008322467397981 ], [ 7.257938338043674, 53.008322467397981 ], [ 7.257938338043674, 53.008119773640153 ], [ 7.256783361249805, 53.008119773640153 ], [ 7.256783361249805, 53.008322467397981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.15333433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.008119773640153 ], [ 7.257938338043674, 53.008119773640153 ], [ 7.257938338043674, 53.007917078930454 ], [ 7.256783361249805, 53.007917078930454 ], [ 7.256783361249805, 53.008119773640153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.007917078930454 ], [ 7.257938338043674, 53.007917078930454 ], [ 7.257938338043674, 53.007714383268883 ], [ 7.256783361249805, 53.007714383268883 ], [ 7.256783361249805, 53.007917078930454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 186.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.007714383268883 ], [ 7.257938338043674, 53.007714383268883 ], [ 7.257938338043674, 53.007511686655469 ], [ 7.256783361249805, 53.007511686655469 ], [ 7.256783361249805, 53.007714383268883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 172.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.00730898909017 ], [ 7.257938338043674, 53.00730898909017 ], [ 7.257938338043674, 53.007106290573013 ], [ 7.256783361249805, 53.007106290573013 ], [ 7.256783361249805, 53.00730898909017 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34541_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.899358 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.007106290573013 ], [ 7.257938338043674, 53.007106290573013 ], [ 7.257938338043674, 53.006903591103978 ], [ 7.256783361249805, 53.006903591103978 ], [ 7.256783361249805, 53.007106290573013 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.002916974768752 ], [ 7.251008477280466, 53.002916974768752 ], [ 7.251008477280466, 53.002714255627289 ], [ 7.249853500486598, 53.002714255627289 ], [ 7.249853500486598, 53.002916974768752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.54276325000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 53.000889740517707 ], [ 7.251008477280466, 53.000889740517707 ], [ 7.251008477280466, 53.000687011857032 ], [ 7.249853500486598, 53.000687011857032 ], [ 7.249853500486598, 53.000889740517707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 53.003525126481712 ], [ 7.252163454074334, 53.003525126481712 ], [ 7.252163454074334, 53.003322410195977 ], [ 7.251008477280466, 53.003322410195977 ], [ 7.251008477280466, 53.003525126481712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 53.002511535533898 ], [ 7.253318430868202, 53.002511535533898 ], [ 7.253318430868202, 53.002308814488607 ], [ 7.252163454074334, 53.002308814488607 ], [ 7.252163454074334, 53.002511535533898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.003727841815554 ], [ 7.254473407662068, 53.003727841815554 ], [ 7.254473407662068, 53.003525126481712 ], [ 7.253318430868202, 53.003525126481712 ], [ 7.253318430868202, 53.003727841815554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 53.002511535533898 ], [ 7.254473407662068, 53.002511535533898 ], [ 7.254473407662068, 53.002308814488607 ], [ 7.253318430868202, 53.002308814488607 ], [ 7.253318430868202, 53.002511535533898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.004335982105658 ], [ 7.255628384455938, 53.004335982105658 ], [ 7.255628384455938, 53.004133269627523 ], [ 7.254473407662068, 53.004133269627523 ], [ 7.254473407662068, 53.004335982105658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.00000333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.003525126481712 ], [ 7.255628384455938, 53.003525126481712 ], [ 7.255628384455938, 53.003322410195977 ], [ 7.254473407662068, 53.003322410195977 ], [ 7.254473407662068, 53.003525126481712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 123.23232375000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 53.001700645641193 ], [ 7.255628384455938, 53.001700645641193 ], [ 7.255628384455938, 53.001497920788211 ], [ 7.254473407662068, 53.001497920788211 ], [ 7.254473407662068, 53.001700645641193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 158.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.004335982105658 ], [ 7.256783361249805, 53.004335982105658 ], [ 7.256783361249805, 53.004133269627523 ], [ 7.255628384455938, 53.004133269627523 ], [ 7.255628384455938, 53.004335982105658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.003930556197488 ], [ 7.256783361249805, 53.003930556197488 ], [ 7.256783361249805, 53.003727841815554 ], [ 7.255628384455938, 53.003727841815554 ], [ 7.255628384455938, 53.003930556197488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 125.24017375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.003322410195977 ], [ 7.256783361249805, 53.003322410195977 ], [ 7.256783361249805, 53.003119692958322 ], [ 7.255628384455938, 53.003119692958322 ], [ 7.255628384455938, 53.003322410195977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.13658733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.003119692958322 ], [ 7.256783361249805, 53.003119692958322 ], [ 7.256783361249805, 53.002916974768752 ], [ 7.255628384455938, 53.002916974768752 ], [ 7.255628384455938, 53.003119692958322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.68103666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.002916974768752 ], [ 7.256783361249805, 53.002916974768752 ], [ 7.256783361249805, 53.002714255627289 ], [ 7.255628384455938, 53.002714255627289 ], [ 7.255628384455938, 53.002916974768752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.002714255627289 ], [ 7.256783361249805, 53.002714255627289 ], [ 7.256783361249805, 53.002511535533898 ], [ 7.255628384455938, 53.002511535533898 ], [ 7.255628384455938, 53.002714255627289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 146.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.002308814488607 ], [ 7.256783361249805, 53.002308814488607 ], [ 7.256783361249805, 53.002106092491388 ], [ 7.255628384455938, 53.002106092491388 ], [ 7.255628384455938, 53.002308814488607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 73.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.002106092491388 ], [ 7.256783361249805, 53.002106092491388 ], [ 7.256783361249805, 53.001903369542248 ], [ 7.255628384455938, 53.001903369542248 ], [ 7.255628384455938, 53.002106092491388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 124.00000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.000889740517707 ], [ 7.256783361249805, 53.000889740517707 ], [ 7.256783361249805, 53.000687011857032 ], [ 7.255628384455938, 53.000687011857032 ], [ 7.255628384455938, 53.000889740517707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 129.34571975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 53.000687011857032 ], [ 7.256783361249805, 53.000687011857032 ], [ 7.256783361249805, 53.0004842822444 ], [ 7.255628384455938, 53.0004842822444 ], [ 7.255628384455938, 53.000687011857032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.003119692958322 ], [ 7.257938338043674, 53.003119692958322 ], [ 7.257938338043674, 53.002916974768752 ], [ 7.256783361249805, 53.002916974768752 ], [ 7.256783361249805, 53.003119692958322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.77777777777777 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.002916974768752 ], [ 7.257938338043674, 53.002916974768752 ], [ 7.257938338043674, 53.002714255627289 ], [ 7.256783361249805, 53.002714255627289 ], [ 7.256783361249805, 53.002916974768752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.002714255627289 ], [ 7.257938338043674, 53.002714255627289 ], [ 7.257938338043674, 53.002511535533898 ], [ 7.256783361249805, 53.002511535533898 ], [ 7.256783361249805, 53.002714255627289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.1149544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.002511535533898 ], [ 7.257938338043674, 53.002511535533898 ], [ 7.257938338043674, 53.002308814488607 ], [ 7.256783361249805, 53.002308814488607 ], [ 7.256783361249805, 53.002511535533898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 178.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.002308814488607 ], [ 7.257938338043674, 53.002308814488607 ], [ 7.257938338043674, 53.002106092491388 ], [ 7.256783361249805, 53.002106092491388 ], [ 7.256783361249805, 53.002308814488607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 164.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.001903369542248 ], [ 7.257938338043674, 53.001903369542248 ], [ 7.257938338043674, 53.001700645641193 ], [ 7.256783361249805, 53.001700645641193 ], [ 7.256783361249805, 53.001903369542248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34542_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 108.6013885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 53.001700645641193 ], [ 7.257938338043674, 53.001700645641193 ], [ 7.257938338043674, 53.001497920788211 ], [ 7.256783361249805, 53.001497920788211 ], [ 7.256783361249805, 53.001700645641193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 82.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.997510805224906 ], [ 7.251008477280466, 52.997510805224906 ], [ 7.251008477280466, 52.997308060698423 ], [ 7.249853500486598, 52.997308060698423 ], [ 7.249853500486598, 52.997510805224906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.37108733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.995483317121426 ], [ 7.251008477280466, 52.995483317121426 ], [ 7.251008477280466, 52.995280563075212 ], [ 7.249853500486598, 52.995280563075212 ], [ 7.249853500486598, 52.995483317121426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.998119033092578 ], [ 7.252163454074334, 52.998119033092578 ], [ 7.252163454074334, 52.997916291421987 ], [ 7.251008477280466, 52.997916291421987 ], [ 7.251008477280466, 52.998119033092578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.997105315219969 ], [ 7.253318430868202, 52.997105315219969 ], [ 7.253318430868202, 52.996902568789551 ], [ 7.252163454074334, 52.996902568789551 ], [ 7.252163454074334, 52.997105315219969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.998321773811227 ], [ 7.254473407662068, 52.998321773811227 ], [ 7.254473407662068, 52.998119033092578 ], [ 7.253318430868202, 52.998119033092578 ], [ 7.253318430868202, 52.998321773811227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.997105315219969 ], [ 7.254473407662068, 52.997105315219969 ], [ 7.254473407662068, 52.996902568789551 ], [ 7.253318430868202, 52.996902568789551 ], [ 7.253318430868202, 52.997105315219969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 194.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.998929990255448 ], [ 7.255628384455938, 52.998929990255448 ], [ 7.255628384455938, 52.998727252392655 ], [ 7.254473407662068, 52.998727252392655 ], [ 7.254473407662068, 52.998929990255448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.99999766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.998119033092578 ], [ 7.255628384455938, 52.998119033092578 ], [ 7.255628384455938, 52.997916291421987 ], [ 7.254473407662068, 52.997916291421987 ], [ 7.254473407662068, 52.998119033092578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.996294323786493 ], [ 7.255628384455938, 52.996294323786493 ], [ 7.255628384455938, 52.996091573548185 ], [ 7.254473407662068, 52.996091573548185 ], [ 7.254473407662068, 52.996294323786493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 157.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.998929990255448 ], [ 7.256783361249805, 52.998929990255448 ], [ 7.256783361249805, 52.998727252392655 ], [ 7.255628384455938, 52.998727252392655 ], [ 7.255628384455938, 52.998929990255448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.998524513577912 ], [ 7.256783361249805, 52.998524513577912 ], [ 7.256783361249805, 52.998321773811227 ], [ 7.255628384455938, 52.998321773811227 ], [ 7.255628384455938, 52.998524513577912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 143.85314 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.997916291421987 ], [ 7.256783361249805, 52.997916291421987 ], [ 7.256783361249805, 52.997713548799418 ], [ 7.255628384455938, 52.997713548799418 ], [ 7.255628384455938, 52.997916291421987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 128.175774 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.997713548799418 ], [ 7.256783361249805, 52.997713548799418 ], [ 7.256783361249805, 52.997510805224906 ], [ 7.255628384455938, 52.997510805224906 ], [ 7.255628384455938, 52.997713548799418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 125.83244425000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.997510805224906 ], [ 7.256783361249805, 52.997510805224906 ], [ 7.256783361249805, 52.997308060698423 ], [ 7.255628384455938, 52.997308060698423 ], [ 7.255628384455938, 52.997510805224906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.997308060698423 ], [ 7.256783361249805, 52.997308060698423 ], [ 7.256783361249805, 52.997105315219969 ], [ 7.255628384455938, 52.997105315219969 ], [ 7.255628384455938, 52.997308060698423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.701591 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.997105315219969 ], [ 7.256783361249805, 52.997105315219969 ], [ 7.256783361249805, 52.996902568789551 ], [ 7.255628384455938, 52.996902568789551 ], [ 7.255628384455938, 52.997105315219969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 137.883598 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.996902568789551 ], [ 7.256783361249805, 52.996902568789551 ], [ 7.256783361249805, 52.996699821407169 ], [ 7.255628384455938, 52.996699821407169 ], [ 7.255628384455938, 52.996902568789551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.996699821407169 ], [ 7.256783361249805, 52.996699821407169 ], [ 7.256783361249805, 52.996497073072817 ], [ 7.255628384455938, 52.996497073072817 ], [ 7.255628384455938, 52.996699821407169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 120.250004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.995483317121426 ], [ 7.256783361249805, 52.995483317121426 ], [ 7.256783361249805, 52.995280563075212 ], [ 7.255628384455938, 52.995280563075212 ], [ 7.255628384455938, 52.995483317121426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 122.48593666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.995280563075212 ], [ 7.256783361249805, 52.995280563075212 ], [ 7.256783361249805, 52.995077808077006 ], [ 7.255628384455938, 52.995077808077006 ], [ 7.255628384455938, 52.995280563075212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.14058375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.997713548799418 ], [ 7.257938338043674, 52.997713548799418 ], [ 7.257938338043674, 52.997510805224906 ], [ 7.256783361249805, 52.997510805224906 ], [ 7.256783361249805, 52.997713548799418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 101.18181818181819 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.997510805224906 ], [ 7.257938338043674, 52.997510805224906 ], [ 7.257938338043674, 52.997308060698423 ], [ 7.256783361249805, 52.997308060698423 ], [ 7.256783361249805, 52.997510805224906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.19886325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.997308060698423 ], [ 7.257938338043674, 52.997308060698423 ], [ 7.257938338043674, 52.997105315219969 ], [ 7.256783361249805, 52.997105315219969 ], [ 7.256783361249805, 52.997308060698423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.14285771428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.997105315219969 ], [ 7.257938338043674, 52.997105315219969 ], [ 7.257938338043674, 52.996902568789551 ], [ 7.256783361249805, 52.996902568789551 ], [ 7.256783361249805, 52.997105315219969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 155.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.996902568789551 ], [ 7.257938338043674, 52.996902568789551 ], [ 7.257938338043674, 52.996699821407169 ], [ 7.256783361249805, 52.996699821407169 ], [ 7.256783361249805, 52.996902568789551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.996497073072817 ], [ 7.257938338043674, 52.996497073072817 ], [ 7.257938338043674, 52.996294323786493 ], [ 7.256783361249805, 52.996294323786493 ], [ 7.256783361249805, 52.996497073072817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34543_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 125.410696 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.996294323786493 ], [ 7.257938338043674, 52.996294323786493 ], [ 7.257938338043674, 52.996091573548185 ], [ 7.256783361249805, 52.996091573548185 ], [ 7.256783361249805, 52.996294323786493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 84.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.992103958729778 ], [ 7.251008477280466, 52.992103958729778 ], [ 7.251008477280466, 52.991901188816911 ], [ 7.249853500486598, 52.991901188816911 ], [ 7.249853500486598, 52.992103958729778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.33333733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.990076216760137 ], [ 7.251008477280466, 52.990076216760137 ], [ 7.251008477280466, 52.98987343732702 ], [ 7.249853500486598, 52.98987343732702 ], [ 7.249853500486598, 52.990076216760137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.992712262756307 ], [ 7.252163454074334, 52.992712262756307 ], [ 7.252163454074334, 52.992509495699473 ], [ 7.251008477280466, 52.992509495699473 ], [ 7.251008477280466, 52.992712262756307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 86.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.991698417952023 ], [ 7.253318430868202, 52.991698417952023 ], [ 7.253318430868202, 52.991495646135121 ], [ 7.252163454074334, 52.991495646135121 ], [ 7.252163454074334, 52.991698417952023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.992915028861127 ], [ 7.254473407662068, 52.992915028861127 ], [ 7.254473407662068, 52.992712262756307 ], [ 7.253318430868202, 52.992712262756307 ], [ 7.253318430868202, 52.992915028861127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.991698417952023 ], [ 7.254473407662068, 52.991698417952023 ], [ 7.254473407662068, 52.991495646135121 ], [ 7.253318430868202, 52.991495646135121 ], [ 7.253318430868202, 52.991698417952023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 202.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.99352332146357 ], [ 7.255628384455938, 52.99352332146357 ], [ 7.255628384455938, 52.993320558214755 ], [ 7.254473407662068, 52.993320558214755 ], [ 7.254473407662068, 52.99352332146357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.50299866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.992712262756307 ], [ 7.255628384455938, 52.992712262756307 ], [ 7.255628384455938, 52.992509495699473 ], [ 7.254473407662068, 52.992509495699473 ], [ 7.254473407662068, 52.992712262756307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 124.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.990887324972284 ], [ 7.255628384455938, 52.990887324972284 ], [ 7.255628384455938, 52.990684549347293 ], [ 7.254473407662068, 52.990684549347293 ], [ 7.254473407662068, 52.990887324972284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 155.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.99352332146357 ], [ 7.256783361249805, 52.99352332146357 ], [ 7.256783361249805, 52.993320558214755 ], [ 7.255628384455938, 52.993320558214755 ], [ 7.255628384455938, 52.99352332146357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 162.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.993117794013948 ], [ 7.256783361249805, 52.993117794013948 ], [ 7.256783361249805, 52.992915028861127 ], [ 7.255628384455938, 52.992915028861127 ], [ 7.255628384455938, 52.993117794013948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 155.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.992509495699473 ], [ 7.256783361249805, 52.992509495699473 ], [ 7.256783361249805, 52.992306727690632 ], [ 7.255628384455938, 52.992306727690632 ], [ 7.255628384455938, 52.992509495699473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.58633425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.992306727690632 ], [ 7.256783361249805, 52.992306727690632 ], [ 7.256783361249805, 52.992103958729778 ], [ 7.255628384455938, 52.992103958729778 ], [ 7.255628384455938, 52.992306727690632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.992103958729778 ], [ 7.256783361249805, 52.992103958729778 ], [ 7.256783361249805, 52.991901188816911 ], [ 7.255628384455938, 52.991901188816911 ], [ 7.255628384455938, 52.992103958729778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.991901188816911 ], [ 7.256783361249805, 52.991901188816911 ], [ 7.256783361249805, 52.991698417952023 ], [ 7.255628384455938, 52.991698417952023 ], [ 7.255628384455938, 52.991901188816911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.4466415 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.991698417952023 ], [ 7.256783361249805, 52.991698417952023 ], [ 7.256783361249805, 52.991495646135121 ], [ 7.255628384455938, 52.991495646135121 ], [ 7.255628384455938, 52.991698417952023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 151.47794666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.991495646135121 ], [ 7.256783361249805, 52.991495646135121 ], [ 7.256783361249805, 52.991292873366199 ], [ 7.255628384455938, 52.991292873366199 ], [ 7.255628384455938, 52.991495646135121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 79.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.991292873366199 ], [ 7.256783361249805, 52.991292873366199 ], [ 7.256783361249805, 52.991090099645263 ], [ 7.255628384455938, 52.991090099645263 ], [ 7.255628384455938, 52.991292873366199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 119.33333133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.990076216760137 ], [ 7.256783361249805, 52.990076216760137 ], [ 7.256783361249805, 52.98987343732702 ], [ 7.255628384455938, 52.98987343732702 ], [ 7.255628384455938, 52.990076216760137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 118.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.98987343732702 ], [ 7.256783361249805, 52.98987343732702 ], [ 7.256783361249805, 52.989670656941868 ], [ 7.255628384455938, 52.989670656941868 ], [ 7.255628384455938, 52.98987343732702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 131.79064733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.992306727690632 ], [ 7.257938338043674, 52.992306727690632 ], [ 7.257938338043674, 52.992103958729778 ], [ 7.256783361249805, 52.992103958729778 ], [ 7.256783361249805, 52.992306727690632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 111.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.992103958729778 ], [ 7.257938338043674, 52.992103958729778 ], [ 7.257938338043674, 52.991901188816911 ], [ 7.256783361249805, 52.991901188816911 ], [ 7.256783361249805, 52.992103958729778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.48936166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.991901188816911 ], [ 7.257938338043674, 52.991901188816911 ], [ 7.257938338043674, 52.991698417952023 ], [ 7.256783361249805, 52.991698417952023 ], [ 7.256783361249805, 52.991901188816911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 118.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.991698417952023 ], [ 7.257938338043674, 52.991698417952023 ], [ 7.257938338043674, 52.991495646135121 ], [ 7.256783361249805, 52.991495646135121 ], [ 7.256783361249805, 52.991698417952023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.991495646135121 ], [ 7.257938338043674, 52.991495646135121 ], [ 7.257938338043674, 52.991292873366199 ], [ 7.256783361249805, 52.991292873366199 ], [ 7.256783361249805, 52.991495646135121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 154.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.991090099645263 ], [ 7.257938338043674, 52.991090099645263 ], [ 7.257938338043674, 52.990887324972284 ], [ 7.256783361249805, 52.990887324972284 ], [ 7.256783361249805, 52.991090099645263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34544_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 115.32193025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.990887324972284 ], [ 7.257938338043674, 52.990887324972284 ], [ 7.257938338043674, 52.990684549347293 ], [ 7.256783361249805, 52.990684549347293 ], [ 7.256783361249805, 52.990887324972284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 84.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.986696435246778 ], [ 7.251008477280466, 52.986696435246778 ], [ 7.251008477280466, 52.986493639946147 ], [ 7.249853500486598, 52.986493639946147 ], [ 7.249853500486598, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.984668439397247 ], [ 7.251008477280466, 52.984668439397247 ], [ 7.251008477280466, 52.984465634575855 ], [ 7.249853500486598, 52.984465634575855 ], [ 7.249853500486598, 52.984668439397247 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.987304815436268 ], [ 7.252163454074334, 52.987304815436268 ], [ 7.252163454074334, 52.987102022991841 ], [ 7.251008477280466, 52.987102022991841 ], [ 7.251008477280466, 52.987304815436268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 83.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.98629084369346 ], [ 7.253318430868202, 52.98629084369346 ], [ 7.253318430868202, 52.986088046488696 ], [ 7.252163454074334, 52.986088046488696 ], [ 7.252163454074334, 52.98629084369346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.987507606928645 ], [ 7.254473407662068, 52.987507606928645 ], [ 7.254473407662068, 52.987304815436268 ], [ 7.253318430868202, 52.987304815436268 ], [ 7.253318430868202, 52.987507606928645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.98629084369346 ], [ 7.254473407662068, 52.98629084369346 ], [ 7.254473407662068, 52.986088046488696 ], [ 7.253318430868202, 52.986088046488696 ], [ 7.253318430868202, 52.98629084369346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 205.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.988115975693432 ], [ 7.255628384455938, 52.988115975693432 ], [ 7.255628384455938, 52.987913187057217 ], [ 7.254473407662068, 52.987913187057217 ], [ 7.254473407662068, 52.988115975693432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.75000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.987304815436268 ], [ 7.255628384455938, 52.987304815436268 ], [ 7.255628384455938, 52.987102022991841 ], [ 7.254473407662068, 52.987102022991841 ], [ 7.254473407662068, 52.987304815436268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 121.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.985479649161967 ], [ 7.255628384455938, 52.985479649161967 ], [ 7.255628384455938, 52.985276848148914 ], [ 7.254473407662068, 52.985276848148914 ], [ 7.254473407662068, 52.985479649161967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.988115975693432 ], [ 7.256783361249805, 52.988115975693432 ], [ 7.256783361249805, 52.987913187057217 ], [ 7.255628384455938, 52.987913187057217 ], [ 7.255628384455938, 52.988115975693432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.987710397468959 ], [ 7.256783361249805, 52.987710397468959 ], [ 7.256783361249805, 52.987507606928645 ], [ 7.255628384455938, 52.987507606928645 ], [ 7.255628384455938, 52.987710397468959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 162.16023266666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.987102022991841 ], [ 7.256783361249805, 52.987102022991841 ], [ 7.256783361249805, 52.986899229595338 ], [ 7.255628384455938, 52.986899229595338 ], [ 7.255628384455938, 52.987102022991841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.17915733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.986899229595338 ], [ 7.256783361249805, 52.986899229595338 ], [ 7.256783361249805, 52.986696435246778 ], [ 7.255628384455938, 52.986696435246778 ], [ 7.255628384455938, 52.986899229595338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 123.57438375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.986696435246778 ], [ 7.256783361249805, 52.986696435246778 ], [ 7.256783361249805, 52.986493639946147 ], [ 7.255628384455938, 52.986493639946147 ], [ 7.255628384455938, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.986493639946147 ], [ 7.256783361249805, 52.986493639946147 ], [ 7.256783361249805, 52.98629084369346 ], [ 7.255628384455938, 52.98629084369346 ], [ 7.255628384455938, 52.986493639946147 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.98629084369346 ], [ 7.256783361249805, 52.98629084369346 ], [ 7.256783361249805, 52.986088046488696 ], [ 7.255628384455938, 52.986088046488696 ], [ 7.255628384455938, 52.98629084369346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 147.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.986088046488696 ], [ 7.256783361249805, 52.986088046488696 ], [ 7.256783361249805, 52.985885248331854 ], [ 7.255628384455938, 52.985885248331854 ], [ 7.255628384455938, 52.986088046488696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 84.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.985885248331854 ], [ 7.256783361249805, 52.985885248331854 ], [ 7.256783361249805, 52.985682449222956 ], [ 7.255628384455938, 52.985682449222956 ], [ 7.255628384455938, 52.985885248331854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 131.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.985074046183769 ], [ 7.256783361249805, 52.985074046183769 ], [ 7.256783361249805, 52.984871243266554 ], [ 7.255628384455938, 52.984871243266554 ], [ 7.255628384455938, 52.985074046183769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 116.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.984668439397247 ], [ 7.256783361249805, 52.984668439397247 ], [ 7.256783361249805, 52.984465634575855 ], [ 7.255628384455938, 52.984465634575855 ], [ 7.255628384455938, 52.984668439397247 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 124.570414 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.984465634575855 ], [ 7.256783361249805, 52.984465634575855 ], [ 7.256783361249805, 52.984262828802386 ], [ 7.255628384455938, 52.984262828802386 ], [ 7.255628384455938, 52.984465634575855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.47639925000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.986899229595338 ], [ 7.257938338043674, 52.986899229595338 ], [ 7.257938338043674, 52.986696435246778 ], [ 7.256783361249805, 52.986696435246778 ], [ 7.256783361249805, 52.986899229595338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 91.714285714285708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.986696435246778 ], [ 7.257938338043674, 52.986696435246778 ], [ 7.257938338043674, 52.986493639946147 ], [ 7.256783361249805, 52.986493639946147 ], [ 7.256783361249805, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.49999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.986493639946147 ], [ 7.257938338043674, 52.986493639946147 ], [ 7.257938338043674, 52.98629084369346 ], [ 7.256783361249805, 52.98629084369346 ], [ 7.256783361249805, 52.986493639946147 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 117.78939628571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.98629084369346 ], [ 7.257938338043674, 52.98629084369346 ], [ 7.257938338043674, 52.986088046488696 ], [ 7.256783361249805, 52.986088046488696 ], [ 7.256783361249805, 52.98629084369346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.986088046488696 ], [ 7.257938338043674, 52.986088046488696 ], [ 7.257938338043674, 52.985885248331854 ], [ 7.256783361249805, 52.985885248331854 ], [ 7.256783361249805, 52.986088046488696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.985682449222956 ], [ 7.257938338043674, 52.985682449222956 ], [ 7.257938338043674, 52.985479649161967 ], [ 7.256783361249805, 52.985479649161967 ], [ 7.256783361249805, 52.985682449222956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34545_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 114.74872775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.985479649161967 ], [ 7.257938338043674, 52.985479649161967 ], [ 7.257938338043674, 52.985276848148914 ], [ 7.256783361249805, 52.985276848148914 ], [ 7.256783361249805, 52.985479649161967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 82.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.98128823473931 ], [ 7.251008477280466, 52.98128823473931 ], [ 7.251008477280466, 52.981085414049552 ], [ 7.249853500486598, 52.981085414049552 ], [ 7.249853500486598, 52.98128823473931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 140.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.979259984996169 ], [ 7.251008477280466, 52.979259984996169 ], [ 7.251008477280466, 52.979057154785139 ], [ 7.249853500486598, 52.979057154785139 ], [ 7.249853500486598, 52.979259984996169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.981896691095876 ], [ 7.252163454074334, 52.981896691095876 ], [ 7.252163454074334, 52.981693873262465 ], [ 7.251008477280466, 52.981693873262465 ], [ 7.251008477280466, 52.981896691095876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.980882592407681 ], [ 7.253318430868202, 52.980882592407681 ], [ 7.253318430868202, 52.980679769813683 ], [ 7.252163454074334, 52.980679769813683 ], [ 7.252163454074334, 52.980882592407681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.982099507977175 ], [ 7.254473407662068, 52.982099507977175 ], [ 7.254473407662068, 52.981896691095876 ], [ 7.253318430868202, 52.981896691095876 ], [ 7.253318430868202, 52.982099507977175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.980882592407681 ], [ 7.254473407662068, 52.980882592407681 ], [ 7.254473407662068, 52.980679769813683 ], [ 7.253318430868202, 52.980679769813683 ], [ 7.253318430868202, 52.980882592407681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 205.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.98270795290842 ], [ 7.255628384455938, 52.98270795290842 ], [ 7.255628384455938, 52.982505138883447 ], [ 7.254473407662068, 52.982505138883447 ], [ 7.254473407662068, 52.98270795290842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.980485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.981896691095876 ], [ 7.255628384455938, 52.981896691095876 ], [ 7.255628384455938, 52.981693873262465 ], [ 7.254473407662068, 52.981693873262465 ], [ 7.254473407662068, 52.981896691095876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.980071296318947 ], [ 7.255628384455938, 52.980071296318947 ], [ 7.255628384455938, 52.979868469916461 ], [ 7.254473407662068, 52.979868469916461 ], [ 7.254473407662068, 52.980071296318947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 154.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.98270795290842 ], [ 7.256783361249805, 52.98270795290842 ], [ 7.256783361249805, 52.982505138883447 ], [ 7.255628384455938, 52.982505138883447 ], [ 7.255628384455938, 52.98270795290842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.982302323906374 ], [ 7.256783361249805, 52.982302323906374 ], [ 7.256783361249805, 52.982099507977175 ], [ 7.255628384455938, 52.982099507977175 ], [ 7.255628384455938, 52.982302323906374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 162.51978066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.981693873262465 ], [ 7.256783361249805, 52.981693873262465 ], [ 7.256783361249805, 52.981491054476955 ], [ 7.255628384455938, 52.981491054476955 ], [ 7.255628384455938, 52.981693873262465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.52159233333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.981491054476955 ], [ 7.256783361249805, 52.981491054476955 ], [ 7.256783361249805, 52.98128823473931 ], [ 7.255628384455938, 52.98128823473931 ], [ 7.255628384455938, 52.981491054476955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 124.73584666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.98128823473931 ], [ 7.256783361249805, 52.98128823473931 ], [ 7.256783361249805, 52.981085414049552 ], [ 7.255628384455938, 52.981085414049552 ], [ 7.255628384455938, 52.98128823473931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.981085414049552 ], [ 7.256783361249805, 52.981085414049552 ], [ 7.256783361249805, 52.980882592407681 ], [ 7.255628384455938, 52.980882592407681 ], [ 7.255628384455938, 52.981085414049552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.33333533333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.980882592407681 ], [ 7.256783361249805, 52.980882592407681 ], [ 7.256783361249805, 52.980679769813683 ], [ 7.255628384455938, 52.980679769813683 ], [ 7.255628384455938, 52.980882592407681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 146.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.980679769813683 ], [ 7.256783361249805, 52.980679769813683 ], [ 7.256783361249805, 52.980476946267572 ], [ 7.255628384455938, 52.980476946267572 ], [ 7.255628384455938, 52.980679769813683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 77.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.980476946267572 ], [ 7.256783361249805, 52.980476946267572 ], [ 7.256783361249805, 52.980274121769327 ], [ 7.255628384455938, 52.980274121769327 ], [ 7.255628384455938, 52.980476946267572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.23232333333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.979665642561834 ], [ 7.256783361249805, 52.979665642561834 ], [ 7.256783361249805, 52.979462814255065 ], [ 7.255628384455938, 52.979462814255065 ], [ 7.255628384455938, 52.979665642561834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 115.48159625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.979259984996169 ], [ 7.256783361249805, 52.979259984996169 ], [ 7.256783361249805, 52.979057154785139 ], [ 7.255628384455938, 52.979057154785139 ], [ 7.255628384455938, 52.979259984996169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 126.64529425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.979057154785139 ], [ 7.256783361249805, 52.979057154785139 ], [ 7.256783361249805, 52.978854323621974 ], [ 7.255628384455938, 52.978854323621974 ], [ 7.255628384455938, 52.979057154785139 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 114.85997025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.981491054476955 ], [ 7.257938338043674, 52.981491054476955 ], [ 7.257938338043674, 52.98128823473931 ], [ 7.256783361249805, 52.98128823473931 ], [ 7.256783361249805, 52.981491054476955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.98128823473931 ], [ 7.257938338043674, 52.98128823473931 ], [ 7.257938338043674, 52.981085414049552 ], [ 7.256783361249805, 52.981085414049552 ], [ 7.256783361249805, 52.98128823473931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.981085414049552 ], [ 7.257938338043674, 52.981085414049552 ], [ 7.257938338043674, 52.980882592407681 ], [ 7.256783361249805, 52.980882592407681 ], [ 7.256783361249805, 52.981085414049552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.980882592407681 ], [ 7.257938338043674, 52.980882592407681 ], [ 7.257938338043674, 52.980679769813683 ], [ 7.256783361249805, 52.980679769813683 ], [ 7.256783361249805, 52.980882592407681 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.980679769813683 ], [ 7.257938338043674, 52.980679769813683 ], [ 7.257938338043674, 52.980476946267572 ], [ 7.256783361249805, 52.980476946267572 ], [ 7.256783361249805, 52.980679769813683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.980274121769327 ], [ 7.257938338043674, 52.980274121769327 ], [ 7.257938338043674, 52.980071296318947 ], [ 7.256783361249805, 52.980071296318947 ], [ 7.256783361249805, 52.980274121769327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34546_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.980071296318947 ], [ 7.257938338043674, 52.980071296318947 ], [ 7.257938338043674, 52.979868469916461 ], [ 7.256783361249805, 52.979868469916461 ], [ 7.256783361249805, 52.980071296318947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.975879357170797 ], [ 7.251008477280466, 52.975879357170797 ], [ 7.251008477280466, 52.975676511090548 ], [ 7.249853500486598, 52.975676511090548 ], [ 7.249853500486598, 52.975879357170797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 138.21244375000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.973850853520339 ], [ 7.251008477280466, 52.973850853520339 ], [ 7.251008477280466, 52.973647997918299 ], [ 7.249853500486598, 52.973647997918299 ], [ 7.249853500486598, 52.973850853520339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.976487889698561 ], [ 7.252163454074334, 52.976487889698561 ], [ 7.252163454074334, 52.976285046474807 ], [ 7.251008477280466, 52.976285046474807 ], [ 7.251008477280466, 52.976487889698561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.975473664058121 ], [ 7.253318430868202, 52.975473664058121 ], [ 7.253318430868202, 52.975270816073511 ], [ 7.252163454074334, 52.975270816073511 ], [ 7.252163454074334, 52.975473664058121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.976690731970159 ], [ 7.254473407662068, 52.976690731970159 ], [ 7.254473407662068, 52.976487889698561 ], [ 7.253318430868202, 52.976487889698561 ], [ 7.253318430868202, 52.976690731970159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.975473664058121 ], [ 7.254473407662068, 52.975473664058121 ], [ 7.254473407662068, 52.975270816073511 ], [ 7.253318430868202, 52.975270816073511 ], [ 7.253318430868202, 52.975473664058121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 209.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.977299253071969 ], [ 7.255628384455938, 52.977299253071969 ], [ 7.255628384455938, 52.977096413656859 ], [ 7.254473407662068, 52.977096413656859 ], [ 7.254473407662068, 52.977299253071969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.66666966666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.976487889698561 ], [ 7.255628384455938, 52.976487889698561 ], [ 7.255628384455938, 52.976285046474807 ], [ 7.254473407662068, 52.976285046474807 ], [ 7.254473407662068, 52.976487889698561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 114.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.974662266406668 ], [ 7.255628384455938, 52.974662266406668 ], [ 7.255628384455938, 52.974459414613364 ], [ 7.254473407662068, 52.974459414613364 ], [ 7.254473407662068, 52.974662266406668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 154.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.977299253071969 ], [ 7.256783361249805, 52.977299253071969 ], [ 7.256783361249805, 52.977096413656859 ], [ 7.255628384455938, 52.977096413656859 ], [ 7.255628384455938, 52.977299253071969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.976893573289587 ], [ 7.256783361249805, 52.976893573289587 ], [ 7.256783361249805, 52.976690731970159 ], [ 7.255628384455938, 52.976690731970159 ], [ 7.255628384455938, 52.976893573289587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 158.760371 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.976285046474807 ], [ 7.256783361249805, 52.976285046474807 ], [ 7.256783361249805, 52.976082202298883 ], [ 7.255628384455938, 52.976082202298883 ], [ 7.255628384455938, 52.976285046474807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.976082202298883 ], [ 7.256783361249805, 52.976082202298883 ], [ 7.256783361249805, 52.975879357170797 ], [ 7.255628384455938, 52.975879357170797 ], [ 7.255628384455938, 52.976082202298883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 126.8871425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.975879357170797 ], [ 7.256783361249805, 52.975879357170797 ], [ 7.256783361249805, 52.975676511090548 ], [ 7.255628384455938, 52.975676511090548 ], [ 7.255628384455938, 52.975879357170797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.975676511090548 ], [ 7.256783361249805, 52.975676511090548 ], [ 7.256783361249805, 52.975473664058121 ], [ 7.255628384455938, 52.975473664058121 ], [ 7.255628384455938, 52.975676511090548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.81393775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.975473664058121 ], [ 7.256783361249805, 52.975473664058121 ], [ 7.256783361249805, 52.975270816073511 ], [ 7.255628384455938, 52.975270816073511 ], [ 7.255628384455938, 52.975473664058121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 153.674798 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.975270816073511 ], [ 7.256783361249805, 52.975270816073511 ], [ 7.256783361249805, 52.975067967136752 ], [ 7.255628384455938, 52.975067967136752 ], [ 7.255628384455938, 52.975270816073511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.975067967136752 ], [ 7.256783361249805, 52.975067967136752 ], [ 7.256783361249805, 52.974865117247795 ], [ 7.255628384455938, 52.974865117247795 ], [ 7.255628384455938, 52.975067967136752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.33333533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.974256561867875 ], [ 7.256783361249805, 52.974256561867875 ], [ 7.256783361249805, 52.974053708170203 ], [ 7.255628384455938, 52.974053708170203 ], [ 7.255628384455938, 52.974256561867875 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 120.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.973850853520339 ], [ 7.256783361249805, 52.973850853520339 ], [ 7.256783361249805, 52.973647997918299 ], [ 7.255628384455938, 52.973647997918299 ], [ 7.255628384455938, 52.973850853520339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 130.03885566666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.973647997918299 ], [ 7.256783361249805, 52.973647997918299 ], [ 7.256783361249805, 52.97344514136406 ], [ 7.255628384455938, 52.97344514136406 ], [ 7.255628384455938, 52.973647997918299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.33333266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.976082202298883 ], [ 7.257938338043674, 52.976082202298883 ], [ 7.257938338043674, 52.975879357170797 ], [ 7.256783361249805, 52.975879357170797 ], [ 7.256783361249805, 52.976082202298883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.975879357170797 ], [ 7.257938338043674, 52.975879357170797 ], [ 7.257938338043674, 52.975676511090548 ], [ 7.256783361249805, 52.975676511090548 ], [ 7.256783361249805, 52.975879357170797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.975676511090548 ], [ 7.257938338043674, 52.975676511090548 ], [ 7.257938338043674, 52.975473664058121 ], [ 7.256783361249805, 52.975473664058121 ], [ 7.256783361249805, 52.975676511090548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.975473664058121 ], [ 7.257938338043674, 52.975473664058121 ], [ 7.257938338043674, 52.975270816073511 ], [ 7.256783361249805, 52.975270816073511 ], [ 7.256783361249805, 52.975473664058121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.975270816073511 ], [ 7.257938338043674, 52.975270816073511 ], [ 7.257938338043674, 52.975067967136752 ], [ 7.256783361249805, 52.975067967136752 ], [ 7.256783361249805, 52.975270816073511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.974865117247795 ], [ 7.257938338043674, 52.974865117247795 ], [ 7.257938338043674, 52.974662266406668 ], [ 7.256783361249805, 52.974662266406668 ], [ 7.256783361249805, 52.974865117247795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34547_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.974662266406668 ], [ 7.257938338043674, 52.974662266406668 ], [ 7.257938338043674, 52.974459414613364 ], [ 7.256783361249805, 52.974459414613364 ], [ 7.256783361249805, 52.974662266406668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.970469802504688 ], [ 7.251008477280466, 52.970469802504688 ], [ 7.251008477280466, 52.970266931032569 ], [ 7.249853500486598, 52.970266931032569 ], [ 7.249853500486598, 52.970469802504688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 137.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.968441044933215 ], [ 7.251008477280466, 52.968441044933215 ], [ 7.251008477280466, 52.968238163938793 ], [ 7.249853500486598, 52.968238163938793 ], [ 7.249853500486598, 52.968441044933215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.971078411207756 ], [ 7.252163454074334, 52.971078411207756 ], [ 7.252163454074334, 52.970875542592289 ], [ 7.251008477280466, 52.970875542592289 ], [ 7.251008477280466, 52.971078411207756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.970064058608223 ], [ 7.253318430868202, 52.970064058608223 ], [ 7.253318430868202, 52.96986118523165 ], [ 7.252163454074334, 52.96986118523165 ], [ 7.252163454074334, 52.970064058608223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 81.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.971281278871018 ], [ 7.254473407662068, 52.971281278871018 ], [ 7.254473407662068, 52.971078411207756 ], [ 7.253318430868202, 52.971078411207756 ], [ 7.253318430868202, 52.971281278871018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.970064058608223 ], [ 7.254473407662068, 52.970064058608223 ], [ 7.254473407662068, 52.96986118523165 ], [ 7.253318430868202, 52.96986118523165 ], [ 7.253318430868202, 52.970064058608223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 208.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.971889876147529 ], [ 7.255628384455938, 52.971889876147529 ], [ 7.255628384455938, 52.971687011340904 ], [ 7.254473407662068, 52.971687011340904 ], [ 7.254473407662068, 52.971889876147529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.971078411207756 ], [ 7.255628384455938, 52.971078411207756 ], [ 7.255628384455938, 52.970875542592289 ], [ 7.254473407662068, 52.970875542592289 ], [ 7.254473407662068, 52.971078411207756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.969252559388572 ], [ 7.255628384455938, 52.969252559388572 ], [ 7.255628384455938, 52.969049682203085 ], [ 7.254473407662068, 52.969049682203085 ], [ 7.254473407662068, 52.969252559388572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.971889876147529 ], [ 7.256783361249805, 52.971889876147529 ], [ 7.256783361249805, 52.971687011340904 ], [ 7.255628384455938, 52.971687011340904 ], [ 7.255628384455938, 52.971889876147529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 197.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.971484145582053 ], [ 7.256783361249805, 52.971484145582053 ], [ 7.256783361249805, 52.971281278871018 ], [ 7.255628384455938, 52.971281278871018 ], [ 7.255628384455938, 52.971484145582053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 169.39130766666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.970875542592289 ], [ 7.256783361249805, 52.970875542592289 ], [ 7.256783361249805, 52.970672673024602 ], [ 7.255628384455938, 52.970672673024602 ], [ 7.255628384455938, 52.970875542592289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.21343633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.970672673024602 ], [ 7.256783361249805, 52.970672673024602 ], [ 7.256783361249805, 52.970469802504688 ], [ 7.255628384455938, 52.970469802504688 ], [ 7.255628384455938, 52.970672673024602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 123.84715133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.970469802504688 ], [ 7.256783361249805, 52.970469802504688 ], [ 7.256783361249805, 52.970266931032569 ], [ 7.255628384455938, 52.970266931032569 ], [ 7.255628384455938, 52.970469802504688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.970266931032569 ], [ 7.256783361249805, 52.970266931032569 ], [ 7.256783361249805, 52.970064058608223 ], [ 7.255628384455938, 52.970064058608223 ], [ 7.255628384455938, 52.970266931032569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.9045325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.970064058608223 ], [ 7.256783361249805, 52.970064058608223 ], [ 7.256783361249805, 52.96986118523165 ], [ 7.255628384455938, 52.96986118523165 ], [ 7.255628384455938, 52.970064058608223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 161.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.96986118523165 ], [ 7.256783361249805, 52.96986118523165 ], [ 7.256783361249805, 52.969658310902851 ], [ 7.255628384455938, 52.969658310902851 ], [ 7.255628384455938, 52.96986118523165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.969658310902851 ], [ 7.256783361249805, 52.969658310902851 ], [ 7.256783361249805, 52.969455435621818 ], [ 7.255628384455938, 52.969455435621818 ], [ 7.255628384455938, 52.969658310902851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 133.33333566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.968846804065365 ], [ 7.256783361249805, 52.968846804065365 ], [ 7.256783361249805, 52.96864392497541 ], [ 7.255628384455938, 52.96864392497541 ], [ 7.255628384455938, 52.968846804065365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 125.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.968441044933215 ], [ 7.256783361249805, 52.968441044933215 ], [ 7.256783361249805, 52.968238163938793 ], [ 7.255628384455938, 52.968238163938793 ], [ 7.255628384455938, 52.968441044933215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 131.6294225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.968238163938793 ], [ 7.256783361249805, 52.968238163938793 ], [ 7.256783361249805, 52.968035281992115 ], [ 7.255628384455938, 52.968035281992115 ], [ 7.255628384455938, 52.968238163938793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.50000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.970672673024602 ], [ 7.257938338043674, 52.970672673024602 ], [ 7.257938338043674, 52.970469802504688 ], [ 7.256783361249805, 52.970469802504688 ], [ 7.256783361249805, 52.970672673024602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.970469802504688 ], [ 7.257938338043674, 52.970469802504688 ], [ 7.257938338043674, 52.970266931032569 ], [ 7.256783361249805, 52.970266931032569 ], [ 7.256783361249805, 52.970469802504688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 129.33333033333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.970266931032569 ], [ 7.257938338043674, 52.970266931032569 ], [ 7.257938338043674, 52.970064058608223 ], [ 7.256783361249805, 52.970064058608223 ], [ 7.256783361249805, 52.970266931032569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.3333345 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.970064058608223 ], [ 7.257938338043674, 52.970064058608223 ], [ 7.257938338043674, 52.96986118523165 ], [ 7.256783361249805, 52.96986118523165 ], [ 7.256783361249805, 52.970064058608223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.96986118523165 ], [ 7.257938338043674, 52.96986118523165 ], [ 7.257938338043674, 52.969658310902851 ], [ 7.256783361249805, 52.969658310902851 ], [ 7.256783361249805, 52.96986118523165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 154.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.969455435621818 ], [ 7.257938338043674, 52.969455435621818 ], [ 7.257938338043674, 52.969252559388572 ], [ 7.256783361249805, 52.969252559388572 ], [ 7.256783361249805, 52.969455435621818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34548_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.969252559388572 ], [ 7.257938338043674, 52.969252559388572 ], [ 7.257938338043674, 52.969049682203085 ], [ 7.256783361249805, 52.969049682203085 ], [ 7.256783361249805, 52.969252559388572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 145.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.965059570704454 ], [ 7.251008477280466, 52.965059570704454 ], [ 7.251008477280466, 52.964856673839094 ], [ 7.249853500486598, 52.964856673839094 ], [ 7.249853500486598, 52.965059570704454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.8179283333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.963030559198273 ], [ 7.251008477280466, 52.963030559198273 ], [ 7.251008477280466, 52.962827652810091 ], [ 7.249853500486598, 52.962827652810091 ], [ 7.249853500486598, 52.963030559198273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.965668255586934 ], [ 7.252163454074334, 52.965668255586934 ], [ 7.252163454074334, 52.965465361578374 ], [ 7.251008477280466, 52.965465361578374 ], [ 7.251008477280466, 52.965668255586934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.96465377602145 ], [ 7.253318430868202, 52.96465377602145 ], [ 7.253318430868202, 52.964450877251544 ], [ 7.252163454074334, 52.964450877251544 ], [ 7.252163454074334, 52.96465377602145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.965871148643231 ], [ 7.254473407662068, 52.965871148643231 ], [ 7.254473407662068, 52.965668255586934 ], [ 7.253318430868202, 52.965668255586934 ], [ 7.253318430868202, 52.965871148643231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.96465377602145 ], [ 7.254473407662068, 52.96465377602145 ], [ 7.254473407662068, 52.964450877251544 ], [ 7.253318430868202, 52.964450877251544 ], [ 7.253318430868202, 52.96465377602145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.966479822098535 ], [ 7.255628384455938, 52.966479822098535 ], [ 7.255628384455938, 52.966276931899017 ], [ 7.254473407662068, 52.966276931899017 ], [ 7.254473407662068, 52.966479822098535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 132.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.965668255586934 ], [ 7.255628384455938, 52.965668255586934 ], [ 7.255628384455938, 52.965465361578374 ], [ 7.254473407662068, 52.965465361578374 ], [ 7.254473407662068, 52.965668255586934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 107.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.963842175228123 ], [ 7.255628384455938, 52.963842175228123 ], [ 7.255628384455938, 52.96363927264909 ], [ 7.254473407662068, 52.96363927264909 ], [ 7.254473407662068, 52.963842175228123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.966479822098535 ], [ 7.256783361249805, 52.966479822098535 ], [ 7.256783361249805, 52.966276931899017 ], [ 7.255628384455938, 52.966276931899017 ], [ 7.255628384455938, 52.966479822098535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 221.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.966074040747252 ], [ 7.256783361249805, 52.966074040747252 ], [ 7.256783361249805, 52.965871148643231 ], [ 7.255628384455938, 52.965871148643231 ], [ 7.255628384455938, 52.966074040747252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 184.36093 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.965465361578374 ], [ 7.256783361249805, 52.965465361578374 ], [ 7.256783361249805, 52.965262466617546 ], [ 7.255628384455938, 52.965262466617546 ], [ 7.255628384455938, 52.965465361578374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 141.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.965262466617546 ], [ 7.256783361249805, 52.965262466617546 ], [ 7.256783361249805, 52.965059570704454 ], [ 7.255628384455938, 52.965059570704454 ], [ 7.255628384455938, 52.965262466617546 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 126.576312 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.965059570704454 ], [ 7.256783361249805, 52.965059570704454 ], [ 7.256783361249805, 52.964856673839094 ], [ 7.255628384455938, 52.964856673839094 ], [ 7.255628384455938, 52.965059570704454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.964856673839094 ], [ 7.256783361249805, 52.964856673839094 ], [ 7.256783361249805, 52.96465377602145 ], [ 7.255628384455938, 52.96465377602145 ], [ 7.255628384455938, 52.964856673839094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 127.3137545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.96465377602145 ], [ 7.256783361249805, 52.96465377602145 ], [ 7.256783361249805, 52.964450877251544 ], [ 7.255628384455938, 52.964450877251544 ], [ 7.255628384455938, 52.96465377602145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 155.9999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.964450877251544 ], [ 7.256783361249805, 52.964450877251544 ], [ 7.256783361249805, 52.96424797752934 ], [ 7.255628384455938, 52.96424797752934 ], [ 7.255628384455938, 52.964450877251544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.96424797752934 ], [ 7.256783361249805, 52.96424797752934 ], [ 7.256783361249805, 52.964045076854873 ], [ 7.255628384455938, 52.964045076854873 ], [ 7.255628384455938, 52.96424797752934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 136.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.963436369117773 ], [ 7.256783361249805, 52.963436369117773 ], [ 7.256783361249805, 52.963233464634158 ], [ 7.255628384455938, 52.963233464634158 ], [ 7.255628384455938, 52.963436369117773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 124.50000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.963030559198273 ], [ 7.256783361249805, 52.963030559198273 ], [ 7.256783361249805, 52.962827652810091 ], [ 7.255628384455938, 52.962827652810091 ], [ 7.255628384455938, 52.963030559198273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 130.20369666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.962827652810091 ], [ 7.256783361249805, 52.962827652810091 ], [ 7.256783361249805, 52.962624745469611 ], [ 7.255628384455938, 52.962624745469611 ], [ 7.255628384455938, 52.962827652810091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.965262466617546 ], [ 7.257938338043674, 52.965262466617546 ], [ 7.257938338043674, 52.965059570704454 ], [ 7.256783361249805, 52.965059570704454 ], [ 7.256783361249805, 52.965262466617546 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.965059570704454 ], [ 7.257938338043674, 52.965059570704454 ], [ 7.257938338043674, 52.964856673839094 ], [ 7.256783361249805, 52.964856673839094 ], [ 7.256783361249805, 52.965059570704454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 128.53727833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.964856673839094 ], [ 7.257938338043674, 52.964856673839094 ], [ 7.257938338043674, 52.96465377602145 ], [ 7.256783361249805, 52.96465377602145 ], [ 7.256783361249805, 52.964856673839094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.31824557142856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.96465377602145 ], [ 7.257938338043674, 52.96465377602145 ], [ 7.257938338043674, 52.964450877251544 ], [ 7.256783361249805, 52.964450877251544 ], [ 7.256783361249805, 52.96465377602145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.964450877251544 ], [ 7.257938338043674, 52.964450877251544 ], [ 7.257938338043674, 52.96424797752934 ], [ 7.256783361249805, 52.96424797752934 ], [ 7.256783361249805, 52.964450877251544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.964045076854873 ], [ 7.257938338043674, 52.964045076854873 ], [ 7.257938338043674, 52.963842175228123 ], [ 7.256783361249805, 52.963842175228123 ], [ 7.256783361249805, 52.964045076854873 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34549_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.963842175228123 ], [ 7.257938338043674, 52.963842175228123 ], [ 7.257938338043674, 52.96363927264909 ], [ 7.256783361249805, 52.96363927264909 ], [ 7.256783361249805, 52.963842175228123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.959648661733581 ], [ 7.251008477280466, 52.959648661733581 ], [ 7.251008477280466, 52.959445739473601 ], [ 7.249853500486598, 52.959445739473601 ], [ 7.249853500486598, 52.959648661733581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.11045466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.957619396279 ], [ 7.251008477280466, 52.957619396279 ], [ 7.251008477280466, 52.957416464495687 ], [ 7.249853500486598, 52.957416464495687 ], [ 7.249853500486598, 52.957619396279 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.960257422799572 ], [ 7.252163454074334, 52.960257422799572 ], [ 7.252163454074334, 52.960054503396563 ], [ 7.251008477280466, 52.960054503396563 ], [ 7.251008477280466, 52.960257422799572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.959242816261309 ], [ 7.253318430868202, 52.959242816261309 ], [ 7.253318430868202, 52.959039892096676 ], [ 7.252163454074334, 52.959039892096676 ], [ 7.252163454074334, 52.959242816261309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.960460341250275 ], [ 7.254473407662068, 52.960460341250275 ], [ 7.254473407662068, 52.960257422799572 ], [ 7.253318430868202, 52.960257422799572 ], [ 7.253318430868202, 52.960460341250275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.959242816261309 ], [ 7.254473407662068, 52.959242816261309 ], [ 7.254473407662068, 52.959039892096676 ], [ 7.253318430868202, 52.959039892096676 ], [ 7.253318430868202, 52.959242816261309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.961069090888479 ], [ 7.255628384455938, 52.961069090888479 ], [ 7.255628384455938, 52.960866175294719 ], [ 7.254473407662068, 52.960866175294719 ], [ 7.254473407662068, 52.961069090888479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 133.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.960257422799572 ], [ 7.255628384455938, 52.960257422799572 ], [ 7.255628384455938, 52.960054503396563 ], [ 7.254473407662068, 52.960054503396563 ], [ 7.254473407662068, 52.960257422799572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 109.23387125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.958431113888821 ], [ 7.255628384455938, 52.958431113888821 ], [ 7.255628384455938, 52.958228185914876 ], [ 7.254473407662068, 52.958228185914876 ], [ 7.254473407662068, 52.958431113888821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.961069090888479 ], [ 7.256783361249805, 52.961069090888479 ], [ 7.256783361249805, 52.960866175294719 ], [ 7.255628384455938, 52.960866175294719 ], [ 7.255628384455938, 52.961069090888479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 221.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.960663258748653 ], [ 7.256783361249805, 52.960663258748653 ], [ 7.256783361249805, 52.960460341250275 ], [ 7.255628384455938, 52.960460341250275 ], [ 7.255628384455938, 52.960663258748653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 189.730887 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.960054503396563 ], [ 7.256783361249805, 52.960054503396563 ], [ 7.256783361249805, 52.959851583041228 ], [ 7.255628384455938, 52.959851583041228 ], [ 7.255628384455938, 52.960054503396563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.95586425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.959851583041228 ], [ 7.256783361249805, 52.959851583041228 ], [ 7.256783361249805, 52.959648661733581 ], [ 7.255628384455938, 52.959648661733581 ], [ 7.255628384455938, 52.959851583041228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.45692733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.959648661733581 ], [ 7.256783361249805, 52.959648661733581 ], [ 7.256783361249805, 52.959445739473601 ], [ 7.255628384455938, 52.959445739473601 ], [ 7.255628384455938, 52.959648661733581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 128.76987583333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.959242816261309 ], [ 7.256783361249805, 52.959242816261309 ], [ 7.256783361249805, 52.959039892096676 ], [ 7.255628384455938, 52.959039892096676 ], [ 7.255628384455938, 52.959242816261309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 157.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.959039892096676 ], [ 7.256783361249805, 52.959039892096676 ], [ 7.256783361249805, 52.958836966979717 ], [ 7.255628384455938, 52.958836966979717 ], [ 7.255628384455938, 52.959039892096676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.958836966979717 ], [ 7.256783361249805, 52.958836966979717 ], [ 7.256783361249805, 52.958634040910439 ], [ 7.255628384455938, 52.958634040910439 ], [ 7.255628384455938, 52.958836966979717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.958025256988577 ], [ 7.256783361249805, 52.958025256988577 ], [ 7.256783361249805, 52.957822327109959 ], [ 7.255628384455938, 52.957822327109959 ], [ 7.255628384455938, 52.958025256988577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 123.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.957619396279 ], [ 7.256783361249805, 52.957619396279 ], [ 7.256783361249805, 52.957416464495687 ], [ 7.255628384455938, 52.957416464495687 ], [ 7.255628384455938, 52.957619396279 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 129.74860666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.957416464495687 ], [ 7.256783361249805, 52.957416464495687 ], [ 7.256783361249805, 52.95721353176004 ], [ 7.255628384455938, 52.95721353176004 ], [ 7.255628384455938, 52.957416464495687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 125.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.959851583041228 ], [ 7.257938338043674, 52.959851583041228 ], [ 7.257938338043674, 52.959648661733581 ], [ 7.256783361249805, 52.959648661733581 ], [ 7.256783361249805, 52.959851583041228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.959648661733581 ], [ 7.257938338043674, 52.959648661733581 ], [ 7.257938338043674, 52.959445739473601 ], [ 7.256783361249805, 52.959445739473601 ], [ 7.256783361249805, 52.959648661733581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 131.14022675000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.959445739473601 ], [ 7.257938338043674, 52.959445739473601 ], [ 7.257938338043674, 52.959242816261309 ], [ 7.256783361249805, 52.959242816261309 ], [ 7.256783361249805, 52.959445739473601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.75765237500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.959242816261309 ], [ 7.257938338043674, 52.959242816261309 ], [ 7.257938338043674, 52.959039892096676 ], [ 7.256783361249805, 52.959039892096676 ], [ 7.256783361249805, 52.959242816261309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.959039892096676 ], [ 7.257938338043674, 52.959039892096676 ], [ 7.257938338043674, 52.958836966979717 ], [ 7.256783361249805, 52.958836966979717 ], [ 7.256783361249805, 52.959039892096676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.958634040910439 ], [ 7.257938338043674, 52.958634040910439 ], [ 7.257938338043674, 52.958431113888821 ], [ 7.256783361249805, 52.958431113888821 ], [ 7.256783361249805, 52.958634040910439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34550_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.553501 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.958431113888821 ], [ 7.257938338043674, 52.958431113888821 ], [ 7.257938338043674, 52.958228185914876 ], [ 7.256783361249805, 52.958228185914876 ], [ 7.256783361249805, 52.958431113888821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.954237075555561 ], [ 7.251008477280466, 52.954237075555561 ], [ 7.251008477280466, 52.954034127899611 ], [ 7.249853500486598, 52.954034127899611 ], [ 7.249853500486598, 52.954237075555561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.84315575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.952207556138902 ], [ 7.251008477280466, 52.952207556138902 ], [ 7.251008477280466, 52.9520045989591 ], [ 7.249853500486598, 52.9520045989591 ], [ 7.249853500486598, 52.952207556138902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.954845912809184 ], [ 7.252163454074334, 52.954845912809184 ], [ 7.252163454074334, 52.954642968010354 ], [ 7.251008477280466, 52.954642968010354 ], [ 7.251008477280466, 52.954845912809184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.953831179291285 ], [ 7.253318430868202, 52.953831179291285 ], [ 7.253318430868202, 52.953628229730576 ], [ 7.252163454074334, 52.953628229730576 ], [ 7.252163454074334, 52.953831179291285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.955048856655651 ], [ 7.254473407662068, 52.955048856655651 ], [ 7.254473407662068, 52.954845912809184 ], [ 7.253318430868202, 52.954845912809184 ], [ 7.253318430868202, 52.955048856655651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.953831179291285 ], [ 7.254473407662068, 52.953831179291285 ], [ 7.254473407662068, 52.953628229730576 ], [ 7.253318430868202, 52.953628229730576 ], [ 7.253318430868202, 52.953831179291285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.955657682480876 ], [ 7.255628384455938, 52.955657682480876 ], [ 7.255628384455938, 52.955454741491494 ], [ 7.254473407662068, 52.955454741491494 ], [ 7.254473407662068, 52.955657682480876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 133.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.954845912809184 ], [ 7.255628384455938, 52.954845912809184 ], [ 7.255628384455938, 52.954642968010354 ], [ 7.254473407662068, 52.954642968010354 ], [ 7.254473407662068, 52.954845912809184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 110.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.953019375334172 ], [ 7.255628384455938, 52.953019375334172 ], [ 7.255628384455938, 52.952816421963938 ], [ 7.254473407662068, 52.952816421963938 ], [ 7.254473407662068, 52.953019375334172 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 151.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.955657682480876 ], [ 7.256783361249805, 52.955657682480876 ], [ 7.256783361249805, 52.955454741491494 ], [ 7.255628384455938, 52.955454741491494 ], [ 7.255628384455938, 52.955657682480876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 216.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.955251799549757 ], [ 7.256783361249805, 52.955251799549757 ], [ 7.256783361249805, 52.955048856655651 ], [ 7.255628384455938, 52.955048856655651 ], [ 7.255628384455938, 52.955251799549757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 188.888257 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.954642968010354 ], [ 7.256783361249805, 52.954642968010354 ], [ 7.256783361249805, 52.954440022259135 ], [ 7.255628384455938, 52.954440022259135 ], [ 7.255628384455938, 52.954642968010354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.38663433333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.954440022259135 ], [ 7.256783361249805, 52.954440022259135 ], [ 7.256783361249805, 52.954237075555561 ], [ 7.255628384455938, 52.954237075555561 ], [ 7.255628384455938, 52.954440022259135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.184925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.954237075555561 ], [ 7.256783361249805, 52.954237075555561 ], [ 7.256783361249805, 52.954034127899611 ], [ 7.255628384455938, 52.954034127899611 ], [ 7.255628384455938, 52.954237075555561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 130.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.953831179291285 ], [ 7.256783361249805, 52.953831179291285 ], [ 7.256783361249805, 52.953628229730576 ], [ 7.255628384455938, 52.953628229730576 ], [ 7.255628384455938, 52.953831179291285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 162.38856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.953628229730576 ], [ 7.256783361249805, 52.953628229730576 ], [ 7.256783361249805, 52.953425279217484 ], [ 7.255628384455938, 52.953425279217484 ], [ 7.255628384455938, 52.953628229730576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.953425279217484 ], [ 7.256783361249805, 52.953425279217484 ], [ 7.256783361249805, 52.953222327752023 ], [ 7.255628384455938, 52.953222327752023 ], [ 7.255628384455938, 52.953425279217484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.952613467641314 ], [ 7.256783361249805, 52.952613467641314 ], [ 7.256783361249805, 52.952410512366306 ], [ 7.255628384455938, 52.952410512366306 ], [ 7.255628384455938, 52.952613467641314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 122.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.952207556138902 ], [ 7.256783361249805, 52.952207556138902 ], [ 7.256783361249805, 52.9520045989591 ], [ 7.255628384455938, 52.9520045989591 ], [ 7.255628384455938, 52.952207556138902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 131.835074 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.9520045989591 ], [ 7.256783361249805, 52.9520045989591 ], [ 7.256783361249805, 52.951801640826915 ], [ 7.255628384455938, 52.951801640826915 ], [ 7.255628384455938, 52.9520045989591 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.27532675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.954440022259135 ], [ 7.257938338043674, 52.954440022259135 ], [ 7.257938338043674, 52.954237075555561 ], [ 7.256783361249805, 52.954237075555561 ], [ 7.256783361249805, 52.954440022259135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.954237075555561 ], [ 7.257938338043674, 52.954237075555561 ], [ 7.257938338043674, 52.954034127899611 ], [ 7.256783361249805, 52.954034127899611 ], [ 7.256783361249805, 52.954237075555561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 130.846464 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.954034127899611 ], [ 7.257938338043674, 52.954034127899611 ], [ 7.257938338043674, 52.953831179291285 ], [ 7.256783361249805, 52.953831179291285 ], [ 7.256783361249805, 52.954034127899611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.50000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.953831179291285 ], [ 7.257938338043674, 52.953831179291285 ], [ 7.257938338043674, 52.953628229730576 ], [ 7.256783361249805, 52.953628229730576 ], [ 7.256783361249805, 52.953831179291285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 185.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.953628229730576 ], [ 7.257938338043674, 52.953628229730576 ], [ 7.257938338043674, 52.953425279217484 ], [ 7.256783361249805, 52.953425279217484 ], [ 7.256783361249805, 52.953628229730576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.953222327752023 ], [ 7.257938338043674, 52.953222327752023 ], [ 7.257938338043674, 52.953019375334172 ], [ 7.256783361249805, 52.953019375334172 ], [ 7.256783361249805, 52.953222327752023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34551_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 120.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.953019375334172 ], [ 7.257938338043674, 52.953019375334172 ], [ 7.257938338043674, 52.952816421963938 ], [ 7.256783361249805, 52.952816421963938 ], [ 7.256783361249805, 52.953019375334172 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.948824812133942 ], [ 7.251008477280466, 52.948824812133942 ], [ 7.251008477280466, 52.948621839080637 ], [ 7.249853500486598, 52.948621839080637 ], [ 7.249853500486598, 52.948824812133942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.946795038741513 ], [ 7.251008477280466, 52.946795038741513 ], [ 7.251008477280466, 52.946592056163865 ], [ 7.249853500486598, 52.946592056163865 ], [ 7.249853500486598, 52.946795038741513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.94943372557929 ], [ 7.252163454074334, 52.94943372557929 ], [ 7.252163454074334, 52.949230755383262 ], [ 7.251008477280466, 52.949230755383262 ], [ 7.251008477280466, 52.94943372557929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.94841886507492 ], [ 7.253318430868202, 52.94841886507492 ], [ 7.253318430868202, 52.948215890116764 ], [ 7.252163454074334, 52.948215890116764 ], [ 7.252163454074334, 52.94841886507492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.949636694822892 ], [ 7.254473407662068, 52.949636694822892 ], [ 7.254473407662068, 52.94943372557929 ], [ 7.253318430868202, 52.94943372557929 ], [ 7.253318430868202, 52.949636694822892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.94841886507492 ], [ 7.254473407662068, 52.94841886507492 ], [ 7.254473407662068, 52.948215890116764 ], [ 7.253318430868202, 52.948215890116764 ], [ 7.253318430868202, 52.94841886507492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.950245596839224 ], [ 7.255628384455938, 52.950245596839224 ], [ 7.255628384455938, 52.950042630452863 ], [ 7.254473407662068, 52.950042630452863 ], [ 7.254473407662068, 52.950245596839224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 171.9856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.949839663114091 ], [ 7.255628384455938, 52.949839663114091 ], [ 7.255628384455938, 52.949636694822892 ], [ 7.254473407662068, 52.949636694822892 ], [ 7.254473407662068, 52.949839663114091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.94943372557929 ], [ 7.255628384455938, 52.94943372557929 ], [ 7.255628384455938, 52.949230755383262 ], [ 7.254473407662068, 52.949230755383262 ], [ 7.254473407662068, 52.94943372557929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 111.9470815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.947606959527704 ], [ 7.255628384455938, 52.947606959527704 ], [ 7.255628384455938, 52.947403980759823 ], [ 7.254473407662068, 52.947403980759823 ], [ 7.254473407662068, 52.947606959527704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.950245596839224 ], [ 7.256783361249805, 52.950245596839224 ], [ 7.256783361249805, 52.950042630452863 ], [ 7.255628384455938, 52.950042630452863 ], [ 7.255628384455938, 52.950245596839224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 207.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.949839663114091 ], [ 7.256783361249805, 52.949839663114091 ], [ 7.256783361249805, 52.949636694822892 ], [ 7.255628384455938, 52.949636694822892 ], [ 7.255628384455938, 52.949839663114091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 184.194786 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.949230755383262 ], [ 7.256783361249805, 52.949230755383262 ], [ 7.256783361249805, 52.949027784234815 ], [ 7.255628384455938, 52.949027784234815 ], [ 7.255628384455938, 52.949230755383262 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.949027784234815 ], [ 7.256783361249805, 52.949027784234815 ], [ 7.256783361249805, 52.948824812133942 ], [ 7.255628384455938, 52.948824812133942 ], [ 7.255628384455938, 52.949027784234815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.15465333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.948824812133942 ], [ 7.256783361249805, 52.948824812133942 ], [ 7.256783361249805, 52.948621839080637 ], [ 7.255628384455938, 52.948621839080637 ], [ 7.255628384455938, 52.948824812133942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.57142714285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.94841886507492 ], [ 7.256783361249805, 52.94841886507492 ], [ 7.256783361249805, 52.948215890116764 ], [ 7.255628384455938, 52.948215890116764 ], [ 7.255628384455938, 52.94841886507492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 162.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.948215890116764 ], [ 7.256783361249805, 52.948215890116764 ], [ 7.256783361249805, 52.948012914206181 ], [ 7.255628384455938, 52.948012914206181 ], [ 7.255628384455938, 52.948215890116764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.948012914206181 ], [ 7.256783361249805, 52.948012914206181 ], [ 7.256783361249805, 52.947809937343159 ], [ 7.255628384455938, 52.947809937343159 ], [ 7.255628384455938, 52.948012914206181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.66666566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.947201001039495 ], [ 7.256783361249805, 52.947201001039495 ], [ 7.256783361249805, 52.946998020366735 ], [ 7.255628384455938, 52.946998020366735 ], [ 7.255628384455938, 52.947201001039495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 120.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.946795038741513 ], [ 7.256783361249805, 52.946795038741513 ], [ 7.256783361249805, 52.946592056163865 ], [ 7.255628384455938, 52.946592056163865 ], [ 7.255628384455938, 52.946795038741513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 132.31047 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.946592056163865 ], [ 7.256783361249805, 52.946592056163865 ], [ 7.256783361249805, 52.946389072633764 ], [ 7.255628384455938, 52.946389072633764 ], [ 7.255628384455938, 52.946592056163865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.835639 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.949027784234815 ], [ 7.257938338043674, 52.949027784234815 ], [ 7.257938338043674, 52.948824812133942 ], [ 7.256783361249805, 52.948824812133942 ], [ 7.256783361249805, 52.949027784234815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.948824812133942 ], [ 7.257938338043674, 52.948824812133942 ], [ 7.257938338043674, 52.948621839080637 ], [ 7.256783361249805, 52.948621839080637 ], [ 7.256783361249805, 52.948824812133942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.22710575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.948621839080637 ], [ 7.257938338043674, 52.948621839080637 ], [ 7.257938338043674, 52.94841886507492 ], [ 7.256783361249805, 52.94841886507492 ], [ 7.256783361249805, 52.948621839080637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.377421 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.94841886507492 ], [ 7.257938338043674, 52.94841886507492 ], [ 7.257938338043674, 52.948215890116764 ], [ 7.256783361249805, 52.948215890116764 ], [ 7.256783361249805, 52.94841886507492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.948215890116764 ], [ 7.257938338043674, 52.948215890116764 ], [ 7.257938338043674, 52.948012914206181 ], [ 7.256783361249805, 52.948012914206181 ], [ 7.256783361249805, 52.948215890116764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.947809937343159 ], [ 7.257938338043674, 52.947809937343159 ], [ 7.257938338043674, 52.947606959527704 ], [ 7.256783361249805, 52.947606959527704 ], [ 7.256783361249805, 52.947809937343159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34552_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.25000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.947606959527704 ], [ 7.257938338043674, 52.947606959527704 ], [ 7.257938338043674, 52.947403980759823 ], [ 7.256783361249805, 52.947403980759823 ], [ 7.256783361249805, 52.947606959527704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.943411871432239 ], [ 7.251008477280466, 52.943411871432239 ], [ 7.251008477280466, 52.943208872980243 ], [ 7.249853500486598, 52.943208872980243 ], [ 7.249853500486598, 52.943411871432239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.941381844050404 ], [ 7.251008477280466, 52.941381844050404 ], [ 7.251008477280466, 52.941178836073526 ], [ 7.249853500486598, 52.941178836073526 ], [ 7.249853500486598, 52.941381844050404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.944020861073419 ], [ 7.252163454074334, 52.944020861073419 ], [ 7.252163454074334, 52.943817865478835 ], [ 7.251008477280466, 52.943817865478835 ], [ 7.251008477280466, 52.944020861073419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.94300587357575 ], [ 7.253318430868202, 52.94300587357575 ], [ 7.253318430868202, 52.942802873218781 ], [ 7.252163454074334, 52.942802873218781 ], [ 7.252163454074334, 52.94300587357575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 214.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.944223855715535 ], [ 7.254473407662068, 52.944223855715535 ], [ 7.254473407662068, 52.944020861073419 ], [ 7.253318430868202, 52.944020861073419 ], [ 7.253318430868202, 52.944223855715535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.94300587357575 ], [ 7.254473407662068, 52.94300587357575 ], [ 7.254473407662068, 52.942802873218781 ], [ 7.253318430868202, 52.942802873218781 ], [ 7.253318430868202, 52.94300587357575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 156.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.94483283392708 ], [ 7.255628384455938, 52.94483283392708 ], [ 7.255628384455938, 52.944629842142369 ], [ 7.254473407662068, 52.944629842142369 ], [ 7.254473407662068, 52.94483283392708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 173.0000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.944426849405183 ], [ 7.255628384455938, 52.944426849405183 ], [ 7.255628384455938, 52.944223855715535 ], [ 7.254473407662068, 52.944223855715535 ], [ 7.254473407662068, 52.944426849405183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.944020861073419 ], [ 7.255628384455938, 52.944020861073419 ], [ 7.255628384455938, 52.943817865478835 ], [ 7.254473407662068, 52.943817865478835 ], [ 7.254473407662068, 52.944020861073419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 115.83870666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.94219386643298 ], [ 7.255628384455938, 52.94219386643298 ], [ 7.255628384455938, 52.941990862266074 ], [ 7.254473407662068, 52.941990862266074 ], [ 7.254473407662068, 52.94219386643298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 151.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.94483283392708 ], [ 7.256783361249805, 52.94483283392708 ], [ 7.256783361249805, 52.944629842142369 ], [ 7.255628384455938, 52.944629842142369 ], [ 7.255628384455938, 52.94483283392708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.944426849405183 ], [ 7.256783361249805, 52.944426849405183 ], [ 7.256783361249805, 52.944223855715535 ], [ 7.255628384455938, 52.944223855715535 ], [ 7.255628384455938, 52.944426849405183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 171.881037 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.943817865478835 ], [ 7.256783361249805, 52.943817865478835 ], [ 7.256783361249805, 52.943614868931782 ], [ 7.255628384455938, 52.943614868931782 ], [ 7.255628384455938, 52.943817865478835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.943614868931782 ], [ 7.256783361249805, 52.943614868931782 ], [ 7.256783361249805, 52.943411871432239 ], [ 7.255628384455938, 52.943411871432239 ], [ 7.255628384455938, 52.943614868931782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.56039133333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.943411871432239 ], [ 7.256783361249805, 52.943411871432239 ], [ 7.256783361249805, 52.943208872980243 ], [ 7.255628384455938, 52.943208872980243 ], [ 7.255628384455938, 52.943411871432239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.94300587357575 ], [ 7.256783361249805, 52.94300587357575 ], [ 7.256783361249805, 52.942802873218781 ], [ 7.255628384455938, 52.942802873218781 ], [ 7.255628384455938, 52.94300587357575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 154.4999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.942802873218781 ], [ 7.256783361249805, 52.942802873218781 ], [ 7.256783361249805, 52.942599871909337 ], [ 7.255628384455938, 52.942599871909337 ], [ 7.255628384455938, 52.942802873218781 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.942599871909337 ], [ 7.256783361249805, 52.942599871909337 ], [ 7.256783361249805, 52.942396869647396 ], [ 7.255628384455938, 52.942396869647396 ], [ 7.255628384455938, 52.942599871909337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.941787857146679 ], [ 7.256783361249805, 52.941787857146679 ], [ 7.256783361249805, 52.941584851074794 ], [ 7.255628384455938, 52.941584851074794 ], [ 7.255628384455938, 52.941787857146679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.941381844050404 ], [ 7.256783361249805, 52.941381844050404 ], [ 7.256783361249805, 52.941178836073526 ], [ 7.255628384455938, 52.941178836073526 ], [ 7.255628384455938, 52.941381844050404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 132.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.941178836073526 ], [ 7.256783361249805, 52.941178836073526 ], [ 7.256783361249805, 52.940975827144158 ], [ 7.255628384455938, 52.940975827144158 ], [ 7.255628384455938, 52.941178836073526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.4526545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.943614868931782 ], [ 7.257938338043674, 52.943614868931782 ], [ 7.257938338043674, 52.943411871432239 ], [ 7.256783361249805, 52.943411871432239 ], [ 7.256783361249805, 52.943614868931782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.943411871432239 ], [ 7.257938338043674, 52.943411871432239 ], [ 7.257938338043674, 52.943208872980243 ], [ 7.256783361249805, 52.943208872980243 ], [ 7.256783361249805, 52.943411871432239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.78387925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.943208872980243 ], [ 7.257938338043674, 52.943208872980243 ], [ 7.257938338043674, 52.94300587357575 ], [ 7.256783361249805, 52.94300587357575 ], [ 7.256783361249805, 52.943208872980243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 29.8180815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.94300587357575 ], [ 7.257938338043674, 52.94300587357575 ], [ 7.257938338043674, 52.942802873218781 ], [ 7.256783361249805, 52.942802873218781 ], [ 7.256783361249805, 52.94300587357575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 164.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.942802873218781 ], [ 7.257938338043674, 52.942802873218781 ], [ 7.257938338043674, 52.942599871909337 ], [ 7.256783361249805, 52.942599871909337 ], [ 7.256783361249805, 52.942802873218781 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.942396869647396 ], [ 7.257938338043674, 52.942396869647396 ], [ 7.257938338043674, 52.94219386643298 ], [ 7.256783361249805, 52.94219386643298 ], [ 7.256783361249805, 52.942396869647396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34553_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 118.75000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.94219386643298 ], [ 7.257938338043674, 52.94219386643298 ], [ 7.257938338043674, 52.941990862266074 ], [ 7.256783361249805, 52.941990862266074 ], [ 7.256783361249805, 52.94219386643298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.937998253414051 ], [ 7.251008477280466, 52.937998253414051 ], [ 7.251008477280466, 52.937795229561964 ], [ 7.249853500486598, 52.937795229561964 ], [ 7.249853500486598, 52.937998253414051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.935967972029133 ], [ 7.251008477280466, 52.935967972029133 ], [ 7.251008477280466, 52.935764938651673 ], [ 7.249853500486598, 52.935764938651673 ], [ 7.249853500486598, 52.935967972029133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.938607319255148 ], [ 7.252163454074334, 52.938607319255148 ], [ 7.252163454074334, 52.938404298260643 ], [ 7.251008477280466, 52.938404298260643 ], [ 7.251008477280466, 52.938607319255148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.937592204757344 ], [ 7.253318430868202, 52.937592204757344 ], [ 7.253318430868202, 52.937389179000206 ], [ 7.252163454074334, 52.937389179000206 ], [ 7.252163454074334, 52.937592204757344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 226.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.938810339297135 ], [ 7.254473407662068, 52.938810339297135 ], [ 7.254473407662068, 52.938607319255148 ], [ 7.253318430868202, 52.938607319255148 ], [ 7.253318430868202, 52.938810339297135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.937592204757344 ], [ 7.254473407662068, 52.937592204757344 ], [ 7.254473407662068, 52.937389179000206 ], [ 7.253318430868202, 52.937389179000206 ], [ 7.253318430868202, 52.937592204757344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 160.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.939419393707993 ], [ 7.255628384455938, 52.939419393707993 ], [ 7.255628384455938, 52.939216376523561 ], [ 7.254473407662068, 52.939216376523561 ], [ 7.254473407662068, 52.939419393707993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 174.00000266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.939013358386603 ], [ 7.255628384455938, 52.939013358386603 ], [ 7.255628384455938, 52.938810339297135 ], [ 7.254473407662068, 52.938810339297135 ], [ 7.254473407662068, 52.939013358386603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.58544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.938607319255148 ], [ 7.255628384455938, 52.938607319255148 ], [ 7.255628384455938, 52.938404298260643 ], [ 7.254473407662068, 52.938404298260643 ], [ 7.254473407662068, 52.938607319255148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 118.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.936780096013557 ], [ 7.255628384455938, 52.936780096013557 ], [ 7.255628384455938, 52.936577066446254 ], [ 7.254473407662068, 52.936577066446254 ], [ 7.254473407662068, 52.936780096013557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 151.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.939419393707993 ], [ 7.256783361249805, 52.939419393707993 ], [ 7.256783361249805, 52.939216376523561 ], [ 7.255628384455938, 52.939216376523561 ], [ 7.255628384455938, 52.939419393707993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.939013358386603 ], [ 7.256783361249805, 52.939013358386603 ], [ 7.256783361249805, 52.938810339297135 ], [ 7.255628384455938, 52.938810339297135 ], [ 7.255628384455938, 52.939013358386603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 161.919534 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.938404298260643 ], [ 7.256783361249805, 52.938404298260643 ], [ 7.256783361249805, 52.938201276313606 ], [ 7.255628384455938, 52.938201276313606 ], [ 7.255628384455938, 52.938404298260643 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.938201276313606 ], [ 7.256783361249805, 52.938201276313606 ], [ 7.256783361249805, 52.937998253414051 ], [ 7.255628384455938, 52.937998253414051 ], [ 7.255628384455938, 52.938201276313606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.8399775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.937998253414051 ], [ 7.256783361249805, 52.937998253414051 ], [ 7.256783361249805, 52.937795229561964 ], [ 7.255628384455938, 52.937795229561964 ], [ 7.255628384455938, 52.937998253414051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 131.28571457142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.937592204757344 ], [ 7.256783361249805, 52.937592204757344 ], [ 7.256783361249805, 52.937389179000206 ], [ 7.255628384455938, 52.937389179000206 ], [ 7.255628384455938, 52.937592204757344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 145.80168833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.937389179000206 ], [ 7.256783361249805, 52.937389179000206 ], [ 7.256783361249805, 52.937186152290522 ], [ 7.255628384455938, 52.937186152290522 ], [ 7.255628384455938, 52.937389179000206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.937186152290522 ], [ 7.256783361249805, 52.937186152290522 ], [ 7.256783361249805, 52.936983124628306 ], [ 7.255628384455938, 52.936983124628306 ], [ 7.255628384455938, 52.937186152290522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 127.5106895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.935967972029133 ], [ 7.256783361249805, 52.935967972029133 ], [ 7.256783361249805, 52.935764938651673 ], [ 7.255628384455938, 52.935764938651673 ], [ 7.255628384455938, 52.935967972029133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 131.49999725000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.935764938651673 ], [ 7.256783361249805, 52.935764938651673 ], [ 7.256783361249805, 52.935561904321652 ], [ 7.255628384455938, 52.935561904321652 ], [ 7.255628384455938, 52.935764938651673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 132.66666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.938201276313606 ], [ 7.257938338043674, 52.938201276313606 ], [ 7.257938338043674, 52.937998253414051 ], [ 7.256783361249805, 52.937998253414051 ], [ 7.256783361249805, 52.938201276313606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.937998253414051 ], [ 7.257938338043674, 52.937998253414051 ], [ 7.257938338043674, 52.937795229561964 ], [ 7.256783361249805, 52.937795229561964 ], [ 7.256783361249805, 52.937998253414051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.937795229561964 ], [ 7.257938338043674, 52.937795229561964 ], [ 7.257938338043674, 52.937592204757344 ], [ 7.256783361249805, 52.937592204757344 ], [ 7.256783361249805, 52.937795229561964 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.991161888888897 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.937592204757344 ], [ 7.257938338043674, 52.937592204757344 ], [ 7.257938338043674, 52.937389179000206 ], [ 7.256783361249805, 52.937389179000206 ], [ 7.256783361249805, 52.937592204757344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.937389179000206 ], [ 7.257938338043674, 52.937389179000206 ], [ 7.257938338043674, 52.937186152290522 ], [ 7.256783361249805, 52.937186152290522 ], [ 7.256783361249805, 52.937389179000206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.936983124628306 ], [ 7.257938338043674, 52.936983124628306 ], [ 7.257938338043674, 52.936780096013557 ], [ 7.256783361249805, 52.936780096013557 ], [ 7.256783361249805, 52.936983124628306 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34554_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.88917233333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.936780096013557 ], [ 7.257938338043674, 52.936780096013557 ], [ 7.257938338043674, 52.936577066446254 ], [ 7.256783361249805, 52.936577066446254 ], [ 7.256783361249805, 52.936780096013557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 149.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.932583958042947 ], [ 7.251008477280466, 52.932583958042947 ], [ 7.251008477280466, 52.932380908789412 ], [ 7.249853500486598, 52.932380908789412 ], [ 7.249853500486598, 52.932583958042947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.930553422641296 ], [ 7.251008477280466, 52.930553422641296 ], [ 7.251008477280466, 52.930350363861876 ], [ 7.249853500486598, 52.930350363861876 ], [ 7.249853500486598, 52.930553422641296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.932990053692258 ], [ 7.252163454074334, 52.932990053692258 ], [ 7.252163454074334, 52.932787006343887 ], [ 7.251008477280466, 52.932787006343887 ], [ 7.251008477280466, 52.932990053692258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.932177858583294 ], [ 7.253318430868202, 52.932177858583294 ], [ 7.253318430868202, 52.931974807424609 ], [ 7.252163454074334, 52.931974807424609 ], [ 7.252163454074334, 52.932177858583294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 221.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.933396145531283 ], [ 7.254473407662068, 52.933396145531283 ], [ 7.254473407662068, 52.933193100088054 ], [ 7.253318430868202, 52.933193100088054 ], [ 7.253318430868202, 52.933396145531283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.932177858583294 ], [ 7.254473407662068, 52.932177858583294 ], [ 7.254473407662068, 52.931974807424609 ], [ 7.253318430868202, 52.931974807424609 ], [ 7.253318430868202, 52.932177858583294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 156.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.934005276145548 ], [ 7.255628384455938, 52.934005276145548 ], [ 7.255628384455938, 52.933802233560023 ], [ 7.254473407662068, 52.933802233560023 ], [ 7.254473407662068, 52.934005276145548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 173.33333166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.933599190021944 ], [ 7.255628384455938, 52.933599190021944 ], [ 7.255628384455938, 52.933396145531283 ], [ 7.254473407662068, 52.933396145531283 ], [ 7.254473407662068, 52.933599190021944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.933193100088054 ], [ 7.255628384455938, 52.933193100088054 ], [ 7.255628384455938, 52.932990053692258 ], [ 7.254473407662068, 52.932990053692258 ], [ 7.254473407662068, 52.933193100088054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.931365648233019 ], [ 7.255628384455938, 52.931365648233019 ], [ 7.255628384455938, 52.931162593263977 ], [ 7.254473407662068, 52.931162593263977 ], [ 7.254473407662068, 52.931365648233019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.934005276145548 ], [ 7.256783361249805, 52.934005276145548 ], [ 7.256783361249805, 52.933802233560023 ], [ 7.255628384455938, 52.933802233560023 ], [ 7.255628384455938, 52.934005276145548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 199.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.933599190021944 ], [ 7.256783361249805, 52.933599190021944 ], [ 7.256783361249805, 52.933396145531283 ], [ 7.255628384455938, 52.933396145531283 ], [ 7.255628384455938, 52.933599190021944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 158.70589066666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.932990053692258 ], [ 7.256783361249805, 52.932990053692258 ], [ 7.256783361249805, 52.932787006343887 ], [ 7.255628384455938, 52.932787006343887 ], [ 7.255628384455938, 52.932990053692258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.66666466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.932583958042947 ], [ 7.256783361249805, 52.932583958042947 ], [ 7.256783361249805, 52.932380908789412 ], [ 7.255628384455938, 52.932380908789412 ], [ 7.255628384455938, 52.932583958042947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 130.3099245 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.932177858583294 ], [ 7.256783361249805, 52.932177858583294 ], [ 7.256783361249805, 52.931974807424609 ], [ 7.255628384455938, 52.931974807424609 ], [ 7.255628384455938, 52.932177858583294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 152.690475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.931974807424609 ], [ 7.256783361249805, 52.931974807424609 ], [ 7.256783361249805, 52.931771755313328 ], [ 7.255628384455938, 52.931771755313328 ], [ 7.255628384455938, 52.931974807424609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.931771755313328 ], [ 7.256783361249805, 52.931771755313328 ], [ 7.256783361249805, 52.931568702249471 ], [ 7.255628384455938, 52.931568702249471 ], [ 7.255628384455938, 52.931771755313328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.930959537342346 ], [ 7.256783361249805, 52.930959537342346 ], [ 7.256783361249805, 52.930756480468119 ], [ 7.255628384455938, 52.930756480468119 ], [ 7.255628384455938, 52.930959537342346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 128.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.930553422641296 ], [ 7.256783361249805, 52.930553422641296 ], [ 7.256783361249805, 52.930350363861876 ], [ 7.255628384455938, 52.930350363861876 ], [ 7.255628384455938, 52.930553422641296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 131.65232733333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.930350363861876 ], [ 7.256783361249805, 52.930350363861876 ], [ 7.256783361249805, 52.930147304129846 ], [ 7.255628384455938, 52.930147304129846 ], [ 7.255628384455938, 52.930350363861876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.46969525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.932787006343887 ], [ 7.257938338043674, 52.932787006343887 ], [ 7.257938338043674, 52.932583958042947 ], [ 7.256783361249805, 52.932583958042947 ], [ 7.256783361249805, 52.932787006343887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.932583958042947 ], [ 7.257938338043674, 52.932583958042947 ], [ 7.257938338043674, 52.932380908789412 ], [ 7.256783361249805, 52.932380908789412 ], [ 7.256783361249805, 52.932583958042947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.7500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.932380908789412 ], [ 7.257938338043674, 52.932380908789412 ], [ 7.257938338043674, 52.932177858583294 ], [ 7.256783361249805, 52.932177858583294 ], [ 7.256783361249805, 52.932380908789412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 118.176842 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.932177858583294 ], [ 7.257938338043674, 52.932177858583294 ], [ 7.257938338043674, 52.931974807424609 ], [ 7.256783361249805, 52.931974807424609 ], [ 7.256783361249805, 52.932177858583294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.931974807424609 ], [ 7.257938338043674, 52.931974807424609 ], [ 7.257938338043674, 52.931771755313328 ], [ 7.256783361249805, 52.931771755313328 ], [ 7.256783361249805, 52.931974807424609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.931568702249471 ], [ 7.257938338043674, 52.931568702249471 ], [ 7.257938338043674, 52.931365648233019 ], [ 7.256783361249805, 52.931365648233019 ], [ 7.256783361249805, 52.931568702249471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34555_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 121.69974125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.931365648233019 ], [ 7.257938338043674, 52.931365648233019 ], [ 7.257938338043674, 52.931162593263977 ], [ 7.256783361249805, 52.931162593263977 ], [ 7.256783361249805, 52.931365648233019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.927168985282513 ], [ 7.251008477280466, 52.927168985282513 ], [ 7.251008477280466, 52.926965910626173 ], [ 7.249853500486598, 52.926965910626173 ], [ 7.249853500486598, 52.927168985282513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 139.16903066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.925138195850501 ], [ 7.251008477280466, 52.925138195850501 ], [ 7.251008477280466, 52.924935111667757 ], [ 7.249853500486598, 52.924935111667757 ], [ 7.249853500486598, 52.925138195850501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.927575131737299 ], [ 7.252163454074334, 52.927575131737299 ], [ 7.252163454074334, 52.927372058986208 ], [ 7.251008477280466, 52.927372058986208 ], [ 7.251008477280466, 52.927575131737299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.926762835017215 ], [ 7.253318430868202, 52.926762835017215 ], [ 7.253318430868202, 52.926559758455603 ], [ 7.252163454074334, 52.926559758455603 ], [ 7.252163454074334, 52.926762835017215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 211.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.927981274381573 ], [ 7.254473407662068, 52.927981274381573 ], [ 7.254473407662068, 52.927778203535745 ], [ 7.253318430868202, 52.927778203535745 ], [ 7.253318430868202, 52.927981274381573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.926762835017215 ], [ 7.254473407662068, 52.926762835017215 ], [ 7.254473407662068, 52.926559758455603 ], [ 7.253318430868202, 52.926559758455603 ], [ 7.253318430868202, 52.926762835017215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.928590481203329 ], [ 7.255628384455938, 52.928590481203329 ], [ 7.255628384455938, 52.928387413215361 ], [ 7.254473407662068, 52.928387413215361 ], [ 7.254473407662068, 52.928590481203329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 173.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.92818434427479 ], [ 7.255628384455938, 52.92818434427479 ], [ 7.255628384455938, 52.927981274381573 ], [ 7.254473407662068, 52.927981274381573 ], [ 7.254473407662068, 52.92818434427479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.66666933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.927778203535745 ], [ 7.255628384455938, 52.927778203535745 ], [ 7.255628384455938, 52.927575131737299 ], [ 7.254473407662068, 52.927575131737299 ], [ 7.254473407662068, 52.927778203535745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.925950523054986 ], [ 7.255628384455938, 52.925950523054986 ], [ 7.255628384455938, 52.925747442682834 ], [ 7.254473407662068, 52.925747442682834 ], [ 7.254473407662068, 52.925950523054986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.928590481203329 ], [ 7.256783361249805, 52.928590481203329 ], [ 7.256783361249805, 52.928387413215361 ], [ 7.255628384455938, 52.928387413215361 ], [ 7.255628384455938, 52.928590481203329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 213.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.92818434427479 ], [ 7.256783361249805, 52.92818434427479 ], [ 7.256783361249805, 52.927981274381573 ], [ 7.255628384455938, 52.927981274381573 ], [ 7.255628384455938, 52.92818434427479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 166.07719466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.927575131737299 ], [ 7.256783361249805, 52.927575131737299 ], [ 7.256783361249805, 52.927372058986208 ], [ 7.255628384455938, 52.927372058986208 ], [ 7.255628384455938, 52.927575131737299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.927168985282513 ], [ 7.256783361249805, 52.927168985282513 ], [ 7.256783361249805, 52.926965910626173 ], [ 7.255628384455938, 52.926965910626173 ], [ 7.255628384455938, 52.927168985282513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.83952742857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.926762835017215 ], [ 7.256783361249805, 52.926762835017215 ], [ 7.256783361249805, 52.926559758455603 ], [ 7.255628384455938, 52.926559758455603 ], [ 7.255628384455938, 52.926762835017215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 141.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.926559758455603 ], [ 7.256783361249805, 52.926559758455603 ], [ 7.256783361249805, 52.926356680941367 ], [ 7.255628384455938, 52.926356680941367 ], [ 7.255628384455938, 52.926559758455603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.926356680941367 ], [ 7.256783361249805, 52.926356680941367 ], [ 7.256783361249805, 52.9261536024745 ], [ 7.255628384455938, 52.9261536024745 ], [ 7.255628384455938, 52.926356680941367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.925544361358021 ], [ 7.256783361249805, 52.925544361358021 ], [ 7.256783361249805, 52.925341279080584 ], [ 7.255628384455938, 52.925341279080584 ], [ 7.255628384455938, 52.925544361358021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 128.43840675000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.925138195850501 ], [ 7.256783361249805, 52.925138195850501 ], [ 7.256783361249805, 52.924935111667757 ], [ 7.255628384455938, 52.924935111667757 ], [ 7.255628384455938, 52.925138195850501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 128.60422175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.924935111667757 ], [ 7.256783361249805, 52.924935111667757 ], [ 7.256783361249805, 52.924732026532368 ], [ 7.255628384455938, 52.924732026532368 ], [ 7.255628384455938, 52.924935111667757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.969095 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.927372058986208 ], [ 7.257938338043674, 52.927372058986208 ], [ 7.257938338043674, 52.927168985282513 ], [ 7.256783361249805, 52.927168985282513 ], [ 7.256783361249805, 52.927372058986208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.927168985282513 ], [ 7.257938338043674, 52.927168985282513 ], [ 7.257938338043674, 52.926965910626173 ], [ 7.256783361249805, 52.926965910626173 ], [ 7.256783361249805, 52.927168985282513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.25000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.926965910626173 ], [ 7.257938338043674, 52.926965910626173 ], [ 7.257938338043674, 52.926762835017215 ], [ 7.256783361249805, 52.926762835017215 ], [ 7.256783361249805, 52.926965910626173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.32369583333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.926762835017215 ], [ 7.257938338043674, 52.926762835017215 ], [ 7.257938338043674, 52.926559758455603 ], [ 7.256783361249805, 52.926559758455603 ], [ 7.256783361249805, 52.926762835017215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.926559758455603 ], [ 7.257938338043674, 52.926559758455603 ], [ 7.257938338043674, 52.926356680941367 ], [ 7.256783361249805, 52.926356680941367 ], [ 7.256783361249805, 52.926559758455603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 165.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.9261536024745 ], [ 7.257938338043674, 52.9261536024745 ], [ 7.257938338043674, 52.925950523054986 ], [ 7.256783361249805, 52.925950523054986 ], [ 7.256783361249805, 52.9261536024745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34556_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 124.63711566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.925950523054986 ], [ 7.257938338043674, 52.925950523054986 ], [ 7.257938338043674, 52.925747442682834 ], [ 7.256783361249805, 52.925747442682834 ], [ 7.256783361249805, 52.925950523054986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.92175333509639 ], [ 7.251008477280466, 52.92175333509639 ], [ 7.251008477280466, 52.921550235035888 ], [ 7.249853500486598, 52.921550235035888 ], [ 7.249853500486598, 52.92175333509639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.919722291620367 ], [ 7.251008477280466, 52.919722291620367 ], [ 7.251008477280466, 52.919519182032943 ], [ 7.249853500486598, 52.919519182032943 ], [ 7.249853500486598, 52.919722291620367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.922159532359366 ], [ 7.252163454074334, 52.922159532359366 ], [ 7.252163454074334, 52.921956434204219 ], [ 7.251008477280466, 52.921956434204219 ], [ 7.251008477280466, 52.922159532359366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 187.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.921347134022703 ], [ 7.253318430868202, 52.921347134022703 ], [ 7.253318430868202, 52.921144032056823 ], [ 7.252163454074334, 52.921144032056823 ], [ 7.252163454074334, 52.921347134022703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 206.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.922565725811623 ], [ 7.254473407662068, 52.922565725811623 ], [ 7.254473407662068, 52.922362629561839 ], [ 7.253318430868202, 52.922362629561839 ], [ 7.253318430868202, 52.922565725811623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.921347134022703 ], [ 7.254473407662068, 52.921347134022703 ], [ 7.254473407662068, 52.921144032056823 ], [ 7.253318430868202, 52.921144032056823 ], [ 7.253318430868202, 52.921347134022703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 197.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.923175008844986 ], [ 7.255628384455938, 52.923175008844986 ], [ 7.255628384455938, 52.922971915453196 ], [ 7.254473407662068, 52.922971915453196 ], [ 7.254473407662068, 52.923175008844986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 173.33333066666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.922768821108747 ], [ 7.255628384455938, 52.922768821108747 ], [ 7.255628384455938, 52.922565725811623 ], [ 7.254473407662068, 52.922565725811623 ], [ 7.254473407662068, 52.922768821108747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.922362629561839 ], [ 7.255628384455938, 52.922362629561839 ], [ 7.255628384455938, 52.922159532359366 ], [ 7.254473407662068, 52.922159532359366 ], [ 7.254473407662068, 52.922362629561839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 120.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.920534720443072 ], [ 7.255628384455938, 52.920534720443072 ], [ 7.255628384455938, 52.920331614666445 ], [ 7.254473407662068, 52.920331614666445 ], [ 7.254473407662068, 52.920534720443072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.923175008844986 ], [ 7.256783361249805, 52.923175008844986 ], [ 7.256783361249805, 52.922971915453196 ], [ 7.255628384455938, 52.922971915453196 ], [ 7.255628384455938, 52.923175008844986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 199.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.922768821108747 ], [ 7.256783361249805, 52.922768821108747 ], [ 7.256783361249805, 52.922565725811623 ], [ 7.255628384455938, 52.922565725811623 ], [ 7.255628384455938, 52.922768821108747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 169.226547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.922159532359366 ], [ 7.256783361249805, 52.922159532359366 ], [ 7.256783361249805, 52.921956434204219 ], [ 7.255628384455938, 52.921956434204219 ], [ 7.255628384455938, 52.922159532359366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.92175333509639 ], [ 7.256783361249805, 52.92175333509639 ], [ 7.256783361249805, 52.921550235035888 ], [ 7.255628384455938, 52.921550235035888 ], [ 7.255628384455938, 52.92175333509639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 120.83346057142856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.921347134022703 ], [ 7.256783361249805, 52.921347134022703 ], [ 7.256783361249805, 52.921144032056823 ], [ 7.255628384455938, 52.921144032056823 ], [ 7.255628384455938, 52.921347134022703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 149.308942 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.921144032056823 ], [ 7.256783361249805, 52.921144032056823 ], [ 7.256783361249805, 52.920940929138268 ], [ 7.255628384455938, 52.920940929138268 ], [ 7.255628384455938, 52.921144032056823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 154.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.920940929138268 ], [ 7.256783361249805, 52.920940929138268 ], [ 7.256783361249805, 52.920737825267011 ], [ 7.255628384455938, 52.920737825267011 ], [ 7.255628384455938, 52.920940929138268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.920128507937115 ], [ 7.256783361249805, 52.920128507937115 ], [ 7.256783361249805, 52.919925400255096 ], [ 7.255628384455938, 52.919925400255096 ], [ 7.255628384455938, 52.920128507937115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 136.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.919722291620367 ], [ 7.256783361249805, 52.919722291620367 ], [ 7.256783361249805, 52.919519182032943 ], [ 7.255628384455938, 52.919519182032943 ], [ 7.255628384455938, 52.919722291620367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 127.132982 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.919519182032943 ], [ 7.256783361249805, 52.919519182032943 ], [ 7.256783361249805, 52.919316071492823 ], [ 7.255628384455938, 52.919316071492823 ], [ 7.255628384455938, 52.919519182032943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.921956434204219 ], [ 7.257938338043674, 52.921956434204219 ], [ 7.257938338043674, 52.92175333509639 ], [ 7.256783361249805, 52.92175333509639 ], [ 7.256783361249805, 52.921956434204219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.92175333509639 ], [ 7.257938338043674, 52.92175333509639 ], [ 7.257938338043674, 52.921550235035888 ], [ 7.256783361249805, 52.921550235035888 ], [ 7.256783361249805, 52.92175333509639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.906966 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.921550235035888 ], [ 7.257938338043674, 52.921550235035888 ], [ 7.257938338043674, 52.921347134022703 ], [ 7.256783361249805, 52.921347134022703 ], [ 7.256783361249805, 52.921550235035888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.25000062500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.921347134022703 ], [ 7.257938338043674, 52.921347134022703 ], [ 7.257938338043674, 52.921144032056823 ], [ 7.256783361249805, 52.921144032056823 ], [ 7.256783361249805, 52.921347134022703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.921144032056823 ], [ 7.257938338043674, 52.921144032056823 ], [ 7.257938338043674, 52.920940929138268 ], [ 7.256783361249805, 52.920940929138268 ], [ 7.256783361249805, 52.921144032056823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.920737825267011 ], [ 7.257938338043674, 52.920737825267011 ], [ 7.257938338043674, 52.920534720443072 ], [ 7.256783361249805, 52.920534720443072 ], [ 7.256783361249805, 52.920737825267011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34557_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 121.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.920534720443072 ], [ 7.257938338043674, 52.920534720443072 ], [ 7.257938338043674, 52.920331614666445 ], [ 7.256783361249805, 52.920331614666445 ], [ 7.256783361249805, 52.920534720443072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.916337007448227 ], [ 7.251008477280466, 52.916337007448227 ], [ 7.251008477280466, 52.916133881982184 ], [ 7.249853500486598, 52.916133881982184 ], [ 7.249853500486598, 52.916337007448227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.914305709914565 ], [ 7.251008477280466, 52.914305709914565 ], [ 7.251008477280466, 52.914102574921102 ], [ 7.249853500486598, 52.914102574921102 ], [ 7.249853500486598, 52.914305709914565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.916743255522121 ], [ 7.252163454074334, 52.916743255522121 ], [ 7.252163454074334, 52.91654013196154 ], [ 7.251008477280466, 52.91654013196154 ], [ 7.251008477280466, 52.916743255522121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 186.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.915930755563416 ], [ 7.253318430868202, 52.915930755563416 ], [ 7.253318430868202, 52.915727628191895 ], [ 7.252163454074334, 52.915727628191895 ], [ 7.252163454074334, 52.915930755563416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 225.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.91714949978509 ], [ 7.254473407662068, 52.91714949978509 ], [ 7.254473407662068, 52.916946378129964 ], [ 7.253318430868202, 52.916946378129964 ], [ 7.253318430868202, 52.91714949978509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.915930755563416 ], [ 7.254473407662068, 52.915930755563416 ], [ 7.254473407662068, 52.915727628191895 ], [ 7.253318430868202, 52.915727628191895 ], [ 7.253318430868202, 52.915930755563416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 202.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.917758859034116 ], [ 7.255628384455938, 52.917758859034116 ], [ 7.255628384455938, 52.917555740237169 ], [ 7.254473407662068, 52.917555740237169 ], [ 7.254473407662068, 52.917758859034116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 171.4999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.917352620487485 ], [ 7.255628384455938, 52.917352620487485 ], [ 7.255628384455938, 52.91714949978509 ], [ 7.254473407662068, 52.91714949978509 ], [ 7.254473407662068, 52.917352620487485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.60269366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.916946378129964 ], [ 7.255628384455938, 52.916946378129964 ], [ 7.255628384455938, 52.916743255522121 ], [ 7.254473407662068, 52.916743255522121 ], [ 7.254473407662068, 52.916946378129964 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 117.297729 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.915118240360933 ], [ 7.255628384455938, 52.915118240360933 ], [ 7.255628384455938, 52.914915109178466 ], [ 7.254473407662068, 52.914915109178466 ], [ 7.254473407662068, 52.915118240360933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.917758859034116 ], [ 7.256783361249805, 52.917758859034116 ], [ 7.256783361249805, 52.917555740237169 ], [ 7.255628384455938, 52.917555740237169 ], [ 7.255628384455938, 52.917758859034116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.917352620487485 ], [ 7.256783361249805, 52.917352620487485 ], [ 7.256783361249805, 52.91714949978509 ], [ 7.255628384455938, 52.91714949978509 ], [ 7.255628384455938, 52.917352620487485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 174.98696766666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.916743255522121 ], [ 7.256783361249805, 52.916743255522121 ], [ 7.256783361249805, 52.91654013196154 ], [ 7.255628384455938, 52.91654013196154 ], [ 7.255628384455938, 52.916743255522121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.408735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.916337007448227 ], [ 7.256783361249805, 52.916337007448227 ], [ 7.256783361249805, 52.916133881982184 ], [ 7.255628384455938, 52.916133881982184 ], [ 7.255628384455938, 52.916337007448227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 127.16666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.915930755563416 ], [ 7.256783361249805, 52.915930755563416 ], [ 7.256783361249805, 52.915727628191895 ], [ 7.255628384455938, 52.915727628191895 ], [ 7.255628384455938, 52.915930755563416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 147.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.915727628191895 ], [ 7.256783361249805, 52.915727628191895 ], [ 7.256783361249805, 52.915524499867658 ], [ 7.255628384455938, 52.915524499867658 ], [ 7.255628384455938, 52.915727628191895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.915524499867658 ], [ 7.256783361249805, 52.915524499867658 ], [ 7.256783361249805, 52.915321370590668 ], [ 7.255628384455938, 52.915321370590668 ], [ 7.255628384455938, 52.915524499867658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.914711977043247 ], [ 7.256783361249805, 52.914711977043247 ], [ 7.256783361249805, 52.914508843955282 ], [ 7.255628384455938, 52.914508843955282 ], [ 7.255628384455938, 52.914711977043247 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 139.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.914305709914565 ], [ 7.256783361249805, 52.914305709914565 ], [ 7.256783361249805, 52.914102574921102 ], [ 7.255628384455938, 52.914102574921102 ], [ 7.255628384455938, 52.914305709914565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 123.6738595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.914102574921102 ], [ 7.256783361249805, 52.914102574921102 ], [ 7.256783361249805, 52.91389943897488 ], [ 7.255628384455938, 52.91389943897488 ], [ 7.255628384455938, 52.914102574921102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.103149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.91654013196154 ], [ 7.257938338043674, 52.91654013196154 ], [ 7.257938338043674, 52.916337007448227 ], [ 7.256783361249805, 52.916337007448227 ], [ 7.256783361249805, 52.91654013196154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.916337007448227 ], [ 7.257938338043674, 52.916337007448227 ], [ 7.257938338043674, 52.916133881982184 ], [ 7.256783361249805, 52.916133881982184 ], [ 7.256783361249805, 52.916337007448227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.500003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.916133881982184 ], [ 7.257938338043674, 52.916133881982184 ], [ 7.257938338043674, 52.915930755563416 ], [ 7.256783361249805, 52.915930755563416 ], [ 7.256783361249805, 52.916133881982184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.32557757142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.915930755563416 ], [ 7.257938338043674, 52.915930755563416 ], [ 7.257938338043674, 52.915727628191895 ], [ 7.256783361249805, 52.915727628191895 ], [ 7.256783361249805, 52.915930755563416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.915727628191895 ], [ 7.257938338043674, 52.915727628191895 ], [ 7.257938338043674, 52.915524499867658 ], [ 7.256783361249805, 52.915524499867658 ], [ 7.256783361249805, 52.915727628191895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 154.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.915321370590668 ], [ 7.257938338043674, 52.915321370590668 ], [ 7.257938338043674, 52.915118240360933 ], [ 7.256783361249805, 52.915118240360933 ], [ 7.256783361249805, 52.915321370590668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34558_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 116.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.915118240360933 ], [ 7.257938338043674, 52.915118240360933 ], [ 7.257938338043674, 52.914915109178466 ], [ 7.256783361249805, 52.914915109178466 ], [ 7.256783361249805, 52.915118240360933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 160.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.910920002301673 ], [ 7.251008477280466, 52.910920002301673 ], [ 7.251008477280466, 52.910716851428745 ], [ 7.249853500486598, 52.910716851428745 ], [ 7.249853500486598, 52.910920002301673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 136.2834665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.90888845069675 ], [ 7.251008477280466, 52.90888845069675 ], [ 7.251008477280466, 52.908685290295885 ], [ 7.249853500486598, 52.908685290295885 ], [ 7.249853500486598, 52.90888845069675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.911326301189199 ], [ 7.252163454074334, 52.911326301189199 ], [ 7.252163454074334, 52.911123152221833 ], [ 7.251008477280466, 52.911123152221833 ], [ 7.251008477280466, 52.911326301189199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.910513699603023 ], [ 7.253318430868202, 52.910513699603023 ], [ 7.253318430868202, 52.910310546824512 ], [ 7.252163454074334, 52.910310546824512 ], [ 7.252163454074334, 52.910513699603023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 227.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.911732596265615 ], [ 7.254473407662068, 52.911732596265615 ], [ 7.254473407662068, 52.911529449203798 ], [ 7.253318430868202, 52.911529449203798 ], [ 7.253318430868202, 52.911732596265615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.910513699603023 ], [ 7.254473407662068, 52.910513699603023 ], [ 7.254473407662068, 52.910310546824512 ], [ 7.253318430868202, 52.910310546824512 ], [ 7.253318430868202, 52.910513699603023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.912342031734404 ], [ 7.255628384455938, 52.912342031734404 ], [ 7.255628384455938, 52.912138887530922 ], [ 7.254473407662068, 52.912138887530922 ], [ 7.254473407662068, 52.912342031734404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 166.586603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.911935742374645 ], [ 7.255628384455938, 52.911935742374645 ], [ 7.255628384455938, 52.911732596265615 ], [ 7.254473407662068, 52.911732596265615 ], [ 7.254473407662068, 52.911935742374645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.911529449203798 ], [ 7.255628384455938, 52.911529449203798 ], [ 7.255628384455938, 52.911326301189199 ], [ 7.254473407662068, 52.911326301189199 ], [ 7.254473407662068, 52.911529449203798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 122.24999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.909701082772251 ], [ 7.255628384455938, 52.909701082772251 ], [ 7.255628384455938, 52.909497926182574 ], [ 7.254473407662068, 52.909497926182574 ], [ 7.254473407662068, 52.909701082772251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.912342031734404 ], [ 7.256783361249805, 52.912342031734404 ], [ 7.256783361249805, 52.912138887530922 ], [ 7.255628384455938, 52.912138887530922 ], [ 7.255628384455938, 52.912342031734404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.911935742374645 ], [ 7.256783361249805, 52.911935742374645 ], [ 7.256783361249805, 52.911732596265615 ], [ 7.255628384455938, 52.911732596265615 ], [ 7.255628384455938, 52.911935742374645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 174.358999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.911326301189199 ], [ 7.256783361249805, 52.911326301189199 ], [ 7.256783361249805, 52.911123152221833 ], [ 7.255628384455938, 52.911123152221833 ], [ 7.255628384455938, 52.911326301189199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.4551995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.910920002301673 ], [ 7.256783361249805, 52.910920002301673 ], [ 7.256783361249805, 52.910716851428745 ], [ 7.255628384455938, 52.910716851428745 ], [ 7.255628384455938, 52.910920002301673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.910513699603023 ], [ 7.256783361249805, 52.910513699603023 ], [ 7.256783361249805, 52.910310546824512 ], [ 7.255628384455938, 52.910310546824512 ], [ 7.255628384455938, 52.910513699603023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 134.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.910310546824512 ], [ 7.256783361249805, 52.910310546824512 ], [ 7.256783361249805, 52.910107393093213 ], [ 7.255628384455938, 52.910107393093213 ], [ 7.255628384455938, 52.910310546824512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 162.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.910107393093213 ], [ 7.256783361249805, 52.910107393093213 ], [ 7.256783361249805, 52.909904238409126 ], [ 7.255628384455938, 52.909904238409126 ], [ 7.255628384455938, 52.910107393093213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 141.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.909294768640095 ], [ 7.256783361249805, 52.909294768640095 ], [ 7.256783361249805, 52.909091610144827 ], [ 7.255628384455938, 52.909091610144827 ], [ 7.255628384455938, 52.909294768640095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 136.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.90888845069675 ], [ 7.256783361249805, 52.90888845069675 ], [ 7.256783361249805, 52.908685290295885 ], [ 7.255628384455938, 52.908685290295885 ], [ 7.255628384455938, 52.90888845069675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 131.880668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.908685290295885 ], [ 7.256783361249805, 52.908685290295885 ], [ 7.256783361249805, 52.908482128942204 ], [ 7.255628384455938, 52.908482128942204 ], [ 7.255628384455938, 52.908685290295885 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.7546575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.911123152221833 ], [ 7.257938338043674, 52.911123152221833 ], [ 7.257938338043674, 52.910920002301673 ], [ 7.256783361249805, 52.910920002301673 ], [ 7.256783361249805, 52.911123152221833 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.910920002301673 ], [ 7.257938338043674, 52.910920002301673 ], [ 7.257938338043674, 52.910716851428745 ], [ 7.256783361249805, 52.910716851428745 ], [ 7.256783361249805, 52.910920002301673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.609253 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.910716851428745 ], [ 7.257938338043674, 52.910716851428745 ], [ 7.257938338043674, 52.910513699603023 ], [ 7.256783361249805, 52.910513699603023 ], [ 7.256783361249805, 52.910716851428745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 129.16666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.910513699603023 ], [ 7.257938338043674, 52.910513699603023 ], [ 7.257938338043674, 52.910310546824512 ], [ 7.256783361249805, 52.910310546824512 ], [ 7.256783361249805, 52.910513699603023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.910310546824512 ], [ 7.257938338043674, 52.910310546824512 ], [ 7.257938338043674, 52.910107393093213 ], [ 7.256783361249805, 52.910107393093213 ], [ 7.256783361249805, 52.910310546824512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.909904238409126 ], [ 7.257938338043674, 52.909904238409126 ], [ 7.257938338043674, 52.909701082772251 ], [ 7.256783361249805, 52.909701082772251 ], [ 7.256783361249805, 52.909904238409126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34559_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.490336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.909701082772251 ], [ 7.257938338043674, 52.909701082772251 ], [ 7.257938338043674, 52.909497926182574 ], [ 7.256783361249805, 52.909497926182574 ], [ 7.256783361249805, 52.909701082772251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.905502319620417 ], [ 7.251008477280466, 52.905502319620417 ], [ 7.251008477280466, 52.905299143339235 ], [ 7.249853500486598, 52.905299143339235 ], [ 7.249853500486598, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 134.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.903470513930628 ], [ 7.251008477280466, 52.903470513930628 ], [ 7.251008477280466, 52.90326732812099 ], [ 7.249853500486598, 52.90326732812099 ], [ 7.249853500486598, 52.903470513930628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.905908669324312 ], [ 7.252163454074334, 52.905908669324312 ], [ 7.252163454074334, 52.905705494948783 ], [ 7.251008477280466, 52.905705494948783 ], [ 7.251008477280466, 52.905908669324312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.9050959661052 ], [ 7.253318430868202, 52.9050959661052 ], [ 7.253318430868202, 52.904892787918335 ], [ 7.252163454074334, 52.904892787918335 ], [ 7.252163454074334, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.9050959661052 ], [ 7.254473407662068, 52.9050959661052 ], [ 7.254473407662068, 52.904892787918335 ], [ 7.253318430868202, 52.904892787918335 ], [ 7.253318430868202, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 191.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.906924526909535 ], [ 7.255628384455938, 52.906924526909535 ], [ 7.255628384455938, 52.906721357298139 ], [ 7.254473407662068, 52.906721357298139 ], [ 7.254473407662068, 52.906924526909535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 157.999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.906518186733919 ], [ 7.255628384455938, 52.906518186733919 ], [ 7.255628384455938, 52.906315015216883 ], [ 7.254473407662068, 52.906315015216883 ], [ 7.254473407662068, 52.906518186733919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.2853535 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.906111842747009 ], [ 7.255628384455938, 52.906111842747009 ], [ 7.255628384455938, 52.905908669324312 ], [ 7.254473407662068, 52.905908669324312 ], [ 7.254473407662068, 52.906111842747009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.904283247640684 ], [ 7.255628384455938, 52.904283247640684 ], [ 7.255628384455938, 52.904080065642439 ], [ 7.254473407662068, 52.904080065642439 ], [ 7.254473407662068, 52.904283247640684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.906924526909535 ], [ 7.256783361249805, 52.906924526909535 ], [ 7.256783361249805, 52.906721357298139 ], [ 7.255628384455938, 52.906721357298139 ], [ 7.255628384455938, 52.906924526909535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 194.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.906518186733919 ], [ 7.256783361249805, 52.906518186733919 ], [ 7.256783361249805, 52.906315015216883 ], [ 7.255628384455938, 52.906315015216883 ], [ 7.255628384455938, 52.906518186733919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 162.119999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.905908669324312 ], [ 7.256783361249805, 52.905908669324312 ], [ 7.256783361249805, 52.905705494948783 ], [ 7.255628384455938, 52.905705494948783 ], [ 7.255628384455938, 52.905908669324312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.905502319620417 ], [ 7.256783361249805, 52.905502319620417 ], [ 7.256783361249805, 52.905299143339235 ], [ 7.255628384455938, 52.905299143339235 ], [ 7.255628384455938, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 125.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.9050959661052 ], [ 7.256783361249805, 52.9050959661052 ], [ 7.256783361249805, 52.904892787918335 ], [ 7.255628384455938, 52.904892787918335 ], [ 7.255628384455938, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 127.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.904892787918335 ], [ 7.256783361249805, 52.904892787918335 ], [ 7.256783361249805, 52.904689608778625 ], [ 7.255628384455938, 52.904689608778625 ], [ 7.255628384455938, 52.904892787918335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.904689608778625 ], [ 7.256783361249805, 52.904689608778625 ], [ 7.256783361249805, 52.90448642868607 ], [ 7.255628384455938, 52.90448642868607 ], [ 7.255628384455938, 52.904689608778625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.771652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.903876882691357 ], [ 7.256783361249805, 52.903876882691357 ], [ 7.256783361249805, 52.903673698787415 ], [ 7.255628384455938, 52.903673698787415 ], [ 7.255628384455938, 52.903876882691357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 132.0515115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.903470513930628 ], [ 7.256783361249805, 52.903470513930628 ], [ 7.256783361249805, 52.90326732812099 ], [ 7.255628384455938, 52.90326732812099 ], [ 7.255628384455938, 52.903470513930628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 127.0915565 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.90326732812099 ], [ 7.256783361249805, 52.90326732812099 ], [ 7.256783361249805, 52.903064141358492 ], [ 7.255628384455938, 52.903064141358492 ], [ 7.255628384455938, 52.90326732812099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 126.325035 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.905705494948783 ], [ 7.257938338043674, 52.905705494948783 ], [ 7.257938338043674, 52.905502319620417 ], [ 7.256783361249805, 52.905502319620417 ], [ 7.256783361249805, 52.905705494948783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.905502319620417 ], [ 7.257938338043674, 52.905502319620417 ], [ 7.257938338043674, 52.905299143339235 ], [ 7.256783361249805, 52.905299143339235 ], [ 7.256783361249805, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.905299143339235 ], [ 7.257938338043674, 52.905299143339235 ], [ 7.257938338043674, 52.9050959661052 ], [ 7.256783361249805, 52.9050959661052 ], [ 7.256783361249805, 52.905299143339235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.66666533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.9050959661052 ], [ 7.257938338043674, 52.9050959661052 ], [ 7.257938338043674, 52.904892787918335 ], [ 7.256783361249805, 52.904892787918335 ], [ 7.256783361249805, 52.9050959661052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.90448642868607 ], [ 7.257938338043674, 52.90448642868607 ], [ 7.257938338043674, 52.904283247640684 ], [ 7.256783361249805, 52.904283247640684 ], [ 7.256783361249805, 52.90448642868607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34560_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 120.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.904283247640684 ], [ 7.257938338043674, 52.904283247640684 ], [ 7.257938338043674, 52.904080065642439 ], [ 7.256783361249805, 52.904080065642439 ], [ 7.256783361249805, 52.904283247640684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34572_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.840437266545869 ], [ 7.257938338043674, 52.840437266545869 ], [ 7.257938338043674, 52.840233785259656 ], [ 7.256783361249805, 52.840233785259656 ], [ 7.256783361249805, 52.840437266545869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34573_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.835010772617551 ], [ 7.257938338043674, 52.835010772617551 ], [ 7.257938338043674, 52.834807265905447 ], [ 7.256783361249805, 52.834807265905447 ], [ 7.256783361249805, 52.835010772617551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34574_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.829583600648157 ], [ 7.257938338043674, 52.829583600648157 ], [ 7.257938338043674, 52.829380068508812 ], [ 7.256783361249805, 52.829380068508812 ], [ 7.256783361249805, 52.829583600648157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34575_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.824155750601662 ], [ 7.257938338043674, 52.824155750601662 ], [ 7.257938338043674, 52.823952193033719 ], [ 7.256783361249805, 52.823952193033719 ], [ 7.256783361249805, 52.824155750601662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34576_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.818727222442064 ], [ 7.257938338043674, 52.818727222442064 ], [ 7.257938338043674, 52.818523639444201 ], [ 7.256783361249805, 52.818523639444201 ], [ 7.256783361249805, 52.818727222442064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34600_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.688647404001699 ], [ 7.255628384455938, 52.688647404001699 ], [ 7.255628384455938, 52.688443212191977 ], [ 7.254473407662068, 52.688443212191977 ], [ 7.254473407662068, 52.688647404001699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34600_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 84.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.68701384278797 ], [ 7.255628384455938, 52.68701384278797 ], [ 7.255628384455938, 52.68680964333938 ], [ 7.254473407662068, 52.68680964333938 ], [ 7.254473407662068, 52.68701384278797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34601_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.68320196229913 ], [ 7.255628384455938, 52.68320196229913 ], [ 7.255628384455938, 52.682997745026064 ], [ 7.254473407662068, 52.682997745026064 ], [ 7.254473407662068, 52.68320196229913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34601_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.681568197377274 ], [ 7.255628384455938, 52.681568197377274 ], [ 7.255628384455938, 52.681363972464943 ], [ 7.254473407662068, 52.681363972464943 ], [ 7.254473407662068, 52.681568197377274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.447789187601657 ], [ 7.251008477280466, 52.447789187601657 ], [ 7.251008477280466, 52.447583871285538 ], [ 7.249853500486598, 52.447583871285538 ], [ 7.249853500486598, 52.447789187601657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.44594130630351 ], [ 7.251008477280466, 52.44594130630351 ], [ 7.251008477280466, 52.445735981374099 ], [ 7.249853500486598, 52.445735981374099 ], [ 7.249853500486598, 52.44594130630351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 112.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.448405130807892 ], [ 7.252163454074334, 52.448405130807892 ], [ 7.252163454074334, 52.448199817362834 ], [ 7.251008477280466, 52.448199817362834 ], [ 7.251008477280466, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.447583871285538 ], [ 7.253318430868202, 52.447583871285538 ], [ 7.253318430868202, 52.447378554012396 ], [ 7.252163454074334, 52.447378554012396 ], [ 7.252163454074334, 52.447583871285538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.449021065400963 ], [ 7.254473407662068, 52.449021065400963 ], [ 7.254473407662068, 52.448815754826953 ], [ 7.253318430868202, 52.448815754826953 ], [ 7.253318430868202, 52.449021065400963 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 120.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.447789187601657 ], [ 7.254473407662068, 52.447789187601657 ], [ 7.254473407662068, 52.447583871285538 ], [ 7.253318430868202, 52.447583871285538 ], [ 7.253318430868202, 52.447789187601657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.446967916595021 ], [ 7.254473407662068, 52.446967916595021 ], [ 7.254473407662068, 52.446762596450782 ], [ 7.253318430868202, 52.446762596450782 ], [ 7.253318430868202, 52.446967916595021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.449431683677936 ], [ 7.255628384455938, 52.449431683677936 ], [ 7.255628384455938, 52.44922637501795 ], [ 7.254473407662068, 52.44922637501795 ], [ 7.254473407662068, 52.449431683677936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 168.611108 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.44922637501795 ], [ 7.255628384455938, 52.44922637501795 ], [ 7.255628384455938, 52.449021065400963 ], [ 7.254473407662068, 52.449021065400963 ], [ 7.254473407662068, 52.44922637501795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.449021065400963 ], [ 7.255628384455938, 52.449021065400963 ], [ 7.255628384455938, 52.448815754826953 ], [ 7.254473407662068, 52.448815754826953 ], [ 7.254473407662068, 52.449021065400963 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 133.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.448610443295919 ], [ 7.255628384455938, 52.448610443295919 ], [ 7.255628384455938, 52.448405130807892 ], [ 7.254473407662068, 52.448405130807892 ], [ 7.254473407662068, 52.448610443295919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.448199817362834 ], [ 7.255628384455938, 52.448199817362834 ], [ 7.255628384455938, 52.447994502960761 ], [ 7.254473407662068, 52.447994502960761 ], [ 7.254473407662068, 52.448199817362834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 148.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.446967916595021 ], [ 7.255628384455938, 52.446967916595021 ], [ 7.255628384455938, 52.446762596450782 ], [ 7.254473407662068, 52.446762596450782 ], [ 7.254473407662068, 52.446967916595021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.446762596450782 ], [ 7.255628384455938, 52.446762596450782 ], [ 7.255628384455938, 52.44655727534952 ], [ 7.254473407662068, 52.44655727534952 ], [ 7.254473407662068, 52.446762596450782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.449431683677936 ], [ 7.256783361249805, 52.449431683677936 ], [ 7.256783361249805, 52.44922637501795 ], [ 7.255628384455938, 52.44922637501795 ], [ 7.255628384455938, 52.449431683677936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.449021065400963 ], [ 7.256783361249805, 52.449021065400963 ], [ 7.256783361249805, 52.448815754826953 ], [ 7.255628384455938, 52.448815754826953 ], [ 7.255628384455938, 52.449021065400963 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.55768033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.448199817362834 ], [ 7.256783361249805, 52.448199817362834 ], [ 7.256783361249805, 52.447994502960761 ], [ 7.255628384455938, 52.447994502960761 ], [ 7.255628384455938, 52.448199817362834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.927992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.447994502960761 ], [ 7.256783361249805, 52.447994502960761 ], [ 7.256783361249805, 52.447789187601657 ], [ 7.255628384455938, 52.447789187601657 ], [ 7.255628384455938, 52.447994502960761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 123.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.447789187601657 ], [ 7.256783361249805, 52.447789187601657 ], [ 7.256783361249805, 52.447583871285538 ], [ 7.255628384455938, 52.447583871285538 ], [ 7.255628384455938, 52.447789187601657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 135.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.447583871285538 ], [ 7.256783361249805, 52.447583871285538 ], [ 7.256783361249805, 52.447378554012396 ], [ 7.255628384455938, 52.447378554012396 ], [ 7.255628384455938, 52.447583871285538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 161.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.446967916595021 ], [ 7.256783361249805, 52.446967916595021 ], [ 7.256783361249805, 52.446762596450782 ], [ 7.255628384455938, 52.446762596450782 ], [ 7.255628384455938, 52.446967916595021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.66666633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.44635195329122 ], [ 7.256783361249805, 52.44635195329122 ], [ 7.256783361249805, 52.446146630275884 ], [ 7.255628384455938, 52.446146630275884 ], [ 7.255628384455938, 52.44635195329122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 129.113329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.445530655487651 ], [ 7.256783361249805, 52.445530655487651 ], [ 7.256783361249805, 52.445325328644138 ], [ 7.255628384455938, 52.445325328644138 ], [ 7.255628384455938, 52.445530655487651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.99999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.448199817362834 ], [ 7.257938338043674, 52.448199817362834 ], [ 7.257938338043674, 52.447994502960761 ], [ 7.256783361249805, 52.447994502960761 ], [ 7.256783361249805, 52.448199817362834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.447994502960761 ], [ 7.257938338043674, 52.447994502960761 ], [ 7.257938338043674, 52.447789187601657 ], [ 7.256783361249805, 52.447789187601657 ], [ 7.256783361249805, 52.447994502960761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.447789187601657 ], [ 7.257938338043674, 52.447789187601657 ], [ 7.257938338043674, 52.447583871285538 ], [ 7.256783361249805, 52.447583871285538 ], [ 7.256783361249805, 52.447789187601657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 128.0349185 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.447583871285538 ], [ 7.257938338043674, 52.447583871285538 ], [ 7.257938338043674, 52.447378554012396 ], [ 7.256783361249805, 52.447378554012396 ], [ 7.256783361249805, 52.447583871285538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 140.34662733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.447378554012396 ], [ 7.257938338043674, 52.447378554012396 ], [ 7.257938338043674, 52.447173235782216 ], [ 7.256783361249805, 52.447173235782216 ], [ 7.256783361249805, 52.447378554012396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 165.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.447173235782216 ], [ 7.257938338043674, 52.447173235782216 ], [ 7.257938338043674, 52.446967916595021 ], [ 7.256783361249805, 52.446967916595021 ], [ 7.256783361249805, 52.447173235782216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 164.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.446762596450782 ], [ 7.257938338043674, 52.446762596450782 ], [ 7.257938338043674, 52.44655727534952 ], [ 7.256783361249805, 52.44655727534952 ], [ 7.256783361249805, 52.446762596450782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34644_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.15899475000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.44655727534952 ], [ 7.257938338043674, 52.44655727534952 ], [ 7.257938338043674, 52.44635195329122 ], [ 7.256783361249805, 52.44635195329122 ], [ 7.256783361249805, 52.44655727534952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 181.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.442313758317994 ], [ 7.251008477280466, 52.442313758317994 ], [ 7.251008477280466, 52.442108416480586 ], [ 7.249853500486598, 52.442108416480586 ], [ 7.249853500486598, 52.442313758317994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 133.0710915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.44046564732642 ], [ 7.251008477280466, 52.44046564732642 ], [ 7.251008477280466, 52.440260296875266 ], [ 7.249853500486598, 52.440260296875266 ], [ 7.249853500486598, 52.44046564732642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 81.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.44292977808783 ], [ 7.252163454074334, 52.44292977808783 ], [ 7.252163454074334, 52.442724439121619 ], [ 7.251008477280466, 52.442724439121619 ], [ 7.251008477280466, 52.44292977808783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.442108416480586 ], [ 7.253318430868202, 52.442108416480586 ], [ 7.253318430868202, 52.441903073686085 ], [ 7.252163454074334, 52.441903073686085 ], [ 7.252163454074334, 52.442108416480586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.443545789244062 ], [ 7.254473407662068, 52.443545789244062 ], [ 7.254473407662068, 52.443340453149041 ], [ 7.253318430868202, 52.443340453149041 ], [ 7.253318430868202, 52.443545789244062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.442313758317994 ], [ 7.254473407662068, 52.442313758317994 ], [ 7.254473407662068, 52.442108416480586 ], [ 7.253318430868202, 52.442108416480586 ], [ 7.253318430868202, 52.442313758317994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.441492385225871 ], [ 7.254473407662068, 52.441492385225871 ], [ 7.254473407662068, 52.441287039560144 ], [ 7.253318430868202, 52.441287039560144 ], [ 7.253318430868202, 52.441492385225871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 183.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.443956458562901 ], [ 7.255628384455938, 52.443956458562901 ], [ 7.255628384455938, 52.443751124382011 ], [ 7.254473407662068, 52.443751124382011 ], [ 7.254473407662068, 52.443956458562901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 172.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.443751124382011 ], [ 7.255628384455938, 52.443751124382011 ], [ 7.255628384455938, 52.443545789244062 ], [ 7.254473407662068, 52.443545789244062 ], [ 7.254473407662068, 52.443751124382011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.443545789244062 ], [ 7.255628384455938, 52.443545789244062 ], [ 7.255628384455938, 52.443340453149041 ], [ 7.254473407662068, 52.443340453149041 ], [ 7.254473407662068, 52.443545789244062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.443135116096975 ], [ 7.255628384455938, 52.443135116096975 ], [ 7.255628384455938, 52.44292977808783 ], [ 7.254473407662068, 52.44292977808783 ], [ 7.254473407662068, 52.443135116096975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.442724439121619 ], [ 7.255628384455938, 52.442724439121619 ], [ 7.255628384455938, 52.442519099198343 ], [ 7.254473407662068, 52.442519099198343 ], [ 7.254473407662068, 52.442724439121619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 149.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.441492385225871 ], [ 7.255628384455938, 52.441492385225871 ], [ 7.255628384455938, 52.441287039560144 ], [ 7.254473407662068, 52.441287039560144 ], [ 7.254473407662068, 52.441492385225871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.441287039560144 ], [ 7.255628384455938, 52.441287039560144 ], [ 7.255628384455938, 52.441081692937338 ], [ 7.254473407662068, 52.441081692937338 ], [ 7.254473407662068, 52.441287039560144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.443956458562901 ], [ 7.256783361249805, 52.443956458562901 ], [ 7.256783361249805, 52.443751124382011 ], [ 7.255628384455938, 52.443751124382011 ], [ 7.255628384455938, 52.443956458562901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.443545789244062 ], [ 7.256783361249805, 52.443545789244062 ], [ 7.256783361249805, 52.443340453149041 ], [ 7.255628384455938, 52.443340453149041 ], [ 7.255628384455938, 52.443545789244062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.92346275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.442724439121619 ], [ 7.256783361249805, 52.442724439121619 ], [ 7.256783361249805, 52.442519099198343 ], [ 7.255628384455938, 52.442519099198343 ], [ 7.255628384455938, 52.442724439121619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.62257933333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.442519099198343 ], [ 7.256783361249805, 52.442519099198343 ], [ 7.256783361249805, 52.442313758317994 ], [ 7.255628384455938, 52.442313758317994 ], [ 7.255628384455938, 52.442519099198343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.442313758317994 ], [ 7.256783361249805, 52.442313758317994 ], [ 7.256783361249805, 52.442108416480586 ], [ 7.255628384455938, 52.442108416480586 ], [ 7.255628384455938, 52.442313758317994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 133.42857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.442108416480586 ], [ 7.256783361249805, 52.442108416480586 ], [ 7.256783361249805, 52.441903073686085 ], [ 7.255628384455938, 52.441903073686085 ], [ 7.255628384455938, 52.442108416480586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.441492385225871 ], [ 7.256783361249805, 52.441492385225871 ], [ 7.256783361249805, 52.441287039560144 ], [ 7.255628384455938, 52.441287039560144 ], [ 7.255628384455938, 52.441492385225871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.440876345357459 ], [ 7.256783361249805, 52.440876345357459 ], [ 7.256783361249805, 52.440670996820472 ], [ 7.255628384455938, 52.440670996820472 ], [ 7.255628384455938, 52.440876345357459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 130.6777515 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.440054945467033 ], [ 7.256783361249805, 52.440054945467033 ], [ 7.256783361249805, 52.439849593101698 ], [ 7.255628384455938, 52.439849593101698 ], [ 7.255628384455938, 52.440054945467033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 121.693538 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.442724439121619 ], [ 7.257938338043674, 52.442724439121619 ], [ 7.257938338043674, 52.442519099198343 ], [ 7.256783361249805, 52.442519099198343 ], [ 7.256783361249805, 52.442724439121619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.442519099198343 ], [ 7.257938338043674, 52.442519099198343 ], [ 7.257938338043674, 52.442313758317994 ], [ 7.256783361249805, 52.442313758317994 ], [ 7.256783361249805, 52.442519099198343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.442313758317994 ], [ 7.257938338043674, 52.442313758317994 ], [ 7.257938338043674, 52.442108416480586 ], [ 7.256783361249805, 52.442108416480586 ], [ 7.256783361249805, 52.442313758317994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.39389272727271 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.442108416480586 ], [ 7.257938338043674, 52.442108416480586 ], [ 7.257938338043674, 52.441903073686085 ], [ 7.256783361249805, 52.441903073686085 ], [ 7.256783361249805, 52.442108416480586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 157.979019 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.441903073686085 ], [ 7.257938338043674, 52.441903073686085 ], [ 7.257938338043674, 52.441697729934511 ], [ 7.256783361249805, 52.441697729934511 ], [ 7.256783361249805, 52.441903073686085 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.441697729934511 ], [ 7.257938338043674, 52.441697729934511 ], [ 7.257938338043674, 52.441492385225871 ], [ 7.256783361249805, 52.441492385225871 ], [ 7.256783361249805, 52.441697729934511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 151.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.441287039560144 ], [ 7.257938338043674, 52.441287039560144 ], [ 7.257938338043674, 52.441081692937338 ], [ 7.256783361249805, 52.441081692937338 ], [ 7.256783361249805, 52.441287039560144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34645_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 125.041104 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.441081692937338 ], [ 7.257938338043674, 52.441081692937338 ], [ 7.257938338043674, 52.440876345357459 ], [ 7.256783361249805, 52.440876345357459 ], [ 7.256783361249805, 52.441081692937338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.436837648449746 ], [ 7.251008477280466, 52.436837648449746 ], [ 7.251008477280466, 52.436632281089736 ], [ 7.249853500486598, 52.436632281089736 ], [ 7.249853500486598, 52.436837648449746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 126.03021333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.434989307753071 ], [ 7.251008477280466, 52.434989307753071 ], [ 7.251008477280466, 52.434783931778888 ], [ 7.249853500486598, 52.434783931778888 ], [ 7.249853500486598, 52.434989307753071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 72.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.437453744787071 ], [ 7.252163454074334, 52.437453744787071 ], [ 7.252163454074334, 52.437248380298428 ], [ 7.251008477280466, 52.437248380298428 ], [ 7.251008477280466, 52.437453744787071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.436632281089736 ], [ 7.253318430868202, 52.436632281089736 ], [ 7.253318430868202, 52.436426912772603 ], [ 7.252163454074334, 52.436426912772603 ], [ 7.252163454074334, 52.436632281089736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 170.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.438069832510358 ], [ 7.254473407662068, 52.438069832510358 ], [ 7.254473407662068, 52.437864470893039 ], [ 7.253318430868202, 52.437864470893039 ], [ 7.253318430868202, 52.438069832510358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.436837648449746 ], [ 7.254473407662068, 52.436837648449746 ], [ 7.254473407662068, 52.436632281089736 ], [ 7.253318430868202, 52.436632281089736 ], [ 7.253318430868202, 52.436837648449746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.436016173266957 ], [ 7.254473407662068, 52.436016173266957 ], [ 7.254473407662068, 52.435810802078443 ], [ 7.253318430868202, 52.435810802078443 ], [ 7.253318430868202, 52.436016173266957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.438480552873663 ], [ 7.255628384455938, 52.438480552873663 ], [ 7.255628384455938, 52.438275193170568 ], [ 7.254473407662068, 52.438275193170568 ], [ 7.254473407662068, 52.438480552873663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 171.306338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.438275193170568 ], [ 7.255628384455938, 52.438275193170568 ], [ 7.255628384455938, 52.438069832510358 ], [ 7.254473407662068, 52.438069832510358 ], [ 7.254473407662068, 52.438275193170568 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.438069832510358 ], [ 7.255628384455938, 52.438069832510358 ], [ 7.255628384455938, 52.437864470893039 ], [ 7.254473407662068, 52.437864470893039 ], [ 7.254473407662068, 52.438069832510358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 130.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.437659108318613 ], [ 7.255628384455938, 52.437659108318613 ], [ 7.255628384455938, 52.437453744787071 ], [ 7.254473407662068, 52.437453744787071 ], [ 7.254473407662068, 52.437659108318613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.437248380298428 ], [ 7.255628384455938, 52.437248380298428 ], [ 7.255628384455938, 52.437043014852641 ], [ 7.254473407662068, 52.437043014852641 ], [ 7.254473407662068, 52.437248380298428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 142.4999965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.436016173266957 ], [ 7.255628384455938, 52.436016173266957 ], [ 7.255628384455938, 52.435810802078443 ], [ 7.254473407662068, 52.435810802078443 ], [ 7.254473407662068, 52.436016173266957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.435810802078443 ], [ 7.255628384455938, 52.435810802078443 ], [ 7.255628384455938, 52.435605429932806 ], [ 7.254473407662068, 52.435605429932806 ], [ 7.254473407662068, 52.435810802078443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.438480552873663 ], [ 7.256783361249805, 52.438480552873663 ], [ 7.256783361249805, 52.438275193170568 ], [ 7.255628384455938, 52.438275193170568 ], [ 7.255628384455938, 52.438480552873663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 191.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.438069832510358 ], [ 7.256783361249805, 52.438069832510358 ], [ 7.256783361249805, 52.437864470893039 ], [ 7.255628384455938, 52.437864470893039 ], [ 7.255628384455938, 52.438069832510358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.437248380298428 ], [ 7.256783361249805, 52.437248380298428 ], [ 7.256783361249805, 52.437043014852641 ], [ 7.255628384455938, 52.437043014852641 ], [ 7.255628384455938, 52.437248380298428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.437043014852641 ], [ 7.256783361249805, 52.437043014852641 ], [ 7.256783361249805, 52.436837648449746 ], [ 7.255628384455938, 52.436837648449746 ], [ 7.255628384455938, 52.437043014852641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.436837648449746 ], [ 7.256783361249805, 52.436837648449746 ], [ 7.256783361249805, 52.436632281089736 ], [ 7.255628384455938, 52.436632281089736 ], [ 7.255628384455938, 52.436837648449746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 130.33333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.436632281089736 ], [ 7.256783361249805, 52.436632281089736 ], [ 7.256783361249805, 52.436426912772603 ], [ 7.255628384455938, 52.436426912772603 ], [ 7.255628384455938, 52.436632281089736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.436016173266957 ], [ 7.256783361249805, 52.436016173266957 ], [ 7.256783361249805, 52.435810802078443 ], [ 7.255628384455938, 52.435810802078443 ], [ 7.255628384455938, 52.436016173266957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.435400056830026 ], [ 7.256783361249805, 52.435400056830026 ], [ 7.256783361249805, 52.435194682770117 ], [ 7.255628384455938, 52.435194682770117 ], [ 7.255628384455938, 52.435400056830026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 130.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.434578554847576 ], [ 7.256783361249805, 52.434578554847576 ], [ 7.256783361249805, 52.434373176959106 ], [ 7.255628384455938, 52.434373176959106 ], [ 7.255628384455938, 52.434578554847576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 112.7346345 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.437248380298428 ], [ 7.257938338043674, 52.437248380298428 ], [ 7.257938338043674, 52.437043014852641 ], [ 7.256783361249805, 52.437043014852641 ], [ 7.256783361249805, 52.437248380298428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.437043014852641 ], [ 7.257938338043674, 52.437043014852641 ], [ 7.257938338043674, 52.436837648449746 ], [ 7.256783361249805, 52.436837648449746 ], [ 7.256783361249805, 52.437043014852641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.436837648449746 ], [ 7.257938338043674, 52.436837648449746 ], [ 7.257938338043674, 52.436632281089736 ], [ 7.256783361249805, 52.436632281089736 ], [ 7.256783361249805, 52.436837648449746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.37299755555556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.436632281089736 ], [ 7.257938338043674, 52.436632281089736 ], [ 7.257938338043674, 52.436426912772603 ], [ 7.256783361249805, 52.436426912772603 ], [ 7.256783361249805, 52.436632281089736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 147.71753766666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.436426912772603 ], [ 7.257938338043674, 52.436426912772603 ], [ 7.257938338043674, 52.436221543498341 ], [ 7.256783361249805, 52.436221543498341 ], [ 7.256783361249805, 52.436426912772603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 159.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.436221543498341 ], [ 7.257938338043674, 52.436221543498341 ], [ 7.257938338043674, 52.436016173266957 ], [ 7.256783361249805, 52.436016173266957 ], [ 7.256783361249805, 52.436221543498341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.435810802078443 ], [ 7.257938338043674, 52.435810802078443 ], [ 7.257938338043674, 52.435605429932806 ], [ 7.256783361249805, 52.435605429932806 ], [ 7.256783361249805, 52.435810802078443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34646_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 131.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.435605429932806 ], [ 7.257938338043674, 52.435605429932806 ], [ 7.257938338043674, 52.435400056830026 ], [ 7.256783361249805, 52.435400056830026 ], [ 7.256783361249805, 52.435605429932806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.414926402439932 ], [ 7.251008477280466, 52.414926402439932 ], [ 7.251008477280466, 52.414720932976579 ], [ 7.249853500486598, 52.414720932976579 ], [ 7.249853500486598, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.413077142806308 ], [ 7.251008477280466, 52.413077142806308 ], [ 7.251008477280466, 52.412871664727049 ], [ 7.249853500486598, 52.412871664727049 ], [ 7.249853500486598, 52.413077142806308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.415542805086076 ], [ 7.252163454074334, 52.415542805086076 ], [ 7.252163454074334, 52.415337338494659 ], [ 7.251008477280466, 52.415337338494659 ], [ 7.251008477280466, 52.415542805086076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.414720932976579 ], [ 7.253318430868202, 52.414720932976579 ], [ 7.253318430868202, 52.414515462555933 ], [ 7.252163454074334, 52.414515462555933 ], [ 7.252163454074334, 52.414720932976579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.416159199116429 ], [ 7.254473407662068, 52.416159199116429 ], [ 7.254473407662068, 52.41595373539694 ], [ 7.253318430868202, 52.41595373539694 ], [ 7.253318430868202, 52.416159199116429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.414926402439932 ], [ 7.254473407662068, 52.414926402439932 ], [ 7.254473407662068, 52.414720932976579 ], [ 7.253318430868202, 52.414720932976579 ], [ 7.253318430868202, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.414104518842656 ], [ 7.254473407662068, 52.414104518842656 ], [ 7.254473407662068, 52.413899045550032 ], [ 7.253318430868202, 52.413899045550032 ], [ 7.253318430868202, 52.414104518842656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.416570123683478 ], [ 7.255628384455938, 52.416570123683478 ], [ 7.255628384455938, 52.416364661878596 ], [ 7.254473407662068, 52.416364661878596 ], [ 7.254473407662068, 52.416570123683478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 159.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.416364661878596 ], [ 7.255628384455938, 52.416364661878596 ], [ 7.255628384455938, 52.416159199116429 ], [ 7.254473407662068, 52.416159199116429 ], [ 7.254473407662068, 52.416364661878596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.416159199116429 ], [ 7.255628384455938, 52.416159199116429 ], [ 7.255628384455938, 52.41595373539694 ], [ 7.254473407662068, 52.41595373539694 ], [ 7.254473407662068, 52.416159199116429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.415748270720158 ], [ 7.255628384455938, 52.415748270720158 ], [ 7.255628384455938, 52.415542805086076 ], [ 7.254473407662068, 52.415542805086076 ], [ 7.254473407662068, 52.415748270720158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.415337338494659 ], [ 7.255628384455938, 52.415337338494659 ], [ 7.255628384455938, 52.415131870945956 ], [ 7.254473407662068, 52.415131870945956 ], [ 7.254473407662068, 52.415337338494659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.414104518842656 ], [ 7.255628384455938, 52.414104518842656 ], [ 7.255628384455938, 52.413899045550032 ], [ 7.254473407662068, 52.413899045550032 ], [ 7.254473407662068, 52.414104518842656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.413899045550032 ], [ 7.255628384455938, 52.413899045550032 ], [ 7.255628384455938, 52.413693571300101 ], [ 7.254473407662068, 52.413693571300101 ], [ 7.254473407662068, 52.413899045550032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.416570123683478 ], [ 7.256783361249805, 52.416570123683478 ], [ 7.256783361249805, 52.416364661878596 ], [ 7.255628384455938, 52.416364661878596 ], [ 7.255628384455938, 52.416570123683478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.416159199116429 ], [ 7.256783361249805, 52.416159199116429 ], [ 7.256783361249805, 52.41595373539694 ], [ 7.255628384455938, 52.41595373539694 ], [ 7.255628384455938, 52.416159199116429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.499997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.415337338494659 ], [ 7.256783361249805, 52.415337338494659 ], [ 7.256783361249805, 52.415131870945956 ], [ 7.255628384455938, 52.415131870945956 ], [ 7.255628384455938, 52.415337338494659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 135.90815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.415131870945956 ], [ 7.256783361249805, 52.415131870945956 ], [ 7.256783361249805, 52.414926402439932 ], [ 7.255628384455938, 52.414926402439932 ], [ 7.255628384455938, 52.415131870945956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.414926402439932 ], [ 7.256783361249805, 52.414926402439932 ], [ 7.256783361249805, 52.414720932976579 ], [ 7.255628384455938, 52.414720932976579 ], [ 7.255628384455938, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 126.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.414720932976579 ], [ 7.256783361249805, 52.414720932976579 ], [ 7.256783361249805, 52.414515462555933 ], [ 7.255628384455938, 52.414515462555933 ], [ 7.255628384455938, 52.414720932976579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.414104518842656 ], [ 7.256783361249805, 52.414104518842656 ], [ 7.256783361249805, 52.413899045550032 ], [ 7.255628384455938, 52.413899045550032 ], [ 7.255628384455938, 52.414104518842656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.413488096092827 ], [ 7.256783361249805, 52.413488096092827 ], [ 7.256783361249805, 52.413282619928225 ], [ 7.255628384455938, 52.413282619928225 ], [ 7.255628384455938, 52.413488096092827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 118.33333566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.412666185690462 ], [ 7.256783361249805, 52.412666185690462 ], [ 7.256783361249805, 52.412460705696539 ], [ 7.255628384455938, 52.412460705696539 ], [ 7.255628384455938, 52.412666185690462 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.5225005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.415337338494659 ], [ 7.257938338043674, 52.415337338494659 ], [ 7.257938338043674, 52.415131870945956 ], [ 7.256783361249805, 52.415131870945956 ], [ 7.256783361249805, 52.415337338494659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.415131870945956 ], [ 7.257938338043674, 52.415131870945956 ], [ 7.257938338043674, 52.414926402439932 ], [ 7.256783361249805, 52.414926402439932 ], [ 7.256783361249805, 52.415131870945956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.414926402439932 ], [ 7.257938338043674, 52.414926402439932 ], [ 7.257938338043674, 52.414720932976579 ], [ 7.256783361249805, 52.414720932976579 ], [ 7.256783361249805, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.47182833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.414720932976579 ], [ 7.257938338043674, 52.414720932976579 ], [ 7.257938338043674, 52.414515462555933 ], [ 7.256783361249805, 52.414515462555933 ], [ 7.256783361249805, 52.414720932976579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 131.551349 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.414515462555933 ], [ 7.257938338043674, 52.414515462555933 ], [ 7.257938338043674, 52.414309991177944 ], [ 7.256783361249805, 52.414309991177944 ], [ 7.256783361249805, 52.414515462555933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.414309991177944 ], [ 7.257938338043674, 52.414309991177944 ], [ 7.257938338043674, 52.414104518842656 ], [ 7.256783361249805, 52.414104518842656 ], [ 7.256783361249805, 52.414309991177944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.413899045550032 ], [ 7.257938338043674, 52.413899045550032 ], [ 7.257938338043674, 52.413693571300101 ], [ 7.256783361249805, 52.413693571300101 ], [ 7.256783361249805, 52.413899045550032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34650_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 119.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.413693571300101 ], [ 7.257938338043674, 52.413693571300101 ], [ 7.257938338043674, 52.413488096092827 ], [ 7.256783361249805, 52.413488096092827 ], [ 7.256783361249805, 52.413693571300101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.409446889130685 ], [ 7.251008477280466, 52.409446889130685 ], [ 7.251008477280466, 52.409241394138284 ], [ 7.249853500486598, 52.409241394138284 ], [ 7.249853500486598, 52.409446889130685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 135.74439925000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.407597399733724 ], [ 7.251008477280466, 52.407597399733724 ], [ 7.251008477280466, 52.40739189612497 ], [ 7.249853500486598, 52.40739189612497 ], [ 7.249853500486598, 52.407597399733724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 125.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.410063368363737 ], [ 7.252163454074334, 52.410063368363737 ], [ 7.252163454074334, 52.409857876243407 ], [ 7.251008477280466, 52.409857876243407 ], [ 7.251008477280466, 52.410063368363737 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.409241394138284 ], [ 7.253318430868202, 52.409241394138284 ], [ 7.253318430868202, 52.409035898188506 ], [ 7.252163454074334, 52.409035898188506 ], [ 7.252163454074334, 52.409241394138284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.410679838980563 ], [ 7.254473407662068, 52.410679838980563 ], [ 7.254473407662068, 52.410474349732304 ], [ 7.253318430868202, 52.410474349732304 ], [ 7.253318430868202, 52.410679838980563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.409446889130685 ], [ 7.254473407662068, 52.409446889130685 ], [ 7.254473407662068, 52.409241394138284 ], [ 7.253318430868202, 52.409241394138284 ], [ 7.253318430868202, 52.409446889130685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.408624903416865 ], [ 7.254473407662068, 52.408624903416865 ], [ 7.254473407662068, 52.40841940459498 ], [ 7.253318430868202, 52.40841940459498 ], [ 7.253318430868202, 52.408624903416865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.411090814605011 ], [ 7.255628384455938, 52.411090814605011 ], [ 7.255628384455938, 52.410885327271465 ], [ 7.254473407662068, 52.410885327271465 ], [ 7.254473407662068, 52.411090814605011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 158.666662 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.410885327271465 ], [ 7.255628384455938, 52.410885327271465 ], [ 7.255628384455938, 52.410679838980563 ], [ 7.254473407662068, 52.410679838980563 ], [ 7.254473407662068, 52.410885327271465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.410679838980563 ], [ 7.255628384455938, 52.410679838980563 ], [ 7.255628384455938, 52.410474349732304 ], [ 7.254473407662068, 52.410474349732304 ], [ 7.254473407662068, 52.410679838980563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.410268859526703 ], [ 7.255628384455938, 52.410268859526703 ], [ 7.255628384455938, 52.410063368363737 ], [ 7.254473407662068, 52.410063368363737 ], [ 7.254473407662068, 52.410268859526703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.409857876243407 ], [ 7.255628384455938, 52.409857876243407 ], [ 7.255628384455938, 52.409652383165728 ], [ 7.254473407662068, 52.409652383165728 ], [ 7.254473407662068, 52.409857876243407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 151.447157 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.408624903416865 ], [ 7.255628384455938, 52.408624903416865 ], [ 7.255628384455938, 52.40841940459498 ], [ 7.254473407662068, 52.40841940459498 ], [ 7.254473407662068, 52.408624903416865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.40841940459498 ], [ 7.255628384455938, 52.40841940459498 ], [ 7.255628384455938, 52.408213904815739 ], [ 7.254473407662068, 52.408213904815739 ], [ 7.254473407662068, 52.40841940459498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.411090814605011 ], [ 7.256783361249805, 52.411090814605011 ], [ 7.256783361249805, 52.410885327271465 ], [ 7.255628384455938, 52.410885327271465 ], [ 7.255628384455938, 52.411090814605011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.410679838980563 ], [ 7.256783361249805, 52.410679838980563 ], [ 7.256783361249805, 52.410474349732304 ], [ 7.255628384455938, 52.410474349732304 ], [ 7.255628384455938, 52.410679838980563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.89041733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.409857876243407 ], [ 7.256783361249805, 52.409857876243407 ], [ 7.256783361249805, 52.409652383165728 ], [ 7.255628384455938, 52.409652383165728 ], [ 7.255628384455938, 52.409857876243407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 125.21393925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.409652383165728 ], [ 7.256783361249805, 52.409652383165728 ], [ 7.256783361249805, 52.409446889130685 ], [ 7.255628384455938, 52.409446889130685 ], [ 7.255628384455938, 52.409652383165728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 125.33333266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.409446889130685 ], [ 7.256783361249805, 52.409446889130685 ], [ 7.256783361249805, 52.409241394138284 ], [ 7.255628384455938, 52.409241394138284 ], [ 7.255628384455938, 52.409446889130685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 128.83333233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.409241394138284 ], [ 7.256783361249805, 52.409241394138284 ], [ 7.256783361249805, 52.409035898188506 ], [ 7.255628384455938, 52.409035898188506 ], [ 7.255628384455938, 52.409241394138284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.408624903416865 ], [ 7.256783361249805, 52.408624903416865 ], [ 7.256783361249805, 52.40841940459498 ], [ 7.255628384455938, 52.40841940459498 ], [ 7.255628384455938, 52.408624903416865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.607639 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.408008404079105 ], [ 7.256783361249805, 52.408008404079105 ], [ 7.256783361249805, 52.407802902385107 ], [ 7.255628384455938, 52.407802902385107 ], [ 7.255628384455938, 52.408008404079105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 125.35152775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.407186391558831 ], [ 7.256783361249805, 52.407186391558831 ], [ 7.256783361249805, 52.406980886035306 ], [ 7.255628384455938, 52.406980886035306 ], [ 7.255628384455938, 52.407186391558831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.8959825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.409857876243407 ], [ 7.257938338043674, 52.409857876243407 ], [ 7.257938338043674, 52.409652383165728 ], [ 7.256783361249805, 52.409652383165728 ], [ 7.256783361249805, 52.409857876243407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.409652383165728 ], [ 7.257938338043674, 52.409652383165728 ], [ 7.257938338043674, 52.409446889130685 ], [ 7.256783361249805, 52.409446889130685 ], [ 7.256783361249805, 52.409652383165728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.409446889130685 ], [ 7.257938338043674, 52.409446889130685 ], [ 7.257938338043674, 52.409241394138284 ], [ 7.256783361249805, 52.409241394138284 ], [ 7.256783361249805, 52.409446889130685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 126.94275418181816 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.409241394138284 ], [ 7.257938338043674, 52.409241394138284 ], [ 7.257938338043674, 52.409035898188506 ], [ 7.256783361249805, 52.409035898188506 ], [ 7.256783361249805, 52.409241394138284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 117.74787175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.409035898188506 ], [ 7.257938338043674, 52.409035898188506 ], [ 7.257938338043674, 52.408830401281371 ], [ 7.256783361249805, 52.408830401281371 ], [ 7.256783361249805, 52.409035898188506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 162.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.408830401281371 ], [ 7.257938338043674, 52.408830401281371 ], [ 7.257938338043674, 52.408624903416865 ], [ 7.256783361249805, 52.408624903416865 ], [ 7.256783361249805, 52.408830401281371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.40841940459498 ], [ 7.257938338043674, 52.40841940459498 ], [ 7.257938338043674, 52.408213904815739 ], [ 7.256783361249805, 52.408213904815739 ], [ 7.256783361249805, 52.40841940459498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34651_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 123.0838525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.408213904815739 ], [ 7.257938338043674, 52.408213904815739 ], [ 7.257938338043674, 52.408008404079105 ], [ 7.256783361249805, 52.408008404079105 ], [ 7.256783361249805, 52.408213904815739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.403966695029773 ], [ 7.251008477280466, 52.403966695029773 ], [ 7.251008477280466, 52.403761174507011 ], [ 7.249853500486598, 52.403761174507011 ], [ 7.249853500486598, 52.403966695029773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.402116975857858 ], [ 7.251008477280466, 52.402116975857858 ], [ 7.251008477280466, 52.401911446718294 ], [ 7.249853500486598, 52.401911446718294 ], [ 7.249853500486598, 52.402116975857858 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 130.9368655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.401911446718294 ], [ 7.251008477280466, 52.401911446718294 ], [ 7.251008477280466, 52.401705916621324 ], [ 7.249853500486598, 52.401705916621324 ], [ 7.249853500486598, 52.401911446718294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.404583250853612 ], [ 7.252163454074334, 52.404583250853612 ], [ 7.252163454074334, 52.404377733203084 ], [ 7.251008477280466, 52.404377733203084 ], [ 7.251008477280466, 52.404583250853612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.403761174507011 ], [ 7.253318430868202, 52.403761174507011 ], [ 7.253318430868202, 52.403555653026835 ], [ 7.252163454074334, 52.403555653026835 ], [ 7.252163454074334, 52.403761174507011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.405199798060778 ], [ 7.254473407662068, 52.405199798060778 ], [ 7.254473407662068, 52.404994283282456 ], [ 7.253318430868202, 52.404994283282456 ], [ 7.253318430868202, 52.405199798060778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.403966695029773 ], [ 7.254473407662068, 52.403966695029773 ], [ 7.254473407662068, 52.403761174507011 ], [ 7.253318430868202, 52.403761174507011 ], [ 7.253318430868202, 52.403966695029773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.403144607194228 ], [ 7.254473407662068, 52.403144607194228 ], [ 7.254473407662068, 52.402939082841797 ], [ 7.253318430868202, 52.402939082841797 ], [ 7.253318430868202, 52.403144607194228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.405610824745224 ], [ 7.255628384455938, 52.405610824745224 ], [ 7.255628384455938, 52.405405311881708 ], [ 7.254473407662068, 52.405405311881708 ], [ 7.254473407662068, 52.405610824745224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 158.66666833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.405405311881708 ], [ 7.255628384455938, 52.405405311881708 ], [ 7.255628384455938, 52.405199798060778 ], [ 7.254473407662068, 52.405199798060778 ], [ 7.254473407662068, 52.405405311881708 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 158.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.405199798060778 ], [ 7.255628384455938, 52.405199798060778 ], [ 7.255628384455938, 52.404994283282456 ], [ 7.254473407662068, 52.404994283282456 ], [ 7.254473407662068, 52.405199798060778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 131.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.404788767546748 ], [ 7.255628384455938, 52.404788767546748 ], [ 7.255628384455938, 52.404583250853612 ], [ 7.254473407662068, 52.404583250853612 ], [ 7.254473407662068, 52.404788767546748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.404377733203084 ], [ 7.255628384455938, 52.404377733203084 ], [ 7.255628384455938, 52.404172214595135 ], [ 7.254473407662068, 52.404172214595135 ], [ 7.254473407662068, 52.404377733203084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 152.99999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.403144607194228 ], [ 7.255628384455938, 52.403144607194228 ], [ 7.255628384455938, 52.402939082841797 ], [ 7.254473407662068, 52.402939082841797 ], [ 7.254473407662068, 52.403144607194228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.402939082841797 ], [ 7.255628384455938, 52.402939082841797 ], [ 7.255628384455938, 52.402733557531953 ], [ 7.254473407662068, 52.402733557531953 ], [ 7.254473407662068, 52.402939082841797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.405610824745224 ], [ 7.256783361249805, 52.405610824745224 ], [ 7.256783361249805, 52.405405311881708 ], [ 7.255628384455938, 52.405405311881708 ], [ 7.255628384455938, 52.405610824745224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.405199798060778 ], [ 7.256783361249805, 52.405199798060778 ], [ 7.256783361249805, 52.404994283282456 ], [ 7.255628384455938, 52.404994283282456 ], [ 7.255628384455938, 52.405199798060778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.438254 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.404377733203084 ], [ 7.256783361249805, 52.404377733203084 ], [ 7.256783361249805, 52.404172214595135 ], [ 7.255628384455938, 52.404172214595135 ], [ 7.255628384455938, 52.404377733203084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.404172214595135 ], [ 7.256783361249805, 52.404172214595135 ], [ 7.256783361249805, 52.403966695029773 ], [ 7.255628384455938, 52.403966695029773 ], [ 7.255628384455938, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 129.015626 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.403966695029773 ], [ 7.256783361249805, 52.403966695029773 ], [ 7.256783361249805, 52.403761174507011 ], [ 7.255628384455938, 52.403761174507011 ], [ 7.255628384455938, 52.403966695029773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 129.64502128571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.403761174507011 ], [ 7.256783361249805, 52.403761174507011 ], [ 7.256783361249805, 52.403555653026835 ], [ 7.255628384455938, 52.403555653026835 ], [ 7.255628384455938, 52.403761174507011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.403144607194228 ], [ 7.256783361249805, 52.403144607194228 ], [ 7.256783361249805, 52.402939082841797 ], [ 7.255628384455938, 52.402939082841797 ], [ 7.255628384455938, 52.403144607194228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 147.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.40252803126468 ], [ 7.256783361249805, 52.40252803126468 ], [ 7.256783361249805, 52.402322504039986 ], [ 7.255628384455938, 52.402322504039986 ], [ 7.255628384455938, 52.40252803126468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 125.52430625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.401705916621324 ], [ 7.256783361249805, 52.401705916621324 ], [ 7.256783361249805, 52.401500385566905 ], [ 7.255628384455938, 52.401500385566905 ], [ 7.255628384455938, 52.401705916621324 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 120.93648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.404377733203084 ], [ 7.257938338043674, 52.404377733203084 ], [ 7.257938338043674, 52.404172214595135 ], [ 7.256783361249805, 52.404172214595135 ], [ 7.256783361249805, 52.404377733203084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.404172214595135 ], [ 7.257938338043674, 52.404172214595135 ], [ 7.257938338043674, 52.403966695029773 ], [ 7.256783361249805, 52.403966695029773 ], [ 7.256783361249805, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.403966695029773 ], [ 7.257938338043674, 52.403966695029773 ], [ 7.257938338043674, 52.403761174507011 ], [ 7.256783361249805, 52.403761174507011 ], [ 7.256783361249805, 52.403966695029773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.91666658333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.403761174507011 ], [ 7.257938338043674, 52.403761174507011 ], [ 7.257938338043674, 52.403555653026835 ], [ 7.256783361249805, 52.403555653026835 ], [ 7.256783361249805, 52.403761174507011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 145.82581733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.403555653026835 ], [ 7.257938338043674, 52.403555653026835 ], [ 7.257938338043674, 52.403350130589246 ], [ 7.256783361249805, 52.403350130589246 ], [ 7.256783361249805, 52.403555653026835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.403350130589246 ], [ 7.257938338043674, 52.403350130589246 ], [ 7.257938338043674, 52.403144607194228 ], [ 7.256783361249805, 52.403144607194228 ], [ 7.256783361249805, 52.403350130589246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.402939082841797 ], [ 7.257938338043674, 52.402939082841797 ], [ 7.257938338043674, 52.402733557531953 ], [ 7.256783361249805, 52.402733557531953 ], [ 7.256783361249805, 52.402939082841797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34652_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.31950525000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.402733557531953 ], [ 7.257938338043674, 52.402733557531953 ], [ 7.257938338043674, 52.40252803126468 ], [ 7.256783361249805, 52.40252803126468 ], [ 7.256783361249805, 52.402733557531953 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.398485820102763 ], [ 7.251008477280466, 52.398485820102763 ], [ 7.251008477280466, 52.398280274048346 ], [ 7.249853500486598, 52.398280274048346 ], [ 7.249853500486598, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 132.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.396430316472625 ], [ 7.251008477280466, 52.396430316472625 ], [ 7.251008477280466, 52.396224760843502 ], [ 7.249853500486598, 52.396224760843502 ], [ 7.249853500486598, 52.396430316472625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.399102452521241 ], [ 7.252163454074334, 52.399102452521241 ], [ 7.252163454074334, 52.398896909339214 ], [ 7.251008477280466, 52.398896909339214 ], [ 7.251008477280466, 52.399102452521241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.39971907632264 ], [ 7.254473407662068, 52.39971907632264 ], [ 7.254473407662068, 52.399513536012961 ], [ 7.253318430868202, 52.399513536012961 ], [ 7.253318430868202, 52.39971907632264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.398485820102763 ], [ 7.254473407662068, 52.398485820102763 ], [ 7.254473407662068, 52.398280274048346 ], [ 7.253318430868202, 52.398280274048346 ], [ 7.253318430868202, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.397663630140322 ], [ 7.254473407662068, 52.397663630140322 ], [ 7.254473407662068, 52.397458080256051 ], [ 7.253318430868202, 52.397458080256051 ], [ 7.253318430868202, 52.397663630140322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 158.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.399924615674877 ], [ 7.255628384455938, 52.399924615674877 ], [ 7.255628384455938, 52.39971907632264 ], [ 7.254473407662068, 52.39971907632264 ], [ 7.254473407662068, 52.399924615674877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.399307994745826 ], [ 7.255628384455938, 52.399307994745826 ], [ 7.255628384455938, 52.399102452521241 ], [ 7.254473407662068, 52.399102452521241 ], [ 7.254473407662068, 52.399307994745826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.398896909339214 ], [ 7.255628384455938, 52.398896909339214 ], [ 7.255628384455938, 52.39869136519971 ], [ 7.254473407662068, 52.39869136519971 ], [ 7.254473407662068, 52.398896909339214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 150.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.397663630140322 ], [ 7.255628384455938, 52.397663630140322 ], [ 7.255628384455938, 52.397458080256051 ], [ 7.254473407662068, 52.397458080256051 ], [ 7.254473407662068, 52.397663630140322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.397458080256051 ], [ 7.255628384455938, 52.397458080256051 ], [ 7.255628384455938, 52.39725252941431 ], [ 7.254473407662068, 52.39725252941431 ], [ 7.254473407662068, 52.397458080256051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.40013015406965 ], [ 7.256783361249805, 52.40013015406965 ], [ 7.256783361249805, 52.399924615674877 ], [ 7.255628384455938, 52.399924615674877 ], [ 7.255628384455938, 52.40013015406965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.39971907632264 ], [ 7.256783361249805, 52.39971907632264 ], [ 7.256783361249805, 52.399513536012961 ], [ 7.255628384455938, 52.399513536012961 ], [ 7.255628384455938, 52.39971907632264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.398896909339214 ], [ 7.256783361249805, 52.398896909339214 ], [ 7.256783361249805, 52.39869136519971 ], [ 7.255628384455938, 52.39869136519971 ], [ 7.255628384455938, 52.398896909339214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.39869136519971 ], [ 7.256783361249805, 52.39869136519971 ], [ 7.256783361249805, 52.398485820102763 ], [ 7.255628384455938, 52.398485820102763 ], [ 7.255628384455938, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.398485820102763 ], [ 7.256783361249805, 52.398485820102763 ], [ 7.256783361249805, 52.398280274048346 ], [ 7.255628384455938, 52.398280274048346 ], [ 7.255628384455938, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 127.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.398280274048346 ], [ 7.256783361249805, 52.398280274048346 ], [ 7.256783361249805, 52.398074727036473 ], [ 7.255628384455938, 52.398074727036473 ], [ 7.255628384455938, 52.398280274048346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.397663630140322 ], [ 7.256783361249805, 52.397663630140322 ], [ 7.256783361249805, 52.397458080256051 ], [ 7.255628384455938, 52.397458080256051 ], [ 7.255628384455938, 52.397663630140322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.397046977615098 ], [ 7.256783361249805, 52.397046977615098 ], [ 7.256783361249805, 52.396841424858408 ], [ 7.255628384455938, 52.396841424858408 ], [ 7.255628384455938, 52.397046977615098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 123.491398 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.396224760843502 ], [ 7.256783361249805, 52.396224760843502 ], [ 7.256783361249805, 52.396019204256909 ], [ 7.255628384455938, 52.396019204256909 ], [ 7.255628384455938, 52.396224760843502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.398896909339214 ], [ 7.257938338043674, 52.398896909339214 ], [ 7.257938338043674, 52.39869136519971 ], [ 7.256783361249805, 52.39869136519971 ], [ 7.256783361249805, 52.398896909339214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.39869136519971 ], [ 7.257938338043674, 52.39869136519971 ], [ 7.257938338043674, 52.398485820102763 ], [ 7.256783361249805, 52.398485820102763 ], [ 7.256783361249805, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.398485820102763 ], [ 7.257938338043674, 52.398485820102763 ], [ 7.257938338043674, 52.398280274048346 ], [ 7.256783361249805, 52.398280274048346 ], [ 7.256783361249805, 52.398485820102763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.44767466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.398280274048346 ], [ 7.257938338043674, 52.398280274048346 ], [ 7.257938338043674, 52.398074727036473 ], [ 7.256783361249805, 52.398074727036473 ], [ 7.256783361249805, 52.398280274048346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 156.999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.398074727036473 ], [ 7.257938338043674, 52.398074727036473 ], [ 7.257938338043674, 52.397869179067129 ], [ 7.256783361249805, 52.397869179067129 ], [ 7.256783361249805, 52.398074727036473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.397458080256051 ], [ 7.257938338043674, 52.397458080256051 ], [ 7.257938338043674, 52.39725252941431 ], [ 7.256783361249805, 52.39725252941431 ], [ 7.256783361249805, 52.397458080256051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34653_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 123.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.39725252941431 ], [ 7.257938338043674, 52.39725252941431 ], [ 7.257938338043674, 52.397046977615098 ], [ 7.256783361249805, 52.397046977615098 ], [ 7.256783361249805, 52.39725252941431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.376555511445432 ], [ 7.254473407662068, 52.376555511445432 ], [ 7.254473407662068, 52.376349863251527 ], [ 7.253318430868202, 52.376349863251527 ], [ 7.253318430868202, 52.376555511445432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.377378094644548 ], [ 7.255628384455938, 52.377378094644548 ], [ 7.255628384455938, 52.377172450281243 ], [ 7.254473407662068, 52.377172450281243 ], [ 7.254473407662068, 52.377378094644548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.375527260899332 ], [ 7.255628384455938, 52.375527260899332 ], [ 7.255628384455938, 52.375321607917137 ], [ 7.254473407662068, 52.375321607917137 ], [ 7.254473407662068, 52.375527260899332 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.377789380498214 ], [ 7.256783361249805, 52.377789380498214 ], [ 7.256783361249805, 52.377583738050191 ], [ 7.255628384455938, 52.377583738050191 ], [ 7.255628384455938, 52.377789380498214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 131.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.376761158681688 ], [ 7.256783361249805, 52.376761158681688 ], [ 7.256783361249805, 52.376555511445432 ], [ 7.255628384455938, 52.376555511445432 ], [ 7.255628384455938, 52.376761158681688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.376555511445432 ], [ 7.256783361249805, 52.376555511445432 ], [ 7.256783361249805, 52.376349863251527 ], [ 7.255628384455938, 52.376349863251527 ], [ 7.255628384455938, 52.376555511445432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.375115953977271 ], [ 7.256783361249805, 52.375115953977271 ], [ 7.256783361249805, 52.374910299079744 ], [ 7.255628384455938, 52.374910299079744 ], [ 7.255628384455938, 52.375115953977271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 108.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.374293328641137 ], [ 7.256783361249805, 52.374293328641137 ], [ 7.256783361249805, 52.374087669912917 ], [ 7.255628384455938, 52.374087669912917 ], [ 7.255628384455938, 52.374293328641137 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34657_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 139.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.376144214099966 ], [ 7.257938338043674, 52.376144214099966 ], [ 7.257938338043674, 52.375938563990744 ], [ 7.256783361249805, 52.375938563990744 ], [ 7.256783361249805, 52.376144214099966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.371071231871937 ], [ 7.251008477280466, 52.371071231871937 ], [ 7.251008477280466, 52.37086555813994 ], [ 7.249853500486598, 52.37086555813994 ], [ 7.249853500486598, 52.371071231871937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 135.531347 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.369014451455079 ], [ 7.251008477280466, 52.369014451455079 ], [ 7.251008477280466, 52.368808768145961 ], [ 7.249853500486598, 52.368808768145961 ], [ 7.249853500486598, 52.369014451455079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 129.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.371688247321735 ], [ 7.252163454074334, 52.371688247321735 ], [ 7.252163454074334, 52.371482576462839 ], [ 7.251008477280466, 52.371482576462839 ], [ 7.251008477280466, 52.371688247321735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 162.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.37086555813994 ], [ 7.253318430868202, 52.37086555813994 ], [ 7.253318430868202, 52.370659883450237 ], [ 7.252163454074334, 52.370659883450237 ], [ 7.252163454074334, 52.37086555813994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.372305254152266 ], [ 7.254473407662068, 52.372305254152266 ], [ 7.254473407662068, 52.372099586166442 ], [ 7.253318430868202, 52.372099586166442 ], [ 7.253318430868202, 52.372305254152266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.371071231871937 ], [ 7.254473407662068, 52.371071231871937 ], [ 7.254473407662068, 52.37086555813994 ], [ 7.253318430868202, 52.37086555813994 ], [ 7.253318430868202, 52.371071231871937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.370248531197717 ], [ 7.254473407662068, 52.370248531197717 ], [ 7.254473407662068, 52.370042853634892 ], [ 7.253318430868202, 52.370042853634892 ], [ 7.253318430868202, 52.370248531197717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.372716587250821 ], [ 7.255628384455938, 52.372716587250821 ], [ 7.255628384455938, 52.372510921180393 ], [ 7.254473407662068, 52.372510921180393 ], [ 7.254473407662068, 52.372716587250821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 146.33333283333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.372510921180393 ], [ 7.255628384455938, 52.372510921180393 ], [ 7.255628384455938, 52.372305254152266 ], [ 7.254473407662068, 52.372305254152266 ], [ 7.254473407662068, 52.372510921180393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 131.18760233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.371893917222941 ], [ 7.255628384455938, 52.371893917222941 ], [ 7.255628384455938, 52.371688247321735 ], [ 7.254473407662068, 52.371688247321735 ], [ 7.254473407662068, 52.371893917222941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.371482576462839 ], [ 7.255628384455938, 52.371482576462839 ], [ 7.255628384455938, 52.371276904646244 ], [ 7.254473407662068, 52.371276904646244 ], [ 7.254473407662068, 52.371482576462839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.370042853634892 ], [ 7.255628384455938, 52.370042853634892 ], [ 7.255628384455938, 52.369837175114363 ], [ 7.254473407662068, 52.369837175114363 ], [ 7.254473407662068, 52.370042853634892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 123.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.372716587250821 ], [ 7.256783361249805, 52.372716587250821 ], [ 7.256783361249805, 52.372510921180393 ], [ 7.255628384455938, 52.372510921180393 ], [ 7.255628384455938, 52.372716587250821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.372305254152266 ], [ 7.256783361249805, 52.372305254152266 ], [ 7.256783361249805, 52.372099586166442 ], [ 7.255628384455938, 52.372099586166442 ], [ 7.255628384455938, 52.372305254152266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 134.715295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.371688247321735 ], [ 7.256783361249805, 52.371688247321735 ], [ 7.256783361249805, 52.371482576462839 ], [ 7.255628384455938, 52.371482576462839 ], [ 7.255628384455938, 52.371688247321735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.580395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.371276904646244 ], [ 7.256783361249805, 52.371276904646244 ], [ 7.256783361249805, 52.371071231871937 ], [ 7.255628384455938, 52.371071231871937 ], [ 7.255628384455938, 52.371276904646244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 123.729883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.371071231871937 ], [ 7.256783361249805, 52.371071231871937 ], [ 7.256783361249805, 52.37086555813994 ], [ 7.255628384455938, 52.37086555813994 ], [ 7.255628384455938, 52.371071231871937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 119.375000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.37086555813994 ], [ 7.256783361249805, 52.37086555813994 ], [ 7.256783361249805, 52.370659883450237 ], [ 7.255628384455938, 52.370659883450237 ], [ 7.255628384455938, 52.37086555813994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.370248531197717 ], [ 7.256783361249805, 52.370248531197717 ], [ 7.256783361249805, 52.370042853634892 ], [ 7.255628384455938, 52.370042853634892 ], [ 7.255628384455938, 52.370248531197717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.369631495636114 ], [ 7.256783361249805, 52.369631495636114 ], [ 7.256783361249805, 52.369425815200152 ], [ 7.255628384455938, 52.369425815200152 ], [ 7.255628384455938, 52.369631495636114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 113.90749275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.368808768145961 ], [ 7.256783361249805, 52.368808768145961 ], [ 7.256783361249805, 52.368603083879115 ], [ 7.255628384455938, 52.368603083879115 ], [ 7.255628384455938, 52.368808768145961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.14061575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.371482576462839 ], [ 7.257938338043674, 52.371482576462839 ], [ 7.257938338043674, 52.371276904646244 ], [ 7.256783361249805, 52.371276904646244 ], [ 7.256783361249805, 52.371482576462839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 112.90909090909091 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.371071231871937 ], [ 7.257938338043674, 52.371071231871937 ], [ 7.257938338043674, 52.37086555813994 ], [ 7.256783361249805, 52.37086555813994 ], [ 7.256783361249805, 52.371071231871937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.000000625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.37086555813994 ], [ 7.257938338043674, 52.37086555813994 ], [ 7.257938338043674, 52.370659883450237 ], [ 7.256783361249805, 52.370659883450237 ], [ 7.256783361249805, 52.37086555813994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 116.31829337500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.370659883450237 ], [ 7.257938338043674, 52.370659883450237 ], [ 7.257938338043674, 52.370454207802837 ], [ 7.256783361249805, 52.370454207802837 ], [ 7.256783361249805, 52.370659883450237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.370454207802837 ], [ 7.257938338043674, 52.370454207802837 ], [ 7.257938338043674, 52.370248531197717 ], [ 7.256783361249805, 52.370248531197717 ], [ 7.256783361249805, 52.370454207802837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.370042853634892 ], [ 7.257938338043674, 52.370042853634892 ], [ 7.257938338043674, 52.369837175114363 ], [ 7.256783361249805, 52.369837175114363 ], [ 7.256783361249805, 52.370042853634892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34658_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 105.015448 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.369837175114363 ], [ 7.257938338043674, 52.369837175114363 ], [ 7.257938338043674, 52.369631495636114 ], [ 7.256783361249805, 52.369631495636114 ], [ 7.256783361249805, 52.369837175114363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.365586271266125 ], [ 7.251008477280466, 52.365586271266125 ], [ 7.251008477280466, 52.365380571994741 ], [ 7.249853500486598, 52.365380571994741 ], [ 7.249853500486598, 52.365586271266125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 138.00880175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.363529235453292 ], [ 7.251008477280466, 52.363529235453292 ], [ 7.251008477280466, 52.363323526604312 ], [ 7.249853500486598, 52.363323526604312 ], [ 7.249853500486598, 52.363529235453292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.36620336333376 ], [ 7.252163454074334, 52.36620336333376 ], [ 7.252163454074334, 52.365997666935627 ], [ 7.251008477280466, 52.365997666935627 ], [ 7.251008477280466, 52.36620336333376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 167.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.365380571994741 ], [ 7.253318430868202, 52.365380571994741 ], [ 7.253318430868202, 52.365174871765603 ], [ 7.252163454074334, 52.365174871765603 ], [ 7.252163454074334, 52.365380571994741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 184.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.366820446781702 ], [ 7.254473407662068, 52.366820446781702 ], [ 7.254473407662068, 52.366614753256805 ], [ 7.253318430868202, 52.366614753256805 ], [ 7.253318430868202, 52.366820446781702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.365586271266125 ], [ 7.254473407662068, 52.365586271266125 ], [ 7.254473407662068, 52.365380571994741 ], [ 7.253318430868202, 52.365380571994741 ], [ 7.253318430868202, 52.365586271266125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.364763468434091 ], [ 7.254473407662068, 52.364763468434091 ], [ 7.254473407662068, 52.364557765331689 ], [ 7.253318430868202, 52.364557765331689 ], [ 7.253318430868202, 52.364763468434091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.367231830958296 ], [ 7.255628384455938, 52.367231830958296 ], [ 7.255628384455938, 52.367026139348873 ], [ 7.254473407662068, 52.367026139348873 ], [ 7.254473407662068, 52.367231830958296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 151.85714314285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.367026139348873 ], [ 7.255628384455938, 52.367026139348873 ], [ 7.255628384455938, 52.366820446781702 ], [ 7.254473407662068, 52.366820446781702 ], [ 7.254473407662068, 52.367026139348873 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.2558505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.366409058774153 ], [ 7.255628384455938, 52.366409058774153 ], [ 7.255628384455938, 52.36620336333376 ], [ 7.254473407662068, 52.36620336333376 ], [ 7.254473407662068, 52.366409058774153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.365997666935627 ], [ 7.255628384455938, 52.365997666935627 ], [ 7.255628384455938, 52.365791969579746 ], [ 7.254473407662068, 52.365791969579746 ], [ 7.254473407662068, 52.365997666935627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.364557765331689 ], [ 7.255628384455938, 52.364557765331689 ], [ 7.255628384455938, 52.364352061271532 ], [ 7.254473407662068, 52.364352061271532 ], [ 7.254473407662068, 52.364557765331689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.367231830958296 ], [ 7.256783361249805, 52.367231830958296 ], [ 7.256783361249805, 52.367026139348873 ], [ 7.255628384455938, 52.367026139348873 ], [ 7.255628384455938, 52.367231830958296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 169.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.366820446781702 ], [ 7.256783361249805, 52.366820446781702 ], [ 7.256783361249805, 52.366614753256805 ], [ 7.255628384455938, 52.366614753256805 ], [ 7.255628384455938, 52.366820446781702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 136.135428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.36620336333376 ], [ 7.256783361249805, 52.36620336333376 ], [ 7.256783361249805, 52.365997666935627 ], [ 7.255628384455938, 52.365997666935627 ], [ 7.255628384455938, 52.36620336333376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 110.05026725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.365791969579746 ], [ 7.256783361249805, 52.365791969579746 ], [ 7.256783361249805, 52.365586271266125 ], [ 7.255628384455938, 52.365586271266125 ], [ 7.255628384455938, 52.365791969579746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 116.37499975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.365380571994741 ], [ 7.256783361249805, 52.365380571994741 ], [ 7.256783361249805, 52.365174871765603 ], [ 7.255628384455938, 52.365174871765603 ], [ 7.255628384455938, 52.365380571994741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.364763468434091 ], [ 7.256783361249805, 52.364763468434091 ], [ 7.256783361249805, 52.364557765331689 ], [ 7.255628384455938, 52.364557765331689 ], [ 7.255628384455938, 52.364763468434091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.364146356253613 ], [ 7.256783361249805, 52.364146356253613 ], [ 7.256783361249805, 52.363940650277939 ], [ 7.255628384455938, 52.363940650277939 ], [ 7.255628384455938, 52.364146356253613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 117.6821085 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.363323526604312 ], [ 7.256783361249805, 52.363323526604312 ], [ 7.256783361249805, 52.363117816797555 ], [ 7.255628384455938, 52.363117816797555 ], [ 7.255628384455938, 52.363323526604312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 107.3267956 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.365997666935627 ], [ 7.257938338043674, 52.365997666935627 ], [ 7.257938338043674, 52.365791969579746 ], [ 7.256783361249805, 52.365791969579746 ], [ 7.256783361249805, 52.365997666935627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.83333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.365586271266125 ], [ 7.257938338043674, 52.365586271266125 ], [ 7.257938338043674, 52.365380571994741 ], [ 7.256783361249805, 52.365380571994741 ], [ 7.256783361249805, 52.365586271266125 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.27641442857143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.365380571994741 ], [ 7.257938338043674, 52.365380571994741 ], [ 7.257938338043674, 52.365174871765603 ], [ 7.256783361249805, 52.365174871765603 ], [ 7.256783361249805, 52.365380571994741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 121.28903814285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.365174871765603 ], [ 7.257938338043674, 52.365174871765603 ], [ 7.257938338043674, 52.364969170578732 ], [ 7.256783361249805, 52.364969170578732 ], [ 7.256783361249805, 52.365174871765603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.364969170578732 ], [ 7.257938338043674, 52.364969170578732 ], [ 7.257938338043674, 52.364763468434091 ], [ 7.256783361249805, 52.364763468434091 ], [ 7.256783361249805, 52.364969170578732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.364557765331689 ], [ 7.257938338043674, 52.364557765331689 ], [ 7.257938338043674, 52.364352061271532 ], [ 7.256783361249805, 52.364352061271532 ], [ 7.256783361249805, 52.364557765331689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34659_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 111.6052506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.364352061271532 ], [ 7.257938338043674, 52.364352061271532 ], [ 7.257938338043674, 52.364146356253613 ], [ 7.256783361249805, 52.364146356253613 ], [ 7.256783361249805, 52.364352061271532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.360100629593667 ], [ 7.251008477280466, 52.360100629593667 ], [ 7.251008477280466, 52.359894904781619 ], [ 7.249853500486598, 52.359894904781619 ], [ 7.249853500486598, 52.360100629593667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 106.57954 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.358043338372006 ], [ 7.251008477280466, 52.358043338372006 ], [ 7.251008477280466, 52.357837603981885 ], [ 7.249853500486598, 52.357837603981885 ], [ 7.249853500486598, 52.358043338372006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.360717798283019 ], [ 7.252163454074334, 52.360717798283019 ], [ 7.252163454074334, 52.360512076344364 ], [ 7.251008477280466, 52.360512076344364 ], [ 7.251008477280466, 52.360717798283019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.359894904781619 ], [ 7.253318430868202, 52.359894904781619 ], [ 7.253318430868202, 52.359689179011781 ], [ 7.252163454074334, 52.359689179011781 ], [ 7.252163454074334, 52.359894904781619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.361334958352231 ], [ 7.254473407662068, 52.361334958352231 ], [ 7.254473407662068, 52.361129239286953 ], [ 7.253318430868202, 52.361129239286953 ], [ 7.253318430868202, 52.361334958352231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.360100629593667 ], [ 7.254473407662068, 52.360100629593667 ], [ 7.254473407662068, 52.359894904781619 ], [ 7.253318430868202, 52.359894904781619 ], [ 7.253318430868202, 52.360100629593667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.359277724598677 ], [ 7.254473407662068, 52.359277724598677 ], [ 7.254473407662068, 52.359071995955432 ], [ 7.253318430868202, 52.359071995955432 ], [ 7.253318430868202, 52.359277724598677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 170.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.361746393609437 ], [ 7.255628384455938, 52.361746393609437 ], [ 7.255628384455938, 52.361540676459725 ], [ 7.254473407662068, 52.361540676459725 ], [ 7.254473407662068, 52.361746393609437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 157.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.361540676459725 ], [ 7.255628384455938, 52.361540676459725 ], [ 7.255628384455938, 52.361334958352231 ], [ 7.254473407662068, 52.361334958352231 ], [ 7.254473407662068, 52.361540676459725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.360923519263885 ], [ 7.255628384455938, 52.360923519263885 ], [ 7.255628384455938, 52.360717798283019 ], [ 7.254473407662068, 52.360717798283019 ], [ 7.254473407662068, 52.360923519263885 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.360512076344364 ], [ 7.255628384455938, 52.360512076344364 ], [ 7.255628384455938, 52.360306353447911 ], [ 7.254473407662068, 52.360306353447911 ], [ 7.254473407662068, 52.360512076344364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.359071995955432 ], [ 7.255628384455938, 52.359071995955432 ], [ 7.255628384455938, 52.358866266354362 ], [ 7.254473407662068, 52.358866266354362 ], [ 7.254473407662068, 52.359071995955432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.361746393609437 ], [ 7.256783361249805, 52.361746393609437 ], [ 7.256783361249805, 52.361540676459725 ], [ 7.255628384455938, 52.361540676459725 ], [ 7.255628384455938, 52.361746393609437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 164.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.361334958352231 ], [ 7.256783361249805, 52.361334958352231 ], [ 7.256783361249805, 52.361129239286953 ], [ 7.255628384455938, 52.361129239286953 ], [ 7.255628384455938, 52.361334958352231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 136.468159 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.360717798283019 ], [ 7.256783361249805, 52.360717798283019 ], [ 7.256783361249805, 52.360512076344364 ], [ 7.255628384455938, 52.360512076344364 ], [ 7.255628384455938, 52.360717798283019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 115.7879975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.360306353447911 ], [ 7.256783361249805, 52.360306353447911 ], [ 7.256783361249805, 52.360100629593667 ], [ 7.255628384455938, 52.360100629593667 ], [ 7.255628384455938, 52.360306353447911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 112.260295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.359894904781619 ], [ 7.256783361249805, 52.359894904781619 ], [ 7.256783361249805, 52.359689179011781 ], [ 7.255628384455938, 52.359689179011781 ], [ 7.255628384455938, 52.359894904781619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.359277724598677 ], [ 7.256783361249805, 52.359277724598677 ], [ 7.256783361249805, 52.359071995955432 ], [ 7.255628384455938, 52.359071995955432 ], [ 7.255628384455938, 52.359277724598677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.150016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.358660535795501 ], [ 7.256783361249805, 52.358660535795501 ], [ 7.256783361249805, 52.358454804278807 ], [ 7.255628384455938, 52.358454804278807 ], [ 7.255628384455938, 52.358660535795501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 120.477517 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.357837603981885 ], [ 7.256783361249805, 52.357837603981885 ], [ 7.256783361249805, 52.357631868633938 ], [ 7.255628384455938, 52.357631868633938 ], [ 7.255628384455938, 52.357837603981885 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 98.399551 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.360512076344364 ], [ 7.257938338043674, 52.360512076344364 ], [ 7.257938338043674, 52.360306353447911 ], [ 7.256783361249805, 52.360306353447911 ], [ 7.256783361249805, 52.360512076344364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.81818181818181 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.360100629593667 ], [ 7.257938338043674, 52.360100629593667 ], [ 7.257938338043674, 52.359894904781619 ], [ 7.256783361249805, 52.359894904781619 ], [ 7.256783361249805, 52.360100629593667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.124999375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.359894904781619 ], [ 7.257938338043674, 52.359894904781619 ], [ 7.257938338043674, 52.359689179011781 ], [ 7.256783361249805, 52.359689179011781 ], [ 7.256783361249805, 52.359894904781619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.76082625000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.359689179011781 ], [ 7.257938338043674, 52.359689179011781 ], [ 7.257938338043674, 52.359483452284138 ], [ 7.256783361249805, 52.359483452284138 ], [ 7.256783361249805, 52.359689179011781 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.359483452284138 ], [ 7.257938338043674, 52.359483452284138 ], [ 7.257938338043674, 52.359277724598677 ], [ 7.256783361249805, 52.359277724598677 ], [ 7.256783361249805, 52.359483452284138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.359071995955432 ], [ 7.257938338043674, 52.359071995955432 ], [ 7.257938338043674, 52.358866266354362 ], [ 7.256783361249805, 52.358866266354362 ], [ 7.256783361249805, 52.359071995955432 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34660_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 110.195877 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.358866266354362 ], [ 7.257938338043674, 52.358866266354362 ], [ 7.257938338043674, 52.358660535795501 ], [ 7.256783361249805, 52.358660535795501 ], [ 7.256783361249805, 52.358866266354362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.354614306820302 ], [ 7.251008477280466, 52.354614306820302 ], [ 7.251008477280466, 52.354408556466311 ], [ 7.249853500486598, 52.354408556466311 ], [ 7.249853500486598, 52.354614306820302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.226065333333338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.352556760176974 ], [ 7.251008477280466, 52.352556760176974 ], [ 7.251008477280466, 52.352351000244418 ], [ 7.249853500486598, 52.352351000244418 ], [ 7.249853500486598, 52.352556760176974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.355231552135223 ], [ 7.252163454074334, 52.355231552135223 ], [ 7.252163454074334, 52.355025804654758 ], [ 7.251008477280466, 52.355025804654758 ], [ 7.251008477280466, 52.355231552135223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.354408556466311 ], [ 7.253318430868202, 52.354408556466311 ], [ 7.253318430868202, 52.354202805154472 ], [ 7.252163454074334, 52.354202805154472 ], [ 7.252163454074334, 52.354408556466311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.355848788829569 ], [ 7.254473407662068, 52.355848788829569 ], [ 7.254473407662068, 52.355643044222624 ], [ 7.253318430868202, 52.355643044222624 ], [ 7.253318430868202, 52.355848788829569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.354614306820302 ], [ 7.254473407662068, 52.354614306820302 ], [ 7.254473407662068, 52.354408556466311 ], [ 7.253318430868202, 52.354408556466311 ], [ 7.253318430868202, 52.354614306820302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.353791299657232 ], [ 7.254473407662068, 52.353791299657232 ], [ 7.254473407662068, 52.353585545471837 ], [ 7.253318430868202, 52.353585545471837 ], [ 7.253318430868202, 52.353791299657232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.356260275169952 ], [ 7.255628384455938, 52.356260275169952 ], [ 7.255628384455938, 52.356054532478673 ], [ 7.254473407662068, 52.356054532478673 ], [ 7.254473407662068, 52.356260275169952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 160.021668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.356054532478673 ], [ 7.255628384455938, 52.356054532478673 ], [ 7.255628384455938, 52.355848788829569 ], [ 7.254473407662068, 52.355848788829569 ], [ 7.254473407662068, 52.356054532478673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 130.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.35543729865784 ], [ 7.255628384455938, 52.35543729865784 ], [ 7.255628384455938, 52.355231552135223 ], [ 7.254473407662068, 52.355231552135223 ], [ 7.254473407662068, 52.35543729865784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.355025804654758 ], [ 7.255628384455938, 52.355025804654758 ], [ 7.255628384455938, 52.354820056216461 ], [ 7.254473407662068, 52.354820056216461 ], [ 7.254473407662068, 52.355025804654758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.353585545471837 ], [ 7.255628384455938, 52.353585545471837 ], [ 7.255628384455938, 52.353379790328582 ], [ 7.254473407662068, 52.353379790328582 ], [ 7.254473407662068, 52.353585545471837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.356260275169952 ], [ 7.256783361249805, 52.356260275169952 ], [ 7.256783361249805, 52.356054532478673 ], [ 7.255628384455938, 52.356054532478673 ], [ 7.255628384455938, 52.356260275169952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.355848788829569 ], [ 7.256783361249805, 52.355848788829569 ], [ 7.256783361249805, 52.355643044222624 ], [ 7.255628384455938, 52.355643044222624 ], [ 7.255628384455938, 52.355848788829569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.355231552135223 ], [ 7.256783361249805, 52.355231552135223 ], [ 7.256783361249805, 52.355025804654758 ], [ 7.255628384455938, 52.355025804654758 ], [ 7.255628384455938, 52.355231552135223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.354820056216461 ], [ 7.256783361249805, 52.354820056216461 ], [ 7.256783361249805, 52.354614306820302 ], [ 7.255628384455938, 52.354614306820302 ], [ 7.255628384455938, 52.354820056216461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 68.55555588888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.354408556466311 ], [ 7.256783361249805, 52.354408556466311 ], [ 7.256783361249805, 52.354202805154472 ], [ 7.255628384455938, 52.354202805154472 ], [ 7.255628384455938, 52.354408556466311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.353791299657232 ], [ 7.256783361249805, 52.353791299657232 ], [ 7.256783361249805, 52.353585545471837 ], [ 7.255628384455938, 52.353585545471837 ], [ 7.255628384455938, 52.353791299657232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 147.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.353174034227472 ], [ 7.256783361249805, 52.353174034227472 ], [ 7.256783361249805, 52.352968277168493 ], [ 7.255628384455938, 52.352968277168493 ], [ 7.255628384455938, 52.353174034227472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.19375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.352351000244418 ], [ 7.256783361249805, 52.352351000244418 ], [ 7.256783361249805, 52.352145239354002 ], [ 7.255628384455938, 52.352145239354002 ], [ 7.255628384455938, 52.352351000244418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 88.923869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.355025804654758 ], [ 7.257938338043674, 52.355025804654758 ], [ 7.257938338043674, 52.354820056216461 ], [ 7.256783361249805, 52.354820056216461 ], [ 7.256783361249805, 52.355025804654758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.354614306820302 ], [ 7.257938338043674, 52.354614306820302 ], [ 7.257938338043674, 52.354408556466311 ], [ 7.256783361249805, 52.354408556466311 ], [ 7.256783361249805, 52.354614306820302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.5999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.354408556466311 ], [ 7.257938338043674, 52.354408556466311 ], [ 7.257938338043674, 52.354202805154472 ], [ 7.256783361249805, 52.354202805154472 ], [ 7.256783361249805, 52.354408556466311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.94225366666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.354202805154472 ], [ 7.257938338043674, 52.354202805154472 ], [ 7.257938338043674, 52.353997052884772 ], [ 7.256783361249805, 52.353997052884772 ], [ 7.256783361249805, 52.354202805154472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.353997052884772 ], [ 7.257938338043674, 52.353997052884772 ], [ 7.257938338043674, 52.353791299657232 ], [ 7.256783361249805, 52.353791299657232 ], [ 7.256783361249805, 52.353997052884772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.353585545471837 ], [ 7.257938338043674, 52.353585545471837 ], [ 7.257938338043674, 52.353379790328582 ], [ 7.256783361249805, 52.353379790328582 ], [ 7.256783361249805, 52.353585545471837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34661_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 127.3167185 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.353379790328582 ], [ 7.257938338043674, 52.353379790328582 ], [ 7.257938338043674, 52.353174034227472 ], [ 7.256783361249805, 52.353174034227472 ], [ 7.256783361249805, 52.353379790328582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34663_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 68.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.342816406319201 ], [ 7.256783361249805, 52.342816406319201 ], [ 7.256783361249805, 52.342610601045664 ], [ 7.255628384455938, 52.342610601045664 ], [ 7.255628384455938, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34663_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.58026 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.34322801399243 ], [ 7.257938338043674, 52.34322801399243 ], [ 7.257938338043674, 52.343022210634786 ], [ 7.256783361249805, 52.343022210634786 ], [ 7.256783361249805, 52.34322801399243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34663_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 70.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.343022210634786 ], [ 7.257938338043674, 52.343022210634786 ], [ 7.257938338043674, 52.342816406319201 ], [ 7.256783361249805, 52.342816406319201 ], [ 7.256783361249805, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34663_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.342610601045664 ], [ 7.257938338043674, 52.342610601045664 ], [ 7.257938338043674, 52.342404794814179 ], [ 7.256783361249805, 52.342404794814179 ], [ 7.256783361249805, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 158.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.338151251552333 ], [ 7.251008477280466, 52.338151251552333 ], [ 7.251008477280466, 52.337945424564786 ], [ 7.249853500486598, 52.337945424564786 ], [ 7.249853500486598, 52.338151251552333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 107.5404625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.336092938566978 ], [ 7.251008477280466, 52.336092938566978 ], [ 7.251008477280466, 52.335887101999418 ], [ 7.249853500486598, 52.335887101999418 ], [ 7.249853500486598, 52.336092938566978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.338768726767043 ], [ 7.252163454074334, 52.338768726767043 ], [ 7.252163454074334, 52.338562902653472 ], [ 7.251008477280466, 52.338562902653472 ], [ 7.251008477280466, 52.338768726767043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.337945424564786 ], [ 7.253318430868202, 52.337945424564786 ], [ 7.253318430868202, 52.337739596619244 ], [ 7.252163454074334, 52.337739596619244 ], [ 7.252163454074334, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.339386193359886 ], [ 7.254473407662068, 52.339386193359886 ], [ 7.254473407662068, 52.339180372120246 ], [ 7.253318430868202, 52.339180372120246 ], [ 7.253318430868202, 52.339386193359886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.338151251552333 ], [ 7.254473407662068, 52.338151251552333 ], [ 7.254473407662068, 52.337945424564786 ], [ 7.253318430868202, 52.337945424564786 ], [ 7.253318430868202, 52.338151251552333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.337327937854184 ], [ 7.254473407662068, 52.337327937854184 ], [ 7.254473407662068, 52.337122107034645 ], [ 7.253318430868202, 52.337122107034645 ], [ 7.253318430868202, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.339797832965203 ], [ 7.255628384455938, 52.339797832965203 ], [ 7.255628384455938, 52.339592013641536 ], [ 7.254473407662068, 52.339592013641536 ], [ 7.254473407662068, 52.339797832965203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 154.00000080000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.339592013641536 ], [ 7.255628384455938, 52.339592013641536 ], [ 7.255628384455938, 52.339386193359886 ], [ 7.254473407662068, 52.339386193359886 ], [ 7.254473407662068, 52.339592013641536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.338562902653472 ], [ 7.255628384455938, 52.338562902653472 ], [ 7.255628384455938, 52.338357077581897 ], [ 7.254473407662068, 52.338357077581897 ], [ 7.254473407662068, 52.338562902653472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.339797832965203 ], [ 7.256783361249805, 52.339797832965203 ], [ 7.256783361249805, 52.339592013641536 ], [ 7.255628384455938, 52.339592013641536 ], [ 7.255628384455938, 52.339797832965203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.339386193359886 ], [ 7.256783361249805, 52.339386193359886 ], [ 7.256783361249805, 52.339180372120246 ], [ 7.255628384455938, 52.339180372120246 ], [ 7.255628384455938, 52.339386193359886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.338768726767043 ], [ 7.256783361249805, 52.338768726767043 ], [ 7.256783361249805, 52.338562902653472 ], [ 7.255628384455938, 52.338562902653472 ], [ 7.255628384455938, 52.338768726767043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.1390745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.338357077581897 ], [ 7.256783361249805, 52.338357077581897 ], [ 7.256783361249805, 52.338151251552333 ], [ 7.255628384455938, 52.338151251552333 ], [ 7.255628384455938, 52.338357077581897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 48.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.337327937854184 ], [ 7.256783361249805, 52.337327937854184 ], [ 7.256783361249805, 52.337122107034645 ], [ 7.255628384455938, 52.337122107034645 ], [ 7.255628384455938, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.336710442521593 ], [ 7.256783361249805, 52.336710442521593 ], [ 7.256783361249805, 52.336504608828065 ], [ 7.255628384455938, 52.336504608828065 ], [ 7.255628384455938, 52.336710442521593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 112.52822325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.335887101999418 ], [ 7.256783361249805, 52.335887101999418 ], [ 7.256783361249805, 52.335681264473855 ], [ 7.255628384455938, 52.335681264473855 ], [ 7.255628384455938, 52.335887101999418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 129.2085115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.338562902653472 ], [ 7.257938338043674, 52.338562902653472 ], [ 7.257938338043674, 52.338357077581897 ], [ 7.256783361249805, 52.338357077581897 ], [ 7.256783361249805, 52.338562902653472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.338151251552333 ], [ 7.257938338043674, 52.338151251552333 ], [ 7.257938338043674, 52.337945424564786 ], [ 7.256783361249805, 52.337945424564786 ], [ 7.256783361249805, 52.338151251552333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.48926714285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.337945424564786 ], [ 7.257938338043674, 52.337945424564786 ], [ 7.257938338043674, 52.337739596619244 ], [ 7.256783361249805, 52.337739596619244 ], [ 7.256783361249805, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 126.9871938 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.337739596619244 ], [ 7.257938338043674, 52.337739596619244 ], [ 7.257938338043674, 52.337533767715719 ], [ 7.256783361249805, 52.337533767715719 ], [ 7.256783361249805, 52.337739596619244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 46.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.337533767715719 ], [ 7.257938338043674, 52.337533767715719 ], [ 7.257938338043674, 52.337327937854184 ], [ 7.256783361249805, 52.337327937854184 ], [ 7.256783361249805, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 57.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.337122107034645 ], [ 7.257938338043674, 52.337122107034645 ], [ 7.257938338043674, 52.336916275257124 ], [ 7.256783361249805, 52.336916275257124 ], [ 7.256783361249805, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34664_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 111.67690875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.336916275257124 ], [ 7.257938338043674, 52.336916275257124 ], [ 7.257938338043674, 52.336710442521593 ], [ 7.256783361249805, 52.336710442521593 ], [ 7.256783361249805, 52.336916275257124 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.332662204032999 ], [ 7.251008477280466, 52.332662204032999 ], [ 7.251008477280466, 52.332456351498365 ], [ 7.249853500486598, 52.332456351498365 ], [ 7.249853500486598, 52.332662204032999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 127.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.330603635574654 ], [ 7.251008477280466, 52.330603635574654 ], [ 7.251008477280466, 52.330397773459531 ], [ 7.249853500486598, 52.330397773459531 ], [ 7.249853500486598, 52.330603635574654 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.333279755888661 ], [ 7.252163454074334, 52.333279755888661 ], [ 7.252163454074334, 52.333073906228144 ], [ 7.251008477280466, 52.333073906228144 ], [ 7.251008477280466, 52.333279755888661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 164.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.332456351498365 ], [ 7.253318430868202, 52.332456351498365 ], [ 7.253318430868202, 52.332250498005692 ], [ 7.252163454074334, 52.332250498005692 ], [ 7.252163454074334, 52.332456351498365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.333897299122029 ], [ 7.254473407662068, 52.333897299122029 ], [ 7.254473407662068, 52.333691452335607 ], [ 7.253318430868202, 52.333691452335607 ], [ 7.253318430868202, 52.333897299122029 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.332662204032999 ], [ 7.254473407662068, 52.332662204032999 ], [ 7.254473407662068, 52.332456351498365 ], [ 7.253318430868202, 52.332456351498365 ], [ 7.253318430868202, 52.332662204032999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 146.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.331838788146229 ], [ 7.254473407662068, 52.331838788146229 ], [ 7.254473407662068, 52.331632931779424 ], [ 7.253318430868202, 52.331632931779424 ], [ 7.253318430868202, 52.331838788146229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.334308989820798 ], [ 7.255628384455938, 52.334308989820798 ], [ 7.255628384455938, 52.334103144950433 ], [ 7.254473407662068, 52.334103144950433 ], [ 7.254473407662068, 52.334308989820798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 157.749999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.334103144950433 ], [ 7.255628384455938, 52.334103144950433 ], [ 7.255628384455938, 52.333897299122029 ], [ 7.254473407662068, 52.333897299122029 ], [ 7.254473407662068, 52.334103144950433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 136.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.333073906228144 ], [ 7.255628384455938, 52.333073906228144 ], [ 7.255628384455938, 52.332868055609588 ], [ 7.254473407662068, 52.332868055609588 ], [ 7.254473407662068, 52.333073906228144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.334308989820798 ], [ 7.256783361249805, 52.334308989820798 ], [ 7.256783361249805, 52.334103144950433 ], [ 7.255628384455938, 52.334103144950433 ], [ 7.255628384455938, 52.334308989820798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.333897299122029 ], [ 7.256783361249805, 52.333897299122029 ], [ 7.256783361249805, 52.333691452335607 ], [ 7.255628384455938, 52.333691452335607 ], [ 7.255628384455938, 52.333897299122029 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 125.5843615 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.333279755888661 ], [ 7.256783361249805, 52.333279755888661 ], [ 7.256783361249805, 52.333073906228144 ], [ 7.255628384455938, 52.333073906228144 ], [ 7.255628384455938, 52.333279755888661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.45469133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.332868055609588 ], [ 7.256783361249805, 52.332868055609588 ], [ 7.256783361249805, 52.332662204032999 ], [ 7.255628384455938, 52.332662204032999 ], [ 7.255628384455938, 52.332868055609588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 145.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.33122121617167 ], [ 7.256783361249805, 52.33122121617167 ], [ 7.256783361249805, 52.331015356930713 ], [ 7.255628384455938, 52.331015356930713 ], [ 7.255628384455938, 52.33122121617167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 110.4478305 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.330397773459531 ], [ 7.256783361249805, 52.330397773459531 ], [ 7.256783361249805, 52.330191910386361 ], [ 7.255628384455938, 52.330191910386361 ], [ 7.255628384455938, 52.330397773459531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 132.85363575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.333073906228144 ], [ 7.257938338043674, 52.333073906228144 ], [ 7.257938338043674, 52.332868055609588 ], [ 7.256783361249805, 52.332868055609588 ], [ 7.256783361249805, 52.333073906228144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.332662204032999 ], [ 7.257938338043674, 52.332662204032999 ], [ 7.257938338043674, 52.332456351498365 ], [ 7.256783361249805, 52.332456351498365 ], [ 7.256783361249805, 52.332662204032999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.91861385714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.332456351498365 ], [ 7.257938338043674, 52.332456351498365 ], [ 7.257938338043674, 52.332250498005692 ], [ 7.256783361249805, 52.332250498005692 ], [ 7.256783361249805, 52.332456351498365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.09219475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.332250498005692 ], [ 7.257938338043674, 52.332250498005692 ], [ 7.257938338043674, 52.332044643554987 ], [ 7.256783361249805, 52.332044643554987 ], [ 7.256783361249805, 52.332250498005692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34665_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 102.62205675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.331427074454567 ], [ 7.257938338043674, 52.331427074454567 ], [ 7.257938338043674, 52.33122121617167 ], [ 7.256783361249805, 52.33122121617167 ], [ 7.256783361249805, 52.331427074454567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.327172475241682 ], [ 7.251008477280466, 52.327172475241682 ], [ 7.251008477280466, 52.326966597158687 ], [ 7.249853500486598, 52.326966597158687 ], [ 7.249853500486598, 52.327172475241682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 136.96052525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.325113651297535 ], [ 7.251008477280466, 52.325113651297535 ], [ 7.251008477280466, 52.324907763633576 ], [ 7.249853500486598, 52.324907763633576 ], [ 7.249853500486598, 52.325113651297535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.327790103742153 ], [ 7.252163454074334, 52.327790103742153 ], [ 7.252163454074334, 52.327584228533418 ], [ 7.251008477280466, 52.327584228533418 ], [ 7.251008477280466, 52.327790103742153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.326966597158687 ], [ 7.253318430868202, 52.326966597158687 ], [ 7.253318430868202, 52.326760718117605 ], [ 7.252163454074334, 52.326760718117605 ], [ 7.252163454074334, 52.326966597158687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.328407723619883 ], [ 7.254473407662068, 52.328407723619883 ], [ 7.254473407662068, 52.328201851285392 ], [ 7.253318430868202, 52.328201851285392 ], [ 7.253318430868202, 52.328407723619883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.327172475241682 ], [ 7.254473407662068, 52.327172475241682 ], [ 7.254473407662068, 52.326966597158687 ], [ 7.253318430868202, 52.326966597158687 ], [ 7.253318430868202, 52.327172475241682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.326348957161166 ], [ 7.254473407662068, 52.326348957161166 ], [ 7.254473407662068, 52.32614307524581 ], [ 7.253318430868202, 52.32614307524581 ], [ 7.253318430868202, 52.326348957161166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.328819465414668 ], [ 7.255628384455938, 52.328819465414668 ], [ 7.255628384455938, 52.328613594996312 ], [ 7.254473407662068, 52.328613594996312 ], [ 7.254473407662068, 52.328819465414668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 154.69348583333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.328613594996312 ], [ 7.255628384455938, 52.328613594996312 ], [ 7.255628384455938, 52.328407723619883 ], [ 7.254473407662068, 52.328407723619883 ], [ 7.254473407662068, 52.328613594996312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.327584228533418 ], [ 7.255628384455938, 52.327584228533418 ], [ 7.255628384455938, 52.327378352366587 ], [ 7.254473407662068, 52.327378352366587 ], [ 7.254473407662068, 52.327584228533418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.328819465414668 ], [ 7.256783361249805, 52.328819465414668 ], [ 7.256783361249805, 52.328613594996312 ], [ 7.255628384455938, 52.328613594996312 ], [ 7.255628384455938, 52.328819465414668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 185.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.328407723619883 ], [ 7.256783361249805, 52.328407723619883 ], [ 7.256783361249805, 52.328201851285392 ], [ 7.255628384455938, 52.328201851285392 ], [ 7.255628384455938, 52.328407723619883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 125.813081 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.327790103742153 ], [ 7.256783361249805, 52.327790103742153 ], [ 7.256783361249805, 52.327584228533418 ], [ 7.255628384455938, 52.327584228533418 ], [ 7.255628384455938, 52.327790103742153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.235542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.327378352366587 ], [ 7.256783361249805, 52.327378352366587 ], [ 7.256783361249805, 52.327172475241682 ], [ 7.255628384455938, 52.327172475241682 ], [ 7.255628384455938, 52.327378352366587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 147.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.325731308540796 ], [ 7.256783361249805, 52.325731308540796 ], [ 7.256783361249805, 52.325525423751145 ], [ 7.255628384455938, 52.325525423751145 ], [ 7.255628384455938, 52.325731308540796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 107.60755175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.324907763633576 ], [ 7.256783361249805, 52.324907763633576 ], [ 7.256783361249805, 52.324701875011513 ], [ 7.255628384455938, 52.324701875011513 ], [ 7.255628384455938, 52.324907763633576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 133.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.327584228533418 ], [ 7.257938338043674, 52.327584228533418 ], [ 7.257938338043674, 52.327378352366587 ], [ 7.256783361249805, 52.327378352366587 ], [ 7.256783361249805, 52.327584228533418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.58333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.327172475241682 ], [ 7.257938338043674, 52.327172475241682 ], [ 7.257938338043674, 52.326966597158687 ], [ 7.256783361249805, 52.326966597158687 ], [ 7.256783361249805, 52.327172475241682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.89926285714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.326966597158687 ], [ 7.257938338043674, 52.326966597158687 ], [ 7.257938338043674, 52.326760718117605 ], [ 7.256783361249805, 52.326760718117605 ], [ 7.256783361249805, 52.326966597158687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.35068842857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.326760718117605 ], [ 7.257938338043674, 52.326760718117605 ], [ 7.257938338043674, 52.326554838118433 ], [ 7.256783361249805, 52.326554838118433 ], [ 7.256783361249805, 52.326760718117605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34666_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 106.02377025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.325937192372351 ], [ 7.257938338043674, 52.325937192372351 ], [ 7.257938338043674, 52.325731308540796 ], [ 7.256783361249805, 52.325731308540796 ], [ 7.256783361249805, 52.325937192372351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 115.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.321682065144238 ], [ 7.251008477280466, 52.321682065144238 ], [ 7.251008477280466, 52.32147616151159 ], [ 7.249853500486598, 52.32147616151159 ], [ 7.249853500486598, 52.321682065144238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 137.66279566666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.319622985701486 ], [ 7.251008477280466, 52.319622985701486 ], [ 7.251008477280466, 52.319417072487397 ], [ 7.249853500486598, 52.319417072487397 ], [ 7.249853500486598, 52.319622985701486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.322299770293348 ], [ 7.252163454074334, 52.322299770293348 ], [ 7.252163454074334, 52.322093869535109 ], [ 7.251008477280466, 52.322093869535109 ], [ 7.251008477280466, 52.322299770293348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.32147616151159 ], [ 7.253318430868202, 52.32147616151159 ], [ 7.253318430868202, 52.321270256920819 ], [ 7.252163454074334, 52.321270256920819 ], [ 7.252163454074334, 52.32147616151159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 189.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.322917466819298 ], [ 7.254473407662068, 52.322917466819298 ], [ 7.254473407662068, 52.322711568935439 ], [ 7.253318430868202, 52.322711568935439 ], [ 7.253318430868202, 52.322917466819298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.321682065144238 ], [ 7.254473407662068, 52.321682065144238 ], [ 7.254473407662068, 52.32147616151159 ], [ 7.253318430868202, 52.32147616151159 ], [ 7.253318430868202, 52.321682065144238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.320858444864854 ], [ 7.254473407662068, 52.320858444864854 ], [ 7.254473407662068, 52.32065253739966 ], [ 7.253318430868202, 52.32065253739966 ], [ 7.253318430868202, 52.320858444864854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 175.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.323329259712644 ], [ 7.255628384455938, 52.323329259712644 ], [ 7.255628384455938, 52.323123363745033 ], [ 7.254473407662068, 52.323123363745033 ], [ 7.254473407662068, 52.323329259712644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 155.2000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.323123363745033 ], [ 7.255628384455938, 52.323123363745033 ], [ 7.255628384455938, 52.322917466819298 ], [ 7.254473407662068, 52.322917466819298 ], [ 7.254473407662068, 52.323123363745033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.322093869535109 ], [ 7.255628384455938, 52.322093869535109 ], [ 7.255628384455938, 52.321887967818739 ], [ 7.254473407662068, 52.321887967818739 ], [ 7.254473407662068, 52.322093869535109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.323329259712644 ], [ 7.256783361249805, 52.323329259712644 ], [ 7.256783361249805, 52.323123363745033 ], [ 7.255628384455938, 52.323123363745033 ], [ 7.255628384455938, 52.323329259712644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.322917466819298 ], [ 7.256783361249805, 52.322917466819298 ], [ 7.256783361249805, 52.322711568935439 ], [ 7.255628384455938, 52.322711568935439 ], [ 7.255628384455938, 52.322917466819298 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.105431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.322299770293348 ], [ 7.256783361249805, 52.322299770293348 ], [ 7.256783361249805, 52.322093869535109 ], [ 7.255628384455938, 52.322093869535109 ], [ 7.255628384455938, 52.322299770293348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 126.560074 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.321887967818739 ], [ 7.256783361249805, 52.321887967818739 ], [ 7.256783361249805, 52.321682065144238 ], [ 7.255628384455938, 52.321682065144238 ], [ 7.255628384455938, 52.321887967818739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 148.33333533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.320240719594842 ], [ 7.256783361249805, 52.320240719594842 ], [ 7.256783361249805, 52.320034809255198 ], [ 7.255628384455938, 52.320034809255198 ], [ 7.255628384455938, 52.320240719594842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 110.25814075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.319417072487397 ], [ 7.256783361249805, 52.319417072487397 ], [ 7.256783361249805, 52.319211158315163 ], [ 7.255628384455938, 52.319211158315163 ], [ 7.255628384455938, 52.319417072487397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 135.00000275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.322093869535109 ], [ 7.257938338043674, 52.322093869535109 ], [ 7.257938338043674, 52.321887967818739 ], [ 7.256783361249805, 52.321887967818739 ], [ 7.256783361249805, 52.322093869535109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.321682065144238 ], [ 7.257938338043674, 52.321682065144238 ], [ 7.257938338043674, 52.32147616151159 ], [ 7.256783361249805, 52.32147616151159 ], [ 7.256783361249805, 52.321682065144238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.299497 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.32147616151159 ], [ 7.257938338043674, 52.32147616151159 ], [ 7.257938338043674, 52.321270256920819 ], [ 7.256783361249805, 52.321270256920819 ], [ 7.256783361249805, 52.32147616151159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 115.08883214285713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.321270256920819 ], [ 7.257938338043674, 52.321270256920819 ], [ 7.257938338043674, 52.321064351371902 ], [ 7.256783361249805, 52.321064351371902 ], [ 7.256783361249805, 52.321270256920819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34667_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 114.56257125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.320446628976313 ], [ 7.257938338043674, 52.320446628976313 ], [ 7.257938338043674, 52.320240719594842 ], [ 7.256783361249805, 52.320240719594842 ], [ 7.256783361249805, 52.320446628976313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.316190973706519 ], [ 7.251008477280466, 52.316190973706519 ], [ 7.251008477280466, 52.315985044522961 ], [ 7.249853500486598, 52.315985044522961 ], [ 7.249853500486598, 52.316190973706519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 134.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.314131638752379 ], [ 7.251008477280466, 52.314131638752379 ], [ 7.251008477280466, 52.313925699986896 ], [ 7.249853500486598, 52.313925699986896 ], [ 7.249853500486598, 52.314131638752379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.316808755508113 ], [ 7.252163454074334, 52.316808755508113 ], [ 7.252163454074334, 52.316602829199098 ], [ 7.251008477280466, 52.316602829199098 ], [ 7.251008477280466, 52.316808755508113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 167.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.315985044522961 ], [ 7.253318430868202, 52.315985044522961 ], [ 7.253318430868202, 52.315779114381208 ], [ 7.252163454074334, 52.315779114381208 ], [ 7.252163454074334, 52.315985044522961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.31742652868612 ], [ 7.254473407662068, 52.31742652868612 ], [ 7.254473407662068, 52.317220605251627 ], [ 7.253318430868202, 52.317220605251627 ], [ 7.253318430868202, 52.31742652868612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.316190973706519 ], [ 7.254473407662068, 52.316190973706519 ], [ 7.254473407662068, 52.315985044522961 ], [ 7.253318430868202, 52.315985044522961 ], [ 7.253318430868202, 52.316190973706519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.315367251223165 ], [ 7.254473407662068, 52.315367251223165 ], [ 7.254473407662068, 52.315161318206847 ], [ 7.253318430868202, 52.315161318206847 ], [ 7.253318430868202, 52.315367251223165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.317838372680598 ], [ 7.255628384455938, 52.317838372680598 ], [ 7.255628384455938, 52.317632451162439 ], [ 7.254473407662068, 52.317632451162439 ], [ 7.254473407662068, 52.317838372680598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 155.8333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.317632451162439 ], [ 7.255628384455938, 52.317632451162439 ], [ 7.255628384455938, 52.31742652868612 ], [ 7.254473407662068, 52.31742652868612 ], [ 7.254473407662068, 52.317632451162439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.316602829199098 ], [ 7.255628384455938, 52.316602829199098 ], [ 7.255628384455938, 52.316396901931903 ], [ 7.254473407662068, 52.316396901931903 ], [ 7.254473407662068, 52.316602829199098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.317838372680598 ], [ 7.256783361249805, 52.317838372680598 ], [ 7.256783361249805, 52.317632451162439 ], [ 7.255628384455938, 52.317632451162439 ], [ 7.255628384455938, 52.317838372680598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.31742652868612 ], [ 7.256783361249805, 52.31742652868612 ], [ 7.256783361249805, 52.317220605251627 ], [ 7.255628384455938, 52.317220605251627 ], [ 7.255628384455938, 52.31742652868612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.767018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.316808755508113 ], [ 7.256783361249805, 52.316808755508113 ], [ 7.256783361249805, 52.316602829199098 ], [ 7.255628384455938, 52.316602829199098 ], [ 7.255628384455938, 52.316808755508113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.6034255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.316396901931903 ], [ 7.256783361249805, 52.316396901931903 ], [ 7.256783361249805, 52.316190973706519 ], [ 7.255628384455938, 52.316190973706519 ], [ 7.255628384455938, 52.316396901931903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.314749449299647 ], [ 7.256783361249805, 52.314749449299647 ], [ 7.256783361249805, 52.314543513408751 ], [ 7.255628384455938, 52.314543513408751 ], [ 7.255628384455938, 52.314749449299647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 113.08426 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.313925699986896 ], [ 7.256783361249805, 52.313925699986896 ], [ 7.256783361249805, 52.313719760263204 ], [ 7.255628384455938, 52.313719760263204 ], [ 7.255628384455938, 52.313925699986896 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 133.949522 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.316602829199098 ], [ 7.257938338043674, 52.316602829199098 ], [ 7.257938338043674, 52.316396901931903 ], [ 7.256783361249805, 52.316396901931903 ], [ 7.256783361249805, 52.316602829199098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.316190973706519 ], [ 7.257938338043674, 52.316190973706519 ], [ 7.257938338043674, 52.315985044522961 ], [ 7.256783361249805, 52.315985044522961 ], [ 7.256783361249805, 52.316190973706519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 122.89583387499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.315985044522961 ], [ 7.257938338043674, 52.315985044522961 ], [ 7.257938338043674, 52.315779114381208 ], [ 7.256783361249805, 52.315779114381208 ], [ 7.256783361249805, 52.315985044522961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.97393037499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.315779114381208 ], [ 7.257938338043674, 52.315779114381208 ], [ 7.257938338043674, 52.31557318328128 ], [ 7.256783361249805, 52.31557318328128 ], [ 7.256783361249805, 52.315779114381208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34668_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 129.008663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.314955384232341 ], [ 7.257938338043674, 52.314955384232341 ], [ 7.257938338043674, 52.314749449299647 ], [ 7.256783361249805, 52.314749449299647 ], [ 7.256783361249805, 52.314955384232341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.310699200894433 ], [ 7.251008477280466, 52.310699200894433 ], [ 7.251008477280466, 52.310493246158671 ], [ 7.249853500486598, 52.310493246158671 ], [ 7.249853500486598, 52.310699200894433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 133.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.308639610416108 ], [ 7.251008477280466, 52.308639610416108 ], [ 7.251008477280466, 52.308433646097946 ], [ 7.249853500486598, 52.308433646097946 ], [ 7.249853500486598, 52.308639610416108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.311317059352348 ], [ 7.252163454074334, 52.311317059352348 ], [ 7.252163454074334, 52.311111107491264 ], [ 7.251008477280466, 52.311111107491264 ], [ 7.251008477280466, 52.311317059352348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 160.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.310493246158671 ], [ 7.253318430868202, 52.310493246158671 ], [ 7.253318430868202, 52.310287290464679 ], [ 7.252163454074334, 52.310287290464679 ], [ 7.252163454074334, 52.310493246158671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.311934909186242 ], [ 7.254473407662068, 52.311934909186242 ], [ 7.254473407662068, 52.311728960199837 ], [ 7.253318430868202, 52.311728960199837 ], [ 7.253318430868202, 52.311934909186242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 126.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.310699200894433 ], [ 7.254473407662068, 52.310699200894433 ], [ 7.254473407662068, 52.310493246158671 ], [ 7.253318430868202, 52.310493246158671 ], [ 7.253318430868202, 52.310699200894433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 136.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.30987537620198 ], [ 7.254473407662068, 52.30987537620198 ], [ 7.254473407662068, 52.309669417633266 ], [ 7.253318430868202, 52.309669417633266 ], [ 7.253318430868202, 52.30987537620198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.312346804284395 ], [ 7.255628384455938, 52.312346804284395 ], [ 7.255628384455938, 52.312140857214423 ], [ 7.254473407662068, 52.312140857214423 ], [ 7.254473407662068, 52.312346804284395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 156.0133325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.312140857214423 ], [ 7.255628384455938, 52.312140857214423 ], [ 7.255628384455938, 52.311934909186242 ], [ 7.254473407662068, 52.311934909186242 ], [ 7.254473407662068, 52.312140857214423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.311111107491264 ], [ 7.255628384455938, 52.311111107491264 ], [ 7.255628384455938, 52.310905154671971 ], [ 7.254473407662068, 52.310905154671971 ], [ 7.254473407662068, 52.311111107491264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.312346804284395 ], [ 7.256783361249805, 52.312346804284395 ], [ 7.256783361249805, 52.312140857214423 ], [ 7.255628384455938, 52.312140857214423 ], [ 7.255628384455938, 52.312346804284395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.311934909186242 ], [ 7.256783361249805, 52.311934909186242 ], [ 7.256783361249805, 52.311728960199837 ], [ 7.255628384455938, 52.311728960199837 ], [ 7.255628384455938, 52.311934909186242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.311317059352348 ], [ 7.256783361249805, 52.311317059352348 ], [ 7.256783361249805, 52.311111107491264 ], [ 7.255628384455938, 52.311111107491264 ], [ 7.255628384455938, 52.311317059352348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 130.54884733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.310905154671971 ], [ 7.256783361249805, 52.310905154671971 ], [ 7.256783361249805, 52.310699200894433 ], [ 7.255628384455938, 52.310699200894433 ], [ 7.255628384455938, 52.310905154671971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 142.309861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.309257497621132 ], [ 7.256783361249805, 52.309257497621132 ], [ 7.256783361249805, 52.309051536177712 ], [ 7.255628384455938, 52.309051536177712 ], [ 7.255628384455938, 52.309257497621132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 111.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.308433646097946 ], [ 7.256783361249805, 52.308433646097946 ], [ 7.256783361249805, 52.308227680821524 ], [ 7.255628384455938, 52.308227680821524 ], [ 7.255628384455938, 52.308433646097946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 134.136384 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.311111107491264 ], [ 7.257938338043674, 52.311111107491264 ], [ 7.257938338043674, 52.310905154671971 ], [ 7.256783361249805, 52.310905154671971 ], [ 7.256783361249805, 52.311111107491264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.310699200894433 ], [ 7.257938338043674, 52.310699200894433 ], [ 7.257938338043674, 52.310493246158671 ], [ 7.256783361249805, 52.310493246158671 ], [ 7.256783361249805, 52.310699200894433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.57294071428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.310493246158671 ], [ 7.257938338043674, 52.310493246158671 ], [ 7.257938338043674, 52.310287290464679 ], [ 7.256783361249805, 52.310287290464679 ], [ 7.256783361249805, 52.310493246158671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 126.09747485714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.310287290464679 ], [ 7.257938338043674, 52.310287290464679 ], [ 7.257938338043674, 52.310081333812448 ], [ 7.256783361249805, 52.310081333812448 ], [ 7.256783361249805, 52.310287290464679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34669_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 137.49862366666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.309463458106329 ], [ 7.257938338043674, 52.309463458106329 ], [ 7.257938338043674, 52.309257497621132 ], [ 7.256783361249805, 52.309257497621132 ], [ 7.256783361249805, 52.309463458106329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.305206746673882 ], [ 7.251008477280466, 52.305206746673882 ], [ 7.251008477280466, 52.305000766384637 ], [ 7.249853500486598, 52.305000766384637 ], [ 7.249853500486598, 52.305206746673882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.303146900658611 ], [ 7.251008477280466, 52.303146900658611 ], [ 7.251008477280466, 52.302940910786475 ], [ 7.249853500486598, 52.302940910786475 ], [ 7.249853500486598, 52.303146900658611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.305824681791947 ], [ 7.252163454074334, 52.305824681791947 ], [ 7.252163454074334, 52.305618704377544 ], [ 7.251008477280466, 52.305618704377544 ], [ 7.251008477280466, 52.305824681791947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.305000766384637 ], [ 7.253318430868202, 52.305000766384637 ], [ 7.253318430868202, 52.304794785137112 ], [ 7.252163454074334, 52.304794785137112 ], [ 7.252163454074334, 52.305000766384637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.306442608285565 ], [ 7.254473407662068, 52.306442608285565 ], [ 7.254473407662068, 52.306236633745961 ], [ 7.253318430868202, 52.306236633745961 ], [ 7.253318430868202, 52.306442608285565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.305206746673882 ], [ 7.254473407662068, 52.305206746673882 ], [ 7.254473407662068, 52.305000766384637 ], [ 7.253318430868202, 52.305000766384637 ], [ 7.253318430868202, 52.305206746673882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.30438281976722 ], [ 7.254473407662068, 52.30438281976722 ], [ 7.254473407662068, 52.304176835644846 ], [ 7.253318430868202, 52.304176835644846 ], [ 7.253318430868202, 52.30438281976722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.306854554489973 ], [ 7.255628384455938, 52.306854554489973 ], [ 7.255628384455938, 52.306648581866902 ], [ 7.254473407662068, 52.306648581866902 ], [ 7.254473407662068, 52.306854554489973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 151.83333433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.306648581866902 ], [ 7.255628384455938, 52.306648581866902 ], [ 7.255628384455938, 52.306442608285565 ], [ 7.254473407662068, 52.306442608285565 ], [ 7.254473407662068, 52.306648581866902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.305618704377544 ], [ 7.255628384455938, 52.305618704377544 ], [ 7.255628384455938, 52.305412726004853 ], [ 7.254473407662068, 52.305412726004853 ], [ 7.254473407662068, 52.305618704377544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.306854554489973 ], [ 7.256783361249805, 52.306854554489973 ], [ 7.256783361249805, 52.306648581866902 ], [ 7.255628384455938, 52.306648581866902 ], [ 7.255628384455938, 52.306854554489973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.306442608285565 ], [ 7.256783361249805, 52.306442608285565 ], [ 7.256783361249805, 52.306236633745961 ], [ 7.255628384455938, 52.306236633745961 ], [ 7.255628384455938, 52.306442608285565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.66666733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.305824681791947 ], [ 7.256783361249805, 52.305824681791947 ], [ 7.256783361249805, 52.305618704377544 ], [ 7.255628384455938, 52.305618704377544 ], [ 7.255628384455938, 52.305824681791947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 137.647192 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.305412726004853 ], [ 7.256783361249805, 52.305412726004853 ], [ 7.256783361249805, 52.305206746673882 ], [ 7.255628384455938, 52.305206746673882 ], [ 7.255628384455938, 52.305412726004853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.30376486452522 ], [ 7.256783361249805, 52.30376486452522 ], [ 7.256783361249805, 52.303558877527976 ], [ 7.255628384455938, 52.303558877527976 ], [ 7.255628384455938, 52.30376486452522 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 114.2442192 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.302940910786475 ], [ 7.256783361249805, 52.302940910786475 ], [ 7.256783361249805, 52.302734919956045 ], [ 7.255628384455938, 52.302734919956045 ], [ 7.255628384455938, 52.302940910786475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 134.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.305618704377544 ], [ 7.257938338043674, 52.305618704377544 ], [ 7.257938338043674, 52.305412726004853 ], [ 7.256783361249805, 52.305412726004853 ], [ 7.256783361249805, 52.305618704377544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.7 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.305206746673882 ], [ 7.257938338043674, 52.305206746673882 ], [ 7.257938338043674, 52.305000766384637 ], [ 7.256783361249805, 52.305000766384637 ], [ 7.256783361249805, 52.305206746673882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.8977655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.305000766384637 ], [ 7.257938338043674, 52.305000766384637 ], [ 7.257938338043674, 52.304794785137112 ], [ 7.256783361249805, 52.304794785137112 ], [ 7.256783361249805, 52.305000766384637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 138.023758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.304794785137112 ], [ 7.257938338043674, 52.304794785137112 ], [ 7.257938338043674, 52.304588802931313 ], [ 7.256783361249805, 52.304588802931313 ], [ 7.256783361249805, 52.304794785137112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34670_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 130.40376575000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.303970850564177 ], [ 7.257938338043674, 52.303970850564177 ], [ 7.257938338043674, 52.30376486452522 ], [ 7.256783361249805, 52.30376486452522 ], [ 7.256783361249805, 52.303970850564177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.297653509445794 ], [ 7.251008477280466, 52.297653509445794 ], [ 7.251008477280466, 52.297447494018428 ], [ 7.249853500486598, 52.297447494018428 ], [ 7.249853500486598, 52.297653509445794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.300331622792854 ], [ 7.252163454074334, 52.300331622792854 ], [ 7.252163454074334, 52.300125619823831 ], [ 7.251008477280466, 52.300125619823831 ], [ 7.251008477280466, 52.300331622792854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.300949625950018 ], [ 7.254473407662068, 52.300949625950018 ], [ 7.254473407662068, 52.300743625855958 ], [ 7.253318430868202, 52.300743625855958 ], [ 7.253318430868202, 52.300949625950018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.299713611010809 ], [ 7.254473407662068, 52.299713611010809 ], [ 7.254473407662068, 52.299507605166802 ], [ 7.253318430868202, 52.299507605166802 ], [ 7.253318430868202, 52.299713611010809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.298889581884815 ], [ 7.254473407662068, 52.298889581884815 ], [ 7.254473407662068, 52.298683572207494 ], [ 7.253318430868202, 52.298683572207494 ], [ 7.253318430868202, 52.298889581884815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.301361623263219 ], [ 7.255628384455938, 52.301361623263219 ], [ 7.255628384455938, 52.301155625085784 ], [ 7.254473407662068, 52.301155625085784 ], [ 7.254473407662068, 52.301361623263219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 152.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.301155625085784 ], [ 7.255628384455938, 52.301155625085784 ], [ 7.255628384455938, 52.300949625950018 ], [ 7.254473407662068, 52.300949625950018 ], [ 7.254473407662068, 52.301155625085784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.300125619823831 ], [ 7.255628384455938, 52.300125619823831 ], [ 7.255628384455938, 52.299919615896478 ], [ 7.254473407662068, 52.299919615896478 ], [ 7.254473407662068, 52.300125619823831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.301361623263219 ], [ 7.256783361249805, 52.301361623263219 ], [ 7.256783361249805, 52.301155625085784 ], [ 7.255628384455938, 52.301155625085784 ], [ 7.255628384455938, 52.301361623263219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.300949625950018 ], [ 7.256783361249805, 52.300949625950018 ], [ 7.256783361249805, 52.300743625855958 ], [ 7.255628384455938, 52.300743625855958 ], [ 7.255628384455938, 52.300949625950018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.430754 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.300331622792854 ], [ 7.256783361249805, 52.300331622792854 ], [ 7.256783361249805, 52.300125619823831 ], [ 7.255628384455938, 52.300125619823831 ], [ 7.255628384455938, 52.300331622792854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 133.334413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.299919615896478 ], [ 7.256783361249805, 52.299919615896478 ], [ 7.256783361249805, 52.299713611010809 ], [ 7.255628384455938, 52.299713611010809 ], [ 7.255628384455938, 52.299919615896478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 117.093241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.297447494018428 ], [ 7.256783361249805, 52.297447494018428 ], [ 7.256783361249805, 52.297241477632717 ], [ 7.255628384455938, 52.297241477632717 ], [ 7.255628384455938, 52.297447494018428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 136.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.300125619823831 ], [ 7.257938338043674, 52.300125619823831 ], [ 7.257938338043674, 52.299919615896478 ], [ 7.256783361249805, 52.299919615896478 ], [ 7.256783361249805, 52.300125619823831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.299713611010809 ], [ 7.257938338043674, 52.299713611010809 ], [ 7.257938338043674, 52.299507605166802 ], [ 7.256783361249805, 52.299507605166802 ], [ 7.256783361249805, 52.299713611010809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.299507605166802 ], [ 7.257938338043674, 52.299507605166802 ], [ 7.257938338043674, 52.299301598364472 ], [ 7.256783361249805, 52.299301598364472 ], [ 7.256783361249805, 52.299507605166802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 117.0000035 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.299301598364472 ], [ 7.257938338043674, 52.299301598364472 ], [ 7.257938338043674, 52.299095590603812 ], [ 7.256783361249805, 52.299095590603812 ], [ 7.256783361249805, 52.299301598364472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34671_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.298477561571822 ], [ 7.257938338043674, 52.298477561571822 ], [ 7.257938338043674, 52.298271549977834 ], [ 7.256783361249805, 52.298271549977834 ], [ 7.256783361249805, 52.298477561571822 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.178692152770104 ], [ 7.251008477280466, 52.178692152770104 ], [ 7.251008477280466, 52.178485584399894 ], [ 7.249853500486598, 52.178485584399894 ], [ 7.249853500486598, 52.178692152770104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.007299 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.176626425895954 ], [ 7.251008477280466, 52.176626425895954 ], [ 7.251008477280466, 52.176419847931925 ], [ 7.249853500486598, 52.176419847931925 ], [ 7.249853500486598, 52.176626425895954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.179311852124513 ], [ 7.252163454074334, 52.179311852124513 ], [ 7.252163454074334, 52.179105286632414 ], [ 7.251008477280466, 52.179105286632414 ], [ 7.251008477280466, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.178485584399894 ], [ 7.253318430868202, 52.178485584399894 ], [ 7.253318430868202, 52.178279015070316 ], [ 7.252163454074334, 52.178279015070316 ], [ 7.252163454074334, 52.178485584399894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.179931542844614 ], [ 7.254473407662068, 52.179931542844614 ], [ 7.254473407662068, 52.179724980230603 ], [ 7.253318430868202, 52.179724980230603 ], [ 7.253318430868202, 52.179931542844614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.178692152770104 ], [ 7.254473407662068, 52.178692152770104 ], [ 7.254473407662068, 52.178485584399894 ], [ 7.253318430868202, 52.178485584399894 ], [ 7.253318430868202, 52.178692152770104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.177865873533008 ], [ 7.254473407662068, 52.177865873533008 ], [ 7.254473407662068, 52.177659301325299 ], [ 7.253318430868202, 52.177659301325299 ], [ 7.253318430868202, 52.177865873533008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.180344665194532 ], [ 7.255628384455938, 52.180344665194532 ], [ 7.255628384455938, 52.18013810449925 ], [ 7.254473407662068, 52.18013810449925 ], [ 7.254473407662068, 52.180344665194532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.18013810449925 ], [ 7.255628384455938, 52.18013810449925 ], [ 7.255628384455938, 52.179931542844614 ], [ 7.254473407662068, 52.179931542844614 ], [ 7.254473407662068, 52.18013810449925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.180344665194532 ], [ 7.256783361249805, 52.180344665194532 ], [ 7.256783361249805, 52.18013810449925 ], [ 7.255628384455938, 52.18013810449925 ], [ 7.255628384455938, 52.180344665194532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.179931542844614 ], [ 7.256783361249805, 52.179931542844614 ], [ 7.256783361249805, 52.179724980230603 ], [ 7.255628384455938, 52.179724980230603 ], [ 7.255628384455938, 52.179931542844614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 84.473353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.179311852124513 ], [ 7.256783361249805, 52.179311852124513 ], [ 7.256783361249805, 52.179105286632414 ], [ 7.255628384455938, 52.179105286632414 ], [ 7.255628384455938, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 95.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.179105286632414 ], [ 7.256783361249805, 52.179105286632414 ], [ 7.256783361249805, 52.178898720180946 ], [ 7.255628384455938, 52.178898720180946 ], [ 7.255628384455938, 52.179105286632414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 101.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.177039578945852 ], [ 7.256783361249805, 52.177039578945852 ], [ 7.256783361249805, 52.176833002900594 ], [ 7.255628384455938, 52.176833002900594 ], [ 7.255628384455938, 52.177039578945852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 79.3127165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.176419847931925 ], [ 7.256783361249805, 52.176419847931925 ], [ 7.256783361249805, 52.1762132690085 ], [ 7.255628384455938, 52.1762132690085 ], [ 7.255628384455938, 52.176419847931925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 114.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.179311852124513 ], [ 7.257938338043674, 52.179311852124513 ], [ 7.257938338043674, 52.179105286632414 ], [ 7.256783361249805, 52.179105286632414 ], [ 7.256783361249805, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.178692152770104 ], [ 7.257938338043674, 52.178692152770104 ], [ 7.257938338043674, 52.178485584399894 ], [ 7.256783361249805, 52.178485584399894 ], [ 7.256783361249805, 52.178692152770104 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.178485584399894 ], [ 7.257938338043674, 52.178485584399894 ], [ 7.257938338043674, 52.178279015070316 ], [ 7.256783361249805, 52.178279015070316 ], [ 7.256783361249805, 52.178485584399894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34693_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.49999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.178279015070316 ], [ 7.257938338043674, 52.178279015070316 ], [ 7.257938338043674, 52.178072444781357 ], [ 7.256783361249805, 52.178072444781357 ], [ 7.256783361249805, 52.178279015070316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 93.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.173183334573707 ], [ 7.251008477280466, 52.173183334573707 ], [ 7.251008477280466, 52.172976740619582 ], [ 7.249853500486598, 52.172976740619582 ], [ 7.249853500486598, 52.173183334573707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.6000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249853500486598, 52.171117351858271 ], [ 7.251008477280466, 52.171117351858271 ], [ 7.251008477280466, 52.170910748309851 ], [ 7.249853500486598, 52.170910748309851 ], [ 7.249853500486598, 52.171117351858271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 106.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.251008477280466, 52.173803110679572 ], [ 7.252163454074334, 52.173803110679572 ], [ 7.252163454074334, 52.173596519603699 ], [ 7.251008477280466, 52.173596519603699 ], [ 7.251008477280466, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.252163454074334, 52.172976740619582 ], [ 7.253318430868202, 52.172976740619582 ], [ 7.253318430868202, 52.172770145706032 ], [ 7.252163454074334, 52.172770145706032 ], [ 7.252163454074334, 52.172976740619582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.174422878150715 ], [ 7.254473407662068, 52.174422878150715 ], [ 7.254473407662068, 52.17421628995308 ], [ 7.253318430868202, 52.17421628995308 ], [ 7.253318430868202, 52.174422878150715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.173183334573707 ], [ 7.254473407662068, 52.173183334573707 ], [ 7.254473407662068, 52.172976740619582 ], [ 7.253318430868202, 52.172976740619582 ], [ 7.253318430868202, 52.173183334573707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.253318430868202, 52.172356953000666 ], [ 7.254473407662068, 52.172356953000666 ], [ 7.254473407662068, 52.172150355208849 ], [ 7.253318430868202, 52.172150355208849 ], [ 7.253318430868202, 52.172356953000666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.174836051667761 ], [ 7.255628384455938, 52.174836051667761 ], [ 7.255628384455938, 52.174629465388946 ], [ 7.254473407662068, 52.174629465388946 ], [ 7.254473407662068, 52.174836051667761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 52.174629465388946 ], [ 7.255628384455938, 52.174629465388946 ], [ 7.255628384455938, 52.174422878150715 ], [ 7.254473407662068, 52.174422878150715 ], [ 7.254473407662068, 52.174629465388946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 113.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.174836051667761 ], [ 7.256783361249805, 52.174836051667761 ], [ 7.256783361249805, 52.174629465388946 ], [ 7.255628384455938, 52.174629465388946 ], [ 7.255628384455938, 52.174836051667761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 126.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.174422878150715 ], [ 7.256783361249805, 52.174422878150715 ], [ 7.256783361249805, 52.17421628995308 ], [ 7.255628384455938, 52.17421628995308 ], [ 7.255628384455938, 52.174422878150715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 85.471036333333316 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.173803110679572 ], [ 7.256783361249805, 52.173803110679572 ], [ 7.256783361249805, 52.173596519603699 ], [ 7.255628384455938, 52.173596519603699 ], [ 7.255628384455938, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 95.8896605 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.173596519603699 ], [ 7.256783361249805, 52.173596519603699 ], [ 7.256783361249805, 52.173389927568415 ], [ 7.255628384455938, 52.173389927568415 ], [ 7.255628384455938, 52.173596519603699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 102.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.171530556076803 ], [ 7.256783361249805, 52.171530556076803 ], [ 7.256783361249805, 52.171323954447246 ], [ 7.255628384455938, 52.171323954447246 ], [ 7.255628384455938, 52.171530556076803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 78.863996166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.255628384455938, 52.170910748309851 ], [ 7.256783361249805, 52.170910748309851 ], [ 7.256783361249805, 52.170704143801984 ], [ 7.255628384455938, 52.170704143801984 ], [ 7.255628384455938, 52.170910748309851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 113.13524675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.173803110679572 ], [ 7.257938338043674, 52.173803110679572 ], [ 7.257938338043674, 52.173596519603699 ], [ 7.256783361249805, 52.173596519603699 ], [ 7.256783361249805, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 91.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.173183334573707 ], [ 7.257938338043674, 52.173183334573707 ], [ 7.257938338043674, 52.172976740619582 ], [ 7.256783361249805, 52.172976740619582 ], [ 7.256783361249805, 52.173183334573707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.999999799999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.172976740619582 ], [ 7.257938338043674, 52.172976740619582 ], [ 7.257938338043674, 52.172770145706032 ], [ 7.256783361249805, 52.172770145706032 ], [ 7.256783361249805, 52.172976740619582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34694_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.999999625000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.256783361249805, 52.172770145706032 ], [ 7.257938338043674, 52.172770145706032 ], [ 7.257938338043674, 52.172563549833065 ], [ 7.256783361249805, 52.172563549833065 ], [ 7.256783361249805, 52.172770145706032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34956_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 145.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 50.706270937483218 ], [ 7.255628384455938, 50.706270937483218 ], [ 7.255628384455938, 50.706057599635947 ], [ 7.254473407662068, 50.706057599635947 ], [ 7.254473407662068, 50.706270937483218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "34957_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.254473407662068, 50.700581596015859 ], [ 7.255628384455938, 50.700581596015859 ], [ 7.255628384455938, 50.700368232282159 ], [ 7.254473407662068, 50.700368232282159 ], [ 7.254473407662068, 50.700581596015859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35116_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.544859196185556 ], [ 7.262301583709396, 53.544859196185556 ], [ 7.262301583709396, 53.544659030888923 ], [ 7.261146606915529, 53.544659030888923 ], [ 7.261146606915529, 53.544859196185556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35116_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.545059360535625 ], [ 7.266921490884868, 53.545059360535625 ], [ 7.266921490884868, 53.544859196185556 ], [ 7.265766514091, 53.544859196185556 ], [ 7.265766514091, 53.545059360535625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35117_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.540321883687561 ], [ 7.259991630121662, 53.540321883687561 ], [ 7.259991630121662, 53.540121696934662 ], [ 7.258836653327792, 53.540121696934662 ], [ 7.258836653327792, 53.540321883687561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35117_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 80.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.539521130996221 ], [ 7.262301583709396, 53.539521130996221 ], [ 7.262301583709396, 53.539320940456811 ], [ 7.261146606915529, 53.539320940456811 ], [ 7.261146606915529, 53.539521130996221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35117_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 90.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.541322803252768 ], [ 7.264611537297132, 53.541322803252768 ], [ 7.264611537297132, 53.541122621232958 ], [ 7.263456560503264, 53.541122621232958 ], [ 7.263456560503264, 53.541322803252768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35117_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.541322803252768 ], [ 7.265766514091, 53.541322803252768 ], [ 7.265766514091, 53.541122621232958 ], [ 7.264611537297132, 53.541122621232958 ], [ 7.264611537297132, 53.541322803252768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35117_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.539721320588988 ], [ 7.266921490884868, 53.539721320588988 ], [ 7.266921490884868, 53.539521130996221 ], [ 7.265766514091, 53.539521130996221 ], [ 7.265766514091, 53.539721320588988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35118_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 74.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.534983246315548 ], [ 7.259991630121662, 53.534983246315548 ], [ 7.259991630121662, 53.534783034318657 ], [ 7.258836653327792, 53.534783034318657 ], [ 7.258836653327792, 53.534983246315548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35118_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.534182392647907 ], [ 7.262301583709396, 53.534182392647907 ], [ 7.262301583709396, 53.533982176864285 ], [ 7.261146606915529, 53.533982176864285 ], [ 7.261146606915529, 53.534182392647907 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35118_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.535984292099918 ], [ 7.264611537297132, 53.535984292099918 ], [ 7.264611537297132, 53.535784084836386 ], [ 7.263456560503264, 53.535784084836386 ], [ 7.263456560503264, 53.535984292099918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35118_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 69.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.535984292099918 ], [ 7.265766514091, 53.535984292099918 ], [ 7.265766514091, 53.535784084836386 ], [ 7.264611537297132, 53.535784084836386 ], [ 7.264611537297132, 53.535984292099918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35118_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.534382607484829 ], [ 7.266921490884868, 53.534382607484829 ], [ 7.266921490884868, 53.534182392647907 ], [ 7.265766514091, 53.534182392647907 ], [ 7.265766514091, 53.534382607484829 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35134_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.449473468142358 ], [ 7.259991630121662, 53.449473468142358 ], [ 7.259991630121662, 53.449272852045546 ], [ 7.258836653327792, 53.449272852045546 ], [ 7.258836653327792, 53.449473468142358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35134_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.448670998069879 ], [ 7.262301583709396, 53.448670998069879 ], [ 7.262301583709396, 53.448470378182904 ], [ 7.261146606915529, 53.448470378182904 ], [ 7.261146606915529, 53.448670998069879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35134_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.450476534413326 ], [ 7.264611537297132, 53.450476534413326 ], [ 7.264611537297132, 53.450275923054193 ], [ 7.263456560503264, 53.450275923054193 ], [ 7.263456560503264, 53.450476534413326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35134_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.450476534413326 ], [ 7.265766514091, 53.450476534413326 ], [ 7.265766514091, 53.450275923054193 ], [ 7.264611537297132, 53.450275923054193 ], [ 7.264611537297132, 53.450476534413326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35134_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.449072235001211 ], [ 7.266921490884868, 53.449072235001211 ], [ 7.266921490884868, 53.448871617009317 ], [ 7.265766514091, 53.448871617009317 ], [ 7.265766514091, 53.449072235001211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35134_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 72.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.448871617009317 ], [ 7.266921490884868, 53.448871617009317 ], [ 7.266921490884868, 53.448670998069879 ], [ 7.265766514091, 53.448670998069879 ], [ 7.265766514091, 53.448871617009317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35135_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.44412338128555 ], [ 7.259991630121662, 53.44412338128555 ], [ 7.259991630121662, 53.443922739920289 ], [ 7.258836653327792, 53.443922739920289 ], [ 7.258836653327792, 53.44412338128555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35135_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 83.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.443320810138921 ], [ 7.262301583709396, 53.443320810138921 ], [ 7.262301583709396, 53.443120164983263 ], [ 7.261146606915529, 53.443120164983263 ], [ 7.261146606915529, 53.443320810138921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35135_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 83.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.445126573898008 ], [ 7.264611537297132, 53.445126573898008 ], [ 7.264611537297132, 53.444925937270689 ], [ 7.263456560503264, 53.444925937270689 ], [ 7.263456560503264, 53.445126573898008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35135_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.445126573898008 ], [ 7.265766514091, 53.445126573898008 ], [ 7.265766514091, 53.444925937270689 ], [ 7.264611537297132, 53.444925937270689 ], [ 7.264611537297132, 53.445126573898008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35135_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 94.4954674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.443722097607434 ], [ 7.266921490884868, 53.443722097607434 ], [ 7.266921490884868, 53.443521454346978 ], [ 7.265766514091, 53.443521454346978 ], [ 7.265766514091, 53.443722097607434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35135_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.443521454346978 ], [ 7.266921490884868, 53.443521454346978 ], [ 7.266921490884868, 53.443320810138921 ], [ 7.265766514091, 53.443320810138921 ], [ 7.265766514091, 53.443521454346978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.36359017523769 ], [ 7.259991630121662, 53.36359017523769 ], [ 7.259991630121662, 53.363389153725599 ], [ 7.258836653327792, 53.363389153725599 ], [ 7.258836653327792, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.362987107856235 ], [ 7.262301583709396, 53.362987107856235 ], [ 7.262301583709396, 53.362786083498946 ], [ 7.261146606915529, 53.362786083498946 ], [ 7.261146606915529, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.364394251802061 ], [ 7.263456560503264, 53.364394251802061 ], [ 7.263456560503264, 53.364193234083558 ], [ 7.262301583709396, 53.364193234083558 ], [ 7.262301583709396, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.364796284393911 ], [ 7.264611537297132, 53.364796284393911 ], [ 7.264611537297132, 53.364595268572181 ], [ 7.263456560503264, 53.364595268572181 ], [ 7.263456560503264, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 135.75337266666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.363992215416665 ], [ 7.264611537297132, 53.363992215416665 ], [ 7.264611537297132, 53.363791195801376 ], [ 7.263456560503264, 53.363791195801376 ], [ 7.263456560503264, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 94.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.364796284393911 ], [ 7.265766514091, 53.364796284393911 ], [ 7.265766514091, 53.364595268572181 ], [ 7.264611537297132, 53.364595268572181 ], [ 7.264611537297132, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 92.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.364394251802061 ], [ 7.265766514091, 53.364394251802061 ], [ 7.265766514091, 53.364193234083558 ], [ 7.264611537297132, 53.364193234083558 ], [ 7.264611537297132, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 118.723379 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.36359017523769 ], [ 7.265766514091, 53.36359017523769 ], [ 7.265766514091, 53.363389153725599 ], [ 7.264611537297132, 53.363389153725599 ], [ 7.264611537297132, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 108.134716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.363389153725599 ], [ 7.265766514091, 53.363389153725599 ], [ 7.265766514091, 53.363188131265126 ], [ 7.264611537297132, 53.363188131265126 ], [ 7.264611537297132, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.99999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.363389153725599 ], [ 7.266921490884868, 53.363389153725599 ], [ 7.266921490884868, 53.363188131265126 ], [ 7.265766514091, 53.363188131265126 ], [ 7.265766514091, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35150_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.362987107856235 ], [ 7.266921490884868, 53.362987107856235 ], [ 7.266921490884868, 53.362786083498946 ], [ 7.265766514091, 53.362786083498946 ], [ 7.265766514091, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35185_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 53.176162906957636 ], [ 7.261146606915529, 53.176162906957636 ], [ 7.261146606915529, 53.175961002257807 ], [ 7.259991630121662, 53.175961002257807 ], [ 7.259991630121662, 53.176162906957636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35186_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 53.170778456428657 ], [ 7.261146606915529, 53.170778456428657 ], [ 7.261146606915529, 53.170576526388309 ], [ 7.259991630121662, 53.170576526388309 ], [ 7.259991630121662, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.127072120226316 ], [ 7.259991630121662, 53.127072120226316 ], [ 7.259991630121662, 53.126869984559413 ], [ 7.258836653327792, 53.126869984559413 ], [ 7.258836653327792, 53.127072120226316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 126.66666833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.12505072077451 ], [ 7.259991630121662, 53.12505072077451 ], [ 7.259991630121662, 53.124848575600289 ], [ 7.258836653327792, 53.124848575600289 ], [ 7.258836653327792, 53.12505072077451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 136.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 53.12767852152276 ], [ 7.261146606915529, 53.12767852152276 ], [ 7.261146606915529, 53.127476388708004 ], [ 7.259991630121662, 53.127476388708004 ], [ 7.259991630121662, 53.12767852152276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 84.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.126465710373424 ], [ 7.262301583709396, 53.126465710373424 ], [ 7.262301583709396, 53.126263571854331 ], [ 7.261146606915529, 53.126263571854331 ], [ 7.261146606915529, 53.126465710373424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.127880653386818 ], [ 7.263456560503264, 53.127880653386818 ], [ 7.263456560503264, 53.12767852152276 ], [ 7.262301583709396, 53.12767852152276 ], [ 7.262301583709396, 53.127880653386818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.126667847941775 ], [ 7.263456560503264, 53.126667847941775 ], [ 7.263456560503264, 53.126465710373424 ], [ 7.262301583709396, 53.126465710373424 ], [ 7.262301583709396, 53.126667847941775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 200.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.128487043274717 ], [ 7.264611537297132, 53.128487043274717 ], [ 7.264611537297132, 53.128284914262785 ], [ 7.263456560503264, 53.128284914262785 ], [ 7.263456560503264, 53.128487043274717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 142.4999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.12767852152276 ], [ 7.264611537297132, 53.12767852152276 ], [ 7.264611537297132, 53.127476388708004 ], [ 7.263456560503264, 53.127476388708004 ], [ 7.263456560503264, 53.12767852152276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 141.66666866666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.125859291963984 ], [ 7.264611537297132, 53.125859291963984 ], [ 7.264611537297132, 53.125657150592708 ], [ 7.263456560503264, 53.125657150592708 ], [ 7.263456560503264, 53.125859291963984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.128284914262785 ], [ 7.265766514091, 53.128284914262785 ], [ 7.265766514091, 53.128082784300148 ], [ 7.264611537297132, 53.128082784300148 ], [ 7.264611537297132, 53.128284914262785 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 154.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.128082784300148 ], [ 7.265766514091, 53.128082784300148 ], [ 7.265766514091, 53.127880653386818 ], [ 7.264611537297132, 53.127880653386818 ], [ 7.264611537297132, 53.128082784300148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 151.711856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.12727425494252 ], [ 7.265766514091, 53.12727425494252 ], [ 7.265766514091, 53.127072120226316 ], [ 7.264611537297132, 53.127072120226316 ], [ 7.264611537297132, 53.12727425494252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.8000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.126869984559413 ], [ 7.265766514091, 53.126869984559413 ], [ 7.265766514091, 53.126667847941775 ], [ 7.264611537297132, 53.126667847941775 ], [ 7.264611537297132, 53.126869984559413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 149.752842 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.126465710373424 ], [ 7.265766514091, 53.126465710373424 ], [ 7.265766514091, 53.126263571854331 ], [ 7.264611537297132, 53.126263571854331 ], [ 7.264611537297132, 53.126465710373424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.126263571854331 ], [ 7.265766514091, 53.126263571854331 ], [ 7.265766514091, 53.126061432384518 ], [ 7.264611537297132, 53.126061432384518 ], [ 7.264611537297132, 53.126263571854331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.12545500827072 ], [ 7.265766514091, 53.12545500827072 ], [ 7.265766514091, 53.125252864997975 ], [ 7.264611537297132, 53.125252864997975 ], [ 7.264611537297132, 53.12545500827072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 110.470914 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.124848575600289 ], [ 7.265766514091, 53.124848575600289 ], [ 7.265766514091, 53.124646429475341 ], [ 7.264611537297132, 53.124646429475341 ], [ 7.264611537297132, 53.124848575600289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.03441822222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.127072120226316 ], [ 7.266921490884868, 53.127072120226316 ], [ 7.266921490884868, 53.126869984559413 ], [ 7.265766514091, 53.126869984559413 ], [ 7.265766514091, 53.127072120226316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.28008333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.126869984559413 ], [ 7.266921490884868, 53.126869984559413 ], [ 7.266921490884868, 53.126667847941775 ], [ 7.265766514091, 53.126667847941775 ], [ 7.265766514091, 53.126869984559413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 111.50452533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.126667847941775 ], [ 7.266921490884868, 53.126667847941775 ], [ 7.266921490884868, 53.126465710373424 ], [ 7.265766514091, 53.126465710373424 ], [ 7.265766514091, 53.126667847941775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.126465710373424 ], [ 7.266921490884868, 53.126465710373424 ], [ 7.266921490884868, 53.126263571854331 ], [ 7.265766514091, 53.126263571854331 ], [ 7.265766514091, 53.126465710373424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.126061432384518 ], [ 7.266921490884868, 53.126061432384518 ], [ 7.266921490884868, 53.125859291963984 ], [ 7.265766514091, 53.125859291963984 ], [ 7.265766514091, 53.126061432384518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35194_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 126.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.125859291963984 ], [ 7.266921490884868, 53.125859291963984 ], [ 7.266921490884868, 53.125657150592708 ], [ 7.265766514091, 53.125657150592708 ], [ 7.265766514091, 53.125859291963984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 86.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.121681510411968 ], [ 7.259991630121662, 53.121681510411968 ], [ 7.259991630121662, 53.121479349391834 ], [ 7.258836653327792, 53.121479349391834 ], [ 7.258836653327792, 53.121681510411968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 127.26818466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.11965985742556 ], [ 7.259991630121662, 53.11965985742556 ], [ 7.259991630121662, 53.119457686897604 ], [ 7.258836653327792, 53.119457686897604 ], [ 7.258836653327792, 53.11965985742556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 53.122287987767763 ], [ 7.261146606915529, 53.122287987767763 ], [ 7.261146606915529, 53.122085829599939 ], [ 7.259991630121662, 53.122085829599939 ], [ 7.259991630121662, 53.122287987767763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.121075024499227 ], [ 7.262301583709396, 53.121075024499227 ], [ 7.262301583709396, 53.120872860626768 ], [ 7.261146606915529, 53.120872860626768 ], [ 7.261146606915529, 53.121075024499227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 82.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.122490144984837 ], [ 7.263456560503264, 53.122490144984837 ], [ 7.263456560503264, 53.122287987767763 ], [ 7.262301583709396, 53.122287987767763 ], [ 7.262301583709396, 53.122490144984837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 128.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.121277187420908 ], [ 7.263456560503264, 53.121277187420908 ], [ 7.263456560503264, 53.121075024499227 ], [ 7.262301583709396, 53.121075024499227 ], [ 7.262301583709396, 53.121277187420908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 198.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.123096610931462 ], [ 7.264611537297132, 53.123096610931462 ], [ 7.264611537297132, 53.122894456566684 ], [ 7.263456560503264, 53.122894456566684 ], [ 7.263456560503264, 53.123096610931462 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 143.25000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.122287987767763 ], [ 7.264611537297132, 53.122287987767763 ], [ 7.264611537297132, 53.122085829599939 ], [ 7.263456560503264, 53.122085829599939 ], [ 7.263456560503264, 53.122287987767763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.66666933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.120468530029498 ], [ 7.264611537297132, 53.120468530029498 ], [ 7.264611537297132, 53.120266363304687 ], [ 7.263456560503264, 53.120266363304687 ], [ 7.263456560503264, 53.120468530029498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.122894456566684 ], [ 7.265766514091, 53.122894456566684 ], [ 7.265766514091, 53.122692301251142 ], [ 7.264611537297132, 53.122692301251142 ], [ 7.264611537297132, 53.122894456566684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 150.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.122692301251142 ], [ 7.265766514091, 53.122692301251142 ], [ 7.265766514091, 53.122490144984837 ], [ 7.264611537297132, 53.122490144984837 ], [ 7.264611537297132, 53.122692301251142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 144.812857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.121883670481331 ], [ 7.265766514091, 53.121883670481331 ], [ 7.265766514091, 53.121681510411968 ], [ 7.264611537297132, 53.121681510411968 ], [ 7.264611537297132, 53.121883670481331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.328312375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.121479349391834 ], [ 7.265766514091, 53.121479349391834 ], [ 7.265766514091, 53.121277187420908 ], [ 7.264611537297132, 53.121277187420908 ], [ 7.264611537297132, 53.121479349391834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 154.06832366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.121075024499227 ], [ 7.265766514091, 53.121075024499227 ], [ 7.265766514091, 53.120872860626768 ], [ 7.264611537297132, 53.120872860626768 ], [ 7.264611537297132, 53.121075024499227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.120872860626768 ], [ 7.265766514091, 53.120872860626768 ], [ 7.265766514091, 53.120670695803526 ], [ 7.264611537297132, 53.120670695803526 ], [ 7.264611537297132, 53.120872860626768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 138.48999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.120064195629105 ], [ 7.265766514091, 53.120064195629105 ], [ 7.265766514091, 53.119862027002718 ], [ 7.264611537297132, 53.119862027002718 ], [ 7.264611537297132, 53.120064195629105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.17902875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.119457686897604 ], [ 7.265766514091, 53.119457686897604 ], [ 7.265766514091, 53.119255515418843 ], [ 7.264611537297132, 53.119255515418843 ], [ 7.264611537297132, 53.119457686897604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 131.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.121681510411968 ], [ 7.266921490884868, 53.121681510411968 ], [ 7.266921490884868, 53.121479349391834 ], [ 7.265766514091, 53.121479349391834 ], [ 7.265766514091, 53.121681510411968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 125.23458425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.121479349391834 ], [ 7.266921490884868, 53.121479349391834 ], [ 7.266921490884868, 53.121277187420908 ], [ 7.265766514091, 53.121277187420908 ], [ 7.265766514091, 53.121479349391834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.02962033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.121277187420908 ], [ 7.266921490884868, 53.121277187420908 ], [ 7.266921490884868, 53.121075024499227 ], [ 7.265766514091, 53.121075024499227 ], [ 7.265766514091, 53.121277187420908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.121075024499227 ], [ 7.266921490884868, 53.121075024499227 ], [ 7.266921490884868, 53.120872860626768 ], [ 7.265766514091, 53.120872860626768 ], [ 7.265766514091, 53.121075024499227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.120670695803526 ], [ 7.266921490884868, 53.120670695803526 ], [ 7.266921490884868, 53.120468530029498 ], [ 7.265766514091, 53.120468530029498 ], [ 7.265766514091, 53.120670695803526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35195_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 125.693408 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.120468530029498 ], [ 7.266921490884868, 53.120468530029498 ], [ 7.266921490884868, 53.120266363304687 ], [ 7.265766514091, 53.120266363304687 ], [ 7.265766514091, 53.120468530029498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.116290224493788 ], [ 7.259991630121662, 53.116290224493788 ], [ 7.259991630121662, 53.116088038119024 ], [ 7.258836653327792, 53.116088038119024 ], [ 7.258836653327792, 53.116290224493788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 127.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 53.114268317958881 ], [ 7.259991630121662, 53.114268317958881 ], [ 7.259991630121662, 53.114066122075783 ], [ 7.258836653327792, 53.114066122075783 ], [ 7.258836653327792, 53.114268317958881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 53.116896777913119 ], [ 7.261146606915529, 53.116896777913119 ], [ 7.261146606915529, 53.116694594390822 ], [ 7.259991630121662, 53.116694594390822 ], [ 7.259991630121662, 53.116896777913119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 82.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 53.115683662517043 ], [ 7.262301583709396, 53.115683662517043 ], [ 7.262301583709396, 53.115481473289812 ], [ 7.261146606915529, 53.115481473289812 ], [ 7.261146606915529, 53.115683662517043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.11709896048459 ], [ 7.263456560503264, 53.11709896048459 ], [ 7.263456560503264, 53.116896777913119 ], [ 7.262301583709396, 53.116896777913119 ], [ 7.262301583709396, 53.11709896048459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 53.115885850793454 ], [ 7.263456560503264, 53.115885850793454 ], [ 7.263456560503264, 53.115683662517043 ], [ 7.262301583709396, 53.115683662517043 ], [ 7.262301583709396, 53.115885850793454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.117705502494118 ], [ 7.264611537297132, 53.117705502494118 ], [ 7.264611537297132, 53.117503322775093 ], [ 7.263456560503264, 53.117503322775093 ], [ 7.263456560503264, 53.117705502494118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.116896777913119 ], [ 7.264611537297132, 53.116896777913119 ], [ 7.264611537297132, 53.116694594390822 ], [ 7.263456560503264, 53.116694594390822 ], [ 7.263456560503264, 53.116896777913119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 140.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 53.11507709198284 ], [ 7.264611537297132, 53.11507709198284 ], [ 7.264611537297132, 53.114874899903114 ], [ 7.263456560503264, 53.114874899903114 ], [ 7.263456560503264, 53.11507709198284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.117503322775093 ], [ 7.265766514091, 53.117503322775093 ], [ 7.265766514091, 53.117301142105248 ], [ 7.264611537297132, 53.117301142105248 ], [ 7.264611537297132, 53.117503322775093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.117301142105248 ], [ 7.265766514091, 53.117301142105248 ], [ 7.265766514091, 53.11709896048459 ], [ 7.264611537297132, 53.11709896048459 ], [ 7.264611537297132, 53.117301142105248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.116492409917704 ], [ 7.265766514091, 53.116492409917704 ], [ 7.265766514091, 53.116290224493788 ], [ 7.264611537297132, 53.116290224493788 ], [ 7.264611537297132, 53.116492409917704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.33333466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.116088038119024 ], [ 7.265766514091, 53.116088038119024 ], [ 7.265766514091, 53.115885850793454 ], [ 7.264611537297132, 53.115885850793454 ], [ 7.264611537297132, 53.116088038119024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 153.500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.115683662517043 ], [ 7.265766514091, 53.115683662517043 ], [ 7.265766514091, 53.115481473289812 ], [ 7.264611537297132, 53.115481473289812 ], [ 7.264611537297132, 53.115683662517043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.115481473289812 ], [ 7.265766514091, 53.115481473289812 ], [ 7.265766514091, 53.115279283111747 ], [ 7.264611537297132, 53.115279283111747 ], [ 7.264611537297132, 53.115481473289812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 139.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.11467270687254 ], [ 7.265766514091, 53.11467270687254 ], [ 7.265766514091, 53.114470512891131 ], [ 7.264611537297132, 53.114470512891131 ], [ 7.264611537297132, 53.11467270687254 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.114066122075783 ], [ 7.265766514091, 53.114066122075783 ], [ 7.265766514091, 53.113863925241851 ], [ 7.264611537297132, 53.113863925241851 ], [ 7.264611537297132, 53.114066122075783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.116290224493788 ], [ 7.266921490884868, 53.116290224493788 ], [ 7.266921490884868, 53.116088038119024 ], [ 7.265766514091, 53.116088038119024 ], [ 7.265766514091, 53.116290224493788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 127.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.116088038119024 ], [ 7.266921490884868, 53.116088038119024 ], [ 7.266921490884868, 53.115885850793454 ], [ 7.265766514091, 53.115885850793454 ], [ 7.265766514091, 53.116088038119024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.75985333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.115885850793454 ], [ 7.266921490884868, 53.115885850793454 ], [ 7.266921490884868, 53.115683662517043 ], [ 7.265766514091, 53.115683662517043 ], [ 7.265766514091, 53.115885850793454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.115683662517043 ], [ 7.266921490884868, 53.115683662517043 ], [ 7.266921490884868, 53.115481473289812 ], [ 7.265766514091, 53.115481473289812 ], [ 7.265766514091, 53.115683662517043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.115279283111747 ], [ 7.266921490884868, 53.115279283111747 ], [ 7.266921490884868, 53.11507709198284 ], [ 7.265766514091, 53.11507709198284 ], [ 7.265766514091, 53.115279283111747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35196_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 53.11507709198284 ], [ 7.266921490884868, 53.11507709198284 ], [ 7.266921490884868, 53.114874899903114 ], [ 7.265766514091, 53.114874899903114 ], [ 7.265766514091, 53.11507709198284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35205_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 71.058824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.068143046853173 ], [ 7.265766514091, 53.068143046853173 ], [ 7.265766514091, 53.067940634127041 ], [ 7.264611537297132, 53.067940634127041 ], [ 7.264611537297132, 53.068143046853173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35206_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 71.36142875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 53.062745048598494 ], [ 7.265766514091, 53.062745048598494 ], [ 7.265766514091, 53.062542610503982 ], [ 7.264611537297132, 53.062542610503982 ], [ 7.264611537297132, 53.062745048598494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35220_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 94.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.986696435246778 ], [ 7.266921490884868, 52.986696435246778 ], [ 7.266921490884868, 52.986493639946147 ], [ 7.265766514091, 52.986493639946147 ], [ 7.265766514091, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35237_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.894664921508642 ], [ 7.266921490884868, 52.894664921508642 ], [ 7.266921490884868, 52.894461694406843 ], [ 7.265766514091, 52.894461694406843 ], [ 7.265766514091, 52.894664921508642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35238_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.889245206005569 ], [ 7.266921490884868, 52.889245206005569 ], [ 7.266921490884868, 52.889041953491436 ], [ 7.265766514091, 52.889041953491436 ], [ 7.265766514091, 52.889245206005569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35239_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 79.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.883824812822724 ], [ 7.266921490884868, 52.883824812822724 ], [ 7.266921490884868, 52.883621534894893 ], [ 7.265766514091, 52.883621534894893 ], [ 7.265766514091, 52.883824812822724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35240_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.878403741923883 ], [ 7.266921490884868, 52.878403741923883 ], [ 7.266921490884868, 52.878200438581004 ], [ 7.265766514091, 52.878200438581004 ], [ 7.265766514091, 52.878403741923883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35241_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 85.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.872981993272838 ], [ 7.266921490884868, 52.872981993272838 ], [ 7.266921490884868, 52.872778664513554 ], [ 7.265766514091, 52.872778664513554 ], [ 7.265766514091, 52.872981993272838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35242_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 54.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.867559566833442 ], [ 7.266921490884868, 52.867559566833442 ], [ 7.266921490884868, 52.867356212656382 ], [ 7.265766514091, 52.867356212656382 ], [ 7.265766514091, 52.867559566833442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35246_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 44.38095238095238 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.845863082469151 ], [ 7.266921490884868, 52.845863082469151 ], [ 7.266921490884868, 52.845659626607485 ], [ 7.265766514091, 52.845659626607485 ], [ 7.265766514091, 52.845863082469151 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35247_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.840437266545869 ], [ 7.266921490884868, 52.840437266545869 ], [ 7.266921490884868, 52.840233785259656 ], [ 7.265766514091, 52.840233785259656 ], [ 7.265766514091, 52.840437266545869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35273_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 36.46153846153846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.697903096600925 ], [ 7.264611537297132, 52.697903096600925 ], [ 7.264611537297132, 52.697698948075825 ], [ 7.263456560503264, 52.697698948075825 ], [ 7.263456560503264, 52.697903096600925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35274_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 61.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.69409216670028 ], [ 7.264611537297132, 52.69409216670028 ], [ 7.264611537297132, 52.693888000352565 ], [ 7.263456560503264, 52.693888000352565 ], [ 7.263456560503264, 52.69409216670028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35274_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 48.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.692458809184011 ], [ 7.264611537297132, 52.692458809184011 ], [ 7.264611537297132, 52.692254635197834 ], [ 7.263456560503264, 52.692254635197834 ], [ 7.263456560503264, 52.692458809184011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35275_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 69.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.688647404001699 ], [ 7.264611537297132, 52.688647404001699 ], [ 7.264611537297132, 52.688443212191977 ], [ 7.263456560503264, 52.688443212191977 ], [ 7.263456560503264, 52.688647404001699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35275_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.68701384278797 ], [ 7.264611537297132, 52.68701384278797 ], [ 7.264611537297132, 52.68680964333938 ], [ 7.263456560503264, 52.68680964333938 ], [ 7.263456560503264, 52.68701384278797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.437453744787071 ], [ 7.261146606915529, 52.437453744787071 ], [ 7.261146606915529, 52.437248380298428 ], [ 7.259991630121662, 52.437248380298428 ], [ 7.259991630121662, 52.437453744787071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.436632281089736 ], [ 7.262301583709396, 52.436632281089736 ], [ 7.262301583709396, 52.436426912772603 ], [ 7.261146606915529, 52.436426912772603 ], [ 7.261146606915529, 52.436632281089736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.438069832510358 ], [ 7.263456560503264, 52.438069832510358 ], [ 7.263456560503264, 52.437864470893039 ], [ 7.262301583709396, 52.437864470893039 ], [ 7.262301583709396, 52.438069832510358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.436837648449746 ], [ 7.263456560503264, 52.436837648449746 ], [ 7.263456560503264, 52.436632281089736 ], [ 7.262301583709396, 52.436632281089736 ], [ 7.262301583709396, 52.436837648449746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.436016173266957 ], [ 7.263456560503264, 52.436016173266957 ], [ 7.263456560503264, 52.435810802078443 ], [ 7.262301583709396, 52.435810802078443 ], [ 7.262301583709396, 52.436016173266957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.438480552873663 ], [ 7.264611537297132, 52.438480552873663 ], [ 7.264611537297132, 52.438275193170568 ], [ 7.263456560503264, 52.438275193170568 ], [ 7.263456560503264, 52.438480552873663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.438069832510358 ], [ 7.264611537297132, 52.438069832510358 ], [ 7.264611537297132, 52.437864470893039 ], [ 7.263456560503264, 52.437864470893039 ], [ 7.263456560503264, 52.438069832510358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 130.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.437659108318613 ], [ 7.264611537297132, 52.437659108318613 ], [ 7.264611537297132, 52.437453744787071 ], [ 7.263456560503264, 52.437453744787071 ], [ 7.263456560503264, 52.437659108318613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.436016173266957 ], [ 7.264611537297132, 52.436016173266957 ], [ 7.264611537297132, 52.435810802078443 ], [ 7.263456560503264, 52.435810802078443 ], [ 7.263456560503264, 52.436016173266957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.435810802078443 ], [ 7.264611537297132, 52.435810802078443 ], [ 7.264611537297132, 52.435605429932806 ], [ 7.263456560503264, 52.435605429932806 ], [ 7.263456560503264, 52.435810802078443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.438480552873663 ], [ 7.265766514091, 52.438480552873663 ], [ 7.265766514091, 52.438275193170568 ], [ 7.264611537297132, 52.438275193170568 ], [ 7.264611537297132, 52.438480552873663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 200.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.438069832510358 ], [ 7.265766514091, 52.438069832510358 ], [ 7.265766514091, 52.437864470893039 ], [ 7.264611537297132, 52.437864470893039 ], [ 7.264611537297132, 52.438069832510358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.437248380298428 ], [ 7.265766514091, 52.437248380298428 ], [ 7.265766514091, 52.437043014852641 ], [ 7.264611537297132, 52.437043014852641 ], [ 7.264611537297132, 52.437248380298428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 137.4195385 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.437043014852641 ], [ 7.265766514091, 52.437043014852641 ], [ 7.265766514091, 52.436837648449746 ], [ 7.264611537297132, 52.436837648449746 ], [ 7.264611537297132, 52.437043014852641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.312294 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.436837648449746 ], [ 7.265766514091, 52.436837648449746 ], [ 7.265766514091, 52.436632281089736 ], [ 7.264611537297132, 52.436632281089736 ], [ 7.264611537297132, 52.436837648449746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.436632281089736 ], [ 7.265766514091, 52.436632281089736 ], [ 7.265766514091, 52.436426912772603 ], [ 7.264611537297132, 52.436426912772603 ], [ 7.264611537297132, 52.436632281089736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 147.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.435400056830026 ], [ 7.265766514091, 52.435400056830026 ], [ 7.265766514091, 52.435194682770117 ], [ 7.264611537297132, 52.435194682770117 ], [ 7.264611537297132, 52.435400056830026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.437248380298428 ], [ 7.266921490884868, 52.437248380298428 ], [ 7.266921490884868, 52.437043014852641 ], [ 7.265766514091, 52.437043014852641 ], [ 7.265766514091, 52.437248380298428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.436632281089736 ], [ 7.266921490884868, 52.436632281089736 ], [ 7.266921490884868, 52.436426912772603 ], [ 7.265766514091, 52.436426912772603 ], [ 7.265766514091, 52.436632281089736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35321_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 127.009706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.435605429932806 ], [ 7.266921490884868, 52.435605429932806 ], [ 7.266921490884868, 52.435400056830026 ], [ 7.265766514091, 52.435400056830026 ], [ 7.265766514091, 52.435605429932806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.431360857962368 ], [ 7.259991630121662, 52.431360857962368 ], [ 7.259991630121662, 52.431155465078454 ], [ 7.258836653327792, 52.431155465078454 ], [ 7.258836653327792, 52.431360857962368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.24999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.429512287548917 ], [ 7.259991630121662, 52.429512287548917 ], [ 7.259991630121662, 52.429306886050412 ], [ 7.258836653327792, 52.429306886050412 ], [ 7.258836653327792, 52.429512287548917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.431977030871053 ], [ 7.261146606915529, 52.431977030871053 ], [ 7.261146606915529, 52.431771640858656 ], [ 7.259991630121662, 52.431771640858656 ], [ 7.259991630121662, 52.431977030871053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.431155465078454 ], [ 7.262301583709396, 52.431155465078454 ], [ 7.262301583709396, 52.430950071237376 ], [ 7.261146606915529, 52.430950071237376 ], [ 7.261146606915529, 52.431155465078454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.432593195165289 ], [ 7.263456560503264, 52.432593195165289 ], [ 7.263456560503264, 52.432387808024373 ], [ 7.262301583709396, 52.432387808024373 ], [ 7.262301583709396, 52.432593195165289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.431360857962368 ], [ 7.263456560503264, 52.431360857962368 ], [ 7.263456560503264, 52.431155465078454 ], [ 7.262301583709396, 52.431155465078454 ], [ 7.262301583709396, 52.431360857962368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.430539280683711 ], [ 7.263456560503264, 52.430539280683711 ], [ 7.263456560503264, 52.430333883971116 ], [ 7.262301583709396, 52.430333883971116 ], [ 7.262301583709396, 52.430539280683711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.43300396657564 ], [ 7.264611537297132, 52.43300396657564 ], [ 7.264611537297132, 52.432798581349047 ], [ 7.263456560503264, 52.432798581349047 ], [ 7.263456560503264, 52.43300396657564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 176.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.432798581349047 ], [ 7.264611537297132, 52.432798581349047 ], [ 7.264611537297132, 52.432593195165289 ], [ 7.263456560503264, 52.432593195165289 ], [ 7.263456560503264, 52.432798581349047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 162.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.432593195165289 ], [ 7.264611537297132, 52.432593195165289 ], [ 7.264611537297132, 52.432387808024373 ], [ 7.263456560503264, 52.432387808024373 ], [ 7.263456560503264, 52.432593195165289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.12093033333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.432182419926299 ], [ 7.264611537297132, 52.432182419926299 ], [ 7.264611537297132, 52.431977030871053 ], [ 7.263456560503264, 52.431977030871053 ], [ 7.263456560503264, 52.432182419926299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.431771640858656 ], [ 7.264611537297132, 52.431771640858656 ], [ 7.264611537297132, 52.431566249889087 ], [ 7.263456560503264, 52.431566249889087 ], [ 7.263456560503264, 52.431771640858656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 141.272223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.430539280683711 ], [ 7.264611537297132, 52.430539280683711 ], [ 7.264611537297132, 52.430333883971116 ], [ 7.263456560503264, 52.430333883971116 ], [ 7.263456560503264, 52.430539280683711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.430333883971116 ], [ 7.264611537297132, 52.430333883971116 ], [ 7.264611537297132, 52.430128486301342 ], [ 7.263456560503264, 52.430128486301342 ], [ 7.263456560503264, 52.430333883971116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.43300396657564 ], [ 7.265766514091, 52.43300396657564 ], [ 7.265766514091, 52.432798581349047 ], [ 7.264611537297132, 52.432798581349047 ], [ 7.264611537297132, 52.43300396657564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 190.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.432593195165289 ], [ 7.265766514091, 52.432593195165289 ], [ 7.265766514091, 52.432387808024373 ], [ 7.264611537297132, 52.432387808024373 ], [ 7.264611537297132, 52.432593195165289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.30291733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.431771640858656 ], [ 7.265766514091, 52.431771640858656 ], [ 7.265766514091, 52.431566249889087 ], [ 7.264611537297132, 52.431566249889087 ], [ 7.264611537297132, 52.431771640858656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 138.710887 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.431566249889087 ], [ 7.265766514091, 52.431566249889087 ], [ 7.265766514091, 52.431360857962368 ], [ 7.264611537297132, 52.431360857962368 ], [ 7.264611537297132, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 123.746427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.431360857962368 ], [ 7.265766514091, 52.431360857962368 ], [ 7.265766514091, 52.431155465078454 ], [ 7.264611537297132, 52.431155465078454 ], [ 7.264611537297132, 52.431360857962368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 125.63392885714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.431155465078454 ], [ 7.265766514091, 52.431155465078454 ], [ 7.265766514091, 52.430950071237376 ], [ 7.264611537297132, 52.430950071237376 ], [ 7.264611537297132, 52.431155465078454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.430539280683711 ], [ 7.265766514091, 52.430539280683711 ], [ 7.265766514091, 52.430333883971116 ], [ 7.264611537297132, 52.430333883971116 ], [ 7.264611537297132, 52.430539280683711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 149.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.429923087674375 ], [ 7.265766514091, 52.429923087674375 ], [ 7.265766514091, 52.429717688090243 ], [ 7.264611537297132, 52.429717688090243 ], [ 7.264611537297132, 52.429923087674375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 128.0207145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.429101483594714 ], [ 7.265766514091, 52.429101483594714 ], [ 7.265766514091, 52.428896080181822 ], [ 7.264611537297132, 52.428896080181822 ], [ 7.264611537297132, 52.429101483594714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 122.19484933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.431771640858656 ], [ 7.266921490884868, 52.431771640858656 ], [ 7.266921490884868, 52.431566249889087 ], [ 7.265766514091, 52.431566249889087 ], [ 7.265766514091, 52.431771640858656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.431566249889087 ], [ 7.266921490884868, 52.431566249889087 ], [ 7.266921490884868, 52.431360857962368 ], [ 7.265766514091, 52.431360857962368 ], [ 7.265766514091, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.431360857962368 ], [ 7.266921490884868, 52.431360857962368 ], [ 7.266921490884868, 52.431155465078454 ], [ 7.265766514091, 52.431155465078454 ], [ 7.265766514091, 52.431360857962368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.20258818181819 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.431155465078454 ], [ 7.266921490884868, 52.431155465078454 ], [ 7.266921490884868, 52.430950071237376 ], [ 7.265766514091, 52.430950071237376 ], [ 7.265766514091, 52.431155465078454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 157.10024866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.430950071237376 ], [ 7.266921490884868, 52.430950071237376 ], [ 7.266921490884868, 52.430744676439133 ], [ 7.265766514091, 52.430744676439133 ], [ 7.265766514091, 52.430950071237376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 166.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.430744676439133 ], [ 7.266921490884868, 52.430744676439133 ], [ 7.266921490884868, 52.430539280683711 ], [ 7.265766514091, 52.430539280683711 ], [ 7.265766514091, 52.430744676439133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.430333883971116 ], [ 7.266921490884868, 52.430333883971116 ], [ 7.266921490884868, 52.430128486301342 ], [ 7.265766514091, 52.430128486301342 ], [ 7.265766514091, 52.430333883971116 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35322_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 120.40459675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.430128486301342 ], [ 7.266921490884868, 52.430128486301342 ], [ 7.266921490884868, 52.429923087674375 ], [ 7.265766514091, 52.429923087674375 ], [ 7.265766514091, 52.430128486301342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.425883386821269 ], [ 7.259991630121662, 52.425883386821269 ], [ 7.259991630121662, 52.425677968412181 ], [ 7.258836653327792, 52.425677968412181 ], [ 7.258836653327792, 52.425883386821269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 131.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.424034586679412 ], [ 7.259991630121662, 52.424034586679412 ], [ 7.259991630121662, 52.423829159655277 ], [ 7.258836653327792, 52.423829159655277 ], [ 7.258836653327792, 52.424034586679412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.426499636305238 ], [ 7.261146606915529, 52.426499636305238 ], [ 7.261146606915529, 52.426294220767794 ], [ 7.259991630121662, 52.426294220767794 ], [ 7.259991630121662, 52.426499636305238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 162.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.425677968412181 ], [ 7.262301583709396, 52.425677968412181 ], [ 7.262301583709396, 52.425472549045878 ], [ 7.261146606915529, 52.425472549045878 ], [ 7.261146606915529, 52.425677968412181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.427115877174288 ], [ 7.263456560503264, 52.427115877174288 ], [ 7.263456560503264, 52.426910464508481 ], [ 7.262301583709396, 52.426910464508481 ], [ 7.262301583709396, 52.427115877174288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.425883386821269 ], [ 7.263456560503264, 52.425883386821269 ], [ 7.263456560503264, 52.425677968412181 ], [ 7.262301583709396, 52.425677968412181 ], [ 7.262301583709396, 52.425883386821269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.425061707441586 ], [ 7.263456560503264, 52.425061707441586 ], [ 7.263456560503264, 52.42485628520361 ], [ 7.262301583709396, 52.42485628520361 ], [ 7.262301583709396, 52.425061707441586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.427526699634285 ], [ 7.264611537297132, 52.427526699634285 ], [ 7.264611537297132, 52.427321288882894 ], [ 7.263456560503264, 52.427321288882894 ], [ 7.263456560503264, 52.427526699634285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.427321288882894 ], [ 7.264611537297132, 52.427321288882894 ], [ 7.264611537297132, 52.427115877174288 ], [ 7.263456560503264, 52.427115877174288 ], [ 7.263456560503264, 52.427321288882894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.427115877174288 ], [ 7.264611537297132, 52.427115877174288 ], [ 7.264611537297132, 52.426910464508481 ], [ 7.263456560503264, 52.426910464508481 ], [ 7.263456560503264, 52.427115877174288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.60302933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.42670505088546 ], [ 7.264611537297132, 52.42670505088546 ], [ 7.264611537297132, 52.426499636305238 ], [ 7.263456560503264, 52.426499636305238 ], [ 7.263456560503264, 52.42670505088546 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 110.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.426294220767794 ], [ 7.264611537297132, 52.426294220767794 ], [ 7.264611537297132, 52.426088804273135 ], [ 7.263456560503264, 52.426088804273135 ], [ 7.263456560503264, 52.426294220767794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 128.324787 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.425061707441586 ], [ 7.264611537297132, 52.425061707441586 ], [ 7.264611537297132, 52.42485628520361 ], [ 7.263456560503264, 52.42485628520361 ], [ 7.263456560503264, 52.425061707441586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.42485628520361 ], [ 7.264611537297132, 52.42485628520361 ], [ 7.264611537297132, 52.424650862008406 ], [ 7.263456560503264, 52.424650862008406 ], [ 7.263456560503264, 52.42485628520361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.427526699634285 ], [ 7.265766514091, 52.427526699634285 ], [ 7.265766514091, 52.427321288882894 ], [ 7.264611537297132, 52.427321288882894 ], [ 7.264611537297132, 52.427526699634285 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.427115877174288 ], [ 7.265766514091, 52.427115877174288 ], [ 7.265766514091, 52.426910464508481 ], [ 7.264611537297132, 52.426910464508481 ], [ 7.264611537297132, 52.427115877174288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 135.7297 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.426294220767794 ], [ 7.265766514091, 52.426294220767794 ], [ 7.265766514091, 52.426088804273135 ], [ 7.264611537297132, 52.426088804273135 ], [ 7.264611537297132, 52.426294220767794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 139.73055366666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.426088804273135 ], [ 7.265766514091, 52.426088804273135 ], [ 7.265766514091, 52.425883386821269 ], [ 7.264611537297132, 52.425883386821269 ], [ 7.264611537297132, 52.426088804273135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.425883386821269 ], [ 7.265766514091, 52.425883386821269 ], [ 7.265766514091, 52.425677968412181 ], [ 7.264611537297132, 52.425677968412181 ], [ 7.264611537297132, 52.425883386821269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 123.833334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.425677968412181 ], [ 7.265766514091, 52.425677968412181 ], [ 7.265766514091, 52.425472549045878 ], [ 7.264611537297132, 52.425472549045878 ], [ 7.264611537297132, 52.425677968412181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.425061707441586 ], [ 7.265766514091, 52.425061707441586 ], [ 7.265766514091, 52.42485628520361 ], [ 7.264611537297132, 52.42485628520361 ], [ 7.264611537297132, 52.425061707441586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 146.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.424445437855972 ], [ 7.265766514091, 52.424445437855972 ], [ 7.265766514091, 52.424240012746317 ], [ 7.264611537297132, 52.424240012746317 ], [ 7.264611537297132, 52.424445437855972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 123.8677485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.423623731673914 ], [ 7.265766514091, 52.423623731673914 ], [ 7.265766514091, 52.423418302735314 ], [ 7.264611537297132, 52.423418302735314 ], [ 7.264611537297132, 52.423623731673914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.92794125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.426294220767794 ], [ 7.266921490884868, 52.426294220767794 ], [ 7.266921490884868, 52.426088804273135 ], [ 7.265766514091, 52.426088804273135 ], [ 7.265766514091, 52.426294220767794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.426088804273135 ], [ 7.266921490884868, 52.426088804273135 ], [ 7.266921490884868, 52.425883386821269 ], [ 7.265766514091, 52.425883386821269 ], [ 7.265766514091, 52.426088804273135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.425883386821269 ], [ 7.266921490884868, 52.425883386821269 ], [ 7.266921490884868, 52.425677968412181 ], [ 7.265766514091, 52.425677968412181 ], [ 7.265766514091, 52.425883386821269 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.26124609090911 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.425677968412181 ], [ 7.266921490884868, 52.425677968412181 ], [ 7.266921490884868, 52.425472549045878 ], [ 7.265766514091, 52.425472549045878 ], [ 7.265766514091, 52.425677968412181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 159.928782 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.425472549045878 ], [ 7.266921490884868, 52.425472549045878 ], [ 7.266921490884868, 52.425267128722339 ], [ 7.265766514091, 52.425267128722339 ], [ 7.265766514091, 52.425472549045878 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.425267128722339 ], [ 7.266921490884868, 52.425267128722339 ], [ 7.266921490884868, 52.425061707441586 ], [ 7.265766514091, 52.425061707441586 ], [ 7.265766514091, 52.425267128722339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.42485628520361 ], [ 7.266921490884868, 52.42485628520361 ], [ 7.266921490884868, 52.424650862008406 ], [ 7.265766514091, 52.424650862008406 ], [ 7.265766514091, 52.42485628520361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35323_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 115.213506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.424650862008406 ], [ 7.266921490884868, 52.424650862008406 ], [ 7.266921490884868, 52.424445437855972 ], [ 7.265766514091, 52.424445437855972 ], [ 7.265766514091, 52.424650862008406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.420405234991954 ], [ 7.259991630121662, 52.420405234991954 ], [ 7.259991630121662, 52.420199791056383 ], [ 7.258836653327792, 52.420199791056383 ], [ 7.258836653327792, 52.420405234991954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 130.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.418556205110043 ], [ 7.259991630121662, 52.418556205110043 ], [ 7.259991630121662, 52.418350752558993 ], [ 7.258836653327792, 52.418350752558993 ], [ 7.258836653327792, 52.418556205110043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 114.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.421021561055078 ], [ 7.261146606915529, 52.421021561055078 ], [ 7.261146606915529, 52.420816119991301 ], [ 7.259991630121662, 52.420816119991301 ], [ 7.259991630121662, 52.421021561055078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.420199791056383 ], [ 7.262301583709396, 52.420199791056383 ], [ 7.262301583709396, 52.419994346163556 ], [ 7.261146606915529, 52.419994346163556 ], [ 7.261146606915529, 52.420199791056383 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.421637878502835 ], [ 7.263456560503264, 52.421637878502835 ], [ 7.263456560503264, 52.421432440310838 ], [ 7.262301583709396, 52.421432440310838 ], [ 7.262301583709396, 52.421637878502835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.420405234991954 ], [ 7.263456560503264, 52.420405234991954 ], [ 7.263456560503264, 52.420199791056383 ], [ 7.262301583709396, 52.420199791056383 ], [ 7.262301583709396, 52.420405234991954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.419583453506078 ], [ 7.263456560503264, 52.419583453506078 ], [ 7.263456560503264, 52.419378005741422 ], [ 7.262301583709396, 52.419378005741422 ], [ 7.262301583709396, 52.419583453506078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 182.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.422048752015073 ], [ 7.264611537297132, 52.422048752015073 ], [ 7.264611537297132, 52.421843315737583 ], [ 7.263456560503264, 52.421843315737583 ], [ 7.263456560503264, 52.422048752015073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 171.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.421843315737583 ], [ 7.264611537297132, 52.421843315737583 ], [ 7.264611537297132, 52.421637878502835 ], [ 7.263456560503264, 52.421637878502835 ], [ 7.263456560503264, 52.421843315737583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.421637878502835 ], [ 7.264611537297132, 52.421637878502835 ], [ 7.264611537297132, 52.421432440310838 ], [ 7.263456560503264, 52.421432440310838 ], [ 7.263456560503264, 52.421637878502835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.1432305 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.42122700116159 ], [ 7.264611537297132, 52.42122700116159 ], [ 7.264611537297132, 52.421021561055078 ], [ 7.263456560503264, 52.421021561055078 ], [ 7.263456560503264, 52.42122700116159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.420816119991301 ], [ 7.264611537297132, 52.420816119991301 ], [ 7.264611537297132, 52.420610677970267 ], [ 7.263456560503264, 52.420610677970267 ], [ 7.263456560503264, 52.420816119991301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 149.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.419583453506078 ], [ 7.264611537297132, 52.419583453506078 ], [ 7.264611537297132, 52.419378005741422 ], [ 7.263456560503264, 52.419378005741422 ], [ 7.263456560503264, 52.419583453506078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.419378005741422 ], [ 7.264611537297132, 52.419378005741422 ], [ 7.264611537297132, 52.419172557019493 ], [ 7.263456560503264, 52.419172557019493 ], [ 7.263456560503264, 52.419378005741422 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.422048752015073 ], [ 7.265766514091, 52.422048752015073 ], [ 7.265766514091, 52.421843315737583 ], [ 7.264611537297132, 52.421843315737583 ], [ 7.264611537297132, 52.422048752015073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.421637878502835 ], [ 7.265766514091, 52.421637878502835 ], [ 7.265766514091, 52.421432440310838 ], [ 7.264611537297132, 52.421432440310838 ], [ 7.264611537297132, 52.421637878502835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.33333133333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.420816119991301 ], [ 7.265766514091, 52.420816119991301 ], [ 7.265766514091, 52.420610677970267 ], [ 7.264611537297132, 52.420610677970267 ], [ 7.264611537297132, 52.420816119991301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 134.29054166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.420610677970267 ], [ 7.265766514091, 52.420610677970267 ], [ 7.265766514091, 52.420405234991954 ], [ 7.264611537297132, 52.420405234991954 ], [ 7.264611537297132, 52.420610677970267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.19357875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.420405234991954 ], [ 7.265766514091, 52.420405234991954 ], [ 7.265766514091, 52.420199791056383 ], [ 7.264611537297132, 52.420199791056383 ], [ 7.264611537297132, 52.420405234991954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 123.83333433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.420199791056383 ], [ 7.265766514091, 52.420199791056383 ], [ 7.265766514091, 52.419994346163556 ], [ 7.264611537297132, 52.419994346163556 ], [ 7.264611537297132, 52.420199791056383 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.419583453506078 ], [ 7.265766514091, 52.419583453506078 ], [ 7.265766514091, 52.419378005741422 ], [ 7.264611537297132, 52.419378005741422 ], [ 7.264611537297132, 52.419583453506078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.33333033333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.418967107340293 ], [ 7.265766514091, 52.418967107340293 ], [ 7.265766514091, 52.418761656703808 ], [ 7.264611537297132, 52.418761656703808 ], [ 7.264611537297132, 52.418967107340293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.990485 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.418145299050664 ], [ 7.265766514091, 52.418145299050664 ], [ 7.265766514091, 52.417939844585042 ], [ 7.264611537297132, 52.417939844585042 ], [ 7.264611537297132, 52.418145299050664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 124.412924 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.420816119991301 ], [ 7.266921490884868, 52.420816119991301 ], [ 7.266921490884868, 52.420610677970267 ], [ 7.265766514091, 52.420610677970267 ], [ 7.265766514091, 52.420816119991301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.420610677970267 ], [ 7.266921490884868, 52.420610677970267 ], [ 7.266921490884868, 52.420405234991954 ], [ 7.265766514091, 52.420405234991954 ], [ 7.265766514091, 52.420610677970267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.420405234991954 ], [ 7.266921490884868, 52.420405234991954 ], [ 7.266921490884868, 52.420199791056383 ], [ 7.265766514091, 52.420199791056383 ], [ 7.265766514091, 52.420405234991954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 125.79114833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.420199791056383 ], [ 7.266921490884868, 52.420199791056383 ], [ 7.266921490884868, 52.419994346163556 ], [ 7.265766514091, 52.419994346163556 ], [ 7.265766514091, 52.420199791056383 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 155.01542766666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.419994346163556 ], [ 7.266921490884868, 52.419994346163556 ], [ 7.266921490884868, 52.419788900313449 ], [ 7.265766514091, 52.419788900313449 ], [ 7.265766514091, 52.419994346163556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.419788900313449 ], [ 7.266921490884868, 52.419788900313449 ], [ 7.266921490884868, 52.419583453506078 ], [ 7.265766514091, 52.419583453506078 ], [ 7.265766514091, 52.419788900313449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.419378005741422 ], [ 7.266921490884868, 52.419378005741422 ], [ 7.266921490884868, 52.419172557019493 ], [ 7.265766514091, 52.419172557019493 ], [ 7.265766514091, 52.419378005741422 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35324_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 116.79365233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.419172557019493 ], [ 7.266921490884868, 52.419172557019493 ], [ 7.266921490884868, 52.418967107340293 ], [ 7.265766514091, 52.418967107340293 ], [ 7.265766514091, 52.419172557019493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.414926402439932 ], [ 7.259991630121662, 52.414926402439932 ], [ 7.259991630121662, 52.414720932976579 ], [ 7.258836653327792, 52.414720932976579 ], [ 7.258836653327792, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 132.499268 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.413077142806308 ], [ 7.259991630121662, 52.413077142806308 ], [ 7.259991630121662, 52.412871664727049 ], [ 7.258836653327792, 52.412871664727049 ], [ 7.258836653327792, 52.413077142806308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.415542805086076 ], [ 7.261146606915529, 52.415542805086076 ], [ 7.261146606915529, 52.415337338494659 ], [ 7.259991630121662, 52.415337338494659 ], [ 7.259991630121662, 52.415542805086076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.414720932976579 ], [ 7.262301583709396, 52.414720932976579 ], [ 7.262301583709396, 52.414515462555933 ], [ 7.261146606915529, 52.414515462555933 ], [ 7.261146606915529, 52.414720932976579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.416159199116429 ], [ 7.263456560503264, 52.416159199116429 ], [ 7.263456560503264, 52.41595373539694 ], [ 7.262301583709396, 52.41595373539694 ], [ 7.262301583709396, 52.416159199116429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.414926402439932 ], [ 7.263456560503264, 52.414926402439932 ], [ 7.263456560503264, 52.414720932976579 ], [ 7.262301583709396, 52.414720932976579 ], [ 7.262301583709396, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.414104518842656 ], [ 7.263456560503264, 52.414104518842656 ], [ 7.263456560503264, 52.413899045550032 ], [ 7.262301583709396, 52.413899045550032 ], [ 7.262301583709396, 52.414104518842656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.416570123683478 ], [ 7.264611537297132, 52.416570123683478 ], [ 7.264611537297132, 52.416364661878596 ], [ 7.263456560503264, 52.416364661878596 ], [ 7.263456560503264, 52.416570123683478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 165.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.416364661878596 ], [ 7.264611537297132, 52.416364661878596 ], [ 7.264611537297132, 52.416159199116429 ], [ 7.263456560503264, 52.416159199116429 ], [ 7.263456560503264, 52.416364661878596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_6", "Weekday": 4, "hour": 6, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.416159199116429 ], [ 7.264611537297132, 52.416159199116429 ], [ 7.264611537297132, 52.41595373539694 ], [ 7.263456560503264, 52.41595373539694 ], [ 7.263456560503264, 52.416159199116429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 119.406015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.415748270720158 ], [ 7.264611537297132, 52.415748270720158 ], [ 7.264611537297132, 52.415542805086076 ], [ 7.263456560503264, 52.415542805086076 ], [ 7.263456560503264, 52.415748270720158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.415337338494659 ], [ 7.264611537297132, 52.415337338494659 ], [ 7.264611537297132, 52.415131870945956 ], [ 7.263456560503264, 52.415131870945956 ], [ 7.263456560503264, 52.415337338494659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 148.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.414104518842656 ], [ 7.264611537297132, 52.414104518842656 ], [ 7.264611537297132, 52.413899045550032 ], [ 7.263456560503264, 52.413899045550032 ], [ 7.263456560503264, 52.414104518842656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.413899045550032 ], [ 7.264611537297132, 52.413899045550032 ], [ 7.264611537297132, 52.413693571300101 ], [ 7.263456560503264, 52.413693571300101 ], [ 7.263456560503264, 52.413899045550032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.416570123683478 ], [ 7.265766514091, 52.416570123683478 ], [ 7.265766514091, 52.416364661878596 ], [ 7.264611537297132, 52.416364661878596 ], [ 7.264611537297132, 52.416570123683478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.416159199116429 ], [ 7.265766514091, 52.416159199116429 ], [ 7.265766514091, 52.41595373539694 ], [ 7.264611537297132, 52.41595373539694 ], [ 7.264611537297132, 52.416159199116429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.415337338494659 ], [ 7.265766514091, 52.415337338494659 ], [ 7.265766514091, 52.415131870945956 ], [ 7.264611537297132, 52.415131870945956 ], [ 7.264611537297132, 52.415337338494659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 137.9354305 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.415131870945956 ], [ 7.265766514091, 52.415131870945956 ], [ 7.265766514091, 52.414926402439932 ], [ 7.264611537297132, 52.414926402439932 ], [ 7.264611537297132, 52.415131870945956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.500004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.414926402439932 ], [ 7.265766514091, 52.414926402439932 ], [ 7.265766514091, 52.414720932976579 ], [ 7.264611537297132, 52.414720932976579 ], [ 7.264611537297132, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 128.465968 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.414720932976579 ], [ 7.265766514091, 52.414720932976579 ], [ 7.265766514091, 52.414515462555933 ], [ 7.264611537297132, 52.414515462555933 ], [ 7.264611537297132, 52.414720932976579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.414104518842656 ], [ 7.265766514091, 52.414104518842656 ], [ 7.265766514091, 52.413899045550032 ], [ 7.264611537297132, 52.413899045550032 ], [ 7.264611537297132, 52.414104518842656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 143.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.413488096092827 ], [ 7.265766514091, 52.413488096092827 ], [ 7.265766514091, 52.413282619928225 ], [ 7.264611537297132, 52.413282619928225 ], [ 7.264611537297132, 52.413488096092827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.412666185690462 ], [ 7.265766514091, 52.412666185690462 ], [ 7.265766514091, 52.412460705696539 ], [ 7.264611537297132, 52.412460705696539 ], [ 7.264611537297132, 52.412666185690462 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 127.402441 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.415337338494659 ], [ 7.266921490884868, 52.415337338494659 ], [ 7.266921490884868, 52.415131870945956 ], [ 7.265766514091, 52.415131870945956 ], [ 7.265766514091, 52.415337338494659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.415131870945956 ], [ 7.266921490884868, 52.415131870945956 ], [ 7.266921490884868, 52.414926402439932 ], [ 7.265766514091, 52.414926402439932 ], [ 7.265766514091, 52.415131870945956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.414926402439932 ], [ 7.266921490884868, 52.414926402439932 ], [ 7.266921490884868, 52.414720932976579 ], [ 7.265766514091, 52.414720932976579 ], [ 7.265766514091, 52.414926402439932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.4000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.414720932976579 ], [ 7.266921490884868, 52.414720932976579 ], [ 7.266921490884868, 52.414515462555933 ], [ 7.265766514091, 52.414515462555933 ], [ 7.265766514091, 52.414720932976579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.166113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.414515462555933 ], [ 7.266921490884868, 52.414515462555933 ], [ 7.266921490884868, 52.414309991177944 ], [ 7.265766514091, 52.414309991177944 ], [ 7.265766514091, 52.414515462555933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.414309991177944 ], [ 7.266921490884868, 52.414309991177944 ], [ 7.266921490884868, 52.414104518842656 ], [ 7.265766514091, 52.414104518842656 ], [ 7.265766514091, 52.414309991177944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.413899045550032 ], [ 7.266921490884868, 52.413899045550032 ], [ 7.266921490884868, 52.413693571300101 ], [ 7.265766514091, 52.413693571300101 ], [ 7.265766514091, 52.413899045550032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35325_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 118.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.413693571300101 ], [ 7.266921490884868, 52.413693571300101 ], [ 7.266921490884868, 52.413488096092827 ], [ 7.265766514091, 52.413488096092827 ], [ 7.265766514091, 52.413693571300101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.354614306820302 ], [ 7.259991630121662, 52.354614306820302 ], [ 7.259991630121662, 52.354408556466311 ], [ 7.258836653327792, 52.354408556466311 ], [ 7.258836653327792, 52.354614306820302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 86.275035 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.352556760176974 ], [ 7.259991630121662, 52.352556760176974 ], [ 7.259991630121662, 52.352351000244418 ], [ 7.258836653327792, 52.352351000244418 ], [ 7.258836653327792, 52.352556760176974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.355231552135223 ], [ 7.261146606915529, 52.355231552135223 ], [ 7.261146606915529, 52.355025804654758 ], [ 7.259991630121662, 52.355025804654758 ], [ 7.259991630121662, 52.355231552135223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.354408556466311 ], [ 7.262301583709396, 52.354408556466311 ], [ 7.262301583709396, 52.354202805154472 ], [ 7.261146606915529, 52.354202805154472 ], [ 7.261146606915529, 52.354408556466311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.355848788829569 ], [ 7.263456560503264, 52.355848788829569 ], [ 7.263456560503264, 52.355643044222624 ], [ 7.262301583709396, 52.355643044222624 ], [ 7.262301583709396, 52.355848788829569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.354614306820302 ], [ 7.263456560503264, 52.354614306820302 ], [ 7.263456560503264, 52.354408556466311 ], [ 7.262301583709396, 52.354408556466311 ], [ 7.262301583709396, 52.354614306820302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.353791299657232 ], [ 7.263456560503264, 52.353791299657232 ], [ 7.263456560503264, 52.353585545471837 ], [ 7.262301583709396, 52.353585545471837 ], [ 7.262301583709396, 52.353791299657232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.356260275169952 ], [ 7.264611537297132, 52.356260275169952 ], [ 7.264611537297132, 52.356054532478673 ], [ 7.263456560503264, 52.356054532478673 ], [ 7.263456560503264, 52.356260275169952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 162.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.356054532478673 ], [ 7.264611537297132, 52.356054532478673 ], [ 7.264611537297132, 52.355848788829569 ], [ 7.263456560503264, 52.355848788829569 ], [ 7.263456560503264, 52.356054532478673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.35543729865784 ], [ 7.264611537297132, 52.35543729865784 ], [ 7.264611537297132, 52.355231552135223 ], [ 7.263456560503264, 52.355231552135223 ], [ 7.263456560503264, 52.35543729865784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.355025804654758 ], [ 7.264611537297132, 52.355025804654758 ], [ 7.264611537297132, 52.354820056216461 ], [ 7.263456560503264, 52.354820056216461 ], [ 7.263456560503264, 52.355025804654758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.353585545471837 ], [ 7.264611537297132, 52.353585545471837 ], [ 7.264611537297132, 52.353379790328582 ], [ 7.263456560503264, 52.353379790328582 ], [ 7.263456560503264, 52.353585545471837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.356260275169952 ], [ 7.265766514091, 52.356260275169952 ], [ 7.265766514091, 52.356054532478673 ], [ 7.264611537297132, 52.356054532478673 ], [ 7.264611537297132, 52.356260275169952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.355848788829569 ], [ 7.265766514091, 52.355848788829569 ], [ 7.265766514091, 52.355643044222624 ], [ 7.264611537297132, 52.355643044222624 ], [ 7.264611537297132, 52.355848788829569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 127.4301735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.355231552135223 ], [ 7.265766514091, 52.355231552135223 ], [ 7.265766514091, 52.355025804654758 ], [ 7.264611537297132, 52.355025804654758 ], [ 7.264611537297132, 52.355231552135223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.354820056216461 ], [ 7.265766514091, 52.354820056216461 ], [ 7.265766514091, 52.354614306820302 ], [ 7.264611537297132, 52.354614306820302 ], [ 7.264611537297132, 52.354820056216461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.354408556466311 ], [ 7.265766514091, 52.354408556466311 ], [ 7.265766514091, 52.354202805154472 ], [ 7.264611537297132, 52.354202805154472 ], [ 7.264611537297132, 52.354408556466311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 148.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.353174034227472 ], [ 7.265766514091, 52.353174034227472 ], [ 7.265766514091, 52.352968277168493 ], [ 7.264611537297132, 52.352968277168493 ], [ 7.264611537297132, 52.353174034227472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 121.871206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.352351000244418 ], [ 7.265766514091, 52.352351000244418 ], [ 7.265766514091, 52.352145239354002 ], [ 7.264611537297132, 52.352145239354002 ], [ 7.264611537297132, 52.352351000244418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 85.6588995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.355025804654758 ], [ 7.266921490884868, 52.355025804654758 ], [ 7.266921490884868, 52.354820056216461 ], [ 7.265766514091, 52.354820056216461 ], [ 7.265766514091, 52.355025804654758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.354614306820302 ], [ 7.266921490884868, 52.354614306820302 ], [ 7.266921490884868, 52.354408556466311 ], [ 7.265766514091, 52.354408556466311 ], [ 7.265766514091, 52.354614306820302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 127.22059 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.354408556466311 ], [ 7.266921490884868, 52.354408556466311 ], [ 7.266921490884868, 52.354202805154472 ], [ 7.265766514091, 52.354202805154472 ], [ 7.265766514091, 52.354408556466311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.08805 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.354202805154472 ], [ 7.266921490884868, 52.354202805154472 ], [ 7.266921490884868, 52.353997052884772 ], [ 7.265766514091, 52.353997052884772 ], [ 7.265766514091, 52.354202805154472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.353997052884772 ], [ 7.266921490884868, 52.353997052884772 ], [ 7.266921490884868, 52.353791299657232 ], [ 7.265766514091, 52.353791299657232 ], [ 7.265766514091, 52.353997052884772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.353585545471837 ], [ 7.266921490884868, 52.353585545471837 ], [ 7.266921490884868, 52.353379790328582 ], [ 7.265766514091, 52.353379790328582 ], [ 7.265766514091, 52.353585545471837 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35336_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 133.914844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.353379790328582 ], [ 7.266921490884868, 52.353379790328582 ], [ 7.266921490884868, 52.353174034227472 ], [ 7.265766514091, 52.353174034227472 ], [ 7.265766514091, 52.353379790328582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.349127302911789 ], [ 7.259991630121662, 52.349127302911789 ], [ 7.259991630121662, 52.348921527014561 ], [ 7.258836653327792, 52.348921527014561 ], [ 7.258836653327792, 52.349127302911789 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 81.4000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.347069500833946 ], [ 7.259991630121662, 52.347069500833946 ], [ 7.259991630121662, 52.346863715357678 ], [ 7.258836653327792, 52.346863715357678 ], [ 7.258836653327792, 52.347069500833946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.349744624856115 ], [ 7.261146606915529, 52.349744624856115 ], [ 7.261146606915529, 52.349538851832563 ], [ 7.259991630121662, 52.349538851832563 ], [ 7.259991630121662, 52.349744624856115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.348921527014561 ], [ 7.262301583709396, 52.348921527014561 ], [ 7.262301583709396, 52.348715750159435 ], [ 7.261146606915529, 52.348715750159435 ], [ 7.261146606915529, 52.348921527014561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 186.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.350361938179446 ], [ 7.263456560503264, 52.350361938179446 ], [ 7.263456560503264, 52.35015616802955 ], [ 7.262301583709396, 52.35015616802955 ], [ 7.262301583709396, 52.350361938179446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.349127302911789 ], [ 7.263456560503264, 52.349127302911789 ], [ 7.263456560503264, 52.348921527014561 ], [ 7.262301583709396, 52.348921527014561 ], [ 7.262301583709396, 52.349127302911789 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.348304193575487 ], [ 7.263456560503264, 52.348304193575487 ], [ 7.263456560503264, 52.348098413846657 ], [ 7.262301583709396, 52.348098413846657 ], [ 7.262301583709396, 52.348304193575487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.350773475605571 ], [ 7.264611537297132, 52.350773475605571 ], [ 7.264611537297132, 52.350567707371447 ], [ 7.263456560503264, 52.350567707371447 ], [ 7.263456560503264, 52.350773475605571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 162.5999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.350567707371447 ], [ 7.264611537297132, 52.350567707371447 ], [ 7.264611537297132, 52.350361938179446 ], [ 7.263456560503264, 52.350361938179446 ], [ 7.263456560503264, 52.350567707371447 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 115.23807925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.349950396921777 ], [ 7.264611537297132, 52.349950396921777 ], [ 7.264611537297132, 52.349744624856115 ], [ 7.263456560503264, 52.349744624856115 ], [ 7.263456560503264, 52.349950396921777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.349538851832563 ], [ 7.264611537297132, 52.349538851832563 ], [ 7.264611537297132, 52.349333077851128 ], [ 7.263456560503264, 52.349333077851128 ], [ 7.263456560503264, 52.349538851832563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 100.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.348098413846657 ], [ 7.264611537297132, 52.348098413846657 ], [ 7.264611537297132, 52.347892633159937 ], [ 7.263456560503264, 52.347892633159937 ], [ 7.263456560503264, 52.348098413846657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.350773475605571 ], [ 7.265766514091, 52.350773475605571 ], [ 7.265766514091, 52.350567707371447 ], [ 7.264611537297132, 52.350567707371447 ], [ 7.264611537297132, 52.350773475605571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.350361938179446 ], [ 7.265766514091, 52.350361938179446 ], [ 7.265766514091, 52.35015616802955 ], [ 7.264611537297132, 52.35015616802955 ], [ 7.264611537297132, 52.350361938179446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 129.83833366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.349744624856115 ], [ 7.265766514091, 52.349744624856115 ], [ 7.265766514091, 52.349538851832563 ], [ 7.264611537297132, 52.349538851832563 ], [ 7.264611537297132, 52.349744624856115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 127.101589 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.349333077851128 ], [ 7.265766514091, 52.349333077851128 ], [ 7.265766514091, 52.349127302911789 ], [ 7.264611537297132, 52.349127302911789 ], [ 7.264611537297132, 52.349333077851128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 94.5509684 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.348921527014561 ], [ 7.265766514091, 52.348921527014561 ], [ 7.265766514091, 52.348715750159435 ], [ 7.264611537297132, 52.348715750159435 ], [ 7.264611537297132, 52.348921527014561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.348304193575487 ], [ 7.265766514091, 52.348304193575487 ], [ 7.265766514091, 52.348098413846657 ], [ 7.264611537297132, 52.348098413846657 ], [ 7.264611537297132, 52.348304193575487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 144.33333466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.347686851515299 ], [ 7.265766514091, 52.347686851515299 ], [ 7.265766514091, 52.347481068912749 ], [ 7.264611537297132, 52.347481068912749 ], [ 7.264611537297132, 52.347686851515299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 119.124454 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.346863715357678 ], [ 7.265766514091, 52.346863715357678 ], [ 7.265766514091, 52.346657928923484 ], [ 7.264611537297132, 52.346657928923484 ], [ 7.264611537297132, 52.346863715357678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 95.8137266 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.349538851832563 ], [ 7.266921490884868, 52.349538851832563 ], [ 7.266921490884868, 52.349333077851128 ], [ 7.265766514091, 52.349333077851128 ], [ 7.265766514091, 52.349538851832563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.3 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.349127302911789 ], [ 7.266921490884868, 52.349127302911789 ], [ 7.266921490884868, 52.348921527014561 ], [ 7.265766514091, 52.348921527014561 ], [ 7.265766514091, 52.349127302911789 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 124.05231214285713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.348921527014561 ], [ 7.266921490884868, 52.348921527014561 ], [ 7.266921490884868, 52.348715750159435 ], [ 7.265766514091, 52.348715750159435 ], [ 7.265766514091, 52.348921527014561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 137.51830614285714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.348715750159435 ], [ 7.266921490884868, 52.348715750159435 ], [ 7.266921490884868, 52.348509972346399 ], [ 7.265766514091, 52.348509972346399 ], [ 7.265766514091, 52.348715750159435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.348509972346399 ], [ 7.266921490884868, 52.348509972346399 ], [ 7.266921490884868, 52.348304193575487 ], [ 7.265766514091, 52.348304193575487 ], [ 7.265766514091, 52.348509972346399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.348098413846657 ], [ 7.266921490884868, 52.348098413846657 ], [ 7.266921490884868, 52.347892633159937 ], [ 7.265766514091, 52.347892633159937 ], [ 7.265766514091, 52.348098413846657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35337_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 133.4482495 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.347892633159937 ], [ 7.266921490884868, 52.347892633159937 ], [ 7.266921490884868, 52.347686851515299 ], [ 7.265766514091, 52.347686851515299 ], [ 7.265766514091, 52.347892633159937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.343639617833865 ], [ 7.259991630121662, 52.343639617833865 ], [ 7.259991630121662, 52.343433816392121 ], [ 7.258836653327792, 52.343433816392121 ], [ 7.258836653327792, 52.343639617833865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 86.3985832 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.341581560308683 ], [ 7.259991630121662, 52.341581560308683 ], [ 7.259991630121662, 52.341375749287408 ], [ 7.258836653327792, 52.341375749287408 ], [ 7.258836653327792, 52.341581560308683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.344257016411461 ], [ 7.261146606915529, 52.344257016411461 ], [ 7.261146606915529, 52.344051217843536 ], [ 7.259991630121662, 52.344051217843536 ], [ 7.259991630121662, 52.344257016411461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.343433816392121 ], [ 7.262301583709396, 52.343433816392121 ], [ 7.262301583709396, 52.34322801399243 ], [ 7.261146606915529, 52.34322801399243 ], [ 7.261146606915529, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.344874406367623 ], [ 7.263456560503264, 52.344874406367623 ], [ 7.263456560503264, 52.344668610673502 ], [ 7.262301583709396, 52.344668610673502 ], [ 7.262301583709396, 52.344874406367623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.343639617833865 ], [ 7.263456560503264, 52.343639617833865 ], [ 7.263456560503264, 52.343433816392121 ], [ 7.262301583709396, 52.343433816392121 ], [ 7.262301583709396, 52.343639617833865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.342816406319201 ], [ 7.263456560503264, 52.342816406319201 ], [ 7.263456560503264, 52.342610601045664 ], [ 7.262301583709396, 52.342610601045664 ], [ 7.262301583709396, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.345285994882069 ], [ 7.264611537297132, 52.345285994882069 ], [ 7.264611537297132, 52.345080201103805 ], [ 7.263456560503264, 52.345080201103805 ], [ 7.263456560503264, 52.345285994882069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 158.83333583333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.345080201103805 ], [ 7.264611537297132, 52.345080201103805 ], [ 7.264611537297132, 52.344874406367623 ], [ 7.263456560503264, 52.344874406367623 ], [ 7.263456560503264, 52.345080201103805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 73.643794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.344462814021448 ], [ 7.264611537297132, 52.344462814021448 ], [ 7.264611537297132, 52.344257016411461 ], [ 7.263456560503264, 52.344257016411461 ], [ 7.263456560503264, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_4_10", "Weekday": 4, "hour": 10, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.344051217843536 ], [ 7.264611537297132, 52.344051217843536 ], [ 7.264611537297132, 52.34384541831767 ], [ 7.263456560503264, 52.34384541831767 ], [ 7.263456560503264, 52.344051217843536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.342610601045664 ], [ 7.264611537297132, 52.342610601045664 ], [ 7.264611537297132, 52.342404794814179 ], [ 7.263456560503264, 52.342404794814179 ], [ 7.263456560503264, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.345285994882069 ], [ 7.265766514091, 52.345285994882069 ], [ 7.265766514091, 52.345080201103805 ], [ 7.264611537297132, 52.345080201103805 ], [ 7.264611537297132, 52.345285994882069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 171.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.344874406367623 ], [ 7.265766514091, 52.344874406367623 ], [ 7.265766514091, 52.344668610673502 ], [ 7.264611537297132, 52.344668610673502 ], [ 7.264611537297132, 52.344874406367623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 129.89979474999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.344257016411461 ], [ 7.265766514091, 52.344257016411461 ], [ 7.265766514091, 52.344051217843536 ], [ 7.264611537297132, 52.344051217843536 ], [ 7.264611537297132, 52.344257016411461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 128.74492033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.34384541831767 ], [ 7.265766514091, 52.34384541831767 ], [ 7.265766514091, 52.343639617833865 ], [ 7.264611537297132, 52.343639617833865 ], [ 7.264611537297132, 52.34384541831767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 66.058108875000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.343433816392121 ], [ 7.265766514091, 52.343433816392121 ], [ 7.265766514091, 52.34322801399243 ], [ 7.264611537297132, 52.34322801399243 ], [ 7.264611537297132, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.342816406319201 ], [ 7.265766514091, 52.342816406319201 ], [ 7.265766514091, 52.342610601045664 ], [ 7.264611537297132, 52.342610601045664 ], [ 7.264611537297132, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 140.666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.342198987624734 ], [ 7.265766514091, 52.342198987624734 ], [ 7.265766514091, 52.341993179477349 ], [ 7.264611537297132, 52.341993179477349 ], [ 7.264611537297132, 52.342198987624734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 116.98411125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.341375749287408 ], [ 7.265766514091, 52.341375749287408 ], [ 7.265766514091, 52.341169937308166 ], [ 7.264611537297132, 52.341169937308166 ], [ 7.264611537297132, 52.341375749287408 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 105.53076525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.344051217843536 ], [ 7.266921490884868, 52.344051217843536 ], [ 7.266921490884868, 52.34384541831767 ], [ 7.265766514091, 52.34384541831767 ], [ 7.265766514091, 52.344051217843536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.343639617833865 ], [ 7.266921490884868, 52.343639617833865 ], [ 7.266921490884868, 52.343433816392121 ], [ 7.265766514091, 52.343433816392121 ], [ 7.265766514091, 52.343639617833865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 121.3333325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.343433816392121 ], [ 7.266921490884868, 52.343433816392121 ], [ 7.266921490884868, 52.34322801399243 ], [ 7.265766514091, 52.34322801399243 ], [ 7.265766514091, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 131.6268846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.34322801399243 ], [ 7.266921490884868, 52.34322801399243 ], [ 7.266921490884868, 52.343022210634786 ], [ 7.265766514091, 52.343022210634786 ], [ 7.265766514091, 52.34322801399243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 95.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.343022210634786 ], [ 7.266921490884868, 52.343022210634786 ], [ 7.266921490884868, 52.342816406319201 ], [ 7.265766514091, 52.342816406319201 ], [ 7.265766514091, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 98.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.342610601045664 ], [ 7.266921490884868, 52.342610601045664 ], [ 7.266921490884868, 52.342404794814179 ], [ 7.265766514091, 52.342404794814179 ], [ 7.265766514091, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35338_6_18", "Weekday": 6, "hour": 18, "Speed_value_mean": 133.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.342404794814179 ], [ 7.266921490884868, 52.342404794814179 ], [ 7.266921490884868, 52.342198987624734 ], [ 7.265766514091, 52.342198987624734 ], [ 7.265766514091, 52.342404794814179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.336092938566978 ], [ 7.259991630121662, 52.336092938566978 ], [ 7.259991630121662, 52.335887101999418 ], [ 7.258836653327792, 52.335887101999418 ], [ 7.258836653327792, 52.336092938566978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.337945424564786 ], [ 7.262301583709396, 52.337945424564786 ], [ 7.262301583709396, 52.337739596619244 ], [ 7.261146606915529, 52.337739596619244 ], [ 7.261146606915529, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.338151251552333 ], [ 7.263456560503264, 52.338151251552333 ], [ 7.263456560503264, 52.337945424564786 ], [ 7.262301583709396, 52.337945424564786 ], [ 7.262301583709396, 52.338151251552333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.337327937854184 ], [ 7.263456560503264, 52.337327937854184 ], [ 7.263456560503264, 52.337122107034645 ], [ 7.262301583709396, 52.337122107034645 ], [ 7.262301583709396, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.339797832965203 ], [ 7.264611537297132, 52.339797832965203 ], [ 7.264611537297132, 52.339592013641536 ], [ 7.263456560503264, 52.339592013641536 ], [ 7.263456560503264, 52.339797832965203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.339592013641536 ], [ 7.264611537297132, 52.339592013641536 ], [ 7.264611537297132, 52.339386193359886 ], [ 7.263456560503264, 52.339386193359886 ], [ 7.263456560503264, 52.339592013641536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 87.0000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.338974549922639 ], [ 7.264611537297132, 52.338974549922639 ], [ 7.264611537297132, 52.338768726767043 ], [ 7.263456560503264, 52.338768726767043 ], [ 7.263456560503264, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.337122107034645 ], [ 7.264611537297132, 52.337122107034645 ], [ 7.264611537297132, 52.336916275257124 ], [ 7.263456560503264, 52.336916275257124 ], [ 7.263456560503264, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.339797832965203 ], [ 7.265766514091, 52.339797832965203 ], [ 7.265766514091, 52.339592013641536 ], [ 7.264611537297132, 52.339592013641536 ], [ 7.264611537297132, 52.339797832965203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.339386193359886 ], [ 7.265766514091, 52.339386193359886 ], [ 7.265766514091, 52.339180372120246 ], [ 7.264611537297132, 52.339180372120246 ], [ 7.264611537297132, 52.339386193359886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.338768726767043 ], [ 7.265766514091, 52.338768726767043 ], [ 7.265766514091, 52.338562902653472 ], [ 7.264611537297132, 52.338562902653472 ], [ 7.264611537297132, 52.338768726767043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 129.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.338357077581897 ], [ 7.265766514091, 52.338357077581897 ], [ 7.265766514091, 52.338151251552333 ], [ 7.264611537297132, 52.338151251552333 ], [ 7.264611537297132, 52.338357077581897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 93.35263 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.337945424564786 ], [ 7.265766514091, 52.337945424564786 ], [ 7.265766514091, 52.337739596619244 ], [ 7.264611537297132, 52.337739596619244 ], [ 7.264611537297132, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 100.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.337327937854184 ], [ 7.265766514091, 52.337327937854184 ], [ 7.265766514091, 52.337122107034645 ], [ 7.264611537297132, 52.337122107034645 ], [ 7.264611537297132, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 113.58296 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.338562902653472 ], [ 7.266921490884868, 52.338562902653472 ], [ 7.266921490884868, 52.338357077581897 ], [ 7.265766514091, 52.338357077581897 ], [ 7.265766514091, 52.338562902653472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 116.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.337945424564786 ], [ 7.266921490884868, 52.337945424564786 ], [ 7.266921490884868, 52.337739596619244 ], [ 7.265766514091, 52.337739596619244 ], [ 7.265766514091, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 152.13039 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.337739596619244 ], [ 7.266921490884868, 52.337739596619244 ], [ 7.266921490884868, 52.337533767715719 ], [ 7.265766514091, 52.337533767715719 ], [ 7.265766514091, 52.337739596619244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 74.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.337533767715719 ], [ 7.266921490884868, 52.337533767715719 ], [ 7.266921490884868, 52.337327937854184 ], [ 7.265766514091, 52.337327937854184 ], [ 7.265766514091, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35339_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.337122107034645 ], [ 7.266921490884868, 52.337122107034645 ], [ 7.266921490884868, 52.336916275257124 ], [ 7.265766514091, 52.336916275257124 ], [ 7.265766514091, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.173183334573707 ], [ 7.259991630121662, 52.173183334573707 ], [ 7.259991630121662, 52.172976740619582 ], [ 7.258836653327792, 52.172976740619582 ], [ 7.258836653327792, 52.173183334573707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 91.354301333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.171117351858271 ], [ 7.259991630121662, 52.171117351858271 ], [ 7.259991630121662, 52.170910748309851 ], [ 7.258836653327792, 52.170910748309851 ], [ 7.258836653327792, 52.171117351858271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.173803110679572 ], [ 7.261146606915529, 52.173803110679572 ], [ 7.261146606915529, 52.173596519603699 ], [ 7.259991630121662, 52.173596519603699 ], [ 7.259991630121662, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.172976740619582 ], [ 7.262301583709396, 52.172976740619582 ], [ 7.262301583709396, 52.172770145706032 ], [ 7.261146606915529, 52.172770145706032 ], [ 7.261146606915529, 52.172976740619582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.174422878150715 ], [ 7.263456560503264, 52.174422878150715 ], [ 7.263456560503264, 52.17421628995308 ], [ 7.262301583709396, 52.17421628995308 ], [ 7.262301583709396, 52.174422878150715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 99.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.173183334573707 ], [ 7.263456560503264, 52.173183334573707 ], [ 7.263456560503264, 52.172976740619582 ], [ 7.262301583709396, 52.172976740619582 ], [ 7.262301583709396, 52.173183334573707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.172356953000666 ], [ 7.263456560503264, 52.172356953000666 ], [ 7.263456560503264, 52.172150355208849 ], [ 7.262301583709396, 52.172150355208849 ], [ 7.262301583709396, 52.172356953000666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.174836051667761 ], [ 7.264611537297132, 52.174836051667761 ], [ 7.264611537297132, 52.174629465388946 ], [ 7.263456560503264, 52.174629465388946 ], [ 7.263456560503264, 52.174836051667761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.174629465388946 ], [ 7.264611537297132, 52.174629465388946 ], [ 7.264611537297132, 52.174422878150715 ], [ 7.263456560503264, 52.174422878150715 ], [ 7.263456560503264, 52.174629465388946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.174836051667761 ], [ 7.265766514091, 52.174836051667761 ], [ 7.265766514091, 52.174629465388946 ], [ 7.264611537297132, 52.174629465388946 ], [ 7.264611537297132, 52.174836051667761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.174422878150715 ], [ 7.265766514091, 52.174422878150715 ], [ 7.265766514091, 52.17421628995308 ], [ 7.264611537297132, 52.17421628995308 ], [ 7.264611537297132, 52.174422878150715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 83.553907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.173803110679572 ], [ 7.265766514091, 52.173803110679572 ], [ 7.265766514091, 52.173596519603699 ], [ 7.264611537297132, 52.173596519603699 ], [ 7.264611537297132, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 87.378943 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.173596519603699 ], [ 7.265766514091, 52.173596519603699 ], [ 7.265766514091, 52.173389927568415 ], [ 7.264611537297132, 52.173389927568415 ], [ 7.264611537297132, 52.173596519603699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.171530556076803 ], [ 7.265766514091, 52.171530556076803 ], [ 7.265766514091, 52.171323954447246 ], [ 7.264611537297132, 52.171323954447246 ], [ 7.264611537297132, 52.171530556076803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 87.554945 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.170910748309851 ], [ 7.265766514091, 52.170910748309851 ], [ 7.265766514091, 52.170704143801984 ], [ 7.264611537297132, 52.170704143801984 ], [ 7.264611537297132, 52.170910748309851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 113.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.173803110679572 ], [ 7.266921490884868, 52.173803110679572 ], [ 7.266921490884868, 52.173596519603699 ], [ 7.265766514091, 52.173596519603699 ], [ 7.265766514091, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.173183334573707 ], [ 7.266921490884868, 52.173183334573707 ], [ 7.266921490884868, 52.172976740619582 ], [ 7.265766514091, 52.172976740619582 ], [ 7.265766514091, 52.173183334573707 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 89.872560875000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.172976740619582 ], [ 7.266921490884868, 52.172976740619582 ], [ 7.266921490884868, 52.172770145706032 ], [ 7.265766514091, 52.172770145706032 ], [ 7.265766514091, 52.172976740619582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35369_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.571428428571423 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.172770145706032 ], [ 7.266921490884868, 52.172770145706032 ], [ 7.266921490884868, 52.172563549833065 ], [ 7.265766514091, 52.172563549833065 ], [ 7.265766514091, 52.172770145706032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.167673834123377 ], [ 7.259991630121662, 52.167673834123377 ], [ 7.259991630121662, 52.167467214584079 ], [ 7.258836653327792, 52.167467214584079 ], [ 7.258836653327792, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 91.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258836653327792, 52.165607595554079 ], [ 7.259991630121662, 52.165607595554079 ], [ 7.259991630121662, 52.165400966420002 ], [ 7.258836653327792, 52.165400966420002 ], [ 7.258836653327792, 52.165607595554079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.259991630121662, 52.168293686984484 ], [ 7.261146606915529, 52.168293686984484 ], [ 7.261146606915529, 52.168087070323587 ], [ 7.259991630121662, 52.168087070323587 ], [ 7.259991630121662, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.261146606915529, 52.167467214584079 ], [ 7.262301583709396, 52.167467214584079 ], [ 7.262301583709396, 52.16726059408532 ], [ 7.261146606915529, 52.16726059408532 ], [ 7.261146606915529, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.16891353121045 ], [ 7.263456560503264, 52.16891353121045 ], [ 7.263456560503264, 52.168706917427926 ], [ 7.262301583709396, 52.168706917427926 ], [ 7.262301583709396, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.167673834123377 ], [ 7.263456560503264, 52.167673834123377 ], [ 7.263456560503264, 52.167467214584079 ], [ 7.262301583709396, 52.167467214584079 ], [ 7.262301583709396, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.262301583709396, 52.166847350209359 ], [ 7.263456560503264, 52.166847350209359 ], [ 7.263456560503264, 52.166640726832178 ], [ 7.262301583709396, 52.166640726832178 ], [ 7.262301583709396, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.169326755897131 ], [ 7.264611537297132, 52.169326755897131 ], [ 7.264611537297132, 52.169120144033513 ], [ 7.263456560503264, 52.169120144033513 ], [ 7.263456560503264, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 52.169120144033513 ], [ 7.264611537297132, 52.169120144033513 ], [ 7.264611537297132, 52.16891353121045 ], [ 7.263456560503264, 52.16891353121045 ], [ 7.263456560503264, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.169326755897131 ], [ 7.265766514091, 52.169326755897131 ], [ 7.265766514091, 52.169120144033513 ], [ 7.264611537297132, 52.169120144033513 ], [ 7.264611537297132, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.16891353121045 ], [ 7.265766514091, 52.16891353121045 ], [ 7.265766514091, 52.168706917427926 ], [ 7.264611537297132, 52.168706917427926 ], [ 7.264611537297132, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 87.678902 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.168293686984484 ], [ 7.265766514091, 52.168293686984484 ], [ 7.265766514091, 52.168087070323587 ], [ 7.264611537297132, 52.168087070323587 ], [ 7.264611537297132, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 79.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.168087070323587 ], [ 7.265766514091, 52.168087070323587 ], [ 7.265766514091, 52.167880452703216 ], [ 7.264611537297132, 52.167880452703216 ], [ 7.264611537297132, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 100.400002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.166020850943752 ], [ 7.265766514091, 52.166020850943752 ], [ 7.265766514091, 52.165814223728653 ], [ 7.264611537297132, 52.165814223728653 ], [ 7.264611537297132, 52.166020850943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 90.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.264611537297132, 52.165400966420002 ], [ 7.265766514091, 52.165400966420002 ], [ 7.265766514091, 52.165194336326458 ], [ 7.264611537297132, 52.165194336326458 ], [ 7.264611537297132, 52.165400966420002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.168293686984484 ], [ 7.266921490884868, 52.168293686984484 ], [ 7.266921490884868, 52.168087070323587 ], [ 7.265766514091, 52.168087070323587 ], [ 7.265766514091, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.167673834123377 ], [ 7.266921490884868, 52.167673834123377 ], [ 7.266921490884868, 52.167467214584079 ], [ 7.265766514091, 52.167467214584079 ], [ 7.265766514091, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.104794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.167467214584079 ], [ 7.266921490884868, 52.167467214584079 ], [ 7.266921490884868, 52.16726059408532 ], [ 7.265766514091, 52.16726059408532 ], [ 7.265766514091, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35370_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.21634 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.265766514091, 52.16726059408532 ], [ 7.266921490884868, 52.16726059408532 ], [ 7.266921490884868, 52.167053972627073 ], [ 7.265766514091, 52.167053972627073 ], [ 7.265766514091, 52.16726059408532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35632_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 147.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 50.700581596015859 ], [ 7.264611537297132, 50.700581596015859 ], [ 7.264611537297132, 50.700368232282159 ], [ 7.263456560503264, 50.700368232282159 ], [ 7.263456560503264, 50.700581596015859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35633_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.263456560503264, 50.694891564230176 ], [ 7.264611537297132, 50.694891564230176 ], [ 7.264611537297132, 50.694678174608995 ], [ 7.263456560503264, 50.694678174608995 ], [ 7.263456560503264, 50.694891564230176 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35794_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 45.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.529643935751807 ], [ 7.268974782962856, 53.529643935751807 ], [ 7.268974782962856, 53.529443698509475 ], [ 7.267819806168988, 53.529443698509475 ], [ 7.267819806168988, 53.529643935751807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35794_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 38.153846153846153 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.528842981102081 ], [ 7.271284736550592, 53.528842981102081 ], [ 7.271284736550592, 53.528642740072804 ], [ 7.270129759756724, 53.528642740072804 ], [ 7.270129759756724, 53.528842981102081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35794_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 77.857142857142861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.53064510776256 ], [ 7.273594690138328, 53.53064510776256 ], [ 7.273594690138328, 53.530444875253856 ], [ 7.27243971334446, 53.530444875253856 ], [ 7.27243971334446, 53.53064510776256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35794_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 44.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.53064510776256 ], [ 7.274749666932196, 53.53064510776256 ], [ 7.274749666932196, 53.530444875253856 ], [ 7.273594690138328, 53.530444875253856 ], [ 7.273594690138328, 53.53064510776256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35794_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 25.700017312499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.529243460320416 ], [ 7.275904643726064, 53.529243460320416 ], [ 7.275904643726064, 53.529043221184615 ], [ 7.274749666932196, 53.529043221184615 ], [ 7.274749666932196, 53.529243460320416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35794_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.529043221184615 ], [ 7.275904643726064, 53.529043221184615 ], [ 7.275904643726064, 53.528842981102081 ], [ 7.274749666932196, 53.528842981102081 ], [ 7.274749666932196, 53.529043221184615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35808_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.454822881193422 ], [ 7.268974782962856, 53.454822881193422 ], [ 7.268974782962856, 53.454622290363645 ], [ 7.267819806168988, 53.454622290363645 ], [ 7.267819806168988, 53.454822881193422 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35808_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 72.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.454020512189373 ], [ 7.271284736550592, 53.454020512189373 ], [ 7.271284736550592, 53.453819917569632 ], [ 7.270129759756724, 53.453819917569632 ], [ 7.270129759756724, 53.454020512189373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35808_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.45582582113007 ], [ 7.273594690138328, 53.45582582113007 ], [ 7.273594690138328, 53.455625235037694 ], [ 7.27243971334446, 53.455625235037694 ], [ 7.27243971334446, 53.45582582113007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35808_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 86.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.45582582113007 ], [ 7.274749666932196, 53.45582582113007 ], [ 7.274749666932196, 53.455625235037694 ], [ 7.273594690138328, 53.455625235037694 ], [ 7.273594690138328, 53.45582582113007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35808_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 93.666665333333341 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.454421698586373 ], [ 7.275904643726064, 53.454421698586373 ], [ 7.275904643726064, 53.45422110586162 ], [ 7.274749666932196, 53.45422110586162 ], [ 7.274749666932196, 53.454421698586373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35808_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 78.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.45422110586162 ], [ 7.275904643726064, 53.45422110586162 ], [ 7.275904643726064, 53.454020512189373 ], [ 7.274749666932196, 53.454020512189373 ], [ 7.274749666932196, 53.45422110586162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35809_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.449473468142358 ], [ 7.268974782962856, 53.449473468142358 ], [ 7.268974782962856, 53.449272852045546 ], [ 7.267819806168988, 53.449272852045546 ], [ 7.267819806168988, 53.449473468142358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35809_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 72.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.448670998069879 ], [ 7.271284736550592, 53.448670998069879 ], [ 7.271284736550592, 53.448470378182904 ], [ 7.270129759756724, 53.448470378182904 ], [ 7.270129759756724, 53.448670998069879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35809_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.450476534413326 ], [ 7.273594690138328, 53.450476534413326 ], [ 7.273594690138328, 53.450275923054193 ], [ 7.27243971334446, 53.450275923054193 ], [ 7.27243971334446, 53.450476534413326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35809_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 86.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.450476534413326 ], [ 7.274749666932196, 53.450476534413326 ], [ 7.274749666932196, 53.450275923054193 ], [ 7.273594690138328, 53.450275923054193 ], [ 7.273594690138328, 53.450476534413326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35809_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 94.00000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.449072235001211 ], [ 7.275904643726064, 53.449072235001211 ], [ 7.275904643726064, 53.448871617009317 ], [ 7.274749666932196, 53.448871617009317 ], [ 7.274749666932196, 53.449072235001211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35809_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 78.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.448871617009317 ], [ 7.275904643726064, 53.448871617009317 ], [ 7.275904643726064, 53.448670998069879 ], [ 7.274749666932196, 53.448670998069879 ], [ 7.274749666932196, 53.448871617009317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.36359017523769 ], [ 7.268974782962856, 53.36359017523769 ], [ 7.268974782962856, 53.363389153725599 ], [ 7.267819806168988, 53.363389153725599 ], [ 7.267819806168988, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.362987107856235 ], [ 7.271284736550592, 53.362987107856235 ], [ 7.271284736550592, 53.362786083498946 ], [ 7.270129759756724, 53.362786083498946 ], [ 7.270129759756724, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.364394251802061 ], [ 7.27243971334446, 53.364394251802061 ], [ 7.27243971334446, 53.364193234083558 ], [ 7.271284736550592, 53.364193234083558 ], [ 7.271284736550592, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.364796284393911 ], [ 7.273594690138328, 53.364796284393911 ], [ 7.273594690138328, 53.364595268572181 ], [ 7.27243971334446, 53.364595268572181 ], [ 7.27243971334446, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 140.66666933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.363992215416665 ], [ 7.273594690138328, 53.363992215416665 ], [ 7.273594690138328, 53.363791195801376 ], [ 7.27243971334446, 53.363791195801376 ], [ 7.27243971334446, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.364796284393911 ], [ 7.274749666932196, 53.364796284393911 ], [ 7.274749666932196, 53.364595268572181 ], [ 7.273594690138328, 53.364595268572181 ], [ 7.273594690138328, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.364394251802061 ], [ 7.274749666932196, 53.364394251802061 ], [ 7.274749666932196, 53.364193234083558 ], [ 7.273594690138328, 53.364193234083558 ], [ 7.273594690138328, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 118.33745966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.36359017523769 ], [ 7.274749666932196, 53.36359017523769 ], [ 7.274749666932196, 53.363389153725599 ], [ 7.273594690138328, 53.363389153725599 ], [ 7.273594690138328, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 102.66751025000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.363389153725599 ], [ 7.274749666932196, 53.363389153725599 ], [ 7.274749666932196, 53.363188131265126 ], [ 7.273594690138328, 53.363188131265126 ], [ 7.273594690138328, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 107.32541 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.363389153725599 ], [ 7.275904643726064, 53.363389153725599 ], [ 7.275904643726064, 53.363188131265126 ], [ 7.274749666932196, 53.363188131265126 ], [ 7.274749666932196, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35825_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.362987107856235 ], [ 7.275904643726064, 53.362987107856235 ], [ 7.275904643726064, 53.362786083498946 ], [ 7.274749666932196, 53.362786083498946 ], [ 7.274749666932196, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35861_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 106.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 53.170778456428657 ], [ 7.270129759756724, 53.170778456428657 ], [ 7.270129759756724, 53.170576526388309 ], [ 7.268974782962856, 53.170576526388309 ], [ 7.268974782962856, 53.170778456428657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35862_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 53.165393330134442 ], [ 7.270129759756724, 53.165393330134442 ], [ 7.270129759756724, 53.165191374752162 ], [ 7.268974782962856, 53.165191374752162 ], [ 7.268974782962856, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 76.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.143239893417302 ], [ 7.268974782962856, 53.143239893417302 ], [ 7.268974782962856, 53.143037833801714 ], [ 7.267819806168988, 53.143037833801714 ], [ 7.267819806168988, 53.143239893417302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 122.33333266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.141219254485783 ], [ 7.268974782962856, 53.141219254485783 ], [ 7.268974782962856, 53.141017185364468 ], [ 7.267819806168988, 53.141017185364468 ], [ 7.267819806168988, 53.141219254485783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 99.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 53.143846066560705 ], [ 7.270129759756724, 53.143846066560705 ], [ 7.270129759756724, 53.143644009796795 ], [ 7.268974782962856, 53.143644009796795 ], [ 7.268974782962856, 53.143846066560705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.142633711718844 ], [ 7.271284736550592, 53.142633711718844 ], [ 7.271284736550592, 53.142431649251556 ], [ 7.270129759756724, 53.142431649251556 ], [ 7.270129759756724, 53.142633711718844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 84.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.144048122374045 ], [ 7.27243971334446, 53.144048122374045 ], [ 7.27243971334446, 53.143846066560705 ], [ 7.271284736550592, 53.143846066560705 ], [ 7.271284736550592, 53.144048122374045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.142835773235561 ], [ 7.27243971334446, 53.142835773235561 ], [ 7.27243971334446, 53.142633711718844 ], [ 7.271284736550592, 53.142633711718844 ], [ 7.271284736550592, 53.142835773235561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 212.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.144654284110786 ], [ 7.273594690138328, 53.144654284110786 ], [ 7.273594690138328, 53.144452231149089 ], [ 7.27243971334446, 53.144452231149089 ], [ 7.27243971334446, 53.144654284110786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.143644009796795 ], [ 7.273594690138328, 53.143644009796795 ], [ 7.273594690138328, 53.143441952082334 ], [ 7.27243971334446, 53.143441952082334 ], [ 7.27243971334446, 53.143644009796795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.362415 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.142027521465259 ], [ 7.273594690138328, 53.142027521465259 ], [ 7.273594690138328, 53.141825456146265 ], [ 7.27243971334446, 53.141825456146265 ], [ 7.27243971334446, 53.142027521465259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.144452231149089 ], [ 7.274749666932196, 53.144452231149089 ], [ 7.274749666932196, 53.144250177236849 ], [ 7.273594690138328, 53.144250177236849 ], [ 7.273594690138328, 53.144452231149089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.144250177236849 ], [ 7.274749666932196, 53.144250177236849 ], [ 7.274749666932196, 53.144048122374045 ], [ 7.273594690138328, 53.144048122374045 ], [ 7.273594690138328, 53.144250177236849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.845044 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.143441952082334 ], [ 7.274749666932196, 53.143441952082334 ], [ 7.274749666932196, 53.143239893417302 ], [ 7.273594690138328, 53.143239893417302 ], [ 7.273594690138328, 53.143441952082334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 125.82355233333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.143037833801714 ], [ 7.274749666932196, 53.143037833801714 ], [ 7.274749666932196, 53.142835773235561 ], [ 7.273594690138328, 53.142835773235561 ], [ 7.273594690138328, 53.143037833801714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 144.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.142633711718844 ], [ 7.274749666932196, 53.142633711718844 ], [ 7.274749666932196, 53.142431649251556 ], [ 7.273594690138328, 53.142431649251556 ], [ 7.273594690138328, 53.142633711718844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 87.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.142431649251556 ], [ 7.274749666932196, 53.142431649251556 ], [ 7.274749666932196, 53.142229585833697 ], [ 7.273594690138328, 53.142229585833697 ], [ 7.273594690138328, 53.142431649251556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.33333366666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.141623389876685 ], [ 7.274749666932196, 53.141623389876685 ], [ 7.274749666932196, 53.141421322656527 ], [ 7.273594690138328, 53.141421322656527 ], [ 7.273594690138328, 53.141623389876685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 106.0204205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.141017185364468 ], [ 7.274749666932196, 53.141017185364468 ], [ 7.274749666932196, 53.140815115292568 ], [ 7.273594690138328, 53.140815115292568 ], [ 7.273594690138328, 53.141017185364468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 123.96227890909091 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.143239893417302 ], [ 7.275904643726064, 53.143239893417302 ], [ 7.275904643726064, 53.143037833801714 ], [ 7.274749666932196, 53.143037833801714 ], [ 7.274749666932196, 53.143239893417302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.6273375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.143037833801714 ], [ 7.275904643726064, 53.143037833801714 ], [ 7.275904643726064, 53.142835773235561 ], [ 7.274749666932196, 53.142835773235561 ], [ 7.274749666932196, 53.143037833801714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 119.18029866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.142835773235561 ], [ 7.275904643726064, 53.142835773235561 ], [ 7.275904643726064, 53.142633711718844 ], [ 7.274749666932196, 53.142633711718844 ], [ 7.274749666932196, 53.142835773235561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.142633711718844 ], [ 7.275904643726064, 53.142633711718844 ], [ 7.275904643726064, 53.142431649251556 ], [ 7.274749666932196, 53.142431649251556 ], [ 7.274749666932196, 53.142633711718844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.142229585833697 ], [ 7.275904643726064, 53.142229585833697 ], [ 7.275904643726064, 53.142027521465259 ], [ 7.274749666932196, 53.142027521465259 ], [ 7.274749666932196, 53.142229585833697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35866_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 102.893144 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.142027521465259 ], [ 7.275904643726064, 53.142027521465259 ], [ 7.275904643726064, 53.141825456146265 ], [ 7.274749666932196, 53.141825456146265 ], [ 7.274749666932196, 53.142027521465259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.137851311691882 ], [ 7.268974782962856, 53.137851311691882 ], [ 7.268974782962856, 53.137649226727248 ], [ 7.267819806168988, 53.137649226727248 ], [ 7.267819806168988, 53.137851311691882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 124.1945925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.135830419267521 ], [ 7.268974782962856, 53.135830419267521 ], [ 7.268974782962856, 53.135628324796635 ], [ 7.267819806168988, 53.135628324796635 ], [ 7.267819806168988, 53.135830419267521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 53.138457560882124 ], [ 7.270129759756724, 53.138457560882124 ], [ 7.270129759756724, 53.138255478769317 ], [ 7.268974782962856, 53.138255478769317 ], [ 7.268974782962856, 53.138457560882124 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.13724505394611 ], [ 7.271284736550592, 53.13724505394611 ], [ 7.271284736550592, 53.137042966129627 ], [ 7.270129759756724, 53.137042966129627 ], [ 7.270129759756724, 53.13724505394611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.13865964204431 ], [ 7.27243971334446, 53.13865964204431 ], [ 7.27243971334446, 53.138457560882124 ], [ 7.271284736550592, 53.138457560882124 ], [ 7.271284736550592, 53.13865964204431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.137447140811993 ], [ 7.27243971334446, 53.137447140811993 ], [ 7.27243971334446, 53.13724505394611 ], [ 7.271284736550592, 53.13724505394611 ], [ 7.271284736550592, 53.137447140811993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 207.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.139265879827256 ], [ 7.273594690138328, 53.139265879827256 ], [ 7.273594690138328, 53.139063801516883 ], [ 7.27243971334446, 53.139063801516883 ], [ 7.27243971334446, 53.139265879827256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 139.33333066666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.138255478769317 ], [ 7.273594690138328, 53.138255478769317 ], [ 7.273594690138328, 53.138053395705903 ], [ 7.27243971334446, 53.138053395705903 ], [ 7.27243971334446, 53.138255478769317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 137.128891 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.136638787644763 ], [ 7.273594690138328, 53.136638787644763 ], [ 7.273594690138328, 53.136436696976396 ], [ 7.27243971334446, 53.136436696976396 ], [ 7.27243971334446, 53.136638787644763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.139063801516883 ], [ 7.274749666932196, 53.139063801516883 ], [ 7.274749666932196, 53.138861722255896 ], [ 7.273594690138328, 53.138861722255896 ], [ 7.273594690138328, 53.139063801516883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.138861722255896 ], [ 7.274749666932196, 53.138861722255896 ], [ 7.274749666932196, 53.13865964204431 ], [ 7.273594690138328, 53.13865964204431 ], [ 7.273594690138328, 53.138861722255896 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 148.34334233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.138053395705903 ], [ 7.274749666932196, 53.138053395705903 ], [ 7.274749666932196, 53.137851311691882 ], [ 7.273594690138328, 53.137851311691882 ], [ 7.273594690138328, 53.138053395705903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 128.66344057142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.137649226727248 ], [ 7.274749666932196, 53.137649226727248 ], [ 7.274749666932196, 53.137447140811993 ], [ 7.273594690138328, 53.137447140811993 ], [ 7.273594690138328, 53.137649226727248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 147.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.13724505394611 ], [ 7.274749666932196, 53.13724505394611 ], [ 7.274749666932196, 53.137042966129627 ], [ 7.273594690138328, 53.137042966129627 ], [ 7.273594690138328, 53.13724505394611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 87.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.137042966129627 ], [ 7.274749666932196, 53.137042966129627 ], [ 7.274749666932196, 53.136840877362502 ], [ 7.273594690138328, 53.136840877362502 ], [ 7.273594690138328, 53.137042966129627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 131.33333466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.136234605357402 ], [ 7.274749666932196, 53.136234605357402 ], [ 7.274749666932196, 53.136032512787779 ], [ 7.273594690138328, 53.136032512787779 ], [ 7.273594690138328, 53.136234605357402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 111.234046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.135628324796635 ], [ 7.274749666932196, 53.135628324796635 ], [ 7.274749666932196, 53.135426229375106 ], [ 7.273594690138328, 53.135426229375106 ], [ 7.273594690138328, 53.135628324796635 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 124.23076892307692 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.137851311691882 ], [ 7.275904643726064, 53.137851311691882 ], [ 7.275904643726064, 53.137649226727248 ], [ 7.274749666932196, 53.137649226727248 ], [ 7.274749666932196, 53.137851311691882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.249076625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.137649226727248 ], [ 7.275904643726064, 53.137649226727248 ], [ 7.275904643726064, 53.137447140811993 ], [ 7.274749666932196, 53.137447140811993 ], [ 7.274749666932196, 53.137649226727248 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 115.49077375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.137447140811993 ], [ 7.275904643726064, 53.137447140811993 ], [ 7.275904643726064, 53.13724505394611 ], [ 7.274749666932196, 53.13724505394611 ], [ 7.274749666932196, 53.137447140811993 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 187.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.13724505394611 ], [ 7.275904643726064, 53.13724505394611 ], [ 7.275904643726064, 53.137042966129627 ], [ 7.274749666932196, 53.137042966129627 ], [ 7.274749666932196, 53.13724505394611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.136840877362502 ], [ 7.275904643726064, 53.136840877362502 ], [ 7.275904643726064, 53.136638787644763 ], [ 7.274749666932196, 53.136638787644763 ], [ 7.274749666932196, 53.136840877362502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35867_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 111.93563525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.136638787644763 ], [ 7.275904643726064, 53.136638787644763 ], [ 7.275904643726064, 53.136436696976396 ], [ 7.274749666932196, 53.136436696976396 ], [ 7.274749666932196, 53.136638787644763 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 90.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.132462053973931 ], [ 7.268974782962856, 53.132462053973931 ], [ 7.268974782962856, 53.132259943658852 ], [ 7.267819806168988, 53.132259943658852 ], [ 7.267819806168988, 53.132462053973931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.130440908042793 ], [ 7.268974782962856, 53.130440908042793 ], [ 7.268974782962856, 53.130238788220943 ], [ 7.267819806168988, 53.130238788220943 ], [ 7.267819806168988, 53.130440908042793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 53.133068379215182 ], [ 7.270129759756724, 53.133068379215182 ], [ 7.270129759756724, 53.132866271752093 ], [ 7.268974782962856, 53.132866271752093 ], [ 7.268974782962856, 53.133068379215182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 84.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.131855720176674 ], [ 7.271284736550592, 53.131855720176674 ], [ 7.271284736550592, 53.131653607009589 ], [ 7.270129759756724, 53.131653607009589 ], [ 7.270129759756724, 53.131855720176674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.133270485727607 ], [ 7.27243971334446, 53.133270485727607 ], [ 7.27243971334446, 53.133068379215182 ], [ 7.271284736550592, 53.133068379215182 ], [ 7.271284736550592, 53.133270485727607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.132057832393102 ], [ 7.27243971334446, 53.132057832393102 ], [ 7.27243971334446, 53.131855720176674 ], [ 7.271284736550592, 53.131855720176674 ], [ 7.271284736550592, 53.132057832393102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 201.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.133876799560937 ], [ 7.273594690138328, 53.133876799560937 ], [ 7.273594690138328, 53.133674695900488 ], [ 7.27243971334446, 53.133674695900488 ], [ 7.27243971334446, 53.133876799560937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.133068379215182 ], [ 7.273594690138328, 53.133068379215182 ], [ 7.273594690138328, 53.132866271752093 ], [ 7.27243971334446, 53.132866271752093 ], [ 7.27243971334446, 53.133068379215182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.132866271752093 ], [ 7.273594690138328, 53.132866271752093 ], [ 7.273594690138328, 53.13266416333834 ], [ 7.27243971334446, 53.13266416333834 ], [ 7.27243971334446, 53.132866271752093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 141.00000233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.13124937782338 ], [ 7.273594690138328, 53.13124937782338 ], [ 7.273594690138328, 53.131047261804248 ], [ 7.27243971334446, 53.131047261804248 ], [ 7.27243971334446, 53.13124937782338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.133674695900488 ], [ 7.274749666932196, 53.133674695900488 ], [ 7.274749666932196, 53.133472591289376 ], [ 7.273594690138328, 53.133472591289376 ], [ 7.273594690138328, 53.133674695900488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 157.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.133472591289376 ], [ 7.274749666932196, 53.133472591289376 ], [ 7.274749666932196, 53.133270485727607 ], [ 7.273594690138328, 53.133270485727607 ], [ 7.273594690138328, 53.133472591289376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 150.79192425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.13266416333834 ], [ 7.274749666932196, 53.13266416333834 ], [ 7.274749666932196, 53.132462053973931 ], [ 7.273594690138328, 53.132462053973931 ], [ 7.273594690138328, 53.13266416333834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.42857157142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.132259943658852 ], [ 7.274749666932196, 53.132259943658852 ], [ 7.274749666932196, 53.132057832393102 ], [ 7.273594690138328, 53.132057832393102 ], [ 7.273594690138328, 53.132259943658852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 148.33333266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.131855720176674 ], [ 7.274749666932196, 53.131855720176674 ], [ 7.274749666932196, 53.131653607009589 ], [ 7.273594690138328, 53.131653607009589 ], [ 7.273594690138328, 53.131855720176674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.131653607009589 ], [ 7.274749666932196, 53.131653607009589 ], [ 7.274749666932196, 53.13145149289182 ], [ 7.273594690138328, 53.13145149289182 ], [ 7.273594690138328, 53.131653607009589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.130845144834453 ], [ 7.274749666932196, 53.130845144834453 ], [ 7.274749666932196, 53.130643026913972 ], [ 7.273594690138328, 53.130643026913972 ], [ 7.273594690138328, 53.130845144834453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.78793775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.130238788220943 ], [ 7.274749666932196, 53.130238788220943 ], [ 7.274749666932196, 53.130036667448394 ], [ 7.273594690138328, 53.130036667448394 ], [ 7.273594690138328, 53.130238788220943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.132462053973931 ], [ 7.275904643726064, 53.132462053973931 ], [ 7.275904643726064, 53.132259943658852 ], [ 7.274749666932196, 53.132259943658852 ], [ 7.274749666932196, 53.132462053973931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.52362085714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.132259943658852 ], [ 7.275904643726064, 53.132259943658852 ], [ 7.275904643726064, 53.132057832393102 ], [ 7.274749666932196, 53.132057832393102 ], [ 7.274749666932196, 53.132259943658852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.2480175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.132057832393102 ], [ 7.275904643726064, 53.132057832393102 ], [ 7.275904643726064, 53.131855720176674 ], [ 7.274749666932196, 53.131855720176674 ], [ 7.274749666932196, 53.132057832393102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.131855720176674 ], [ 7.275904643726064, 53.131855720176674 ], [ 7.275904643726064, 53.131653607009589 ], [ 7.274749666932196, 53.131653607009589 ], [ 7.274749666932196, 53.131855720176674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.13145149289182 ], [ 7.275904643726064, 53.13145149289182 ], [ 7.275904643726064, 53.13124937782338 ], [ 7.274749666932196, 53.13124937782338 ], [ 7.274749666932196, 53.13145149289182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35868_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 122.6407585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.13124937782338 ], [ 7.275904643726064, 53.13124937782338 ], [ 7.275904643726064, 53.131047261804248 ], [ 7.274749666932196, 53.131047261804248 ], [ 7.274749666932196, 53.13124937782338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.127072120226316 ], [ 7.268974782962856, 53.127072120226316 ], [ 7.268974782962856, 53.126869984559413 ], [ 7.267819806168988, 53.126869984559413 ], [ 7.267819806168988, 53.127072120226316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 53.12505072077451 ], [ 7.268974782962856, 53.12505072077451 ], [ 7.268974782962856, 53.124848575600289 ], [ 7.267819806168988, 53.124848575600289 ], [ 7.267819806168988, 53.12505072077451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 53.12767852152276 ], [ 7.270129759756724, 53.12767852152276 ], [ 7.270129759756724, 53.127476388708004 ], [ 7.268974782962856, 53.127476388708004 ], [ 7.268974782962856, 53.12767852152276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 53.126465710373424 ], [ 7.271284736550592, 53.126465710373424 ], [ 7.271284736550592, 53.126263571854331 ], [ 7.270129759756724, 53.126263571854331 ], [ 7.270129759756724, 53.126465710373424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.127880653386818 ], [ 7.27243971334446, 53.127880653386818 ], [ 7.27243971334446, 53.12767852152276 ], [ 7.271284736550592, 53.12767852152276 ], [ 7.271284736550592, 53.127880653386818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 53.126667847941775 ], [ 7.27243971334446, 53.126667847941775 ], [ 7.27243971334446, 53.126465710373424 ], [ 7.271284736550592, 53.126465710373424 ], [ 7.271284736550592, 53.126667847941775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.12767852152276 ], [ 7.273594690138328, 53.12767852152276 ], [ 7.273594690138328, 53.127476388708004 ], [ 7.27243971334446, 53.127476388708004 ], [ 7.27243971334446, 53.12767852152276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 53.125859291963984 ], [ 7.273594690138328, 53.125859291963984 ], [ 7.273594690138328, 53.125657150592708 ], [ 7.27243971334446, 53.125657150592708 ], [ 7.27243971334446, 53.125859291963984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.128284914262785 ], [ 7.274749666932196, 53.128284914262785 ], [ 7.274749666932196, 53.128082784300148 ], [ 7.273594690138328, 53.128082784300148 ], [ 7.273594690138328, 53.128284914262785 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.128082784300148 ], [ 7.274749666932196, 53.128082784300148 ], [ 7.274749666932196, 53.127880653386818 ], [ 7.273594690138328, 53.127880653386818 ], [ 7.273594690138328, 53.128082784300148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 152.999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.12727425494252 ], [ 7.274749666932196, 53.12727425494252 ], [ 7.274749666932196, 53.127072120226316 ], [ 7.273594690138328, 53.127072120226316 ], [ 7.273594690138328, 53.12727425494252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 127.803985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.126869984559413 ], [ 7.274749666932196, 53.126869984559413 ], [ 7.274749666932196, 53.126667847941775 ], [ 7.273594690138328, 53.126667847941775 ], [ 7.273594690138328, 53.126869984559413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 148.632258 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.126465710373424 ], [ 7.274749666932196, 53.126465710373424 ], [ 7.274749666932196, 53.126263571854331 ], [ 7.273594690138328, 53.126263571854331 ], [ 7.273594690138328, 53.126465710373424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.126263571854331 ], [ 7.274749666932196, 53.126263571854331 ], [ 7.274749666932196, 53.126061432384518 ], [ 7.273594690138328, 53.126061432384518 ], [ 7.273594690138328, 53.126263571854331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.12545500827072 ], [ 7.274749666932196, 53.12545500827072 ], [ 7.274749666932196, 53.125252864997975 ], [ 7.273594690138328, 53.125252864997975 ], [ 7.273594690138328, 53.12545500827072 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 53.124848575600289 ], [ 7.274749666932196, 53.124848575600289 ], [ 7.274749666932196, 53.124646429475341 ], [ 7.273594690138328, 53.124646429475341 ], [ 7.273594690138328, 53.124848575600289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 125.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.127072120226316 ], [ 7.275904643726064, 53.127072120226316 ], [ 7.275904643726064, 53.126869984559413 ], [ 7.274749666932196, 53.126869984559413 ], [ 7.274749666932196, 53.127072120226316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.6795985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.126869984559413 ], [ 7.275904643726064, 53.126869984559413 ], [ 7.275904643726064, 53.126667847941775 ], [ 7.274749666932196, 53.126667847941775 ], [ 7.274749666932196, 53.126869984559413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 111.7803185 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.126667847941775 ], [ 7.275904643726064, 53.126667847941775 ], [ 7.275904643726064, 53.126465710373424 ], [ 7.274749666932196, 53.126465710373424 ], [ 7.274749666932196, 53.126667847941775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.126465710373424 ], [ 7.275904643726064, 53.126465710373424 ], [ 7.275904643726064, 53.126263571854331 ], [ 7.274749666932196, 53.126263571854331 ], [ 7.274749666932196, 53.126465710373424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.126061432384518 ], [ 7.275904643726064, 53.126061432384518 ], [ 7.275904643726064, 53.125859291963984 ], [ 7.274749666932196, 53.125859291963984 ], [ 7.274749666932196, 53.126061432384518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35869_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 124.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 53.125859291963984 ], [ 7.275904643726064, 53.125859291963984 ], [ 7.275904643726064, 53.125657150592708 ], [ 7.274749666932196, 53.125657150592708 ], [ 7.274749666932196, 53.125859291963984 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35895_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.986696435246778 ], [ 7.275904643726064, 52.986696435246778 ], [ 7.275904643726064, 52.986493639946147 ], [ 7.274749666932196, 52.986493639946147 ], [ 7.274749666932196, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35897_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 82.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.975879357170797 ], [ 7.275904643726064, 52.975879357170797 ], [ 7.275904643726064, 52.975676511090548 ], [ 7.274749666932196, 52.975676511090548 ], [ 7.274749666932196, 52.975879357170797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35898_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 70.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.970469802504688 ], [ 7.275904643726064, 52.970469802504688 ], [ 7.275904643726064, 52.970266931032569 ], [ 7.274749666932196, 52.970266931032569 ], [ 7.274749666932196, 52.970469802504688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35899_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 75.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.965059570704454 ], [ 7.275904643726064, 52.965059570704454 ], [ 7.275904643726064, 52.964856673839094 ], [ 7.274749666932196, 52.964856673839094 ], [ 7.274749666932196, 52.965059570704454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35900_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 61.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.959648661733581 ], [ 7.275904643726064, 52.959648661733581 ], [ 7.275904643726064, 52.959445739473601 ], [ 7.274749666932196, 52.959445739473601 ], [ 7.274749666932196, 52.959648661733581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35901_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 68.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.954237075555561 ], [ 7.275904643726064, 52.954237075555561 ], [ 7.275904643726064, 52.954034127899611 ], [ 7.274749666932196, 52.954034127899611 ], [ 7.274749666932196, 52.954237075555561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35902_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 79.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.948824812133942 ], [ 7.275904643726064, 52.948824812133942 ], [ 7.275904643726064, 52.948621839080637 ], [ 7.274749666932196, 52.948621839080637 ], [ 7.274749666932196, 52.948824812133942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35903_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.943411871432239 ], [ 7.275904643726064, 52.943411871432239 ], [ 7.275904643726064, 52.943208872980243 ], [ 7.274749666932196, 52.943208872980243 ], [ 7.274749666932196, 52.943411871432239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35910_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.905502319620417 ], [ 7.275904643726064, 52.905502319620417 ], [ 7.275904643726064, 52.905299143339235 ], [ 7.274749666932196, 52.905299143339235 ], [ 7.274749666932196, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35911_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.900083959368175 ], [ 7.275904643726064, 52.900083959368175 ], [ 7.275904643726064, 52.899880757677359 ], [ 7.274749666932196, 52.899880757677359 ], [ 7.274749666932196, 52.900083959368175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35918_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.142857142857139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.862136462569495 ], [ 7.275904643726064, 52.862136462569495 ], [ 7.275904643726064, 52.861933082973309 ], [ 7.274749666932196, 52.861933082973309 ], [ 7.274749666932196, 52.862136462569495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35920_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 51.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.851288220423463 ], [ 7.275904643726064, 52.851288220423463 ], [ 7.275904643726064, 52.851084789984974 ], [ 7.274749666932196, 52.851084789984974 ], [ 7.274749666932196, 52.851288220423463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35921_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.845863082469151 ], [ 7.275904643726064, 52.845863082469151 ], [ 7.275904643726064, 52.845659626607485 ], [ 7.274749666932196, 52.845659626607485 ], [ 7.274749666932196, 52.845863082469151 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35947_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 2.7857142857142856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.703346705074203 ], [ 7.273594690138328, 52.703346705074203 ], [ 7.273594690138328, 52.703142582008844 ], [ 7.27243971334446, 52.703142582008844 ], [ 7.27243971334446, 52.703346705074203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35948_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 24.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.697903096600925 ], [ 7.273594690138328, 52.697903096600925 ], [ 7.273594690138328, 52.697698948075825 ], [ 7.27243971334446, 52.697698948075825 ], [ 7.27243971334446, 52.697903096600925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35949_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 21.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.69409216670028 ], [ 7.273594690138328, 52.69409216670028 ], [ 7.273594690138328, 52.693888000352565 ], [ 7.27243971334446, 52.693888000352565 ], [ 7.27243971334446, 52.69409216670028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "35949_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 31.928571428571427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.692458809184011 ], [ 7.273594690138328, 52.692458809184011 ], [ 7.273594690138328, 52.692254635197834 ], [ 7.27243971334446, 52.692254635197834 ], [ 7.27243971334446, 52.692458809184011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36014_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 91.129349 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.338974549922639 ], [ 7.273594690138328, 52.338974549922639 ], [ 7.273594690138328, 52.338768726767043 ], [ 7.27243971334446, 52.338768726767043 ], [ 7.27243971334446, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36014_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 79.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.337122107034645 ], [ 7.273594690138328, 52.337122107034645 ], [ 7.273594690138328, 52.336916275257124 ], [ 7.27243971334446, 52.336916275257124 ], [ 7.27243971334446, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36014_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.337945424564786 ], [ 7.274749666932196, 52.337945424564786 ], [ 7.274749666932196, 52.337739596619244 ], [ 7.273594690138328, 52.337739596619244 ], [ 7.273594690138328, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36014_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.337327937854184 ], [ 7.274749666932196, 52.337327937854184 ], [ 7.274749666932196, 52.337122107034645 ], [ 7.273594690138328, 52.337122107034645 ], [ 7.273594690138328, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36014_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 95.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.337533767715719 ], [ 7.275904643726064, 52.337533767715719 ], [ 7.275904643726064, 52.337327937854184 ], [ 7.274749666932196, 52.337327937854184 ], [ 7.274749666932196, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36014_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.337122107034645 ], [ 7.275904643726064, 52.337122107034645 ], [ 7.275904643726064, 52.336916275257124 ], [ 7.274749666932196, 52.336916275257124 ], [ 7.274749666932196, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 52.167673834123377 ], [ 7.268974782962856, 52.167673834123377 ], [ 7.268974782962856, 52.167467214584079 ], [ 7.267819806168988, 52.167467214584079 ], [ 7.267819806168988, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 99.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267819806168988, 52.165607595554079 ], [ 7.268974782962856, 52.165607595554079 ], [ 7.268974782962856, 52.165400966420002 ], [ 7.267819806168988, 52.165400966420002 ], [ 7.267819806168988, 52.165607595554079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.268974782962856, 52.168293686984484 ], [ 7.270129759756724, 52.168293686984484 ], [ 7.270129759756724, 52.168087070323587 ], [ 7.268974782962856, 52.168087070323587 ], [ 7.268974782962856, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.270129759756724, 52.167467214584079 ], [ 7.271284736550592, 52.167467214584079 ], [ 7.271284736550592, 52.16726059408532 ], [ 7.270129759756724, 52.16726059408532 ], [ 7.270129759756724, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 74.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 52.16891353121045 ], [ 7.27243971334446, 52.16891353121045 ], [ 7.27243971334446, 52.168706917427926 ], [ 7.271284736550592, 52.168706917427926 ], [ 7.271284736550592, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 52.167673834123377 ], [ 7.27243971334446, 52.167673834123377 ], [ 7.27243971334446, 52.167467214584079 ], [ 7.271284736550592, 52.167467214584079 ], [ 7.271284736550592, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 77.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.271284736550592, 52.166847350209359 ], [ 7.27243971334446, 52.166847350209359 ], [ 7.27243971334446, 52.166640726832178 ], [ 7.271284736550592, 52.166640726832178 ], [ 7.271284736550592, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.169326755897131 ], [ 7.273594690138328, 52.169326755897131 ], [ 7.273594690138328, 52.169120144033513 ], [ 7.27243971334446, 52.169120144033513 ], [ 7.27243971334446, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 52.169120144033513 ], [ 7.273594690138328, 52.169120144033513 ], [ 7.273594690138328, 52.16891353121045 ], [ 7.27243971334446, 52.16891353121045 ], [ 7.27243971334446, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 107.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.169326755897131 ], [ 7.274749666932196, 52.169326755897131 ], [ 7.274749666932196, 52.169120144033513 ], [ 7.273594690138328, 52.169120144033513 ], [ 7.273594690138328, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.16891353121045 ], [ 7.274749666932196, 52.16891353121045 ], [ 7.274749666932196, 52.168706917427926 ], [ 7.273594690138328, 52.168706917427926 ], [ 7.273594690138328, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 86.189156166666677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.168293686984484 ], [ 7.274749666932196, 52.168293686984484 ], [ 7.274749666932196, 52.168087070323587 ], [ 7.273594690138328, 52.168087070323587 ], [ 7.273594690138328, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 85.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.168087070323587 ], [ 7.274749666932196, 52.168087070323587 ], [ 7.274749666932196, 52.167880452703216 ], [ 7.273594690138328, 52.167880452703216 ], [ 7.273594690138328, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 106.443611 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.166020850943752 ], [ 7.274749666932196, 52.166020850943752 ], [ 7.274749666932196, 52.165814223728653 ], [ 7.273594690138328, 52.165814223728653 ], [ 7.273594690138328, 52.166020850943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 95.7246188 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.273594690138328, 52.165400966420002 ], [ 7.274749666932196, 52.165400966420002 ], [ 7.274749666932196, 52.165194336326458 ], [ 7.273594690138328, 52.165194336326458 ], [ 7.273594690138328, 52.165400966420002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.600352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.168293686984484 ], [ 7.275904643726064, 52.168293686984484 ], [ 7.275904643726064, 52.168087070323587 ], [ 7.274749666932196, 52.168087070323587 ], [ 7.274749666932196, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.167673834123377 ], [ 7.275904643726064, 52.167673834123377 ], [ 7.275904643726064, 52.167467214584079 ], [ 7.274749666932196, 52.167467214584079 ], [ 7.274749666932196, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 93.808139666666676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.167467214584079 ], [ 7.275904643726064, 52.167467214584079 ], [ 7.275904643726064, 52.16726059408532 ], [ 7.274749666932196, 52.16726059408532 ], [ 7.274749666932196, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36045_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 103.4331655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.274749666932196, 52.16726059408532 ], [ 7.275904643726064, 52.16726059408532 ], [ 7.275904643726064, 52.167053972627073 ], [ 7.274749666932196, 52.167053972627073 ], [ 7.274749666932196, 52.16726059408532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36308_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 50.694891564230176 ], [ 7.273594690138328, 50.694891564230176 ], [ 7.273594690138328, 50.694678174608995 ], [ 7.27243971334446, 50.694678174608995 ], [ 7.27243971334446, 50.694891564230176 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36309_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 50.689200842098536 ], [ 7.273594690138328, 50.689200842098536 ], [ 7.273594690138328, 50.688987426588845 ], [ 7.27243971334446, 50.688987426588845 ], [ 7.27243971334446, 50.689200842098536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36310_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.27243971334446, 50.683509429593322 ], [ 7.273594690138328, 50.683509429593322 ], [ 7.273594690138328, 50.683295988194082 ], [ 7.27243971334446, 50.683295988194082 ], [ 7.27243971334446, 50.683509429593322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36469_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.528842981102081 ], [ 7.280267889391788, 53.528842981102081 ], [ 7.280267889391788, 53.528642740072804 ], [ 7.279112912597919, 53.528642740072804 ], [ 7.279112912597919, 53.528842981102081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36469_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.53064510776256 ], [ 7.282577842979523, 53.53064510776256 ], [ 7.282577842979523, 53.530444875253856 ], [ 7.281422866185654, 53.530444875253856 ], [ 7.281422866185654, 53.53064510776256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36470_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 75.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.524303951957826 ], [ 7.277957935804052, 53.524303951957826 ], [ 7.277957935804052, 53.52410368946861 ], [ 7.276802959010184, 53.52410368946861 ], [ 7.276802959010184, 53.524303951957826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36470_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 71.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.523502896320238 ], [ 7.280267889391788, 53.523502896320238 ], [ 7.280267889391788, 53.523302630043879 ], [ 7.279112912597919, 53.523302630043879 ], [ 7.279112912597919, 53.523502896320238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36470_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.52530525020218 ], [ 7.282577842979523, 53.52530525020218 ], [ 7.282577842979523, 53.52510499244687 ], [ 7.281422866185654, 53.52510499244687 ], [ 7.281422866185654, 53.52530525020218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36470_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 84.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.52530525020218 ], [ 7.28373281977339, 53.52530525020218 ], [ 7.28373281977339, 53.52510499244687 ], [ 7.282577842979523, 53.52510499244687 ], [ 7.282577842979523, 53.52530525020218 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36470_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 72.714285714285708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.523903426032604 ], [ 7.28488779656726, 53.523903426032604 ], [ 7.28488779656726, 53.523703161649827 ], [ 7.28373281977339, 53.523703161649827 ], [ 7.28373281977339, 53.523903426032604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36470_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.523703161649827 ], [ 7.28488779656726, 53.523703161649827 ], [ 7.28488779656726, 53.523502896320238 ], [ 7.28373281977339, 53.523502896320238 ], [ 7.28373281977339, 53.523703161649827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36471_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 28.846153846153847 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.518963294895109 ], [ 7.277957935804052, 53.518963294895109 ], [ 7.277957935804052, 53.51876300715756 ], [ 7.276802959010184, 53.51876300715756 ], [ 7.276802959010184, 53.518963294895109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36471_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 36.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.518162138263889 ], [ 7.280267889391788, 53.518162138263889 ], [ 7.280267889391788, 53.517961846738977 ], [ 7.279112912597919, 53.517961846738977 ], [ 7.279112912597919, 53.518162138263889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36471_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 39.81818181818182 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.519964719380283 ], [ 7.282577842979523, 53.519964719380283 ], [ 7.282577842979523, 53.519764436376903 ], [ 7.281422866185654, 53.519764436376903 ], [ 7.281422866185654, 53.519964719380283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36471_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.519964719380283 ], [ 7.28373281977339, 53.519964719380283 ], [ 7.28373281977339, 53.519764436376903 ], [ 7.282577842979523, 53.519764436376903 ], [ 7.282577842979523, 53.519964719380283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36471_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 60.335716124999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.518562718473177 ], [ 7.28488779656726, 53.518562718473177 ], [ 7.28488779656726, 53.518362428841961 ], [ 7.28373281977339, 53.518362428841961 ], [ 7.28373281977339, 53.518562718473177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36471_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 52.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.518362428841961 ], [ 7.28488779656726, 53.518362428841961 ], [ 7.28488779656726, 53.518162138263889 ], [ 7.28373281977339, 53.518162138263889 ], [ 7.28373281977339, 53.518362428841961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36472_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 69.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.513621964525171 ], [ 7.277957935804052, 53.513621964525171 ], [ 7.277957935804052, 53.513421651537854 ], [ 7.276802959010184, 53.513421651537854 ], [ 7.276802959010184, 53.513621964525171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36472_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.512820706894544 ], [ 7.280267889391788, 53.512820706894544 ], [ 7.280267889391788, 53.512620390119658 ], [ 7.279112912597919, 53.512620390119658 ], [ 7.279112912597919, 53.512820706894544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36472_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.514623515258371 ], [ 7.282577842979523, 53.514623515258371 ], [ 7.282577842979523, 53.514423207005507 ], [ 7.281422866185654, 53.514423207005507 ], [ 7.281422866185654, 53.514623515258371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36472_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 83.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.514623515258371 ], [ 7.28373281977339, 53.514623515258371 ], [ 7.28373281977339, 53.514423207005507 ], [ 7.282577842979523, 53.514423207005507 ], [ 7.282577842979523, 53.514623515258371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36472_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 84.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.51322133760366 ], [ 7.28488779656726, 53.51322133760366 ], [ 7.28488779656726, 53.513021022722555 ], [ 7.28373281977339, 53.513021022722555 ], [ 7.28373281977339, 53.51322133760366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36472_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.513021022722555 ], [ 7.28488779656726, 53.513021022722555 ], [ 7.28488779656726, 53.512820706894544 ], [ 7.28373281977339, 53.512820706894544 ], [ 7.28373281977339, 53.513021022722555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36482_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 73.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.460171620476977 ], [ 7.277957935804052, 53.460171620476977 ], [ 7.277957935804052, 53.459971054912792 ], [ 7.276802959010184, 53.459971054912792 ], [ 7.276802959010184, 53.460171620476977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36482_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 72.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.459369352535617 ], [ 7.280267889391788, 53.459369352535617 ], [ 7.280267889391788, 53.459168783181688 ], [ 7.279112912597919, 53.459168783181688 ], [ 7.279112912597919, 53.459369352535617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36482_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 79.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.461174434086473 ], [ 7.282577842979523, 53.461174434086473 ], [ 7.282577842979523, 53.460973873259427 ], [ 7.281422866185654, 53.460973873259427 ], [ 7.281422866185654, 53.461174434086473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36482_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 67.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.461174434086473 ], [ 7.28373281977339, 53.461174434086473 ], [ 7.28373281977339, 53.460973873259427 ], [ 7.282577842979523, 53.460973873259427 ], [ 7.282577842979523, 53.461174434086473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36482_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.75000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.459770488401169 ], [ 7.28488779656726, 53.459770488401169 ], [ 7.28488779656726, 53.459569920942123 ], [ 7.28373281977339, 53.459569920942123 ], [ 7.28373281977339, 53.459770488401169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36482_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 76.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.459569920942123 ], [ 7.28488779656726, 53.459569920942123 ], [ 7.28488779656726, 53.459369352535617 ], [ 7.28373281977339, 53.459369352535617 ], [ 7.28373281977339, 53.459569920942123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36483_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.454822881193422 ], [ 7.277957935804052, 53.454822881193422 ], [ 7.277957935804052, 53.454622290363645 ], [ 7.276802959010184, 53.454622290363645 ], [ 7.276802959010184, 53.454822881193422 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36483_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.454020512189373 ], [ 7.280267889391788, 53.454020512189373 ], [ 7.280267889391788, 53.453819917569632 ], [ 7.279112912597919, 53.453819917569632 ], [ 7.279112912597919, 53.454020512189373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36483_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.45582582113007 ], [ 7.282577842979523, 53.45582582113007 ], [ 7.282577842979523, 53.455625235037694 ], [ 7.281422866185654, 53.455625235037694 ], [ 7.281422866185654, 53.45582582113007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36483_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.45582582113007 ], [ 7.28373281977339, 53.45582582113007 ], [ 7.28373281977339, 53.455625235037694 ], [ 7.282577842979523, 53.455625235037694 ], [ 7.282577842979523, 53.45582582113007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36483_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 87.25737325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.454421698586373 ], [ 7.28488779656726, 53.454421698586373 ], [ 7.28488779656726, 53.45422110586162 ], [ 7.28373281977339, 53.45422110586162 ], [ 7.28373281977339, 53.454421698586373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36483_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 79.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.45422110586162 ], [ 7.28488779656726, 53.45422110586162 ], [ 7.28488779656726, 53.454020512189373 ], [ 7.28373281977339, 53.454020512189373 ], [ 7.28373281977339, 53.45422110586162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.36359017523769 ], [ 7.277957935804052, 53.36359017523769 ], [ 7.277957935804052, 53.363389153725599 ], [ 7.276802959010184, 53.363389153725599 ], [ 7.276802959010184, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.362987107856235 ], [ 7.280267889391788, 53.362987107856235 ], [ 7.280267889391788, 53.362786083498946 ], [ 7.279112912597919, 53.362786083498946 ], [ 7.279112912597919, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.364394251802061 ], [ 7.281422866185654, 53.364394251802061 ], [ 7.281422866185654, 53.364193234083558 ], [ 7.280267889391788, 53.364193234083558 ], [ 7.280267889391788, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.364796284393911 ], [ 7.282577842979523, 53.364796284393911 ], [ 7.282577842979523, 53.364595268572181 ], [ 7.281422866185654, 53.364595268572181 ], [ 7.281422866185654, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 138.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.363992215416665 ], [ 7.282577842979523, 53.363992215416665 ], [ 7.282577842979523, 53.363791195801376 ], [ 7.281422866185654, 53.363791195801376 ], [ 7.281422866185654, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.364796284393911 ], [ 7.28373281977339, 53.364796284393911 ], [ 7.28373281977339, 53.364595268572181 ], [ 7.282577842979523, 53.364595268572181 ], [ 7.282577842979523, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.364394251802061 ], [ 7.28373281977339, 53.364394251802061 ], [ 7.28373281977339, 53.364193234083558 ], [ 7.282577842979523, 53.364193234083558 ], [ 7.282577842979523, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 118.09783925000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.36359017523769 ], [ 7.28373281977339, 53.36359017523769 ], [ 7.28373281977339, 53.363389153725599 ], [ 7.282577842979523, 53.363389153725599 ], [ 7.282577842979523, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.7999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.363389153725599 ], [ 7.28373281977339, 53.363389153725599 ], [ 7.28373281977339, 53.363188131265126 ], [ 7.282577842979523, 53.363188131265126 ], [ 7.282577842979523, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.00000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.363389153725599 ], [ 7.28488779656726, 53.363389153725599 ], [ 7.28488779656726, 53.363188131265126 ], [ 7.28373281977339, 53.363188131265126 ], [ 7.28373281977339, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36500_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.362987107856235 ], [ 7.28488779656726, 53.362987107856235 ], [ 7.28488779656726, 53.362786083498946 ], [ 7.28373281977339, 53.362786083498946 ], [ 7.28373281977339, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.164787461136576 ], [ 7.277957935804052, 53.164787461136576 ], [ 7.277957935804052, 53.164585502903257 ], [ 7.276802959010184, 53.164585502903257 ], [ 7.276802959010184, 53.164787461136576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.9695905 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.162767836037112 ], [ 7.277957935804052, 53.162767836037112 ], [ 7.277957935804052, 53.162565868300156 ], [ 7.276802959010184, 53.162565868300156 ], [ 7.276802959010184, 53.162767836037112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 77.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.277957935804052, 53.165393330134442 ], [ 7.279112912597919, 53.165393330134442 ], [ 7.279112912597919, 53.165191374752162 ], [ 7.277957935804052, 53.165191374752162 ], [ 7.277957935804052, 53.165393330134442 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.164181583585531 ], [ 7.280267889391788, 53.164181583585531 ], [ 7.280267889391788, 53.163979622501145 ], [ 7.279112912597919, 53.163979622501145 ], [ 7.279112912597919, 53.164181583585531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.165595284566372 ], [ 7.281422866185654, 53.165595284566372 ], [ 7.281422866185654, 53.165393330134442 ], [ 7.280267889391788, 53.165393330134442 ], [ 7.280267889391788, 53.165595284566372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 128.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.164383543719573 ], [ 7.281422866185654, 53.164383543719573 ], [ 7.281422866185654, 53.164181583585531 ], [ 7.280267889391788, 53.164181583585531 ], [ 7.280267889391788, 53.164383543719573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 228.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.16620114216007 ], [ 7.282577842979523, 53.16620114216007 ], [ 7.282577842979523, 53.165999190579178 ], [ 7.281422866185654, 53.165999190579178 ], [ 7.281422866185654, 53.16620114216007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 89.4059922 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.165191374752162 ], [ 7.282577842979523, 53.165191374752162 ], [ 7.282577842979523, 53.164989418419545 ], [ 7.281422866185654, 53.164989418419545 ], [ 7.281422866185654, 53.165191374752162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.66666966666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.163575697481271 ], [ 7.282577842979523, 53.163575697481271 ], [ 7.282577842979523, 53.163373733545775 ], [ 7.281422866185654, 53.163373733545775 ], [ 7.281422866185654, 53.163575697481271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.165999190579178 ], [ 7.28373281977339, 53.165999190579178 ], [ 7.28373281977339, 53.165797238047936 ], [ 7.282577842979523, 53.165797238047936 ], [ 7.282577842979523, 53.165999190579178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.165797238047936 ], [ 7.28373281977339, 53.165797238047936 ], [ 7.28373281977339, 53.165595284566372 ], [ 7.282577842979523, 53.165595284566372 ], [ 7.282577842979523, 53.165797238047936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.16963433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.164989418419545 ], [ 7.28373281977339, 53.164989418419545 ], [ 7.28373281977339, 53.164787461136576 ], [ 7.282577842979523, 53.164787461136576 ], [ 7.282577842979523, 53.164989418419545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.06151642857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.164585502903257 ], [ 7.28373281977339, 53.164585502903257 ], [ 7.28373281977339, 53.164383543719573 ], [ 7.282577842979523, 53.164383543719573 ], [ 7.282577842979523, 53.164585502903257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 131.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.164181583585531 ], [ 7.28373281977339, 53.164181583585531 ], [ 7.28373281977339, 53.163979622501145 ], [ 7.282577842979523, 53.163979622501145 ], [ 7.282577842979523, 53.164181583585531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 109.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.163979622501145 ], [ 7.28373281977339, 53.163979622501145 ], [ 7.28373281977339, 53.16377766046638 ], [ 7.282577842979523, 53.16377766046638 ], [ 7.282577842979523, 53.163979622501145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 130.66666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.163171768659936 ], [ 7.28373281977339, 53.163171768659936 ], [ 7.28373281977339, 53.16296980282371 ], [ 7.282577842979523, 53.16296980282371 ], [ 7.282577842979523, 53.163171768659936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 106.448225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.162565868300156 ], [ 7.28373281977339, 53.162565868300156 ], [ 7.28373281977339, 53.162363899612821 ], [ 7.282577842979523, 53.162363899612821 ], [ 7.282577842979523, 53.162565868300156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 116.12405892307692 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.164787461136576 ], [ 7.28488779656726, 53.164787461136576 ], [ 7.28488779656726, 53.164585502903257 ], [ 7.28373281977339, 53.164585502903257 ], [ 7.28373281977339, 53.164787461136576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.27068628571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.164585502903257 ], [ 7.28488779656726, 53.164585502903257 ], [ 7.28488779656726, 53.164383543719573 ], [ 7.28373281977339, 53.164383543719573 ], [ 7.28373281977339, 53.164585502903257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 117.7284635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.164383543719573 ], [ 7.28488779656726, 53.164383543719573 ], [ 7.28488779656726, 53.164181583585531 ], [ 7.28373281977339, 53.164181583585531 ], [ 7.28373281977339, 53.164383543719573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.164181583585531 ], [ 7.28488779656726, 53.164181583585531 ], [ 7.28488779656726, 53.163979622501145 ], [ 7.28373281977339, 53.163979622501145 ], [ 7.28373281977339, 53.164181583585531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.16377766046638 ], [ 7.28488779656726, 53.16377766046638 ], [ 7.28488779656726, 53.163575697481271 ], [ 7.28373281977339, 53.163575697481271 ], [ 7.28373281977339, 53.16377766046638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36537_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.7607715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.163575697481271 ], [ 7.28488779656726, 53.163575697481271 ], [ 7.28488779656726, 53.163373733545775 ], [ 7.28373281977339, 53.163373733545775 ], [ 7.28373281977339, 53.163575697481271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 101.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.159401583009767 ], [ 7.277957935804052, 53.159401583009767 ], [ 7.277957935804052, 53.159199599432974 ], [ 7.276802959010184, 53.159199599432974 ], [ 7.276802959010184, 53.159401583009767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 126.33333166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.15738170447321 ], [ 7.277957935804052, 53.15738170447321 ], [ 7.277957935804052, 53.157179711392246 ], [ 7.276802959010184, 53.157179711392246 ], [ 7.276802959010184, 53.15738170447321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 84.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.277957935804052, 53.160007528037738 ], [ 7.279112912597919, 53.160007528037738 ], [ 7.279112912597919, 53.159805547312153 ], [ 7.277957935804052, 53.159805547312153 ], [ 7.277957935804052, 53.160007528037738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 156.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.158795629428148 ], [ 7.280267889391788, 53.158795629428148 ], [ 7.280267889391788, 53.158593643000124 ], [ 7.279112912597919, 53.158593643000124 ], [ 7.279112912597919, 53.158795629428148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.16020950781293 ], [ 7.281422866185654, 53.16020950781293 ], [ 7.281422866185654, 53.160007528037738 ], [ 7.280267889391788, 53.160007528037738 ], [ 7.280267889391788, 53.16020950781293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.158997614905758 ], [ 7.281422866185654, 53.158997614905758 ], [ 7.281422866185654, 53.158795629428148 ], [ 7.280267889391788, 53.158795629428148 ], [ 7.280267889391788, 53.158997614905758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 224.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.160815441436114 ], [ 7.282577842979523, 53.160815441436114 ], [ 7.282577842979523, 53.16061346451211 ], [ 7.281422866185654, 53.16061346451211 ], [ 7.281422866185654, 53.160815441436114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 111.93767675000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.159805547312153 ], [ 7.282577842979523, 53.159805547312153 ], [ 7.282577842979523, 53.159603565636161 ], [ 7.281422866185654, 53.159603565636161 ], [ 7.281422866185654, 53.159805547312153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.158189667292824 ], [ 7.282577842979523, 53.158189667292824 ], [ 7.282577842979523, 53.157987678013548 ], [ 7.281422866185654, 53.157987678013548 ], [ 7.281422866185654, 53.158189667292824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.16061346451211 ], [ 7.28373281977339, 53.16061346451211 ], [ 7.28373281977339, 53.16041148663772 ], [ 7.282577842979523, 53.16041148663772 ], [ 7.282577842979523, 53.16061346451211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.16041148663772 ], [ 7.28373281977339, 53.16041148663772 ], [ 7.28373281977339, 53.16020950781293 ], [ 7.282577842979523, 53.16020950781293 ], [ 7.282577842979523, 53.16041148663772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.6561975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.159603565636161 ], [ 7.28373281977339, 53.159603565636161 ], [ 7.28373281977339, 53.159401583009767 ], [ 7.282577842979523, 53.159401583009767 ], [ 7.282577842979523, 53.159603565636161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.28571542857142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.159199599432974 ], [ 7.28373281977339, 53.159199599432974 ], [ 7.28373281977339, 53.158997614905758 ], [ 7.282577842979523, 53.158997614905758 ], [ 7.282577842979523, 53.159199599432974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 141.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.158795629428148 ], [ 7.28373281977339, 53.158795629428148 ], [ 7.28373281977339, 53.158593643000124 ], [ 7.282577842979523, 53.158593643000124 ], [ 7.282577842979523, 53.158795629428148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.158593643000124 ], [ 7.28373281977339, 53.158593643000124 ], [ 7.28373281977339, 53.158391655621671 ], [ 7.282577842979523, 53.158391655621671 ], [ 7.282577842979523, 53.158593643000124 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 131.99999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.157785687783857 ], [ 7.28373281977339, 53.157785687783857 ], [ 7.28373281977339, 53.157583696603751 ], [ 7.282577842979523, 53.157583696603751 ], [ 7.282577842979523, 53.157785687783857 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 110.31456925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.157179711392246 ], [ 7.28373281977339, 53.157179711392246 ], [ 7.28373281977339, 53.156977717360867 ], [ 7.282577842979523, 53.156977717360867 ], [ 7.282577842979523, 53.157179711392246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 106.13333273333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.159401583009767 ], [ 7.28488779656726, 53.159401583009767 ], [ 7.28488779656726, 53.159199599432974 ], [ 7.28373281977339, 53.159199599432974 ], [ 7.28373281977339, 53.159401583009767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 117.76011825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.159199599432974 ], [ 7.28488779656726, 53.159199599432974 ], [ 7.28488779656726, 53.158997614905758 ], [ 7.28373281977339, 53.158997614905758 ], [ 7.28373281977339, 53.159199599432974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 117.74502825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.158997614905758 ], [ 7.28488779656726, 53.158997614905758 ], [ 7.28488779656726, 53.158795629428148 ], [ 7.28373281977339, 53.158795629428148 ], [ 7.28373281977339, 53.158997614905758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 158.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.158795629428148 ], [ 7.28488779656726, 53.158795629428148 ], [ 7.28488779656726, 53.158593643000124 ], [ 7.28373281977339, 53.158593643000124 ], [ 7.28373281977339, 53.158795629428148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.158391655621671 ], [ 7.28488779656726, 53.158391655621671 ], [ 7.28488779656726, 53.158189667292824 ], [ 7.28373281977339, 53.158189667292824 ], [ 7.28373281977339, 53.158391655621671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36538_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 111.279189 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.158189667292824 ], [ 7.28488779656726, 53.158189667292824 ], [ 7.28488779656726, 53.157987678013548 ], [ 7.28373281977339, 53.157987678013548 ], [ 7.28373281977339, 53.158189667292824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 89.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.15401502903908 ], [ 7.277957935804052, 53.15401502903908 ], [ 7.277957935804052, 53.153813020117404 ], [ 7.276802959010184, 53.153813020117404 ], [ 7.276802959010184, 53.15401502903908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 124.5707355 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.15199489705148 ], [ 7.277957935804052, 53.15199489705148 ], [ 7.277957935804052, 53.151792878625123 ], [ 7.276802959010184, 53.151792878625123 ], [ 7.276802959010184, 53.15199489705148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.277957935804052, 53.154621050101341 ], [ 7.279112912597919, 53.154621050101341 ], [ 7.279112912597919, 53.154419044031037 ], [ 7.277957935804052, 53.154419044031037 ], [ 7.277957935804052, 53.154621050101341 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.153408999422695 ], [ 7.280267889391788, 53.153408999422695 ], [ 7.280267889391788, 53.153206987649639 ], [ 7.279112912597919, 53.153206987649639 ], [ 7.279112912597919, 53.153408999422695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.154823055221193 ], [ 7.281422866185654, 53.154823055221193 ], [ 7.281422866185654, 53.154621050101341 ], [ 7.280267889391788, 53.154621050101341 ], [ 7.280267889391788, 53.154823055221193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.153611010245278 ], [ 7.281422866185654, 53.153611010245278 ], [ 7.281422866185654, 53.153408999422695 ], [ 7.280267889391788, 53.153408999422695 ], [ 7.280267889391788, 53.153611010245278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 218.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.155429064878049 ], [ 7.282577842979523, 53.155429064878049 ], [ 7.282577842979523, 53.155227062609541 ], [ 7.281422866185654, 53.155227062609541 ], [ 7.281422866185654, 53.155429064878049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 138.83468233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.154419044031037 ], [ 7.282577842979523, 53.154419044031037 ], [ 7.282577842979523, 53.154217037010284 ], [ 7.281422866185654, 53.154217037010284 ], [ 7.281422866185654, 53.154419044031037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.152802961252135 ], [ 7.282577842979523, 53.152802961252135 ], [ 7.282577842979523, 53.152600946627679 ], [ 7.281422866185654, 53.152600946627679 ], [ 7.281422866185654, 53.152802961252135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.155227062609541 ], [ 7.28373281977339, 53.155227062609541 ], [ 7.28373281977339, 53.155025059390589 ], [ 7.282577842979523, 53.155025059390589 ], [ 7.282577842979523, 53.155227062609541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.155025059390589 ], [ 7.28373281977339, 53.155025059390589 ], [ 7.28373281977339, 53.154823055221193 ], [ 7.282577842979523, 53.154823055221193 ], [ 7.282577842979523, 53.155025059390589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.41996566666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.154217037010284 ], [ 7.28373281977339, 53.154217037010284 ], [ 7.28373281977339, 53.15401502903908 ], [ 7.282577842979523, 53.15401502903908 ], [ 7.282577842979523, 53.154217037010284 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.66666766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.153813020117404 ], [ 7.28373281977339, 53.153813020117404 ], [ 7.28373281977339, 53.153611010245278 ], [ 7.282577842979523, 53.153611010245278 ], [ 7.282577842979523, 53.153813020117404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 154.33333166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.153408999422695 ], [ 7.28373281977339, 53.153408999422695 ], [ 7.28373281977339, 53.153206987649639 ], [ 7.282577842979523, 53.153206987649639 ], [ 7.282577842979523, 53.153408999422695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.153206987649639 ], [ 7.28373281977339, 53.153206987649639 ], [ 7.28373281977339, 53.153004974926127 ], [ 7.282577842979523, 53.153004974926127 ], [ 7.282577842979523, 53.153206987649639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 134.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.152398931052751 ], [ 7.28373281977339, 53.152398931052751 ], [ 7.28373281977339, 53.152196914527352 ], [ 7.282577842979523, 53.152196914527352 ], [ 7.282577842979523, 53.152398931052751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 103.0656405 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.151792878625123 ], [ 7.28373281977339, 53.151792878625123 ], [ 7.28373281977339, 53.151590859248287 ], [ 7.282577842979523, 53.151590859248287 ], [ 7.282577842979523, 53.151792878625123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 84.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.15401502903908 ], [ 7.28488779656726, 53.15401502903908 ], [ 7.28488779656726, 53.153813020117404 ], [ 7.28373281977339, 53.153813020117404 ], [ 7.28373281977339, 53.15401502903908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.553962125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.153813020117404 ], [ 7.28488779656726, 53.153813020117404 ], [ 7.28488779656726, 53.153611010245278 ], [ 7.28373281977339, 53.153611010245278 ], [ 7.28373281977339, 53.153813020117404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.44491925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.153611010245278 ], [ 7.28488779656726, 53.153611010245278 ], [ 7.28488779656726, 53.153408999422695 ], [ 7.28373281977339, 53.153408999422695 ], [ 7.28373281977339, 53.153611010245278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.153408999422695 ], [ 7.28488779656726, 53.153408999422695 ], [ 7.28488779656726, 53.153206987649639 ], [ 7.28373281977339, 53.153206987649639 ], [ 7.28373281977339, 53.153408999422695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.153004974926127 ], [ 7.28488779656726, 53.153004974926127 ], [ 7.28488779656726, 53.152802961252135 ], [ 7.28373281977339, 53.152802961252135 ], [ 7.28373281977339, 53.153004974926127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36539_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 104.4874688 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.152802961252135 ], [ 7.28488779656726, 53.152802961252135 ], [ 7.28488779656726, 53.152600946627679 ], [ 7.28373281977339, 53.152600946627679 ], [ 7.28373281977339, 53.152802961252135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 89.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.148627799187317 ], [ 7.277957935804052, 53.148627799187317 ], [ 7.277957935804052, 53.148425764919374 ], [ 7.276802959010184, 53.148425764919374 ], [ 7.276802959010184, 53.148627799187317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 123.250001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.146607413734728 ], [ 7.277957935804052, 53.146607413734728 ], [ 7.277957935804052, 53.146405369961585 ], [ 7.276802959010184, 53.146405369961585 ], [ 7.276802959010184, 53.146607413734728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.277957935804052, 53.149233896288059 ], [ 7.279112912597919, 53.149233896288059 ], [ 7.279112912597919, 53.149031864871645 ], [ 7.277957935804052, 53.149031864871645 ], [ 7.277957935804052, 53.149233896288059 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 112.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 53.14802169353198 ], [ 7.280267889391788, 53.14802169353198 ], [ 7.280267889391788, 53.147819656412501 ], [ 7.279112912597919, 53.147819656412501 ], [ 7.279112912597919, 53.14802169353198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.149435926753952 ], [ 7.281422866185654, 53.149435926753952 ], [ 7.281422866185654, 53.149233896288059 ], [ 7.280267889391788, 53.149233896288059 ], [ 7.280267889391788, 53.149435926753952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.148223729700945 ], [ 7.281422866185654, 53.148223729700945 ], [ 7.281422866185654, 53.14802169353198 ], [ 7.280267889391788, 53.14802169353198 ], [ 7.280267889391788, 53.148223729700945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 213.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.150042012448658 ], [ 7.282577842979523, 53.150042012448658 ], [ 7.282577842979523, 53.149839984834259 ], [ 7.281422866185654, 53.149839984834259 ], [ 7.281422866185654, 53.150042012448658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 146.33333233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.149031864871645 ], [ 7.282577842979523, 53.149031864871645 ], [ 7.282577842979523, 53.148829832504731 ], [ 7.281422866185654, 53.148829832504731 ], [ 7.281422866185654, 53.149031864871645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.147415579322001 ], [ 7.282577842979523, 53.147415579322001 ], [ 7.282577842979523, 53.147213539350972 ], [ 7.281422866185654, 53.147213539350972 ], [ 7.281422866185654, 53.147415579322001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 136.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.149839984834259 ], [ 7.28373281977339, 53.149839984834259 ], [ 7.28373281977339, 53.149637956269359 ], [ 7.282577842979523, 53.149637956269359 ], [ 7.282577842979523, 53.149839984834259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.149637956269359 ], [ 7.28373281977339, 53.149637956269359 ], [ 7.28373281977339, 53.149435926753952 ], [ 7.282577842979523, 53.149435926753952 ], [ 7.282577842979523, 53.149637956269359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.33928033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.148829832504731 ], [ 7.28373281977339, 53.148829832504731 ], [ 7.28373281977339, 53.148627799187317 ], [ 7.282577842979523, 53.148627799187317 ], [ 7.282577842979523, 53.148829832504731 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 124.5573025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.148425764919374 ], [ 7.28373281977339, 53.148425764919374 ], [ 7.28373281977339, 53.148223729700945 ], [ 7.282577842979523, 53.148223729700945 ], [ 7.282577842979523, 53.148425764919374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.14802169353198 ], [ 7.28373281977339, 53.14802169353198 ], [ 7.28373281977339, 53.147819656412501 ], [ 7.282577842979523, 53.147819656412501 ], [ 7.282577842979523, 53.14802169353198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 88.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.147819656412501 ], [ 7.28373281977339, 53.147819656412501 ], [ 7.28373281977339, 53.147617618342515 ], [ 7.282577842979523, 53.147617618342515 ], [ 7.282577842979523, 53.147819656412501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 136.33332933333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.147011498429414 ], [ 7.28373281977339, 53.147011498429414 ], [ 7.28373281977339, 53.146809456557335 ], [ 7.282577842979523, 53.146809456557335 ], [ 7.282577842979523, 53.147011498429414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 104.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.146405369961585 ], [ 7.28373281977339, 53.146405369961585 ], [ 7.28373281977339, 53.14620332523792 ], [ 7.282577842979523, 53.14620332523792 ], [ 7.282577842979523, 53.146405369961585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.148627799187317 ], [ 7.28488779656726, 53.148627799187317 ], [ 7.28488779656726, 53.148425764919374 ], [ 7.28373281977339, 53.148425764919374 ], [ 7.28373281977339, 53.148627799187317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.91235083333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.148425764919374 ], [ 7.28488779656726, 53.148425764919374 ], [ 7.28488779656726, 53.148223729700945 ], [ 7.28373281977339, 53.148223729700945 ], [ 7.28373281977339, 53.148425764919374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 123.04646166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.148223729700945 ], [ 7.28488779656726, 53.148223729700945 ], [ 7.28488779656726, 53.14802169353198 ], [ 7.28373281977339, 53.14802169353198 ], [ 7.28373281977339, 53.148223729700945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.14802169353198 ], [ 7.28488779656726, 53.14802169353198 ], [ 7.28488779656726, 53.147819656412501 ], [ 7.28373281977339, 53.147819656412501 ], [ 7.28373281977339, 53.14802169353198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.147617618342515 ], [ 7.28488779656726, 53.147617618342515 ], [ 7.28488779656726, 53.147415579322001 ], [ 7.28373281977339, 53.147415579322001 ], [ 7.28373281977339, 53.147617618342515 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36540_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 108.12516 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.147415579322001 ], [ 7.28488779656726, 53.147415579322001 ], [ 7.28488779656726, 53.147213539350972 ], [ 7.28373281977339, 53.147213539350972 ], [ 7.28373281977339, 53.147415579322001 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 53.143239893417302 ], [ 7.277957935804052, 53.143239893417302 ], [ 7.277957935804052, 53.143037833801714 ], [ 7.276802959010184, 53.143037833801714 ], [ 7.276802959010184, 53.143239893417302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_1_8", "Weekday": 1, "hour": 8, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.277957935804052, 53.143846066560705 ], [ 7.279112912597919, 53.143846066560705 ], [ 7.279112912597919, 53.143644009796795 ], [ 7.277957935804052, 53.143644009796795 ], [ 7.277957935804052, 53.143846066560705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.144048122374045 ], [ 7.281422866185654, 53.144048122374045 ], [ 7.281422866185654, 53.143846066560705 ], [ 7.280267889391788, 53.143846066560705 ], [ 7.280267889391788, 53.144048122374045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 53.142835773235561 ], [ 7.281422866185654, 53.142835773235561 ], [ 7.281422866185654, 53.142633711718844 ], [ 7.280267889391788, 53.142633711718844 ], [ 7.280267889391788, 53.142835773235561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 213.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.144654284110786 ], [ 7.282577842979523, 53.144654284110786 ], [ 7.282577842979523, 53.144452231149089 ], [ 7.281422866185654, 53.144452231149089 ], [ 7.281422866185654, 53.144654284110786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 144.938027 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.143644009796795 ], [ 7.282577842979523, 53.143644009796795 ], [ 7.282577842979523, 53.143441952082334 ], [ 7.281422866185654, 53.143441952082334 ], [ 7.281422866185654, 53.143644009796795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 53.142027521465259 ], [ 7.282577842979523, 53.142027521465259 ], [ 7.282577842979523, 53.141825456146265 ], [ 7.281422866185654, 53.141825456146265 ], [ 7.281422866185654, 53.142027521465259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.144250177236849 ], [ 7.28373281977339, 53.144250177236849 ], [ 7.28373281977339, 53.144048122374045 ], [ 7.282577842979523, 53.144048122374045 ], [ 7.282577842979523, 53.144250177236849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 142.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.143441952082334 ], [ 7.28373281977339, 53.143441952082334 ], [ 7.28373281977339, 53.143239893417302 ], [ 7.282577842979523, 53.143239893417302 ], [ 7.282577842979523, 53.143441952082334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.142431649251556 ], [ 7.28373281977339, 53.142431649251556 ], [ 7.28373281977339, 53.142229585833697 ], [ 7.282577842979523, 53.142229585833697 ], [ 7.282577842979523, 53.142431649251556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.141623389876685 ], [ 7.28373281977339, 53.141623389876685 ], [ 7.28373281977339, 53.141421322656527 ], [ 7.282577842979523, 53.141421322656527 ], [ 7.282577842979523, 53.141623389876685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 108.274563 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 53.141017185364468 ], [ 7.28373281977339, 53.141017185364468 ], [ 7.28373281977339, 53.140815115292568 ], [ 7.282577842979523, 53.140815115292568 ], [ 7.282577842979523, 53.141017185364468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 121.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.143239893417302 ], [ 7.28488779656726, 53.143239893417302 ], [ 7.28488779656726, 53.143037833801714 ], [ 7.28373281977339, 53.143037833801714 ], [ 7.28373281977339, 53.143239893417302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 122.3319475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.143037833801714 ], [ 7.28488779656726, 53.143037833801714 ], [ 7.28488779656726, 53.142835773235561 ], [ 7.28373281977339, 53.142835773235561 ], [ 7.28373281977339, 53.143037833801714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 130.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.142835773235561 ], [ 7.28488779656726, 53.142835773235561 ], [ 7.28488779656726, 53.142633711718844 ], [ 7.28373281977339, 53.142633711718844 ], [ 7.28373281977339, 53.142835773235561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.142633711718844 ], [ 7.28488779656726, 53.142633711718844 ], [ 7.28488779656726, 53.142431649251556 ], [ 7.28373281977339, 53.142431649251556 ], [ 7.28373281977339, 53.142633711718844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36541_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 53.142229585833697 ], [ 7.28488779656726, 53.142229585833697 ], [ 7.28488779656726, 53.142027521465259 ], [ 7.28373281977339, 53.142027521465259 ], [ 7.28373281977339, 53.142229585833697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36570_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.986696435246778 ], [ 7.28488779656726, 52.986696435246778 ], [ 7.28488779656726, 52.986493639946147 ], [ 7.28373281977339, 52.986493639946147 ], [ 7.28373281977339, 52.986696435246778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36571_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 89.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.98128823473931 ], [ 7.28488779656726, 52.98128823473931 ], [ 7.28488779656726, 52.981085414049552 ], [ 7.28373281977339, 52.981085414049552 ], [ 7.28373281977339, 52.98128823473931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36572_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.975879357170797 ], [ 7.28488779656726, 52.975879357170797 ], [ 7.28488779656726, 52.975676511090548 ], [ 7.28373281977339, 52.975676511090548 ], [ 7.28373281977339, 52.975879357170797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36574_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.965059570704454 ], [ 7.28488779656726, 52.965059570704454 ], [ 7.28488779656726, 52.964856673839094 ], [ 7.28373281977339, 52.964856673839094 ], [ 7.28373281977339, 52.965059570704454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36575_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 62.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.959648661733581 ], [ 7.28488779656726, 52.959648661733581 ], [ 7.28488779656726, 52.959445739473601 ], [ 7.28373281977339, 52.959445739473601 ], [ 7.28373281977339, 52.959648661733581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36578_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.943411871432239 ], [ 7.28488779656726, 52.943411871432239 ], [ 7.28488779656726, 52.943208872980243 ], [ 7.28373281977339, 52.943208872980243 ], [ 7.28373281977339, 52.943411871432239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36579_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.937998253414051 ], [ 7.28488779656726, 52.937998253414051 ], [ 7.28488779656726, 52.937795229561964 ], [ 7.28373281977339, 52.937795229561964 ], [ 7.28373281977339, 52.937998253414051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36580_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 69.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.932583958042947 ], [ 7.28488779656726, 52.932583958042947 ], [ 7.28488779656726, 52.932380908789412 ], [ 7.28373281977339, 52.932380908789412 ], [ 7.28373281977339, 52.932583958042947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36581_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 60.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.927168985282513 ], [ 7.28488779656726, 52.927168985282513 ], [ 7.28488779656726, 52.926965910626173 ], [ 7.28373281977339, 52.926965910626173 ], [ 7.28373281977339, 52.927168985282513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36582_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.92175333509639 ], [ 7.28488779656726, 52.92175333509639 ], [ 7.28488779656726, 52.921550235035888 ], [ 7.28373281977339, 52.921550235035888 ], [ 7.28373281977339, 52.92175333509639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36584_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 35.307692307692307 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.910920002301673 ], [ 7.28488779656726, 52.910920002301673 ], [ 7.28488779656726, 52.910716851428745 ], [ 7.28373281977339, 52.910716851428745 ], [ 7.28373281977339, 52.910920002301673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36585_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.905502319620417 ], [ 7.28488779656726, 52.905502319620417 ], [ 7.28488779656726, 52.905299143339235 ], [ 7.28373281977339, 52.905299143339235 ], [ 7.28373281977339, 52.905502319620417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36593_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.862136462569495 ], [ 7.28488779656726, 52.862136462569495 ], [ 7.28488779656726, 52.861933082973309 ], [ 7.28373281977339, 52.861933082973309 ], [ 7.28373281977339, 52.862136462569495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36594_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 54.636363636363633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.856712680444872 ], [ 7.28488779656726, 52.856712680444872 ], [ 7.28488779656726, 52.856509275428209 ], [ 7.28373281977339, 52.856509275428209 ], [ 7.28373281977339, 52.856712680444872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36595_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 65.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.851288220423463 ], [ 7.28488779656726, 52.851288220423463 ], [ 7.28488779656726, 52.851084789984974 ], [ 7.28373281977339, 52.851084789984974 ], [ 7.28373281977339, 52.851288220423463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36689_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.211391 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 52.338974549922639 ], [ 7.282577842979523, 52.338974549922639 ], [ 7.282577842979523, 52.338768726767043 ], [ 7.281422866185654, 52.338768726767043 ], [ 7.281422866185654, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36689_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 52.337122107034645 ], [ 7.282577842979523, 52.337122107034645 ], [ 7.282577842979523, 52.336916275257124 ], [ 7.281422866185654, 52.336916275257124 ], [ 7.281422866185654, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36689_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 107.75000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.337945424564786 ], [ 7.28373281977339, 52.337945424564786 ], [ 7.28373281977339, 52.337739596619244 ], [ 7.282577842979523, 52.337739596619244 ], [ 7.282577842979523, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36689_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.337327937854184 ], [ 7.28373281977339, 52.337327937854184 ], [ 7.28373281977339, 52.337122107034645 ], [ 7.282577842979523, 52.337122107034645 ], [ 7.282577842979523, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36689_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 89.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.337533767715719 ], [ 7.28488779656726, 52.337533767715719 ], [ 7.28488779656726, 52.337327937854184 ], [ 7.28373281977339, 52.337327937854184 ], [ 7.28373281977339, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36689_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.337122107034645 ], [ 7.28488779656726, 52.337122107034645 ], [ 7.28488779656726, 52.336916275257124 ], [ 7.28373281977339, 52.336916275257124 ], [ 7.28373281977339, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 52.167673834123377 ], [ 7.277957935804052, 52.167673834123377 ], [ 7.277957935804052, 52.167467214584079 ], [ 7.276802959010184, 52.167467214584079 ], [ 7.276802959010184, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.96753225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276802959010184, 52.165607595554079 ], [ 7.277957935804052, 52.165607595554079 ], [ 7.277957935804052, 52.165400966420002 ], [ 7.276802959010184, 52.165400966420002 ], [ 7.276802959010184, 52.165607595554079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 107.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.277957935804052, 52.168293686984484 ], [ 7.279112912597919, 52.168293686984484 ], [ 7.279112912597919, 52.168087070323587 ], [ 7.277957935804052, 52.168087070323587 ], [ 7.277957935804052, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.279112912597919, 52.167467214584079 ], [ 7.280267889391788, 52.167467214584079 ], [ 7.280267889391788, 52.16726059408532 ], [ 7.279112912597919, 52.16726059408532 ], [ 7.279112912597919, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 52.16891353121045 ], [ 7.281422866185654, 52.16891353121045 ], [ 7.281422866185654, 52.168706917427926 ], [ 7.280267889391788, 52.168706917427926 ], [ 7.280267889391788, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 52.167673834123377 ], [ 7.281422866185654, 52.167673834123377 ], [ 7.281422866185654, 52.167467214584079 ], [ 7.280267889391788, 52.167467214584079 ], [ 7.280267889391788, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.280267889391788, 52.166847350209359 ], [ 7.281422866185654, 52.166847350209359 ], [ 7.281422866185654, 52.166640726832178 ], [ 7.280267889391788, 52.166640726832178 ], [ 7.280267889391788, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 52.169326755897131 ], [ 7.282577842979523, 52.169326755897131 ], [ 7.282577842979523, 52.169120144033513 ], [ 7.281422866185654, 52.169120144033513 ], [ 7.281422866185654, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 52.169120144033513 ], [ 7.282577842979523, 52.169120144033513 ], [ 7.282577842979523, 52.16891353121045 ], [ 7.281422866185654, 52.16891353121045 ], [ 7.281422866185654, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.169326755897131 ], [ 7.28373281977339, 52.169326755897131 ], [ 7.28373281977339, 52.169120144033513 ], [ 7.282577842979523, 52.169120144033513 ], [ 7.282577842979523, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.16891353121045 ], [ 7.28373281977339, 52.16891353121045 ], [ 7.28373281977339, 52.168706917427926 ], [ 7.282577842979523, 52.168706917427926 ], [ 7.282577842979523, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 94.81900925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.168293686984484 ], [ 7.28373281977339, 52.168293686984484 ], [ 7.28373281977339, 52.168087070323587 ], [ 7.282577842979523, 52.168087070323587 ], [ 7.282577842979523, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 87.7299552 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.168087070323587 ], [ 7.28373281977339, 52.168087070323587 ], [ 7.28373281977339, 52.167880452703216 ], [ 7.282577842979523, 52.167880452703216 ], [ 7.282577842979523, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 106.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.166020850943752 ], [ 7.28373281977339, 52.166020850943752 ], [ 7.28373281977339, 52.165814223728653 ], [ 7.282577842979523, 52.165814223728653 ], [ 7.282577842979523, 52.166020850943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 95.08571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.282577842979523, 52.165400966420002 ], [ 7.28373281977339, 52.165400966420002 ], [ 7.28373281977339, 52.165194336326458 ], [ 7.282577842979523, 52.165194336326458 ], [ 7.282577842979523, 52.165400966420002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 112.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.168293686984484 ], [ 7.28488779656726, 52.168293686984484 ], [ 7.28488779656726, 52.168087070323587 ], [ 7.28373281977339, 52.168087070323587 ], [ 7.28373281977339, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.167673834123377 ], [ 7.28488779656726, 52.167673834123377 ], [ 7.28488779656726, 52.167467214584079 ], [ 7.28373281977339, 52.167467214584079 ], [ 7.28373281977339, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 84.398301 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.167467214584079 ], [ 7.28488779656726, 52.167467214584079 ], [ 7.28488779656726, 52.16726059408532 ], [ 7.28373281977339, 52.16726059408532 ], [ 7.28373281977339, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36720_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.09480655555556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.28373281977339, 52.16726059408532 ], [ 7.28488779656726, 52.16726059408532 ], [ 7.28488779656726, 52.167053972627073 ], [ 7.28373281977339, 52.167053972627073 ], [ 7.28373281977339, 52.16726059408532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36985_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 50.683509429593322 ], [ 7.282577842979523, 50.683509429593322 ], [ 7.282577842979523, 50.683295988194082 ], [ 7.281422866185654, 50.683295988194082 ], [ 7.281422866185654, 50.683509429593322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "36986_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.281422866185654, 50.677817326686942 ], [ 7.282577842979523, 50.677817326686942 ], [ 7.282577842979523, 50.677603859397124 ], [ 7.281422866185654, 50.677603859397124 ], [ 7.281422866185654, 50.677817326686942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37147_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 67.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.513621964525171 ], [ 7.286941088645246, 53.513621964525171 ], [ 7.286941088645246, 53.513421651537854 ], [ 7.285786111851378, 53.513421651537854 ], [ 7.285786111851378, 53.513621964525171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37147_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.512820706894544 ], [ 7.289251042232982, 53.512820706894544 ], [ 7.289251042232982, 53.512620390119658 ], [ 7.288096065439114, 53.512620390119658 ], [ 7.288096065439114, 53.512820706894544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37147_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 87.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.514623515258371 ], [ 7.291560995820718, 53.514623515258371 ], [ 7.291560995820718, 53.514423207005507 ], [ 7.29040601902685, 53.514423207005507 ], [ 7.29040601902685, 53.514623515258371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37147_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.514623515258371 ], [ 7.292715972614586, 53.514623515258371 ], [ 7.292715972614586, 53.514423207005507 ], [ 7.291560995820718, 53.514423207005507 ], [ 7.291560995820718, 53.514623515258371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37147_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 87.24999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.51322133760366 ], [ 7.293870949408454, 53.51322133760366 ], [ 7.293870949408454, 53.513021022722555 ], [ 7.292715972614586, 53.513021022722555 ], [ 7.292715972614586, 53.51322133760366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37147_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.513021022722555 ], [ 7.293870949408454, 53.513021022722555 ], [ 7.293870949408454, 53.512820706894544 ], [ 7.292715972614586, 53.512820706894544 ], [ 7.292715972614586, 53.513021022722555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37148_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.50827996080956 ], [ 7.286941088645246, 53.50827996080956 ], [ 7.286941088645246, 53.508079622571024 ], [ 7.285786111851378, 53.508079622571024 ], [ 7.285786111851378, 53.50827996080956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37148_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.507478602173776 ], [ 7.289251042232982, 53.507478602173776 ], [ 7.289251042232982, 53.507278260147444 ], [ 7.288096065439114, 53.507278260147444 ], [ 7.288096065439114, 53.507478602173776 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37148_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 94.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.509281637798004 ], [ 7.291560995820718, 53.509281637798004 ], [ 7.291560995820718, 53.509081304294192 ], [ 7.29040601902685, 53.509081304294192 ], [ 7.29040601902685, 53.509281637798004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37148_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 80.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.509281637798004 ], [ 7.292715972614586, 53.509281637798004 ], [ 7.292715972614586, 53.509081304294192 ], [ 7.291560995820718, 53.509081304294192 ], [ 7.291560995820718, 53.509281637798004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37148_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 92.4000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.50787928338557 ], [ 7.293870949408454, 53.50787928338557 ], [ 7.293870949408454, 53.50767894325314 ], [ 7.292715972614586, 53.50767894325314 ], [ 7.292715972614586, 53.50787928338557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37148_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 90.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.50767894325314 ], [ 7.293870949408454, 53.50767894325314 ], [ 7.293870949408454, 53.507478602173776 ], [ 7.292715972614586, 53.507478602173776 ], [ 7.292715972614586, 53.50767894325314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37149_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.502536555780473 ], [ 7.293870949408454, 53.502536555780473 ], [ 7.293870949408454, 53.50233619039529 ], [ 7.292715972614586, 53.50233619039529 ], [ 7.292715972614586, 53.502536555780473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37156_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 78.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.465519686031286 ], [ 7.286941088645246, 53.465519686031286 ], [ 7.286941088645246, 53.465319145731264 ], [ 7.285786111851378, 53.465319145731264 ], [ 7.285786111851378, 53.465519686031286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37156_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.464717519146888 ], [ 7.289251042232982, 53.464717519146888 ], [ 7.289251042232982, 53.464516975057315 ], [ 7.288096065439114, 53.464516975057315 ], [ 7.288096065439114, 53.464717519146888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37156_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.466522373320814 ], [ 7.291560995820718, 53.466522373320814 ], [ 7.291560995820718, 53.466321837757661 ], [ 7.29040601902685, 53.466321837757661 ], [ 7.29040601902685, 53.466522373320814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37156_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.466522373320814 ], [ 7.292715972614586, 53.466522373320814 ], [ 7.292715972614586, 53.466321837757661 ], [ 7.291560995820718, 53.466321837757661 ], [ 7.291560995820718, 53.466522373320814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37156_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 72.6027625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.465118604483855 ], [ 7.293870949408454, 53.465118604483855 ], [ 7.293870949408454, 53.464918062289065 ], [ 7.292715972614586, 53.464918062289065 ], [ 7.292715972614586, 53.465118604483855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37156_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.464918062289065 ], [ 7.293870949408454, 53.464918062289065 ], [ 7.293870949408454, 53.464717519146888 ], [ 7.292715972614586, 53.464717519146888 ], [ 7.292715972614586, 53.464918062289065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37157_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 71.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.460171620476977 ], [ 7.286941088645246, 53.460171620476977 ], [ 7.286941088645246, 53.459971054912792 ], [ 7.285786111851378, 53.459971054912792 ], [ 7.285786111851378, 53.460171620476977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37157_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 73.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.459369352535617 ], [ 7.289251042232982, 53.459369352535617 ], [ 7.289251042232982, 53.459168783181688 ], [ 7.288096065439114, 53.459168783181688 ], [ 7.288096065439114, 53.459369352535617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37157_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 78.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.461174434086473 ], [ 7.291560995820718, 53.461174434086473 ], [ 7.291560995820718, 53.460973873259427 ], [ 7.29040601902685, 53.460973873259427 ], [ 7.29040601902685, 53.461174434086473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37157_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 64.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.461174434086473 ], [ 7.292715972614586, 53.461174434086473 ], [ 7.292715972614586, 53.460973873259427 ], [ 7.291560995820718, 53.460973873259427 ], [ 7.291560995820718, 53.461174434086473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37157_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 72.240861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.459770488401169 ], [ 7.293870949408454, 53.459770488401169 ], [ 7.293870949408454, 53.459569920942123 ], [ 7.292715972614586, 53.459569920942123 ], [ 7.292715972614586, 53.459770488401169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37157_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 66.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.459569920942123 ], [ 7.293870949408454, 53.459569920942123 ], [ 7.293870949408454, 53.459369352535617 ], [ 7.292715972614586, 53.459369352535617 ], [ 7.292715972614586, 53.459569920942123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.36359017523769 ], [ 7.286941088645246, 53.36359017523769 ], [ 7.286941088645246, 53.363389153725599 ], [ 7.285786111851378, 53.363389153725599 ], [ 7.285786111851378, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 132.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.362987107856235 ], [ 7.289251042232982, 53.362987107856235 ], [ 7.289251042232982, 53.362786083498946 ], [ 7.288096065439114, 53.362786083498946 ], [ 7.288096065439114, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.364394251802061 ], [ 7.29040601902685, 53.364394251802061 ], [ 7.29040601902685, 53.364193234083558 ], [ 7.289251042232982, 53.364193234083558 ], [ 7.289251042232982, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.364796284393911 ], [ 7.291560995820718, 53.364796284393911 ], [ 7.291560995820718, 53.364595268572181 ], [ 7.29040601902685, 53.364595268572181 ], [ 7.29040601902685, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 136.10097833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.363992215416665 ], [ 7.291560995820718, 53.363992215416665 ], [ 7.291560995820718, 53.363791195801376 ], [ 7.29040601902685, 53.363791195801376 ], [ 7.29040601902685, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.364796284393911 ], [ 7.292715972614586, 53.364796284393911 ], [ 7.292715972614586, 53.364595268572181 ], [ 7.291560995820718, 53.364595268572181 ], [ 7.291560995820718, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.364394251802061 ], [ 7.292715972614586, 53.364394251802061 ], [ 7.292715972614586, 53.364193234083558 ], [ 7.291560995820718, 53.364193234083558 ], [ 7.291560995820718, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 115.58139075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.36359017523769 ], [ 7.292715972614586, 53.36359017523769 ], [ 7.292715972614586, 53.363389153725599 ], [ 7.291560995820718, 53.363389153725599 ], [ 7.291560995820718, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 100.7146765 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.363389153725599 ], [ 7.292715972614586, 53.363389153725599 ], [ 7.292715972614586, 53.363188131265126 ], [ 7.291560995820718, 53.363188131265126 ], [ 7.291560995820718, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.982506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.363389153725599 ], [ 7.293870949408454, 53.363389153725599 ], [ 7.293870949408454, 53.363188131265126 ], [ 7.292715972614586, 53.363188131265126 ], [ 7.292715972614586, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37175_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.362987107856235 ], [ 7.293870949408454, 53.362987107856235 ], [ 7.293870949408454, 53.362786083498946 ], [ 7.292715972614586, 53.362786083498946 ], [ 7.292715972614586, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.180941040825942 ], [ 7.286941088645246, 53.180941040825942 ], [ 7.286941088645246, 53.180739158614657 ], [ 7.285786111851378, 53.180739158614657 ], [ 7.285786111851378, 53.180941040825942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 120.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.178922175954 ], [ 7.286941088645246, 53.178922175954 ], [ 7.286941088645246, 53.178720284240647 ], [ 7.285786111851378, 53.178720284240647 ], [ 7.285786111851378, 53.178922175954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.180335391341508 ], [ 7.289251042232982, 53.180335391341508 ], [ 7.289251042232982, 53.180133506279624 ], [ 7.288096065439114, 53.180133506279624 ], [ 7.288096065439114, 53.180335391341508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.181748560169119 ], [ 7.29040601902685, 53.181748560169119 ], [ 7.29040601902685, 53.181546681758618 ], [ 7.289251042232982, 53.181546681758618 ], [ 7.289251042232982, 53.181748560169119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.18053727545319 ], [ 7.29040601902685, 53.18053727545319 ], [ 7.29040601902685, 53.180335391341508 ], [ 7.289251042232982, 53.180335391341508 ], [ 7.289251042232982, 53.18053727545319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 138.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.181344802397923 ], [ 7.291560995820718, 53.181344802397923 ], [ 7.291560995820718, 53.181142922087027 ], [ 7.29040601902685, 53.181142922087027 ], [ 7.29040601902685, 53.181344802397923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 127.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.179729733305251 ], [ 7.291560995820718, 53.179729733305251 ], [ 7.291560995820718, 53.179527845392755 ], [ 7.29040601902685, 53.179527845392755 ], [ 7.29040601902685, 53.179729733305251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.182152314139564 ], [ 7.292715972614586, 53.182152314139564 ], [ 7.292715972614586, 53.181950437629446 ], [ 7.291560995820718, 53.181950437629446 ], [ 7.291560995820718, 53.182152314139564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.181950437629446 ], [ 7.292715972614586, 53.181950437629446 ], [ 7.292715972614586, 53.181748560169119 ], [ 7.291560995820718, 53.181748560169119 ], [ 7.291560995820718, 53.181950437629446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 126.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.181142922087027 ], [ 7.292715972614586, 53.181142922087027 ], [ 7.292715972614586, 53.180941040825942 ], [ 7.291560995820718, 53.180941040825942 ], [ 7.291560995820718, 53.181142922087027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 118.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.180739158614657 ], [ 7.292715972614586, 53.180739158614657 ], [ 7.292715972614586, 53.18053727545319 ], [ 7.291560995820718, 53.18053727545319 ], [ 7.291560995820718, 53.180739158614657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 123.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.180335391341508 ], [ 7.292715972614586, 53.180335391341508 ], [ 7.292715972614586, 53.180133506279624 ], [ 7.291560995820718, 53.180133506279624 ], [ 7.291560995820718, 53.180335391341508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.180133506279624 ], [ 7.292715972614586, 53.180133506279624 ], [ 7.292715972614586, 53.179931620267546 ], [ 7.291560995820718, 53.179931620267546 ], [ 7.291560995820718, 53.180133506279624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 115.420139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.179527845392755 ], [ 7.292715972614586, 53.179527845392755 ], [ 7.292715972614586, 53.179325956530043 ], [ 7.291560995820718, 53.179325956530043 ], [ 7.291560995820718, 53.179527845392755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 106.6829685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.180941040825942 ], [ 7.293870949408454, 53.180941040825942 ], [ 7.293870949408454, 53.180739158614657 ], [ 7.292715972614586, 53.180739158614657 ], [ 7.292715972614586, 53.180941040825942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.666668666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.180739158614657 ], [ 7.293870949408454, 53.180739158614657 ], [ 7.293870949408454, 53.18053727545319 ], [ 7.292715972614586, 53.18053727545319 ], [ 7.292715972614586, 53.180739158614657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.2019835 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.18053727545319 ], [ 7.293870949408454, 53.18053727545319 ], [ 7.293870949408454, 53.180335391341508 ], [ 7.292715972614586, 53.180335391341508 ], [ 7.292715972614586, 53.18053727545319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.180335391341508 ], [ 7.293870949408454, 53.180335391341508 ], [ 7.293870949408454, 53.180133506279624 ], [ 7.292715972614586, 53.180133506279624 ], [ 7.292715972614586, 53.180335391341508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.179931620267546 ], [ 7.293870949408454, 53.179931620267546 ], [ 7.293870949408454, 53.179729733305251 ], [ 7.292715972614586, 53.179729733305251 ], [ 7.292715972614586, 53.179931620267546 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37209_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.107103 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.179729733305251 ], [ 7.293870949408454, 53.179729733305251 ], [ 7.293870949408454, 53.179527845392755 ], [ 7.292715972614586, 53.179527845392755 ], [ 7.292715972614586, 53.179729733305251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.175557190007424 ], [ 7.286941088645246, 53.175557190007424 ], [ 7.286941088645246, 53.175355282456856 ], [ 7.285786111851378, 53.175355282456856 ], [ 7.285786111851378, 53.175557190007424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.299164 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.173538071740282 ], [ 7.286941088645246, 53.173538071740282 ], [ 7.286941088645246, 53.173336154687114 ], [ 7.285786111851378, 53.173336154687114 ], [ 7.285786111851378, 53.173538071740282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 156.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.174951464504979 ], [ 7.289251042232982, 53.174951464504979 ], [ 7.289251042232982, 53.174749554103663 ], [ 7.288096065439114, 53.174749554103663 ], [ 7.288096065439114, 53.174951464504979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 150.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.17636481070722 ], [ 7.29040601902685, 53.17636481070722 ], [ 7.29040601902685, 53.176162906957636 ], [ 7.289251042232982, 53.176162906957636 ], [ 7.289251042232982, 53.17636481070722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 120.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.175153373956043 ], [ 7.29040601902685, 53.175153373956043 ], [ 7.29040601902685, 53.174951464504979 ], [ 7.289251042232982, 53.174951464504979 ], [ 7.289251042232982, 53.175153373956043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 169.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.176970516254528 ], [ 7.291560995820718, 53.176970516254528 ], [ 7.291560995820718, 53.176768615355655 ], [ 7.29040601902685, 53.176768615355655 ], [ 7.29040601902685, 53.176970516254528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 131.9867245 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.175961002257807 ], [ 7.291560995820718, 53.175961002257807 ], [ 7.291560995820718, 53.175759096607742 ], [ 7.29040601902685, 53.175759096607742 ], [ 7.29040601902685, 53.175961002257807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.13861166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.174345730450241 ], [ 7.291560995820718, 53.174345730450241 ], [ 7.291560995820718, 53.17414381719815 ], [ 7.29040601902685, 53.17414381719815 ], [ 7.29040601902685, 53.174345730450241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.176768615355655 ], [ 7.292715972614586, 53.176768615355655 ], [ 7.292715972614586, 53.17656671350656 ], [ 7.291560995820718, 53.17656671350656 ], [ 7.291560995820718, 53.176768615355655 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.17656671350656 ], [ 7.292715972614586, 53.17656671350656 ], [ 7.292715972614586, 53.17636481070722 ], [ 7.291560995820718, 53.17636481070722 ], [ 7.291560995820718, 53.17656671350656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 133.291738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.175759096607742 ], [ 7.292715972614586, 53.175759096607742 ], [ 7.292715972614586, 53.175557190007424 ], [ 7.291560995820718, 53.175557190007424 ], [ 7.291560995820718, 53.175759096607742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 116.439732625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.175355282456856 ], [ 7.292715972614586, 53.175355282456856 ], [ 7.292715972614586, 53.175153373956043 ], [ 7.291560995820718, 53.175153373956043 ], [ 7.291560995820718, 53.175355282456856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 131.64398675000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.174951464504979 ], [ 7.292715972614586, 53.174951464504979 ], [ 7.292715972614586, 53.174749554103663 ], [ 7.291560995820718, 53.174749554103663 ], [ 7.291560995820718, 53.174951464504979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.174749554103663 ], [ 7.292715972614586, 53.174749554103663 ], [ 7.292715972614586, 53.174547642752074 ], [ 7.291560995820718, 53.174547642752074 ], [ 7.291560995820718, 53.174749554103663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 111.84768325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.17414381719815 ], [ 7.292715972614586, 53.17414381719815 ], [ 7.292715972614586, 53.173941902995786 ], [ 7.291560995820718, 53.173941902995786 ], [ 7.291560995820718, 53.17414381719815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.8000016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.173336154687114 ], [ 7.292715972614586, 53.173336154687114 ], [ 7.292715972614586, 53.173134236683694 ], [ 7.291560995820718, 53.173134236683694 ], [ 7.291560995820718, 53.173336154687114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 105.40605925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.175557190007424 ], [ 7.293870949408454, 53.175557190007424 ], [ 7.293870949408454, 53.175355282456856 ], [ 7.292715972614586, 53.175355282456856 ], [ 7.292715972614586, 53.175557190007424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.43730222222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.175355282456856 ], [ 7.293870949408454, 53.175355282456856 ], [ 7.293870949408454, 53.175153373956043 ], [ 7.292715972614586, 53.175153373956043 ], [ 7.292715972614586, 53.175355282456856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.3981034 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.175153373956043 ], [ 7.293870949408454, 53.175153373956043 ], [ 7.293870949408454, 53.174951464504979 ], [ 7.292715972614586, 53.174951464504979 ], [ 7.292715972614586, 53.175153373956043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.174951464504979 ], [ 7.293870949408454, 53.174951464504979 ], [ 7.293870949408454, 53.174749554103663 ], [ 7.292715972614586, 53.174749554103663 ], [ 7.292715972614586, 53.174951464504979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 103.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.174547642752074 ], [ 7.293870949408454, 53.174547642752074 ], [ 7.293870949408454, 53.174345730450241 ], [ 7.292715972614586, 53.174345730450241 ], [ 7.292715972614586, 53.174547642752074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37210_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 98.6000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.174345730450241 ], [ 7.293870949408454, 53.174345730450241 ], [ 7.293870949408454, 53.17414381719815 ], [ 7.292715972614586, 53.17414381719815 ], [ 7.292715972614586, 53.174345730450241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.170172663456718 ], [ 7.286941088645246, 53.170172663456718 ], [ 7.286941088645246, 53.169970730565474 ], [ 7.285786111851378, 53.169970730565474 ], [ 7.285786111851378, 53.170172663456718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.3381595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 53.168153291780399 ], [ 7.286941088645246, 53.168153291780399 ], [ 7.286941088645246, 53.167951349386037 ], [ 7.285786111851378, 53.167951349386037 ], [ 7.285786111851378, 53.168153291780399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 53.169566861932061 ], [ 7.289251042232982, 53.169566861932061 ], [ 7.289251042232982, 53.169364926189914 ], [ 7.288096065439114, 53.169364926189914 ], [ 7.288096065439114, 53.169566861932061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.17098038551871 ], [ 7.29040601902685, 53.17098038551871 ], [ 7.29040601902685, 53.170778456428657 ], [ 7.289251042232982, 53.170778456428657 ], [ 7.289251042232982, 53.17098038551871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 53.169768796723929 ], [ 7.29040601902685, 53.169768796723929 ], [ 7.29040601902685, 53.169566861932061 ], [ 7.289251042232982, 53.169566861932061 ], [ 7.289251042232982, 53.169768796723929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 174.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.171586167087135 ], [ 7.291560995820718, 53.171586167087135 ], [ 7.291560995820718, 53.171384240847949 ], [ 7.29040601902685, 53.171384240847949 ], [ 7.29040601902685, 53.171586167087135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 104.65837275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.170576526388309 ], [ 7.291560995820718, 53.170576526388309 ], [ 7.291560995820718, 53.170374595397668 ], [ 7.29040601902685, 53.170374595397668 ], [ 7.29040601902685, 53.170576526388309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 53.168961051854666 ], [ 7.291560995820718, 53.168961051854666 ], [ 7.291560995820718, 53.168759113261572 ], [ 7.29040601902685, 53.168759113261572 ], [ 7.29040601902685, 53.168961051854666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.171384240847949 ], [ 7.292715972614586, 53.171384240847949 ], [ 7.292715972614586, 53.171182313658477 ], [ 7.291560995820718, 53.171182313658477 ], [ 7.291560995820718, 53.171384240847949 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.171182313658477 ], [ 7.292715972614586, 53.171182313658477 ], [ 7.292715972614586, 53.17098038551871 ], [ 7.291560995820718, 53.17098038551871 ], [ 7.291560995820718, 53.171182313658477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.50658133333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.170374595397668 ], [ 7.292715972614586, 53.170374595397668 ], [ 7.292715972614586, 53.170172663456718 ], [ 7.291560995820718, 53.170172663456718 ], [ 7.291560995820718, 53.170374595397668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.875001125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.169970730565474 ], [ 7.292715972614586, 53.169970730565474 ], [ 7.292715972614586, 53.169768796723929 ], [ 7.291560995820718, 53.169768796723929 ], [ 7.291560995820718, 53.169970730565474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 135.66666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.169566861932061 ], [ 7.292715972614586, 53.169566861932061 ], [ 7.292715972614586, 53.169364926189914 ], [ 7.291560995820718, 53.169364926189914 ], [ 7.291560995820718, 53.169566861932061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.169364926189914 ], [ 7.292715972614586, 53.169364926189914 ], [ 7.292715972614586, 53.169162989497437 ], [ 7.291560995820718, 53.169162989497437 ], [ 7.291560995820718, 53.169364926189914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 116.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.168759113261572 ], [ 7.292715972614586, 53.168759113261572 ], [ 7.292715972614586, 53.168557173718156 ], [ 7.291560995820718, 53.168557173718156 ], [ 7.291560995820718, 53.168759113261572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_19", "Weekday": 5, "hour": 19, "Speed_value_mean": 125.00000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.168557173718156 ], [ 7.292715972614586, 53.168557173718156 ], [ 7.292715972614586, 53.168355233224439 ], [ 7.291560995820718, 53.168355233224439 ], [ 7.291560995820718, 53.168557173718156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.3262275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.167951349386037 ], [ 7.292715972614586, 53.167951349386037 ], [ 7.292715972614586, 53.167749406041352 ], [ 7.291560995820718, 53.167749406041352 ], [ 7.291560995820718, 53.167951349386037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 112.46175966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.170172663456718 ], [ 7.293870949408454, 53.170172663456718 ], [ 7.293870949408454, 53.169970730565474 ], [ 7.292715972614586, 53.169970730565474 ], [ 7.292715972614586, 53.170172663456718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 106.11151033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.169970730565474 ], [ 7.293870949408454, 53.169970730565474 ], [ 7.293870949408454, 53.169768796723929 ], [ 7.292715972614586, 53.169768796723929 ], [ 7.292715972614586, 53.169970730565474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 114.20638675000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.169768796723929 ], [ 7.293870949408454, 53.169768796723929 ], [ 7.293870949408454, 53.169566861932061 ], [ 7.292715972614586, 53.169566861932061 ], [ 7.292715972614586, 53.169768796723929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 152.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.169566861932061 ], [ 7.293870949408454, 53.169566861932061 ], [ 7.293870949408454, 53.169364926189914 ], [ 7.292715972614586, 53.169364926189914 ], [ 7.292715972614586, 53.169566861932061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.169162989497437 ], [ 7.293870949408454, 53.169162989497437 ], [ 7.293870949408454, 53.168961051854666 ], [ 7.292715972614586, 53.168961051854666 ], [ 7.292715972614586, 53.169162989497437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37211_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 112.97996925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.168961051854666 ], [ 7.293870949408454, 53.168961051854666 ], [ 7.293870949408454, 53.168759113261572 ], [ 7.292715972614586, 53.168759113261572 ], [ 7.292715972614586, 53.168961051854666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37212_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 53.165999190579178 ], [ 7.292715972614586, 53.165999190579178 ], [ 7.292715972614586, 53.165797238047936 ], [ 7.291560995820718, 53.165797238047936 ], [ 7.291560995820718, 53.165999190579178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37212_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 114.589427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 53.164787461136576 ], [ 7.293870949408454, 53.164787461136576 ], [ 7.293870949408454, 53.164585502903257 ], [ 7.292715972614586, 53.164585502903257 ], [ 7.292715972614586, 53.164787461136576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37246_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 37.615384615384613 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.98128823473931 ], [ 7.293870949408454, 52.98128823473931 ], [ 7.293870949408454, 52.981085414049552 ], [ 7.292715972614586, 52.981085414049552 ], [ 7.292715972614586, 52.98128823473931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37257_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.92175333509639 ], [ 7.293870949408454, 52.92175333509639 ], [ 7.293870949408454, 52.921550235035888 ], [ 7.292715972614586, 52.921550235035888 ], [ 7.292715972614586, 52.92175333509639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37258_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 81.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.916337007448227 ], [ 7.293870949408454, 52.916337007448227 ], [ 7.293870949408454, 52.916133881982184 ], [ 7.292715972614586, 52.916133881982184 ], [ 7.292715972614586, 52.916337007448227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37259_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 63.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.910920002301673 ], [ 7.293870949408454, 52.910920002301673 ], [ 7.293870949408454, 52.910716851428745 ], [ 7.292715972614586, 52.910716851428745 ], [ 7.292715972614586, 52.910920002301673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37364_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 129.02544033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 52.338974549922639 ], [ 7.291560995820718, 52.338974549922639 ], [ 7.291560995820718, 52.338768726767043 ], [ 7.29040601902685, 52.338768726767043 ], [ 7.29040601902685, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37364_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 52.337122107034645 ], [ 7.291560995820718, 52.337122107034645 ], [ 7.291560995820718, 52.336916275257124 ], [ 7.29040601902685, 52.336916275257124 ], [ 7.29040601902685, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37364_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 112.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.337945424564786 ], [ 7.292715972614586, 52.337945424564786 ], [ 7.292715972614586, 52.337739596619244 ], [ 7.291560995820718, 52.337739596619244 ], [ 7.291560995820718, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37364_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.337327937854184 ], [ 7.292715972614586, 52.337327937854184 ], [ 7.292715972614586, 52.337122107034645 ], [ 7.291560995820718, 52.337122107034645 ], [ 7.291560995820718, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37364_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.337533767715719 ], [ 7.293870949408454, 52.337533767715719 ], [ 7.293870949408454, 52.337327937854184 ], [ 7.292715972614586, 52.337327937854184 ], [ 7.292715972614586, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37364_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.337122107034645 ], [ 7.293870949408454, 52.337122107034645 ], [ 7.293870949408454, 52.336916275257124 ], [ 7.292715972614586, 52.336916275257124 ], [ 7.292715972614586, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 109.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 52.167673834123377 ], [ 7.286941088645246, 52.167673834123377 ], [ 7.286941088645246, 52.167467214584079 ], [ 7.285786111851378, 52.167467214584079 ], [ 7.285786111851378, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.247894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285786111851378, 52.165607595554079 ], [ 7.286941088645246, 52.165607595554079 ], [ 7.286941088645246, 52.165400966420002 ], [ 7.285786111851378, 52.165400966420002 ], [ 7.285786111851378, 52.165607595554079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.286941088645246, 52.168293686984484 ], [ 7.288096065439114, 52.168293686984484 ], [ 7.288096065439114, 52.168087070323587 ], [ 7.286941088645246, 52.168087070323587 ], [ 7.286941088645246, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.288096065439114, 52.167467214584079 ], [ 7.289251042232982, 52.167467214584079 ], [ 7.289251042232982, 52.16726059408532 ], [ 7.288096065439114, 52.16726059408532 ], [ 7.288096065439114, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 110.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 52.16891353121045 ], [ 7.29040601902685, 52.16891353121045 ], [ 7.29040601902685, 52.168706917427926 ], [ 7.289251042232982, 52.168706917427926 ], [ 7.289251042232982, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 52.167673834123377 ], [ 7.29040601902685, 52.167673834123377 ], [ 7.29040601902685, 52.167467214584079 ], [ 7.289251042232982, 52.167467214584079 ], [ 7.289251042232982, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.289251042232982, 52.166847350209359 ], [ 7.29040601902685, 52.166847350209359 ], [ 7.29040601902685, 52.166640726832178 ], [ 7.289251042232982, 52.166640726832178 ], [ 7.289251042232982, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 52.169326755897131 ], [ 7.291560995820718, 52.169326755897131 ], [ 7.291560995820718, 52.169120144033513 ], [ 7.29040601902685, 52.169120144033513 ], [ 7.29040601902685, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 52.169120144033513 ], [ 7.291560995820718, 52.169120144033513 ], [ 7.291560995820718, 52.16891353121045 ], [ 7.29040601902685, 52.16891353121045 ], [ 7.29040601902685, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.169326755897131 ], [ 7.292715972614586, 52.169326755897131 ], [ 7.292715972614586, 52.169120144033513 ], [ 7.291560995820718, 52.169120144033513 ], [ 7.291560995820718, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.169120144033513 ], [ 7.292715972614586, 52.169120144033513 ], [ 7.292715972614586, 52.16891353121045 ], [ 7.291560995820718, 52.16891353121045 ], [ 7.291560995820718, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.16891353121045 ], [ 7.292715972614586, 52.16891353121045 ], [ 7.292715972614586, 52.168706917427926 ], [ 7.291560995820718, 52.168706917427926 ], [ 7.291560995820718, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.0920758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.168293686984484 ], [ 7.292715972614586, 52.168293686984484 ], [ 7.292715972614586, 52.168087070323587 ], [ 7.291560995820718, 52.168087070323587 ], [ 7.291560995820718, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 89.6000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.168087070323587 ], [ 7.292715972614586, 52.168087070323587 ], [ 7.292715972614586, 52.167880452703216 ], [ 7.291560995820718, 52.167880452703216 ], [ 7.291560995820718, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 105.1980008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.166020850943752 ], [ 7.292715972614586, 52.166020850943752 ], [ 7.292715972614586, 52.165814223728653 ], [ 7.291560995820718, 52.165814223728653 ], [ 7.291560995820718, 52.166020850943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 97.7190145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.291560995820718, 52.165400966420002 ], [ 7.292715972614586, 52.165400966420002 ], [ 7.292715972614586, 52.165194336326458 ], [ 7.291560995820718, 52.165194336326458 ], [ 7.291560995820718, 52.165400966420002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 113.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.168293686984484 ], [ 7.293870949408454, 52.168293686984484 ], [ 7.293870949408454, 52.168087070323587 ], [ 7.292715972614586, 52.168087070323587 ], [ 7.292715972614586, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.167673834123377 ], [ 7.293870949408454, 52.167673834123377 ], [ 7.293870949408454, 52.167467214584079 ], [ 7.292715972614586, 52.167467214584079 ], [ 7.292715972614586, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 86.6310133 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.167467214584079 ], [ 7.293870949408454, 52.167467214584079 ], [ 7.293870949408454, 52.16726059408532 ], [ 7.292715972614586, 52.16726059408532 ], [ 7.292715972614586, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37395_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.35355175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.292715972614586, 52.16726059408532 ], [ 7.293870949408454, 52.16726059408532 ], [ 7.293870949408454, 52.167053972627073 ], [ 7.292715972614586, 52.167053972627073 ], [ 7.292715972614586, 52.16726059408532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37661_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.29040601902685, 50.677817326686942 ], [ 7.291560995820718, 50.677817326686942 ], [ 7.291560995820718, 50.677603859397124 ], [ 7.29040601902685, 50.677603859397124 ], [ 7.29040601902685, 50.677817326686942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37824_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.502937283709819 ], [ 7.295924241486442, 53.502937283709819 ], [ 7.295924241486442, 53.502736920218659 ], [ 7.294769264692574, 53.502736920218659 ], [ 7.294769264692574, 53.502937283709819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37824_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 98.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.502135824063117 ], [ 7.298234195074178, 53.502135824063117 ], [ 7.298234195074178, 53.501935456783912 ], [ 7.297079218280309, 53.501935456783912 ], [ 7.297079218280309, 53.502135824063117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37824_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.503939086960727 ], [ 7.300544148661913, 53.503939086960727 ], [ 7.300544148661913, 53.503738728204539 ], [ 7.299389171868046, 53.503738728204539 ], [ 7.299389171868046, 53.503939086960727 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37824_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 75.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.503939086960727 ], [ 7.301699125455782, 53.503939086960727 ], [ 7.301699125455782, 53.503738728204539 ], [ 7.300544148661913, 53.503738728204539 ], [ 7.300544148661913, 53.503939086960727 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37824_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.24999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.502536555780473 ], [ 7.30285410224965, 53.502536555780473 ], [ 7.30285410224965, 53.50233619039529 ], [ 7.301699125455782, 53.50233619039529 ], [ 7.301699125455782, 53.502536555780473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37824_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 90.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.50233619039529 ], [ 7.30285410224965, 53.50233619039529 ], [ 7.30285410224965, 53.502135824063117 ], [ 7.301699125455782, 53.502135824063117 ], [ 7.301699125455782, 53.50233619039529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37825_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.497593933187552 ], [ 7.295924241486442, 53.497593933187552 ], [ 7.295924241486442, 53.497393544442296 ], [ 7.294769264692574, 53.497393544442296 ], [ 7.294769264692574, 53.497593933187552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37825_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.496792372524148 ], [ 7.298234195074178, 53.496792372524148 ], [ 7.298234195074178, 53.49659197999064 ], [ 7.297079218280309, 53.49659197999064 ], [ 7.297079218280309, 53.496792372524148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37825_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 93.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.498595862708108 ], [ 7.300544148661913, 53.498595862708108 ], [ 7.300544148661913, 53.498395478698093 ], [ 7.299389171868046, 53.498395478698093 ], [ 7.299389171868046, 53.498595862708108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37825_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.498595862708108 ], [ 7.301699125455782, 53.498595862708108 ], [ 7.301699125455782, 53.498395478698093 ], [ 7.300544148661913, 53.498395478698093 ], [ 7.300544148661913, 53.498595862708108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37825_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.497193154749972 ], [ 7.30285410224965, 53.497193154749972 ], [ 7.30285410224965, 53.496992764110594 ], [ 7.301699125455782, 53.496992764110594 ], [ 7.301699125455782, 53.497193154749972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37825_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 86.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.496992764110594 ], [ 7.30285410224965, 53.496992764110594 ], [ 7.30285410224965, 53.496792372524148 ], [ 7.301699125455782, 53.496792372524148 ], [ 7.301699125455782, 53.496992764110594 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37831_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.465519686031286 ], [ 7.295924241486442, 53.465519686031286 ], [ 7.295924241486442, 53.465319145731264 ], [ 7.294769264692574, 53.465319145731264 ], [ 7.294769264692574, 53.465519686031286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37831_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.464717519146888 ], [ 7.298234195074178, 53.464717519146888 ], [ 7.298234195074178, 53.464516975057315 ], [ 7.297079218280309, 53.464516975057315 ], [ 7.297079218280309, 53.464717519146888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37831_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 88.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.466522373320814 ], [ 7.300544148661913, 53.466522373320814 ], [ 7.300544148661913, 53.466321837757661 ], [ 7.299389171868046, 53.466321837757661 ], [ 7.299389171868046, 53.466522373320814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37831_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.466522373320814 ], [ 7.301699125455782, 53.466522373320814 ], [ 7.301699125455782, 53.466321837757661 ], [ 7.300544148661913, 53.466321837757661 ], [ 7.300544148661913, 53.466522373320814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37831_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.2658824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.465118604483855 ], [ 7.30285410224965, 53.465118604483855 ], [ 7.30285410224965, 53.464918062289065 ], [ 7.301699125455782, 53.464918062289065 ], [ 7.301699125455782, 53.465118604483855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37831_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 80.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.464918062289065 ], [ 7.30285410224965, 53.464918062289065 ], [ 7.30285410224965, 53.464717519146888 ], [ 7.301699125455782, 53.464717519146888 ], [ 7.301699125455782, 53.464918062289065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.368950399046078 ], [ 7.295924241486442, 53.368950399046078 ], [ 7.295924241486442, 53.368749402823923 ], [ 7.294769264692574, 53.368749402823923 ], [ 7.294769264692574, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.368347407534579 ], [ 7.298234195074178, 53.368347407534579 ], [ 7.298234195074178, 53.368146408467368 ], [ 7.297079218280309, 53.368146408467368 ], [ 7.297079218280309, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.369754374451261 ], [ 7.299389171868046, 53.369754374451261 ], [ 7.299389171868046, 53.369553382022481 ], [ 7.298234195074178, 53.369553382022481 ], [ 7.298234195074178, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 119.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.370156356463831 ], [ 7.300544148661913, 53.370156356463831 ], [ 7.300544148661913, 53.369955365931716 ], [ 7.299389171868046, 53.369955365931716 ], [ 7.299389171868046, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 122.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.369352388645353 ], [ 7.300544148661913, 53.369352388645353 ], [ 7.300544148661913, 53.369151394319879 ], [ 7.299389171868046, 53.369151394319879 ], [ 7.299389171868046, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.370156356463831 ], [ 7.301699125455782, 53.370156356463831 ], [ 7.301699125455782, 53.369955365931716 ], [ 7.300544148661913, 53.369955365931716 ], [ 7.300544148661913, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.369754374451261 ], [ 7.301699125455782, 53.369754374451261 ], [ 7.301699125455782, 53.369553382022481 ], [ 7.300544148661913, 53.369553382022481 ], [ 7.300544148661913, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 112.0451725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.368950399046078 ], [ 7.301699125455782, 53.368950399046078 ], [ 7.301699125455782, 53.368749402823923 ], [ 7.300544148661913, 53.368749402823923 ], [ 7.300544148661913, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 97.7999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.368749402823923 ], [ 7.301699125455782, 53.368749402823923 ], [ 7.301699125455782, 53.368548405653428 ], [ 7.300544148661913, 53.368548405653428 ], [ 7.300544148661913, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 112.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.368749402823923 ], [ 7.30285410224965, 53.368749402823923 ], [ 7.30285410224965, 53.368548405653428 ], [ 7.301699125455782, 53.368548405653428 ], [ 7.301699125455782, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37849_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.368347407534579 ], [ 7.30285410224965, 53.368347407534579 ], [ 7.30285410224965, 53.368146408467368 ], [ 7.301699125455782, 53.368146408467368 ], [ 7.301699125455782, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.197088539261166 ], [ 7.295924241486442, 53.197088539261166 ], [ 7.295924241486442, 53.196886733059351 ], [ 7.294769264692574, 53.196886733059351 ], [ 7.294769264692574, 53.197088539261166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 120.614711 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.195070434490937 ], [ 7.295924241486442, 53.195070434490937 ], [ 7.295924241486442, 53.194868618788632 ], [ 7.294769264692574, 53.194868618788632 ], [ 7.294769264692574, 53.195070434490937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.196483117805585 ], [ 7.298234195074178, 53.196483117805585 ], [ 7.298234195074178, 53.196281308753647 ], [ 7.297079218280309, 53.196281308753647 ], [ 7.297079218280309, 53.196483117805585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.19789575456808 ], [ 7.299389171868046, 53.19789575456808 ], [ 7.299389171868046, 53.197693952166404 ], [ 7.298234195074178, 53.197693952166404 ], [ 7.298234195074178, 53.19789575456808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.196684925907491 ], [ 7.299389171868046, 53.196684925907491 ], [ 7.299389171868046, 53.196483117805585 ], [ 7.298234195074178, 53.196483117805585 ], [ 7.298234195074178, 53.196684925907491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 206.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.198501156072915 ], [ 7.300544148661913, 53.198501156072915 ], [ 7.300544148661913, 53.198299356521325 ], [ 7.299389171868046, 53.198299356521325 ], [ 7.299389171868046, 53.198501156072915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 134.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.197492148814689 ], [ 7.300544148661913, 53.197492148814689 ], [ 7.300544148661913, 53.19729034451295 ], [ 7.299389171868046, 53.19729034451295 ], [ 7.299389171868046, 53.197492148814689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.195877687799616 ], [ 7.300544148661913, 53.195877687799616 ], [ 7.300544148661913, 53.195675875897528 ], [ 7.299389171868046, 53.195675875897528 ], [ 7.299389171868046, 53.195877687799616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.198299356521325 ], [ 7.301699125455782, 53.198299356521325 ], [ 7.301699125455782, 53.198097556019718 ], [ 7.300544148661913, 53.198097556019718 ], [ 7.300544148661913, 53.198299356521325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.198097556019718 ], [ 7.301699125455782, 53.198097556019718 ], [ 7.301699125455782, 53.19789575456808 ], [ 7.300544148661913, 53.19789575456808 ], [ 7.300544148661913, 53.198097556019718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.801009 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.19729034451295 ], [ 7.301699125455782, 53.19729034451295 ], [ 7.301699125455782, 53.197088539261166 ], [ 7.300544148661913, 53.197088539261166 ], [ 7.300544148661913, 53.19729034451295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.684369 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.196886733059351 ], [ 7.301699125455782, 53.196886733059351 ], [ 7.301699125455782, 53.196684925907491 ], [ 7.300544148661913, 53.196684925907491 ], [ 7.300544148661913, 53.196886733059351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 150.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.196483117805585 ], [ 7.301699125455782, 53.196483117805585 ], [ 7.301699125455782, 53.196281308753647 ], [ 7.300544148661913, 53.196281308753647 ], [ 7.300544148661913, 53.196483117805585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.196281308753647 ], [ 7.301699125455782, 53.196281308753647 ], [ 7.301699125455782, 53.196079498751658 ], [ 7.300544148661913, 53.196079498751658 ], [ 7.300544148661913, 53.196281308753647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 119.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.195675875897528 ], [ 7.301699125455782, 53.195675875897528 ], [ 7.301699125455782, 53.195474063045381 ], [ 7.300544148661913, 53.195474063045381 ], [ 7.300544148661913, 53.195675875897528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.33333266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.194868618788632 ], [ 7.301699125455782, 53.194868618788632 ], [ 7.301699125455782, 53.194666802136254 ], [ 7.300544148661913, 53.194666802136254 ], [ 7.300544148661913, 53.194868618788632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 121.263109 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.197088539261166 ], [ 7.30285410224965, 53.197088539261166 ], [ 7.30285410224965, 53.196886733059351 ], [ 7.301699125455782, 53.196886733059351 ], [ 7.301699125455782, 53.197088539261166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.4000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.196886733059351 ], [ 7.30285410224965, 53.196886733059351 ], [ 7.30285410224965, 53.196684925907491 ], [ 7.301699125455782, 53.196684925907491 ], [ 7.301699125455782, 53.196886733059351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 114.36918066666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.196684925907491 ], [ 7.30285410224965, 53.196684925907491 ], [ 7.30285410224965, 53.196483117805585 ], [ 7.301699125455782, 53.196483117805585 ], [ 7.301699125455782, 53.196684925907491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.196483117805585 ], [ 7.30285410224965, 53.196483117805585 ], [ 7.30285410224965, 53.196281308753647 ], [ 7.301699125455782, 53.196281308753647 ], [ 7.301699125455782, 53.196483117805585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 110.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.196079498751658 ], [ 7.30285410224965, 53.196079498751658 ], [ 7.30285410224965, 53.195877687799616 ], [ 7.301699125455782, 53.195877687799616 ], [ 7.301699125455782, 53.196079498751658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37881_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 120.404244 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.195877687799616 ], [ 7.30285410224965, 53.195877687799616 ], [ 7.30285410224965, 53.195675875897528 ], [ 7.301699125455782, 53.195675875897528 ], [ 7.301699125455782, 53.195877687799616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 166.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.191706715415513 ], [ 7.295924241486442, 53.191706715415513 ], [ 7.295924241486442, 53.191504883878615 ], [ 7.294769264692574, 53.191504883878615 ], [ 7.294769264692574, 53.191706715415513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 122.2500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.189688357292027 ], [ 7.295924241486442, 53.189688357292027 ], [ 7.295924241486442, 53.189486516254114 ], [ 7.294769264692574, 53.189486516254114 ], [ 7.294769264692574, 53.189688357292027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.191101217954518 ], [ 7.298234195074178, 53.191101217954518 ], [ 7.298234195074178, 53.19089938356732 ], [ 7.297079218280309, 53.19089938356732 ], [ 7.297079218280309, 53.191101217954518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.192514032062249 ], [ 7.299389171868046, 53.192514032062249 ], [ 7.299389171868046, 53.192312204325688 ], [ 7.298234195074178, 53.192312204325688 ], [ 7.298234195074178, 53.192514032062249 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.191303051391614 ], [ 7.299389171868046, 53.191303051391614 ], [ 7.299389171868046, 53.191101217954518 ], [ 7.298234195074178, 53.191101217954518 ], [ 7.298234195074178, 53.191303051391614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 207.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.193119509571417 ], [ 7.300544148661913, 53.193119509571417 ], [ 7.300544148661913, 53.192917684685106 ], [ 7.299389171868046, 53.192917684685106 ], [ 7.299389171868046, 53.193119509571417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 137.83988866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.192110375639061 ], [ 7.300544148661913, 53.192110375639061 ], [ 7.300544148661913, 53.191908546002331 ], [ 7.299389171868046, 53.191908546002331 ], [ 7.299389171868046, 53.192110375639061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.875831 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.190495711942646 ], [ 7.300544148661913, 53.190495711942646 ], [ 7.300544148661913, 53.190293874705148 ], [ 7.299389171868046, 53.190293874705148 ], [ 7.299389171868046, 53.190495711942646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.192917684685106 ], [ 7.301699125455782, 53.192917684685106 ], [ 7.301699125455782, 53.192715858848715 ], [ 7.300544148661913, 53.192715858848715 ], [ 7.300544148661913, 53.192917684685106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.192715858848715 ], [ 7.301699125455782, 53.192715858848715 ], [ 7.301699125455782, 53.192514032062249 ], [ 7.300544148661913, 53.192514032062249 ], [ 7.300544148661913, 53.192715858848715 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.191908546002331 ], [ 7.301699125455782, 53.191908546002331 ], [ 7.301699125455782, 53.191706715415513 ], [ 7.300544148661913, 53.191706715415513 ], [ 7.300544148661913, 53.191908546002331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 121.99999971428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.191504883878615 ], [ 7.301699125455782, 53.191504883878615 ], [ 7.301699125455782, 53.191303051391614 ], [ 7.300544148661913, 53.191303051391614 ], [ 7.300544148661913, 53.191504883878615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 148.66666633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.191101217954518 ], [ 7.301699125455782, 53.191101217954518 ], [ 7.301699125455782, 53.19089938356732 ], [ 7.300544148661913, 53.19089938356732 ], [ 7.300544148661913, 53.191101217954518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.19089938356732 ], [ 7.301699125455782, 53.19089938356732 ], [ 7.301699125455782, 53.190697548230034 ], [ 7.300544148661913, 53.190697548230034 ], [ 7.300544148661913, 53.19089938356732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 124.66666833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.190293874705148 ], [ 7.301699125455782, 53.190293874705148 ], [ 7.301699125455782, 53.190092036517555 ], [ 7.300544148661913, 53.190092036517555 ], [ 7.300544148661913, 53.190293874705148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 112.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.189486516254114 ], [ 7.301699125455782, 53.189486516254114 ], [ 7.301699125455782, 53.189284674266069 ], [ 7.300544148661913, 53.189284674266069 ], [ 7.300544148661913, 53.189486516254114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.191706715415513 ], [ 7.30285410224965, 53.191706715415513 ], [ 7.30285410224965, 53.191504883878615 ], [ 7.301699125455782, 53.191504883878615 ], [ 7.301699125455782, 53.191706715415513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 112.582564375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.191504883878615 ], [ 7.30285410224965, 53.191504883878615 ], [ 7.30285410224965, 53.191303051391614 ], [ 7.301699125455782, 53.191303051391614 ], [ 7.301699125455782, 53.191504883878615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 113.222556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.191303051391614 ], [ 7.30285410224965, 53.191303051391614 ], [ 7.30285410224965, 53.191101217954518 ], [ 7.301699125455782, 53.191101217954518 ], [ 7.301699125455782, 53.191303051391614 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 164.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.191101217954518 ], [ 7.30285410224965, 53.191101217954518 ], [ 7.30285410224965, 53.19089938356732 ], [ 7.301699125455782, 53.19089938356732 ], [ 7.301699125455782, 53.191101217954518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.190697548230034 ], [ 7.30285410224965, 53.190697548230034 ], [ 7.30285410224965, 53.190495711942646 ], [ 7.301699125455782, 53.190495711942646 ], [ 7.301699125455782, 53.190697548230034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37882_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 121.475379 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.190495711942646 ], [ 7.30285410224965, 53.190495711942646 ], [ 7.30285410224965, 53.190293874705148 ], [ 7.301699125455782, 53.190293874705148 ], [ 7.301699125455782, 53.190495711942646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.186324215949547 ], [ 7.295924241486442, 53.186324215949547 ], [ 7.295924241486442, 53.186122359076144 ], [ 7.294769264692574, 53.186122359076144 ], [ 7.294769264692574, 53.186324215949547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 123.215694 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.184305604458828 ], [ 7.295924241486442, 53.184305604458828 ], [ 7.295924241486442, 53.184103738083884 ], [ 7.294769264692574, 53.184103738083884 ], [ 7.294769264692574, 53.184305604458828 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.185718642478925 ], [ 7.298234195074178, 53.185718642478925 ], [ 7.298234195074178, 53.18551678275508 ], [ 7.297079218280309, 53.18551678275508 ], [ 7.297079218280309, 53.185718642478925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 185.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.187131633941696 ], [ 7.299389171868046, 53.187131633941696 ], [ 7.299389171868046, 53.186929780868866 ], [ 7.298234195074178, 53.186929780868866 ], [ 7.298234195074178, 53.187131633941696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.185920501252603 ], [ 7.299389171868046, 53.185920501252603 ], [ 7.299389171868046, 53.185718642478925 ], [ 7.298234195074178, 53.185718642478925 ], [ 7.298234195074178, 53.185920501252603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 204.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.18773718745939 ], [ 7.300544148661913, 53.18773718745939 ], [ 7.300544148661913, 53.187535337236952 ], [ 7.299389171868046, 53.187535337236952 ], [ 7.299389171868046, 53.18773718745939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.186727926845897 ], [ 7.300544148661913, 53.186727926845897 ], [ 7.300544148661913, 53.186526071872791 ], [ 7.299389171868046, 53.186526071872791 ], [ 7.299389171868046, 53.186727926845897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.53012033333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.185113060456956 ], [ 7.300544148661913, 53.185113060456956 ], [ 7.300544148661913, 53.184911197882663 ], [ 7.299389171868046, 53.184911197882663 ], [ 7.299389171868046, 53.185113060456956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 119.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.187535337236952 ], [ 7.301699125455782, 53.187535337236952 ], [ 7.301699125455782, 53.187333486064396 ], [ 7.300544148661913, 53.187333486064396 ], [ 7.300544148661913, 53.187535337236952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.187333486064396 ], [ 7.301699125455782, 53.187333486064396 ], [ 7.301699125455782, 53.187131633941696 ], [ 7.300544148661913, 53.187131633941696 ], [ 7.300544148661913, 53.187333486064396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 132.68184533333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.186526071872791 ], [ 7.301699125455782, 53.186526071872791 ], [ 7.301699125455782, 53.186324215949547 ], [ 7.300544148661913, 53.186324215949547 ], [ 7.300544148661913, 53.186526071872791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.41075228571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.186122359076144 ], [ 7.301699125455782, 53.186122359076144 ], [ 7.301699125455782, 53.185920501252603 ], [ 7.300544148661913, 53.185920501252603 ], [ 7.300544148661913, 53.186122359076144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.185718642478925 ], [ 7.301699125455782, 53.185718642478925 ], [ 7.301699125455782, 53.18551678275508 ], [ 7.300544148661913, 53.18551678275508 ], [ 7.300544148661913, 53.185718642478925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.18551678275508 ], [ 7.301699125455782, 53.18551678275508 ], [ 7.301699125455782, 53.185314922081105 ], [ 7.300544148661913, 53.185314922081105 ], [ 7.300544148661913, 53.18551678275508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 121.415385 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.184911197882663 ], [ 7.301699125455782, 53.184911197882663 ], [ 7.301699125455782, 53.184709334358217 ], [ 7.300544148661913, 53.184709334358217 ], [ 7.300544148661913, 53.184911197882663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 110.838397 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.184103738083884 ], [ 7.301699125455782, 53.184103738083884 ], [ 7.301699125455782, 53.183901870758781 ], [ 7.300544148661913, 53.183901870758781 ], [ 7.300544148661913, 53.184103738083884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 118.899718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.186324215949547 ], [ 7.30285410224965, 53.186324215949547 ], [ 7.30285410224965, 53.186122359076144 ], [ 7.301699125455782, 53.186122359076144 ], [ 7.301699125455782, 53.186324215949547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.13005175000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.186122359076144 ], [ 7.30285410224965, 53.186122359076144 ], [ 7.30285410224965, 53.185920501252603 ], [ 7.301699125455782, 53.185920501252603 ], [ 7.301699125455782, 53.186122359076144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.852725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.185920501252603 ], [ 7.30285410224965, 53.185920501252603 ], [ 7.30285410224965, 53.185718642478925 ], [ 7.301699125455782, 53.185718642478925 ], [ 7.301699125455782, 53.185920501252603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.185718642478925 ], [ 7.30285410224965, 53.185718642478925 ], [ 7.30285410224965, 53.18551678275508 ], [ 7.301699125455782, 53.18551678275508 ], [ 7.301699125455782, 53.185718642478925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.185314922081105 ], [ 7.30285410224965, 53.185314922081105 ], [ 7.30285410224965, 53.185113060456956 ], [ 7.301699125455782, 53.185113060456956 ], [ 7.301699125455782, 53.185314922081105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37883_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 107.7633412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.185113060456956 ], [ 7.30285410224965, 53.185113060456956 ], [ 7.30285410224965, 53.184911197882663 ], [ 7.301699125455782, 53.184911197882663 ], [ 7.301699125455782, 53.185113060456956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.180941040825942 ], [ 7.295924241486442, 53.180941040825942 ], [ 7.295924241486442, 53.180739158614657 ], [ 7.294769264692574, 53.180739158614657 ], [ 7.294769264692574, 53.180941040825942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 124.910762 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 53.178922175954 ], [ 7.295924241486442, 53.178922175954 ], [ 7.295924241486442, 53.178720284240647 ], [ 7.294769264692574, 53.178720284240647 ], [ 7.294769264692574, 53.178922175954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 53.180335391341508 ], [ 7.298234195074178, 53.180335391341508 ], [ 7.298234195074178, 53.180133506279624 ], [ 7.297079218280309, 53.180133506279624 ], [ 7.297079218280309, 53.180335391341508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 162.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.181748560169119 ], [ 7.299389171868046, 53.181748560169119 ], [ 7.299389171868046, 53.181546681758618 ], [ 7.298234195074178, 53.181546681758618 ], [ 7.298234195074178, 53.181748560169119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 53.18053727545319 ], [ 7.299389171868046, 53.18053727545319 ], [ 7.299389171868046, 53.180335391341508 ], [ 7.298234195074178, 53.180335391341508 ], [ 7.298234195074178, 53.18053727545319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.182354189699524 ], [ 7.300544148661913, 53.182354189699524 ], [ 7.300544148661913, 53.182152314139564 ], [ 7.299389171868046, 53.182152314139564 ], [ 7.299389171868046, 53.182354189699524 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 141.5606915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.181344802397923 ], [ 7.300544148661913, 53.181344802397923 ], [ 7.300544148661913, 53.181142922087027 ], [ 7.299389171868046, 53.181142922087027 ], [ 7.299389171868046, 53.181344802397923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.5503875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 53.179729733305251 ], [ 7.300544148661913, 53.179729733305251 ], [ 7.300544148661913, 53.179527845392755 ], [ 7.299389171868046, 53.179527845392755 ], [ 7.299389171868046, 53.179729733305251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.182152314139564 ], [ 7.301699125455782, 53.182152314139564 ], [ 7.301699125455782, 53.181950437629446 ], [ 7.300544148661913, 53.181950437629446 ], [ 7.300544148661913, 53.182152314139564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.181950437629446 ], [ 7.301699125455782, 53.181950437629446 ], [ 7.301699125455782, 53.181748560169119 ], [ 7.300544148661913, 53.181748560169119 ], [ 7.300544148661913, 53.181950437629446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 128.555178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.181142922087027 ], [ 7.301699125455782, 53.181142922087027 ], [ 7.301699125455782, 53.180941040825942 ], [ 7.300544148661913, 53.180941040825942 ], [ 7.300544148661913, 53.181142922087027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 115.8544412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.180739158614657 ], [ 7.301699125455782, 53.180739158614657 ], [ 7.301699125455782, 53.18053727545319 ], [ 7.300544148661913, 53.18053727545319 ], [ 7.300544148661913, 53.180739158614657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 122.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.180335391341508 ], [ 7.301699125455782, 53.180335391341508 ], [ 7.301699125455782, 53.180133506279624 ], [ 7.300544148661913, 53.180133506279624 ], [ 7.300544148661913, 53.180335391341508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.180133506279624 ], [ 7.301699125455782, 53.180133506279624 ], [ 7.301699125455782, 53.179931620267546 ], [ 7.300544148661913, 53.179931620267546 ], [ 7.300544148661913, 53.180133506279624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 115.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.179527845392755 ], [ 7.301699125455782, 53.179527845392755 ], [ 7.301699125455782, 53.179325956530043 ], [ 7.300544148661913, 53.179325956530043 ], [ 7.300544148661913, 53.179527845392755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 103.8654416 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 53.178720284240647 ], [ 7.301699125455782, 53.178720284240647 ], [ 7.301699125455782, 53.178518391577086 ], [ 7.300544148661913, 53.178518391577086 ], [ 7.300544148661913, 53.178720284240647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 109.67391055555555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.180941040825942 ], [ 7.30285410224965, 53.180941040825942 ], [ 7.30285410224965, 53.180739158614657 ], [ 7.301699125455782, 53.180739158614657 ], [ 7.301699125455782, 53.180941040825942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 104.090788 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.180739158614657 ], [ 7.30285410224965, 53.180739158614657 ], [ 7.30285410224965, 53.18053727545319 ], [ 7.301699125455782, 53.18053727545319 ], [ 7.301699125455782, 53.180739158614657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.231503666666683 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.18053727545319 ], [ 7.30285410224965, 53.18053727545319 ], [ 7.30285410224965, 53.180335391341508 ], [ 7.301699125455782, 53.180335391341508 ], [ 7.301699125455782, 53.18053727545319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.180335391341508 ], [ 7.30285410224965, 53.180335391341508 ], [ 7.30285410224965, 53.180133506279624 ], [ 7.301699125455782, 53.180133506279624 ], [ 7.301699125455782, 53.180335391341508 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 103.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.179931620267546 ], [ 7.30285410224965, 53.179931620267546 ], [ 7.30285410224965, 53.179729733305251 ], [ 7.301699125455782, 53.179729733305251 ], [ 7.301699125455782, 53.179931620267546 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "37884_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 98.061499 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 53.179729733305251 ], [ 7.30285410224965, 53.179729733305251 ], [ 7.30285410224965, 53.179527845392755 ], [ 7.301699125455782, 53.179527845392755 ], [ 7.301699125455782, 53.179729733305251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38039_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 132.93553025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 52.338974549922639 ], [ 7.300544148661913, 52.338974549922639 ], [ 7.300544148661913, 52.338768726767043 ], [ 7.299389171868046, 52.338768726767043 ], [ 7.299389171868046, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38039_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 52.337122107034645 ], [ 7.300544148661913, 52.337122107034645 ], [ 7.300544148661913, 52.336916275257124 ], [ 7.299389171868046, 52.336916275257124 ], [ 7.299389171868046, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38039_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 120.76190475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.337945424564786 ], [ 7.301699125455782, 52.337945424564786 ], [ 7.301699125455782, 52.337739596619244 ], [ 7.300544148661913, 52.337739596619244 ], [ 7.300544148661913, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38039_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.337327937854184 ], [ 7.301699125455782, 52.337327937854184 ], [ 7.301699125455782, 52.337122107034645 ], [ 7.300544148661913, 52.337122107034645 ], [ 7.300544148661913, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38039_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 52.337533767715719 ], [ 7.30285410224965, 52.337533767715719 ], [ 7.30285410224965, 52.337327937854184 ], [ 7.301699125455782, 52.337327937854184 ], [ 7.301699125455782, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38039_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 52.337122107034645 ], [ 7.30285410224965, 52.337122107034645 ], [ 7.30285410224965, 52.336916275257124 ], [ 7.301699125455782, 52.336916275257124 ], [ 7.301699125455782, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 52.167673834123377 ], [ 7.295924241486442, 52.167673834123377 ], [ 7.295924241486442, 52.167467214584079 ], [ 7.294769264692574, 52.167467214584079 ], [ 7.294769264692574, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.251749 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294769264692574, 52.165607595554079 ], [ 7.295924241486442, 52.165607595554079 ], [ 7.295924241486442, 52.165400966420002 ], [ 7.294769264692574, 52.165400966420002 ], [ 7.294769264692574, 52.165607595554079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.295924241486442, 52.168293686984484 ], [ 7.297079218280309, 52.168293686984484 ], [ 7.297079218280309, 52.168087070323587 ], [ 7.295924241486442, 52.168087070323587 ], [ 7.295924241486442, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 77.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.297079218280309, 52.167467214584079 ], [ 7.298234195074178, 52.167467214584079 ], [ 7.298234195074178, 52.16726059408532 ], [ 7.297079218280309, 52.16726059408532 ], [ 7.297079218280309, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 52.16891353121045 ], [ 7.299389171868046, 52.16891353121045 ], [ 7.299389171868046, 52.168706917427926 ], [ 7.298234195074178, 52.168706917427926 ], [ 7.298234195074178, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 97.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 52.167673834123377 ], [ 7.299389171868046, 52.167673834123377 ], [ 7.299389171868046, 52.167467214584079 ], [ 7.298234195074178, 52.167467214584079 ], [ 7.298234195074178, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.298234195074178, 52.166847350209359 ], [ 7.299389171868046, 52.166847350209359 ], [ 7.299389171868046, 52.166640726832178 ], [ 7.298234195074178, 52.166640726832178 ], [ 7.298234195074178, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 110.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 52.169326755897131 ], [ 7.300544148661913, 52.169326755897131 ], [ 7.300544148661913, 52.169120144033513 ], [ 7.299389171868046, 52.169120144033513 ], [ 7.299389171868046, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 52.169120144033513 ], [ 7.300544148661913, 52.169120144033513 ], [ 7.300544148661913, 52.16891353121045 ], [ 7.299389171868046, 52.16891353121045 ], [ 7.299389171868046, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.169326755897131 ], [ 7.301699125455782, 52.169326755897131 ], [ 7.301699125455782, 52.169120144033513 ], [ 7.300544148661913, 52.169120144033513 ], [ 7.300544148661913, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.169120144033513 ], [ 7.301699125455782, 52.169120144033513 ], [ 7.301699125455782, 52.16891353121045 ], [ 7.300544148661913, 52.16891353121045 ], [ 7.300544148661913, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 104.5999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.168293686984484 ], [ 7.301699125455782, 52.168293686984484 ], [ 7.301699125455782, 52.168087070323587 ], [ 7.300544148661913, 52.168087070323587 ], [ 7.300544148661913, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 91.16873866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.168087070323587 ], [ 7.301699125455782, 52.168087070323587 ], [ 7.301699125455782, 52.167880452703216 ], [ 7.300544148661913, 52.167880452703216 ], [ 7.300544148661913, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 104.50000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.166020850943752 ], [ 7.301699125455782, 52.166020850943752 ], [ 7.301699125455782, 52.165814223728653 ], [ 7.300544148661913, 52.165814223728653 ], [ 7.300544148661913, 52.166020850943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 98.164190166666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.300544148661913, 52.165400966420002 ], [ 7.301699125455782, 52.165400966420002 ], [ 7.301699125455782, 52.165194336326458 ], [ 7.300544148661913, 52.165194336326458 ], [ 7.300544148661913, 52.165400966420002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 117.3202555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 52.168293686984484 ], [ 7.30285410224965, 52.168293686984484 ], [ 7.30285410224965, 52.168087070323587 ], [ 7.301699125455782, 52.168087070323587 ], [ 7.301699125455782, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 52.167673834123377 ], [ 7.30285410224965, 52.167673834123377 ], [ 7.30285410224965, 52.167467214584079 ], [ 7.301699125455782, 52.167467214584079 ], [ 7.301699125455782, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 92.1093547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 52.167467214584079 ], [ 7.30285410224965, 52.167467214584079 ], [ 7.30285410224965, 52.16726059408532 ], [ 7.301699125455782, 52.16726059408532 ], [ 7.301699125455782, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38070_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.902495727272722 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.301699125455782, 52.16726059408532 ], [ 7.30285410224965, 52.16726059408532 ], [ 7.30285410224965, 52.167053972627073 ], [ 7.301699125455782, 52.167053972627073 ], [ 7.301699125455782, 52.16726059408532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38337_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.299389171868046, 50.672124533351841 ], [ 7.300544148661913, 50.672124533351841 ], [ 7.300544148661913, 50.6719110401704 ], [ 7.299389171868046, 50.6719110401704 ], [ 7.299389171868046, 50.672124533351841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38500_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.497593933187552 ], [ 7.304907394327637, 53.497593933187552 ], [ 7.304907394327637, 53.497393544442296 ], [ 7.303752417533768, 53.497393544442296 ], [ 7.303752417533768, 53.497593933187552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38500_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.496792372524148 ], [ 7.307217347915373, 53.496792372524148 ], [ 7.307217347915373, 53.49659197999064 ], [ 7.306062371121504, 53.49659197999064 ], [ 7.306062371121504, 53.496792372524148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38500_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.498595862708108 ], [ 7.30952730150311, 53.498595862708108 ], [ 7.30952730150311, 53.498395478698093 ], [ 7.30837232470924, 53.498395478698093 ], [ 7.30837232470924, 53.498595862708108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38500_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.498595862708108 ], [ 7.310682278296976, 53.498595862708108 ], [ 7.310682278296976, 53.498395478698093 ], [ 7.30952730150311, 53.498395478698093 ], [ 7.30952730150311, 53.498595862708108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38500_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.497193154749972 ], [ 7.311837255090844, 53.497193154749972 ], [ 7.311837255090844, 53.496992764110594 ], [ 7.310682278296976, 53.496992764110594 ], [ 7.310682278296976, 53.497193154749972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38500_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.496992764110594 ], [ 7.311837255090844, 53.496992764110594 ], [ 7.311837255090844, 53.496792372524148 ], [ 7.310682278296976, 53.496792372524148 ], [ 7.310682278296976, 53.496992764110594 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38501_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.49224990920434 ], [ 7.304907394327637, 53.49224990920434 ], [ 7.304907394327637, 53.492049495203545 ], [ 7.303752417533768, 53.492049495203545 ], [ 7.303752417533768, 53.49224990920434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38501_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 96.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.491448247518477 ], [ 7.307217347915373, 53.491448247518477 ], [ 7.307217347915373, 53.491247829729232 ], [ 7.306062371121504, 53.491247829729232 ], [ 7.306062371121504, 53.491448247518477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38501_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 91.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.49325196500174 ], [ 7.30952730150311, 53.49325196500174 ], [ 7.30952730150311, 53.493051555736471 ], [ 7.30837232470924, 53.493051555736471 ], [ 7.30837232470924, 53.49325196500174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38501_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.49325196500174 ], [ 7.310682278296976, 53.49325196500174 ], [ 7.310682278296976, 53.493051555736471 ], [ 7.30952730150311, 53.493051555736471 ], [ 7.30952730150311, 53.49325196500174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38501_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.8000018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.491849080255641 ], [ 7.311837255090844, 53.491849080255641 ], [ 7.311837255090844, 53.491648664360618 ], [ 7.310682278296976, 53.491648664360618 ], [ 7.310682278296976, 53.491849080255641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38501_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.491648664360618 ], [ 7.311837255090844, 53.491648664360618 ], [ 7.311837255090844, 53.491448247518477 ], [ 7.310682278296976, 53.491448247518477 ], [ 7.310682278296976, 53.491648664360618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38502_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 72.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.486905211721805 ], [ 7.304907394327637, 53.486905211721805 ], [ 7.304907394327637, 53.48670477246403 ], [ 7.303752417533768, 53.48670477246403 ], [ 7.303752417533768, 53.486905211721805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38502_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.486103449007729 ], [ 7.307217347915373, 53.486103449007729 ], [ 7.307217347915373, 53.485903005961298 ], [ 7.306062371121504, 53.485903005961298 ], [ 7.306062371121504, 53.486103449007729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38502_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.487907393803255 ], [ 7.30952730150311, 53.487907393803255 ], [ 7.30952730150311, 53.487706959281269 ], [ 7.30837232470924, 53.487706959281269 ], [ 7.30837232470924, 53.487907393803255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38502_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.487907393803255 ], [ 7.310682278296976, 53.487907393803255 ], [ 7.310682278296976, 53.487706959281269 ], [ 7.30952730150311, 53.487706959281269 ], [ 7.30952730150311, 53.487907393803255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38502_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.666665333333341 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.486504332259095 ], [ 7.311837255090844, 53.486504332259095 ], [ 7.311837255090844, 53.486303891107006 ], [ 7.310682278296976, 53.486303891107006 ], [ 7.310682278296976, 53.486504332259095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38502_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 68.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.486303891107006 ], [ 7.311837255090844, 53.486303891107006 ], [ 7.311837255090844, 53.486103449007729 ], [ 7.310682278296976, 53.486103449007729 ], [ 7.310682278296976, 53.486303891107006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38505_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.470867077894631 ], [ 7.304907394327637, 53.470867077894631 ], [ 7.304907394327637, 53.470666562857318 ], [ 7.303752417533768, 53.470666562857318 ], [ 7.303752417533768, 53.470867077894631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38505_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 73.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.470065012061426 ], [ 7.307217347915373, 53.470065012061426 ], [ 7.307217347915373, 53.469864493234795 ], [ 7.306062371121504, 53.469864493234795 ], [ 7.306062371121504, 53.470065012061426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38505_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.471869638871361 ], [ 7.30952730150311, 53.471869638871361 ], [ 7.30952730150311, 53.47166912857066 ], [ 7.30837232470924, 53.47166912857066 ], [ 7.30837232470924, 53.471869638871361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38505_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 66.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.471869638871361 ], [ 7.310682278296976, 53.471869638871361 ], [ 7.310682278296976, 53.47166912857066 ], [ 7.30952730150311, 53.47166912857066 ], [ 7.30952730150311, 53.471869638871361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38505_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 78.662738666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.470466046872687 ], [ 7.311837255090844, 53.470466046872687 ], [ 7.311837255090844, 53.470265529940711 ], [ 7.310682278296976, 53.470265529940711 ], [ 7.310682278296976, 53.470466046872687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38505_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 74.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.470265529940711 ], [ 7.311837255090844, 53.470265529940711 ], [ 7.311837255090844, 53.470065012061426 ], [ 7.310682278296976, 53.470065012061426 ], [ 7.310682278296976, 53.470265529940711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38506_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.465519686031286 ], [ 7.304907394327637, 53.465519686031286 ], [ 7.304907394327637, 53.465319145731264 ], [ 7.303752417533768, 53.465319145731264 ], [ 7.303752417533768, 53.465519686031286 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38506_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.464717519146888 ], [ 7.307217347915373, 53.464717519146888 ], [ 7.307217347915373, 53.464516975057315 ], [ 7.306062371121504, 53.464516975057315 ], [ 7.306062371121504, 53.464717519146888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38506_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 88.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.466522373320814 ], [ 7.30952730150311, 53.466522373320814 ], [ 7.30952730150311, 53.466321837757661 ], [ 7.30837232470924, 53.466321837757661 ], [ 7.30837232470924, 53.466522373320814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38506_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.466522373320814 ], [ 7.310682278296976, 53.466522373320814 ], [ 7.310682278296976, 53.466321837757661 ], [ 7.30952730150311, 53.466321837757661 ], [ 7.30952730150311, 53.466522373320814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38506_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 89.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.465118604483855 ], [ 7.311837255090844, 53.465118604483855 ], [ 7.311837255090844, 53.464918062289065 ], [ 7.310682278296976, 53.464918062289065 ], [ 7.310682278296976, 53.465118604483855 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38506_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.464918062289065 ], [ 7.311837255090844, 53.464918062289065 ], [ 7.311837255090844, 53.464717519146888 ], [ 7.310682278296976, 53.464717519146888 ], [ 7.310682278296976, 53.464918062289065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.368950399046078 ], [ 7.304907394327637, 53.368950399046078 ], [ 7.304907394327637, 53.368749402823923 ], [ 7.303752417533768, 53.368749402823923 ], [ 7.303752417533768, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.368347407534579 ], [ 7.307217347915373, 53.368347407534579 ], [ 7.307217347915373, 53.368146408467368 ], [ 7.306062371121504, 53.368146408467368 ], [ 7.306062371121504, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.369754374451261 ], [ 7.30837232470924, 53.369754374451261 ], [ 7.30837232470924, 53.369553382022481 ], [ 7.307217347915373, 53.369553382022481 ], [ 7.307217347915373, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.370156356463831 ], [ 7.30952730150311, 53.370156356463831 ], [ 7.30952730150311, 53.369955365931716 ], [ 7.30837232470924, 53.369955365931716 ], [ 7.30837232470924, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 120.47514425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.369352388645353 ], [ 7.30952730150311, 53.369352388645353 ], [ 7.30952730150311, 53.369151394319879 ], [ 7.30837232470924, 53.369151394319879 ], [ 7.30837232470924, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.370156356463831 ], [ 7.310682278296976, 53.370156356463831 ], [ 7.310682278296976, 53.369955365931716 ], [ 7.30952730150311, 53.369955365931716 ], [ 7.30952730150311, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.369754374451261 ], [ 7.310682278296976, 53.369754374451261 ], [ 7.310682278296976, 53.369553382022481 ], [ 7.30952730150311, 53.369553382022481 ], [ 7.30952730150311, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 110.684768 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.368950399046078 ], [ 7.310682278296976, 53.368950399046078 ], [ 7.310682278296976, 53.368749402823923 ], [ 7.30952730150311, 53.368749402823923 ], [ 7.30952730150311, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 98.3513286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.368749402823923 ], [ 7.310682278296976, 53.368749402823923 ], [ 7.310682278296976, 53.368548405653428 ], [ 7.30952730150311, 53.368548405653428 ], [ 7.30952730150311, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 108.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.368749402823923 ], [ 7.311837255090844, 53.368749402823923 ], [ 7.311837255090844, 53.368548405653428 ], [ 7.310682278296976, 53.368548405653428 ], [ 7.310682278296976, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.368347407534579 ], [ 7.311837255090844, 53.368347407534579 ], [ 7.311837255090844, 53.368146408467368 ], [ 7.310682278296976, 53.368146408467368 ], [ 7.310682278296976, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38524_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.368146408467368 ], [ 7.311837255090844, 53.368146408467368 ], [ 7.311837255090844, 53.367945408451817 ], [ 7.310682278296976, 53.367945408451817 ], [ 7.310682278296976, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 162.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.207850160240852 ], [ 7.304907394327637, 53.207850160240852 ], [ 7.304907394327637, 53.207648404705004 ], [ 7.303752417533768, 53.207648404705004 ], [ 7.303752417533768, 53.207850160240852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 113.00000166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.2058325621351 ], [ 7.304907394327637, 53.2058325621351 ], [ 7.304907394327637, 53.205630797099808 ], [ 7.303752417533768, 53.205630797099808 ], [ 7.303752417533768, 53.2058325621351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 136.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.207244890783514 ], [ 7.307217347915373, 53.207244890783514 ], [ 7.307217347915373, 53.207043132397864 ], [ 7.306062371121504, 53.207043132397864 ], [ 7.306062371121504, 53.207244890783514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.208657172884898 ], [ 7.30837232470924, 53.208657172884898 ], [ 7.30837232470924, 53.208455421148777 ], [ 7.307217347915373, 53.208455421148777 ], [ 7.307217347915373, 53.208657172884898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.207446648219232 ], [ 7.30837232470924, 53.207446648219232 ], [ 7.30837232470924, 53.207244890783514 ], [ 7.307217347915373, 53.207244890783514 ], [ 7.307217347915373, 53.207446648219232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.209262422393714 ], [ 7.30952730150311, 53.209262422393714 ], [ 7.30952730150311, 53.209060673507352 ], [ 7.30837232470924, 53.209060673507352 ], [ 7.30837232470924, 53.209262422393714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.208253668462739 ], [ 7.30952730150311, 53.208253668462739 ], [ 7.30952730150311, 53.208051914826754 ], [ 7.30837232470924, 53.208051914826754 ], [ 7.30837232470924, 53.208253668462739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 126.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.206639612776726 ], [ 7.30952730150311, 53.206639612776726 ], [ 7.30952730150311, 53.206437851541246 ], [ 7.30837232470924, 53.206437851541246 ], [ 7.30837232470924, 53.206639612776726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.209060673507352 ], [ 7.310682278296976, 53.209060673507352 ], [ 7.310682278296976, 53.208858923671094 ], [ 7.30952730150311, 53.208858923671094 ], [ 7.30952730150311, 53.209060673507352 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.208858923671094 ], [ 7.310682278296976, 53.208858923671094 ], [ 7.310682278296976, 53.208657172884898 ], [ 7.30952730150311, 53.208657172884898 ], [ 7.30952730150311, 53.208858923671094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 128.591997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.208051914826754 ], [ 7.310682278296976, 53.208051914826754 ], [ 7.310682278296976, 53.207850160240852 ], [ 7.30952730150311, 53.207850160240852 ], [ 7.30952730150311, 53.208051914826754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 114.142728 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.207648404705004 ], [ 7.310682278296976, 53.207648404705004 ], [ 7.310682278296976, 53.207446648219232 ], [ 7.30952730150311, 53.207446648219232 ], [ 7.30952730150311, 53.207648404705004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 145.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.207244890783514 ], [ 7.310682278296976, 53.207244890783514 ], [ 7.310682278296976, 53.207043132397864 ], [ 7.30952730150311, 53.207043132397864 ], [ 7.30952730150311, 53.207244890783514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.207043132397864 ], [ 7.310682278296976, 53.207043132397864 ], [ 7.310682278296976, 53.206841373062268 ], [ 7.30952730150311, 53.206841373062268 ], [ 7.30952730150311, 53.207043132397864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 119.83448033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.206437851541246 ], [ 7.310682278296976, 53.206437851541246 ], [ 7.310682278296976, 53.206236089355805 ], [ 7.30952730150311, 53.206236089355805 ], [ 7.30952730150311, 53.206437851541246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 112.59423666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.205630797099808 ], [ 7.310682278296976, 53.205630797099808 ], [ 7.310682278296976, 53.205429031114583 ], [ 7.30952730150311, 53.205429031114583 ], [ 7.30952730150311, 53.205630797099808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 115.57142857142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.207850160240852 ], [ 7.311837255090844, 53.207850160240852 ], [ 7.311837255090844, 53.207648404705004 ], [ 7.310682278296976, 53.207648404705004 ], [ 7.310682278296976, 53.207850160240852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.523288 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.207648404705004 ], [ 7.311837255090844, 53.207648404705004 ], [ 7.311837255090844, 53.207446648219232 ], [ 7.310682278296976, 53.207446648219232 ], [ 7.310682278296976, 53.207648404705004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.86172775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.207446648219232 ], [ 7.311837255090844, 53.207446648219232 ], [ 7.311837255090844, 53.207244890783514 ], [ 7.310682278296976, 53.207244890783514 ], [ 7.310682278296976, 53.207446648219232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.207244890783514 ], [ 7.311837255090844, 53.207244890783514 ], [ 7.311837255090844, 53.207043132397864 ], [ 7.310682278296976, 53.207043132397864 ], [ 7.310682278296976, 53.207244890783514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.206841373062268 ], [ 7.311837255090844, 53.206841373062268 ], [ 7.311837255090844, 53.206639612776726 ], [ 7.310682278296976, 53.206639612776726 ], [ 7.310682278296976, 53.206841373062268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38554_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 114.606729 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.206639612776726 ], [ 7.311837255090844, 53.206639612776726 ], [ 7.311837255090844, 53.206437851541246 ], [ 7.310682278296976, 53.206437851541246 ], [ 7.310682278296976, 53.206639612776726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.202469687523831 ], [ 7.304907394327637, 53.202469687523831 ], [ 7.304907394327637, 53.202267906655699 ], [ 7.303752417533768, 53.202267906655699 ], [ 7.303752417533768, 53.202469687523831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 111.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.200451836092839 ], [ 7.304907394327637, 53.200451836092839 ], [ 7.304907394327637, 53.200250045724751 ], [ 7.303752417533768, 53.200250045724751 ], [ 7.303752417533768, 53.200451836092839 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.20186434206947 ], [ 7.307217347915373, 53.20186434206947 ], [ 7.307217347915373, 53.20166255835138 ], [ 7.306062371121504, 53.20166255835138 ], [ 7.306062371121504, 53.20186434206947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.203276801496507 ], [ 7.30837232470924, 53.203276801496507 ], [ 7.30837232470924, 53.203075024428308 ], [ 7.307217347915373, 53.203075024428308 ], [ 7.307217347915373, 53.203276801496507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 124.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.202066124837586 ], [ 7.30837232470924, 53.202066124837586 ], [ 7.30837232470924, 53.20186434206947 ], [ 7.307217347915373, 53.20186434206947 ], [ 7.307217347915373, 53.202066124837586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.203882127001229 ], [ 7.30952730150311, 53.203882127001229 ], [ 7.30952730150311, 53.203680352782968 ], [ 7.30837232470924, 53.203680352782968 ], [ 7.30837232470924, 53.203882127001229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.202873246410135 ], [ 7.30952730150311, 53.202873246410135 ], [ 7.30952730150311, 53.202671467441974 ], [ 7.30837232470924, 53.202671467441974 ], [ 7.30837232470924, 53.202873246410135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 133.7500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.201258988065199 ], [ 7.30952730150311, 53.201258988065199 ], [ 7.30952730150311, 53.201057201497115 ], [ 7.30837232470924, 53.201057201497115 ], [ 7.30837232470924, 53.201258988065199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.203680352782968 ], [ 7.310682278296976, 53.203680352782968 ], [ 7.310682278296976, 53.203478577614725 ], [ 7.30952730150311, 53.203478577614725 ], [ 7.30952730150311, 53.203680352782968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.203478577614725 ], [ 7.310682278296976, 53.203478577614725 ], [ 7.310682278296976, 53.203276801496507 ], [ 7.30952730150311, 53.203276801496507 ], [ 7.30952730150311, 53.203478577614725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.35386975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.202671467441974 ], [ 7.310682278296976, 53.202671467441974 ], [ 7.310682278296976, 53.202469687523831 ], [ 7.30952730150311, 53.202469687523831 ], [ 7.30952730150311, 53.202671467441974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 114.40636457142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.202267906655699 ], [ 7.310682278296976, 53.202267906655699 ], [ 7.310682278296976, 53.202066124837586 ], [ 7.30952730150311, 53.202066124837586 ], [ 7.30952730150311, 53.202267906655699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 141.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.20186434206947 ], [ 7.310682278296976, 53.20186434206947 ], [ 7.310682278296976, 53.20166255835138 ], [ 7.30952730150311, 53.20166255835138 ], [ 7.30952730150311, 53.20186434206947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 164.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.20166255835138 ], [ 7.310682278296976, 53.20166255835138 ], [ 7.310682278296976, 53.201460773683287 ], [ 7.30952730150311, 53.201460773683287 ], [ 7.30952730150311, 53.20166255835138 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 117.8381165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.201057201497115 ], [ 7.310682278296976, 53.201057201497115 ], [ 7.310682278296976, 53.200855413979021 ], [ 7.30952730150311, 53.200855413979021 ], [ 7.30952730150311, 53.201057201497115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 111.3957225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.200250045724751 ], [ 7.310682278296976, 53.200250045724751 ], [ 7.310682278296976, 53.200048254406639 ], [ 7.30952730150311, 53.200048254406639 ], [ 7.30952730150311, 53.200250045724751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 120.14145023076922 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.202469687523831 ], [ 7.311837255090844, 53.202469687523831 ], [ 7.311837255090844, 53.202267906655699 ], [ 7.310682278296976, 53.202267906655699 ], [ 7.310682278296976, 53.202469687523831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 116.07912822222222 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.202267906655699 ], [ 7.311837255090844, 53.202267906655699 ], [ 7.311837255090844, 53.202066124837586 ], [ 7.310682278296976, 53.202066124837586 ], [ 7.310682278296976, 53.202267906655699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 104.906129 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.202066124837586 ], [ 7.311837255090844, 53.202066124837586 ], [ 7.311837255090844, 53.20186434206947 ], [ 7.310682278296976, 53.20186434206947 ], [ 7.310682278296976, 53.202066124837586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.20186434206947 ], [ 7.311837255090844, 53.20186434206947 ], [ 7.311837255090844, 53.20166255835138 ], [ 7.310682278296976, 53.20166255835138 ], [ 7.310682278296976, 53.20186434206947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.201460773683287 ], [ 7.311837255090844, 53.201460773683287 ], [ 7.311837255090844, 53.201258988065199 ], [ 7.310682278296976, 53.201258988065199 ], [ 7.310682278296976, 53.201460773683287 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38555_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 129.98584475000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.201258988065199 ], [ 7.311837255090844, 53.201258988065199 ], [ 7.311837255090844, 53.201057201497115 ], [ 7.310682278296976, 53.201057201497115 ], [ 7.310682278296976, 53.201258988065199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.197088539261166 ], [ 7.304907394327637, 53.197088539261166 ], [ 7.304907394327637, 53.196886733059351 ], [ 7.303752417533768, 53.196886733059351 ], [ 7.303752417533768, 53.197088539261166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 115.464548 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 53.195070434490937 ], [ 7.304907394327637, 53.195070434490937 ], [ 7.304907394327637, 53.194868618788632 ], [ 7.303752417533768, 53.194868618788632 ], [ 7.303752417533768, 53.195070434490937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 53.196483117805585 ], [ 7.307217347915373, 53.196483117805585 ], [ 7.307217347915373, 53.196281308753647 ], [ 7.306062371121504, 53.196281308753647 ], [ 7.306062371121504, 53.196483117805585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.19789575456808 ], [ 7.30837232470924, 53.19789575456808 ], [ 7.30837232470924, 53.197693952166404 ], [ 7.307217347915373, 53.197693952166404 ], [ 7.307217347915373, 53.19789575456808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 53.196684925907491 ], [ 7.30837232470924, 53.196684925907491 ], [ 7.30837232470924, 53.196483117805585 ], [ 7.307217347915373, 53.196483117805585 ], [ 7.307217347915373, 53.196684925907491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.198501156072915 ], [ 7.30952730150311, 53.198501156072915 ], [ 7.30952730150311, 53.198299356521325 ], [ 7.30837232470924, 53.198299356521325 ], [ 7.30837232470924, 53.198501156072915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 137.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.197492148814689 ], [ 7.30952730150311, 53.197492148814689 ], [ 7.30952730150311, 53.19729034451295 ], [ 7.30837232470924, 53.19729034451295 ], [ 7.30837232470924, 53.197492148814689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 53.195877687799616 ], [ 7.30952730150311, 53.195877687799616 ], [ 7.30952730150311, 53.195675875897528 ], [ 7.30837232470924, 53.195675875897528 ], [ 7.30837232470924, 53.195877687799616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.198299356521325 ], [ 7.310682278296976, 53.198299356521325 ], [ 7.310682278296976, 53.198097556019718 ], [ 7.30952730150311, 53.198097556019718 ], [ 7.30952730150311, 53.198299356521325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.198097556019718 ], [ 7.310682278296976, 53.198097556019718 ], [ 7.310682278296976, 53.19789575456808 ], [ 7.30952730150311, 53.19789575456808 ], [ 7.30952730150311, 53.198097556019718 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.873582 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.19729034451295 ], [ 7.310682278296976, 53.19729034451295 ], [ 7.310682278296976, 53.197088539261166 ], [ 7.30952730150311, 53.197088539261166 ], [ 7.30952730150311, 53.19729034451295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 120.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.196886733059351 ], [ 7.310682278296976, 53.196886733059351 ], [ 7.310682278296976, 53.196684925907491 ], [ 7.30952730150311, 53.196684925907491 ], [ 7.30952730150311, 53.196886733059351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 149.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.196483117805585 ], [ 7.310682278296976, 53.196483117805585 ], [ 7.310682278296976, 53.196281308753647 ], [ 7.30952730150311, 53.196281308753647 ], [ 7.30952730150311, 53.196483117805585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 120.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.195675875897528 ], [ 7.310682278296976, 53.195675875897528 ], [ 7.310682278296976, 53.195474063045381 ], [ 7.30952730150311, 53.195474063045381 ], [ 7.30952730150311, 53.195675875897528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 113.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 53.194868618788632 ], [ 7.310682278296976, 53.194868618788632 ], [ 7.310682278296976, 53.194666802136254 ], [ 7.30952730150311, 53.194666802136254 ], [ 7.30952730150311, 53.194868618788632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 121.427325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.197088539261166 ], [ 7.311837255090844, 53.197088539261166 ], [ 7.311837255090844, 53.196886733059351 ], [ 7.310682278296976, 53.196886733059351 ], [ 7.310682278296976, 53.197088539261166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.196886733059351 ], [ 7.311837255090844, 53.196886733059351 ], [ 7.311837255090844, 53.196684925907491 ], [ 7.310682278296976, 53.196684925907491 ], [ 7.310682278296976, 53.196886733059351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.196684925907491 ], [ 7.311837255090844, 53.196684925907491 ], [ 7.311837255090844, 53.196483117805585 ], [ 7.310682278296976, 53.196483117805585 ], [ 7.310682278296976, 53.196684925907491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.196483117805585 ], [ 7.311837255090844, 53.196483117805585 ], [ 7.311837255090844, 53.196281308753647 ], [ 7.310682278296976, 53.196281308753647 ], [ 7.310682278296976, 53.196483117805585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38556_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 53.195877687799616 ], [ 7.311837255090844, 53.195877687799616 ], [ 7.311837255090844, 53.195675875897528 ], [ 7.310682278296976, 53.195675875897528 ], [ 7.310682278296976, 53.195877687799616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38714_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 135.53316233333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 52.338974549922639 ], [ 7.30952730150311, 52.338974549922639 ], [ 7.30952730150311, 52.338768726767043 ], [ 7.30837232470924, 52.338768726767043 ], [ 7.30837232470924, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38714_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 109.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 52.337122107034645 ], [ 7.30952730150311, 52.337122107034645 ], [ 7.30952730150311, 52.336916275257124 ], [ 7.30837232470924, 52.336916275257124 ], [ 7.30837232470924, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38714_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 132.66666933333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.337945424564786 ], [ 7.310682278296976, 52.337945424564786 ], [ 7.310682278296976, 52.337739596619244 ], [ 7.30952730150311, 52.337739596619244 ], [ 7.30952730150311, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38714_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.337327937854184 ], [ 7.310682278296976, 52.337327937854184 ], [ 7.310682278296976, 52.337122107034645 ], [ 7.30952730150311, 52.337122107034645 ], [ 7.30952730150311, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38714_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 161.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.337533767715719 ], [ 7.311837255090844, 52.337533767715719 ], [ 7.311837255090844, 52.337327937854184 ], [ 7.310682278296976, 52.337327937854184 ], [ 7.310682278296976, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38714_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.337122107034645 ], [ 7.311837255090844, 52.337122107034645 ], [ 7.311837255090844, 52.336916275257124 ], [ 7.310682278296976, 52.336916275257124 ], [ 7.310682278296976, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 52.167673834123377 ], [ 7.304907394327637, 52.167673834123377 ], [ 7.304907394327637, 52.167467214584079 ], [ 7.303752417533768, 52.167467214584079 ], [ 7.303752417533768, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 52.165607595554079 ], [ 7.304907394327637, 52.165607595554079 ], [ 7.304907394327637, 52.165400966420002 ], [ 7.303752417533768, 52.165400966420002 ], [ 7.303752417533768, 52.165607595554079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.304907394327637, 52.168293686984484 ], [ 7.306062371121504, 52.168293686984484 ], [ 7.306062371121504, 52.168087070323587 ], [ 7.304907394327637, 52.168087070323587 ], [ 7.304907394327637, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 52.167467214584079 ], [ 7.307217347915373, 52.167467214584079 ], [ 7.307217347915373, 52.16726059408532 ], [ 7.306062371121504, 52.16726059408532 ], [ 7.306062371121504, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 52.16891353121045 ], [ 7.30837232470924, 52.16891353121045 ], [ 7.30837232470924, 52.168706917427926 ], [ 7.307217347915373, 52.168706917427926 ], [ 7.307217347915373, 52.16891353121045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 52.167673834123377 ], [ 7.30837232470924, 52.167673834123377 ], [ 7.30837232470924, 52.167467214584079 ], [ 7.307217347915373, 52.167467214584079 ], [ 7.307217347915373, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 52.166847350209359 ], [ 7.30837232470924, 52.166847350209359 ], [ 7.30837232470924, 52.166640726832178 ], [ 7.307217347915373, 52.166640726832178 ], [ 7.307217347915373, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 52.169326755897131 ], [ 7.30952730150311, 52.169326755897131 ], [ 7.30952730150311, 52.169120144033513 ], [ 7.30837232470924, 52.169120144033513 ], [ 7.30837232470924, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 52.169120144033513 ], [ 7.30952730150311, 52.169120144033513 ], [ 7.30952730150311, 52.16891353121045 ], [ 7.30837232470924, 52.16891353121045 ], [ 7.30837232470924, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.169326755897131 ], [ 7.310682278296976, 52.169326755897131 ], [ 7.310682278296976, 52.169120144033513 ], [ 7.30952730150311, 52.169120144033513 ], [ 7.30952730150311, 52.169326755897131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.169120144033513 ], [ 7.310682278296976, 52.169120144033513 ], [ 7.310682278296976, 52.16891353121045 ], [ 7.30952730150311, 52.16891353121045 ], [ 7.30952730150311, 52.169120144033513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 98.195964 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.168293686984484 ], [ 7.310682278296976, 52.168293686984484 ], [ 7.310682278296976, 52.168087070323587 ], [ 7.30952730150311, 52.168087070323587 ], [ 7.30952730150311, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 89.754282666666654 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.168087070323587 ], [ 7.310682278296976, 52.168087070323587 ], [ 7.310682278296976, 52.167880452703216 ], [ 7.30952730150311, 52.167880452703216 ], [ 7.30952730150311, 52.168087070323587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 102.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.166020850943752 ], [ 7.310682278296976, 52.166020850943752 ], [ 7.310682278296976, 52.165814223728653 ], [ 7.30952730150311, 52.165814223728653 ], [ 7.30952730150311, 52.166020850943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 99.6993335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.165400966420002 ], [ 7.310682278296976, 52.165400966420002 ], [ 7.310682278296976, 52.165194336326458 ], [ 7.30952730150311, 52.165194336326458 ], [ 7.30952730150311, 52.165400966420002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 115.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.168293686984484 ], [ 7.311837255090844, 52.168293686984484 ], [ 7.311837255090844, 52.168087070323587 ], [ 7.310682278296976, 52.168087070323587 ], [ 7.310682278296976, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.167673834123377 ], [ 7.311837255090844, 52.167673834123377 ], [ 7.311837255090844, 52.167467214584079 ], [ 7.310682278296976, 52.167467214584079 ], [ 7.310682278296976, 52.167673834123377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.167467214584079 ], [ 7.311837255090844, 52.167467214584079 ], [ 7.311837255090844, 52.16726059408532 ], [ 7.310682278296976, 52.16726059408532 ], [ 7.310682278296976, 52.167467214584079 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38745_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.16726059408532 ], [ 7.311837255090844, 52.16726059408532 ], [ 7.311837255090844, 52.167053972627073 ], [ 7.310682278296976, 52.167053972627073 ], [ 7.310682278296976, 52.16726059408532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 52.16216365138559 ], [ 7.304907394327637, 52.16216365138559 ], [ 7.304907394327637, 52.161957006259854 ], [ 7.303752417533768, 52.161957006259854 ], [ 7.303752417533768, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 102.05564066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303752417533768, 52.160097156949831 ], [ 7.304907394327637, 52.160097156949831 ], [ 7.304907394327637, 52.159890502228869 ], [ 7.303752417533768, 52.159890502228869 ], [ 7.303752417533768, 52.160097156949831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.304907394327637, 52.162783581005719 ], [ 7.306062371121504, 52.162783581005719 ], [ 7.306062371121504, 52.162576938758519 ], [ 7.304907394327637, 52.162576938758519 ], [ 7.304907394327637, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.306062371121504, 52.161957006259854 ], [ 7.307217347915373, 52.161957006259854 ], [ 7.307217347915373, 52.161750360174608 ], [ 7.306062371121504, 52.161750360174608 ], [ 7.306062371121504, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 52.16340350199026 ], [ 7.30837232470924, 52.16340350199026 ], [ 7.30837232470924, 52.163196862621582 ], [ 7.307217347915373, 52.163196862621582 ], [ 7.307217347915373, 52.16340350199026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 52.16216365138559 ], [ 7.30837232470924, 52.16216365138559 ], [ 7.30837232470924, 52.161957006259854 ], [ 7.307217347915373, 52.161957006259854 ], [ 7.307217347915373, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 94.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.307217347915373, 52.161337065125558 ], [ 7.30837232470924, 52.161337065125558 ], [ 7.30837232470924, 52.161130416161747 ], [ 7.307217347915373, 52.161130416161747 ], [ 7.307217347915373, 52.161337065125558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 52.163816777849114 ], [ 7.30952730150311, 52.163816777849114 ], [ 7.30952730150311, 52.163610140399435 ], [ 7.30837232470924, 52.163610140399435 ], [ 7.30837232470924, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 52.163610140399435 ], [ 7.30952730150311, 52.163610140399435 ], [ 7.30952730150311, 52.16340350199026 ], [ 7.30837232470924, 52.16340350199026 ], [ 7.30837232470924, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.163816777849114 ], [ 7.310682278296976, 52.163816777849114 ], [ 7.310682278296976, 52.163610140399435 ], [ 7.30952730150311, 52.163610140399435 ], [ 7.30952730150311, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.163610140399435 ], [ 7.310682278296976, 52.163610140399435 ], [ 7.310682278296976, 52.16340350199026 ], [ 7.30952730150311, 52.16340350199026 ], [ 7.30952730150311, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 94.666667666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.162783581005719 ], [ 7.310682278296976, 52.162783581005719 ], [ 7.310682278296976, 52.162576938758519 ], [ 7.30952730150311, 52.162576938758519 ], [ 7.30952730150311, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 88.094347666666678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.162576938758519 ], [ 7.310682278296976, 52.162576938758519 ], [ 7.310682278296976, 52.162370295551803 ], [ 7.30952730150311, 52.162370295551803 ], [ 7.30952730150311, 52.162576938758519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 107.33333566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.160510463513184 ], [ 7.310682278296976, 52.160510463513184 ], [ 7.310682278296976, 52.160303810711277 ], [ 7.30952730150311, 52.160303810711277 ], [ 7.30952730150311, 52.160510463513184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 104.74948333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30952730150311, 52.159890502228869 ], [ 7.310682278296976, 52.159890502228869 ], [ 7.310682278296976, 52.159683846548369 ], [ 7.30952730150311, 52.159683846548369 ], [ 7.30952730150311, 52.159890502228869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 115.17905466666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.162783581005719 ], [ 7.311837255090844, 52.162783581005719 ], [ 7.311837255090844, 52.162576938758519 ], [ 7.310682278296976, 52.162576938758519 ], [ 7.310682278296976, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.16216365138559 ], [ 7.311837255090844, 52.16216365138559 ], [ 7.311837255090844, 52.161957006259854 ], [ 7.310682278296976, 52.161957006259854 ], [ 7.310682278296976, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 103.707282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.161957006259854 ], [ 7.311837255090844, 52.161957006259854 ], [ 7.311837255090844, 52.161750360174608 ], [ 7.310682278296976, 52.161750360174608 ], [ 7.310682278296976, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "38746_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.978419666666653 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.310682278296976, 52.161750360174608 ], [ 7.311837255090844, 52.161750360174608 ], [ 7.311837255090844, 52.161543713129838 ], [ 7.310682278296976, 52.161543713129838 ], [ 7.310682278296976, 52.161750360174608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39012_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 50.672124533351841 ], [ 7.30952730150311, 50.672124533351841 ], [ 7.30952730150311, 50.6719110401704 ], [ 7.30837232470924, 50.6719110401704 ], [ 7.30837232470924, 50.672124533351841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39013_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.30837232470924, 50.666431049560465 ], [ 7.30952730150311, 50.666431049560465 ], [ 7.30952730150311, 50.666217530486392 ], [ 7.30837232470924, 50.666217530486392 ], [ 7.30837232470924, 50.666431049560465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39177_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.486905211721805 ], [ 7.313890547168832, 53.486905211721805 ], [ 7.313890547168832, 53.48670477246403 ], [ 7.312735570374964, 53.48670477246403 ], [ 7.312735570374964, 53.486905211721805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39177_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 70.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.486103449007729 ], [ 7.316200500756568, 53.486103449007729 ], [ 7.316200500756568, 53.485903005961298 ], [ 7.315045523962699, 53.485903005961298 ], [ 7.315045523962699, 53.486103449007729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39177_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.487907393803255 ], [ 7.318510454344303, 53.487907393803255 ], [ 7.318510454344303, 53.487706959281269 ], [ 7.317355477550436, 53.487706959281269 ], [ 7.317355477550436, 53.487907393803255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39177_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 87.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.487907393803255 ], [ 7.319665431138172, 53.487907393803255 ], [ 7.319665431138172, 53.487706959281269 ], [ 7.318510454344303, 53.487706959281269 ], [ 7.318510454344303, 53.487907393803255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39177_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.333332666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.486504332259095 ], [ 7.32082040793204, 53.486504332259095 ], [ 7.32082040793204, 53.486303891107006 ], [ 7.319665431138172, 53.486303891107006 ], [ 7.319665431138172, 53.486504332259095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39177_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.486303891107006 ], [ 7.32082040793204, 53.486303891107006 ], [ 7.32082040793204, 53.486103449007729 ], [ 7.319665431138172, 53.486103449007729 ], [ 7.319665431138172, 53.486303891107006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39178_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.481559840701564 ], [ 7.313890547168832, 53.481559840701564 ], [ 7.313890547168832, 53.481359376185381 ], [ 7.312735570374964, 53.481359376185381 ], [ 7.312735570374964, 53.481559840701564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39178_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.480757976953527 ], [ 7.316200500756568, 53.480757976953527 ], [ 7.316200500756568, 53.480557508648474 ], [ 7.315045523962699, 53.480557508648474 ], [ 7.315045523962699, 53.480757976953527 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39178_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 85.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.482562149074255 ], [ 7.318510454344303, 53.482562149074255 ], [ 7.318510454344303, 53.48236168929413 ], [ 7.317355477550436, 53.48236168929413 ], [ 7.317355477550436, 53.482562149074255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39178_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 85.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.482562149074255 ], [ 7.319665431138172, 53.482562149074255 ], [ 7.319665431138172, 53.48236168929413 ], [ 7.318510454344303, 53.48236168929413 ], [ 7.318510454344303, 53.482562149074255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39178_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.481158910721987 ], [ 7.32082040793204, 53.481158910721987 ], [ 7.32082040793204, 53.480958444311376 ], [ 7.319665431138172, 53.480958444311376 ], [ 7.319665431138172, 53.481158910721987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39178_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 75.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.480958444311376 ], [ 7.32082040793204, 53.480958444311376 ], [ 7.32082040793204, 53.480757976953527 ], [ 7.319665431138172, 53.480757976953527 ], [ 7.319665431138172, 53.480958444311376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39179_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 52.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.476213796105277 ], [ 7.313890547168832, 53.476213796105277 ], [ 7.313890547168832, 53.47601330632925 ], [ 7.312735570374964, 53.47601330632925 ], [ 7.312735570374964, 53.476213796105277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39179_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 56.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.475411831317537 ], [ 7.316200500756568, 53.475411831317537 ], [ 7.316200500756568, 53.475211337752413 ], [ 7.315045523962699, 53.475211337752413 ], [ 7.315045523962699, 53.475411831317537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39179_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 61.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.477216230776399 ], [ 7.318510454344303, 53.477216230776399 ], [ 7.318510454344303, 53.477015745736701 ], [ 7.317355477550436, 53.477015745736701 ], [ 7.317355477550436, 53.477216230776399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39179_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.477216230776399 ], [ 7.319665431138172, 53.477216230776399 ], [ 7.319665431138172, 53.477015745736701 ], [ 7.318510454344303, 53.477015745736701 ], [ 7.318510454344303, 53.477216230776399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39179_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 70.7388725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.475812815605956 ], [ 7.32082040793204, 53.475812815605956 ], [ 7.32082040793204, 53.47561232393538 ], [ 7.319665431138172, 53.47561232393538 ], [ 7.319665431138172, 53.475812815605956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39179_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.47561232393538 ], [ 7.32082040793204, 53.47561232393538 ], [ 7.32082040793204, 53.475411831317537 ], [ 7.319665431138172, 53.475411831317537 ], [ 7.319665431138172, 53.47561232393538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39180_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 56.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.470867077894631 ], [ 7.313890547168832, 53.470867077894631 ], [ 7.313890547168832, 53.470666562857318 ], [ 7.312735570374964, 53.470666562857318 ], [ 7.312735570374964, 53.470867077894631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39180_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 52.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.470065012061426 ], [ 7.316200500756568, 53.470065012061426 ], [ 7.316200500756568, 53.469864493234795 ], [ 7.315045523962699, 53.469864493234795 ], [ 7.315045523962699, 53.470065012061426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39180_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 54.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.471869638871361 ], [ 7.318510454344303, 53.471869638871361 ], [ 7.318510454344303, 53.47166912857066 ], [ 7.317355477550436, 53.47166912857066 ], [ 7.317355477550436, 53.471869638871361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39180_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 52.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.471869638871361 ], [ 7.319665431138172, 53.471869638871361 ], [ 7.319665431138172, 53.47166912857066 ], [ 7.318510454344303, 53.47166912857066 ], [ 7.318510454344303, 53.471869638871361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39180_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 66.773509714285723 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.470466046872687 ], [ 7.32082040793204, 53.470466046872687 ], [ 7.32082040793204, 53.470265529940711 ], [ 7.319665431138172, 53.470265529940711 ], [ 7.319665431138172, 53.470466046872687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39180_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 56.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.470265529940711 ], [ 7.32082040793204, 53.470265529940711 ], [ 7.32082040793204, 53.470065012061426 ], [ 7.319665431138172, 53.470065012061426 ], [ 7.319665431138172, 53.470265529940711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.368950399046078 ], [ 7.313890547168832, 53.368950399046078 ], [ 7.313890547168832, 53.368749402823923 ], [ 7.312735570374964, 53.368749402823923 ], [ 7.312735570374964, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.368347407534579 ], [ 7.316200500756568, 53.368347407534579 ], [ 7.316200500756568, 53.368146408467368 ], [ 7.315045523962699, 53.368146408467368 ], [ 7.315045523962699, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 53.369754374451261 ], [ 7.317355477550436, 53.369754374451261 ], [ 7.317355477550436, 53.369553382022481 ], [ 7.316200500756568, 53.369553382022481 ], [ 7.316200500756568, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.370156356463831 ], [ 7.318510454344303, 53.370156356463831 ], [ 7.318510454344303, 53.369955365931716 ], [ 7.317355477550436, 53.369955365931716 ], [ 7.317355477550436, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 126.00000166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.369352388645353 ], [ 7.318510454344303, 53.369352388645353 ], [ 7.318510454344303, 53.369151394319879 ], [ 7.317355477550436, 53.369151394319879 ], [ 7.317355477550436, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.370156356463831 ], [ 7.319665431138172, 53.370156356463831 ], [ 7.319665431138172, 53.369955365931716 ], [ 7.318510454344303, 53.369955365931716 ], [ 7.318510454344303, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.369754374451261 ], [ 7.319665431138172, 53.369754374451261 ], [ 7.319665431138172, 53.369553382022481 ], [ 7.318510454344303, 53.369553382022481 ], [ 7.318510454344303, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 113.6191255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.368950399046078 ], [ 7.319665431138172, 53.368950399046078 ], [ 7.319665431138172, 53.368749402823923 ], [ 7.318510454344303, 53.368749402823923 ], [ 7.318510454344303, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 96.9027775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.368749402823923 ], [ 7.319665431138172, 53.368749402823923 ], [ 7.319665431138172, 53.368548405653428 ], [ 7.318510454344303, 53.368548405653428 ], [ 7.318510454344303, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 107.0452575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.368749402823923 ], [ 7.32082040793204, 53.368749402823923 ], [ 7.32082040793204, 53.368548405653428 ], [ 7.319665431138172, 53.368548405653428 ], [ 7.319665431138172, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.368347407534579 ], [ 7.32082040793204, 53.368347407534579 ], [ 7.32082040793204, 53.368146408467368 ], [ 7.319665431138172, 53.368146408467368 ], [ 7.319665431138172, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39199_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.368146408467368 ], [ 7.32082040793204, 53.368146408467368 ], [ 7.32082040793204, 53.367945408451817 ], [ 7.319665431138172, 53.367945408451817 ], [ 7.319665431138172, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.213229957449585 ], [ 7.313890547168832, 53.213229957449585 ], [ 7.313890547168832, 53.213028227244628 ], [ 7.312735570374964, 53.213028227244628 ], [ 7.312735570374964, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 120.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.211212612655068 ], [ 7.313890547168832, 53.211212612655068 ], [ 7.313890547168832, 53.211010872951185 ], [ 7.312735570374964, 53.211010872951185 ], [ 7.312735570374964, 53.211212612655068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 85.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.212624763985069 ], [ 7.316200500756568, 53.212624763985069 ], [ 7.316200500756568, 53.212423030930452 ], [ 7.315045523962699, 53.212423030930452 ], [ 7.315045523962699, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 170.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 53.214036868770613 ], [ 7.317355477550436, 53.214036868770613 ], [ 7.317355477550436, 53.213835142365177 ], [ 7.316200500756568, 53.213835142365177 ], [ 7.316200500756568, 53.214036868770613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 53.212826496089797 ], [ 7.317355477550436, 53.212826496089797 ], [ 7.317355477550436, 53.212624763985069 ], [ 7.316200500756568, 53.212624763985069 ], [ 7.316200500756568, 53.212826496089797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 200.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.214642042287721 ], [ 7.318510454344303, 53.214642042287721 ], [ 7.318510454344303, 53.214440318731889 ], [ 7.317355477550436, 53.214440318731889 ], [ 7.317355477550436, 53.214642042287721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 139.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.213633415009852 ], [ 7.318510454344303, 53.213633415009852 ], [ 7.318510454344303, 53.213431686704659 ], [ 7.317355477550436, 53.213431686704659 ], [ 7.317355477550436, 53.213633415009852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.212019561971559 ], [ 7.318510454344303, 53.212019561971559 ], [ 7.318510454344303, 53.211817826067289 ], [ 7.317355477550436, 53.211817826067289 ], [ 7.317355477550436, 53.212019561971559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.214440318731889 ], [ 7.319665431138172, 53.214440318731889 ], [ 7.319665431138172, 53.214238594226188 ], [ 7.318510454344303, 53.214238594226188 ], [ 7.318510454344303, 53.214440318731889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.214238594226188 ], [ 7.319665431138172, 53.214238594226188 ], [ 7.319665431138172, 53.214036868770613 ], [ 7.318510454344303, 53.214036868770613 ], [ 7.318510454344303, 53.214238594226188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 139.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.213431686704659 ], [ 7.319665431138172, 53.213431686704659 ], [ 7.319665431138172, 53.213229957449585 ], [ 7.318510454344303, 53.213229957449585 ], [ 7.318510454344303, 53.213431686704659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 122.75000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.213028227244628 ], [ 7.319665431138172, 53.213028227244628 ], [ 7.319665431138172, 53.212826496089797 ], [ 7.318510454344303, 53.212826496089797 ], [ 7.318510454344303, 53.213028227244628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 158.17365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.212624763985069 ], [ 7.319665431138172, 53.212624763985069 ], [ 7.319665431138172, 53.212423030930452 ], [ 7.318510454344303, 53.212423030930452 ], [ 7.318510454344303, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.212423030930452 ], [ 7.319665431138172, 53.212423030930452 ], [ 7.319665431138172, 53.212221296925961 ], [ 7.318510454344303, 53.212221296925961 ], [ 7.318510454344303, 53.212423030930452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 114.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.211817826067289 ], [ 7.319665431138172, 53.211817826067289 ], [ 7.319665431138172, 53.211616089213109 ], [ 7.318510454344303, 53.211616089213109 ], [ 7.318510454344303, 53.211817826067289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 112.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.211010872951185 ], [ 7.319665431138172, 53.211010872951185 ], [ 7.319665431138172, 53.210809132297413 ], [ 7.318510454344303, 53.210809132297413 ], [ 7.318510454344303, 53.211010872951185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 119.17392271428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.213229957449585 ], [ 7.32082040793204, 53.213229957449585 ], [ 7.32082040793204, 53.213028227244628 ], [ 7.319665431138172, 53.213028227244628 ], [ 7.319665431138172, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 111.5869055 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.213028227244628 ], [ 7.32082040793204, 53.213028227244628 ], [ 7.32082040793204, 53.212826496089797 ], [ 7.319665431138172, 53.212826496089797 ], [ 7.319665431138172, 53.213028227244628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 112.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.212826496089797 ], [ 7.32082040793204, 53.212826496089797 ], [ 7.32082040793204, 53.212624763985069 ], [ 7.319665431138172, 53.212624763985069 ], [ 7.319665431138172, 53.212826496089797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.212624763985069 ], [ 7.32082040793204, 53.212624763985069 ], [ 7.32082040793204, 53.212423030930452 ], [ 7.319665431138172, 53.212423030930452 ], [ 7.319665431138172, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 86.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.212221296925961 ], [ 7.32082040793204, 53.212221296925961 ], [ 7.32082040793204, 53.212019561971559 ], [ 7.319665431138172, 53.212019561971559 ], [ 7.319665431138172, 53.212221296925961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39228_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 119.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.212019561971559 ], [ 7.32082040793204, 53.212019561971559 ], [ 7.32082040793204, 53.211817826067289 ], [ 7.319665431138172, 53.211817826067289 ], [ 7.319665431138172, 53.212019561971559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.207850160240852 ], [ 7.313890547168832, 53.207850160240852 ], [ 7.313890547168832, 53.207648404705004 ], [ 7.312735570374964, 53.207648404705004 ], [ 7.312735570374964, 53.207850160240852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 117.00000233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 53.2058325621351 ], [ 7.313890547168832, 53.2058325621351 ], [ 7.313890547168832, 53.205630797099808 ], [ 7.312735570374964, 53.205630797099808 ], [ 7.312735570374964, 53.2058325621351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 53.207244890783514 ], [ 7.316200500756568, 53.207244890783514 ], [ 7.316200500756568, 53.207043132397864 ], [ 7.315045523962699, 53.207043132397864 ], [ 7.315045523962699, 53.207244890783514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 53.208657172884898 ], [ 7.317355477550436, 53.208657172884898 ], [ 7.317355477550436, 53.208455421148777 ], [ 7.316200500756568, 53.208455421148777 ], [ 7.316200500756568, 53.208657172884898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 53.207446648219232 ], [ 7.317355477550436, 53.207446648219232 ], [ 7.317355477550436, 53.207244890783514 ], [ 7.316200500756568, 53.207244890783514 ], [ 7.316200500756568, 53.207446648219232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 199.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.209262422393714 ], [ 7.318510454344303, 53.209262422393714 ], [ 7.318510454344303, 53.209060673507352 ], [ 7.317355477550436, 53.209060673507352 ], [ 7.317355477550436, 53.209262422393714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 142.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.208253668462739 ], [ 7.318510454344303, 53.208253668462739 ], [ 7.318510454344303, 53.208051914826754 ], [ 7.317355477550436, 53.208051914826754 ], [ 7.317355477550436, 53.208253668462739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.66666766666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 53.206639612776726 ], [ 7.318510454344303, 53.206639612776726 ], [ 7.318510454344303, 53.206437851541246 ], [ 7.317355477550436, 53.206437851541246 ], [ 7.317355477550436, 53.206639612776726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.209060673507352 ], [ 7.319665431138172, 53.209060673507352 ], [ 7.319665431138172, 53.208858923671094 ], [ 7.318510454344303, 53.208858923671094 ], [ 7.318510454344303, 53.209060673507352 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.208858923671094 ], [ 7.319665431138172, 53.208858923671094 ], [ 7.319665431138172, 53.208657172884898 ], [ 7.318510454344303, 53.208657172884898 ], [ 7.318510454344303, 53.208858923671094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.60171333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.208051914826754 ], [ 7.319665431138172, 53.208051914826754 ], [ 7.319665431138172, 53.207850160240852 ], [ 7.318510454344303, 53.207850160240852 ], [ 7.318510454344303, 53.208051914826754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 120.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.207648404705004 ], [ 7.319665431138172, 53.207648404705004 ], [ 7.319665431138172, 53.207446648219232 ], [ 7.318510454344303, 53.207446648219232 ], [ 7.318510454344303, 53.207648404705004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 159.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.207244890783514 ], [ 7.319665431138172, 53.207244890783514 ], [ 7.319665431138172, 53.207043132397864 ], [ 7.318510454344303, 53.207043132397864 ], [ 7.318510454344303, 53.207244890783514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 157.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.207043132397864 ], [ 7.319665431138172, 53.207043132397864 ], [ 7.319665431138172, 53.206841373062268 ], [ 7.318510454344303, 53.206841373062268 ], [ 7.318510454344303, 53.207043132397864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 115.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.206437851541246 ], [ 7.319665431138172, 53.206437851541246 ], [ 7.319665431138172, 53.206236089355805 ], [ 7.318510454344303, 53.206236089355805 ], [ 7.318510454344303, 53.206437851541246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 111.66666633333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 53.205630797099808 ], [ 7.319665431138172, 53.205630797099808 ], [ 7.319665431138172, 53.205429031114583 ], [ 7.318510454344303, 53.205429031114583 ], [ 7.318510454344303, 53.205630797099808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 115.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.207850160240852 ], [ 7.32082040793204, 53.207850160240852 ], [ 7.32082040793204, 53.207648404705004 ], [ 7.319665431138172, 53.207648404705004 ], [ 7.319665431138172, 53.207850160240852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 112.3780575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.207648404705004 ], [ 7.32082040793204, 53.207648404705004 ], [ 7.32082040793204, 53.207446648219232 ], [ 7.319665431138172, 53.207446648219232 ], [ 7.319665431138172, 53.207648404705004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 108.978812 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.207446648219232 ], [ 7.32082040793204, 53.207446648219232 ], [ 7.32082040793204, 53.207244890783514 ], [ 7.319665431138172, 53.207244890783514 ], [ 7.319665431138172, 53.207446648219232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.207244890783514 ], [ 7.32082040793204, 53.207244890783514 ], [ 7.32082040793204, 53.207043132397864 ], [ 7.319665431138172, 53.207043132397864 ], [ 7.319665431138172, 53.207244890783514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 88.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.206841373062268 ], [ 7.32082040793204, 53.206841373062268 ], [ 7.32082040793204, 53.206639612776726 ], [ 7.319665431138172, 53.206639612776726 ], [ 7.319665431138172, 53.206841373062268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39229_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 116.354193 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 53.206639612776726 ], [ 7.32082040793204, 53.206639612776726 ], [ 7.32082040793204, 53.206437851541246 ], [ 7.319665431138172, 53.206437851541246 ], [ 7.319665431138172, 53.206639612776726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39389_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 133.05737966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 52.338974549922639 ], [ 7.318510454344303, 52.338974549922639 ], [ 7.318510454344303, 52.338768726767043 ], [ 7.317355477550436, 52.338768726767043 ], [ 7.317355477550436, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39389_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 116.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 52.337122107034645 ], [ 7.318510454344303, 52.337122107034645 ], [ 7.318510454344303, 52.336916275257124 ], [ 7.317355477550436, 52.336916275257124 ], [ 7.317355477550436, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39389_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.2543352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.337945424564786 ], [ 7.319665431138172, 52.337945424564786 ], [ 7.319665431138172, 52.337739596619244 ], [ 7.318510454344303, 52.337739596619244 ], [ 7.318510454344303, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39389_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.337327937854184 ], [ 7.319665431138172, 52.337327937854184 ], [ 7.319665431138172, 52.337122107034645 ], [ 7.318510454344303, 52.337122107034645 ], [ 7.318510454344303, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39389_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 52.337533767715719 ], [ 7.32082040793204, 52.337533767715719 ], [ 7.32082040793204, 52.337327937854184 ], [ 7.319665431138172, 52.337327937854184 ], [ 7.319665431138172, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39389_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 52.337122107034645 ], [ 7.32082040793204, 52.337122107034645 ], [ 7.32082040793204, 52.336916275257124 ], [ 7.319665431138172, 52.336916275257124 ], [ 7.319665431138172, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 67.142857142857139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 52.16216365138559 ], [ 7.313890547168832, 52.16216365138559 ], [ 7.313890547168832, 52.161957006259854 ], [ 7.312735570374964, 52.161957006259854 ], [ 7.312735570374964, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.634254166666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312735570374964, 52.160097156949831 ], [ 7.313890547168832, 52.160097156949831 ], [ 7.313890547168832, 52.159890502228869 ], [ 7.312735570374964, 52.159890502228869 ], [ 7.312735570374964, 52.160097156949831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 113.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.313890547168832, 52.162783581005719 ], [ 7.315045523962699, 52.162783581005719 ], [ 7.315045523962699, 52.162576938758519 ], [ 7.313890547168832, 52.162576938758519 ], [ 7.313890547168832, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 41.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 52.16216365138559 ], [ 7.316200500756568, 52.16216365138559 ], [ 7.316200500756568, 52.161957006259854 ], [ 7.315045523962699, 52.161957006259854 ], [ 7.315045523962699, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 68.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 52.161957006259854 ], [ 7.316200500756568, 52.161957006259854 ], [ 7.316200500756568, 52.161750360174608 ], [ 7.315045523962699, 52.161750360174608 ], [ 7.315045523962699, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 103.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 52.16340350199026 ], [ 7.317355477550436, 52.16340350199026 ], [ 7.317355477550436, 52.163196862621582 ], [ 7.316200500756568, 52.163196862621582 ], [ 7.316200500756568, 52.16340350199026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 92.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 52.16216365138559 ], [ 7.317355477550436, 52.16216365138559 ], [ 7.317355477550436, 52.161957006259854 ], [ 7.316200500756568, 52.161957006259854 ], [ 7.316200500756568, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 94.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.316200500756568, 52.161337065125558 ], [ 7.317355477550436, 52.161337065125558 ], [ 7.317355477550436, 52.161130416161747 ], [ 7.316200500756568, 52.161130416161747 ], [ 7.316200500756568, 52.161337065125558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 52.163816777849114 ], [ 7.318510454344303, 52.163816777849114 ], [ 7.318510454344303, 52.163610140399435 ], [ 7.317355477550436, 52.163610140399435 ], [ 7.317355477550436, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 52.163610140399435 ], [ 7.318510454344303, 52.163610140399435 ], [ 7.318510454344303, 52.16340350199026 ], [ 7.317355477550436, 52.16340350199026 ], [ 7.317355477550436, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 104.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.163816777849114 ], [ 7.319665431138172, 52.163816777849114 ], [ 7.319665431138172, 52.163610140399435 ], [ 7.318510454344303, 52.163610140399435 ], [ 7.318510454344303, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 108.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.163610140399435 ], [ 7.319665431138172, 52.163610140399435 ], [ 7.319665431138172, 52.16340350199026 ], [ 7.318510454344303, 52.16340350199026 ], [ 7.318510454344303, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 90.5614985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.162783581005719 ], [ 7.319665431138172, 52.162783581005719 ], [ 7.319665431138172, 52.162576938758519 ], [ 7.318510454344303, 52.162576938758519 ], [ 7.318510454344303, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 84.205406 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.162576938758519 ], [ 7.319665431138172, 52.162576938758519 ], [ 7.319665431138172, 52.162370295551803 ], [ 7.318510454344303, 52.162370295551803 ], [ 7.318510454344303, 52.162576938758519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 105.2739732 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.160510463513184 ], [ 7.319665431138172, 52.160510463513184 ], [ 7.319665431138172, 52.160303810711277 ], [ 7.318510454344303, 52.160303810711277 ], [ 7.318510454344303, 52.160510463513184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 98.5346092 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.318510454344303, 52.159890502228869 ], [ 7.319665431138172, 52.159890502228869 ], [ 7.319665431138172, 52.159683846548369 ], [ 7.318510454344303, 52.159683846548369 ], [ 7.318510454344303, 52.159890502228869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.1541928 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 52.162783581005719 ], [ 7.32082040793204, 52.162783581005719 ], [ 7.32082040793204, 52.162576938758519 ], [ 7.319665431138172, 52.162576938758519 ], [ 7.319665431138172, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 92.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 52.16216365138559 ], [ 7.32082040793204, 52.16216365138559 ], [ 7.32082040793204, 52.161957006259854 ], [ 7.319665431138172, 52.161957006259854 ], [ 7.319665431138172, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.11111088888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 52.161957006259854 ], [ 7.32082040793204, 52.161957006259854 ], [ 7.32082040793204, 52.161750360174608 ], [ 7.319665431138172, 52.161750360174608 ], [ 7.319665431138172, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39421_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 90.636363727272723 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.319665431138172, 52.161750360174608 ], [ 7.32082040793204, 52.161750360174608 ], [ 7.32082040793204, 52.161543713129838 ], [ 7.319665431138172, 52.161543713129838 ], [ 7.319665431138172, 52.161750360174608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39422_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 25.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.315045523962699, 52.156652786326809 ], [ 7.316200500756568, 52.156652786326809 ], [ 7.316200500756568, 52.156446115613385 ], [ 7.315045523962699, 52.156446115613385 ], [ 7.315045523962699, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39688_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 50.666431049560465 ], [ 7.318510454344303, 50.666431049560465 ], [ 7.318510454344303, 50.666217530486392 ], [ 7.317355477550436, 50.666217530486392 ], [ 7.317355477550436, 50.666431049560465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39689_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.317355477550436, 50.660736875285309 ], [ 7.318510454344303, 50.660736875285309 ], [ 7.318510454344303, 50.660523330317567 ], [ 7.317355477550436, 50.660523330317567 ], [ 7.317355477550436, 50.660736875285309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39854_0_10", "Weekday": 0, "hour": 10, "Speed_value_mean": 48.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 53.476213796105277 ], [ 7.322873700010027, 53.476213796105277 ], [ 7.322873700010027, 53.47601330632925 ], [ 7.32171872321616, 53.47601330632925 ], [ 7.32171872321616, 53.476213796105277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39854_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 57.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 53.475411831317537 ], [ 7.325183653597763, 53.475411831317537 ], [ 7.325183653597763, 53.475211337752413 ], [ 7.324028676803896, 53.475211337752413 ], [ 7.324028676803896, 53.475411831317537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39854_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 25.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 53.477216230776399 ], [ 7.3274936071855, 53.477216230776399 ], [ 7.3274936071855, 53.477015745736701 ], [ 7.326338630391631, 53.477015745736701 ], [ 7.326338630391631, 53.477216230776399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39854_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 39.272727272727273 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.477216230776399 ], [ 7.328648583979366, 53.477216230776399 ], [ 7.328648583979366, 53.477015745736701 ], [ 7.3274936071855, 53.477015745736701 ], [ 7.3274936071855, 53.477216230776399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39854_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 34.237597230769225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.475812815605956 ], [ 7.329803560773235, 53.475812815605956 ], [ 7.329803560773235, 53.47561232393538 ], [ 7.328648583979366, 53.47561232393538 ], [ 7.328648583979366, 53.475812815605956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39854_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 42.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.47561232393538 ], [ 7.329803560773235, 53.47561232393538 ], [ 7.329803560773235, 53.475411831317537 ], [ 7.328648583979366, 53.475411831317537 ], [ 7.328648583979366, 53.47561232393538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 53.368950399046078 ], [ 7.322873700010027, 53.368950399046078 ], [ 7.322873700010027, 53.368749402823923 ], [ 7.32171872321616, 53.368749402823923 ], [ 7.32171872321616, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 53.368347407534579 ], [ 7.325183653597763, 53.368347407534579 ], [ 7.325183653597763, 53.368146408467368 ], [ 7.324028676803896, 53.368146408467368 ], [ 7.324028676803896, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 53.369754374451261 ], [ 7.326338630391631, 53.369754374451261 ], [ 7.326338630391631, 53.369553382022481 ], [ 7.325183653597763, 53.369553382022481 ], [ 7.325183653597763, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 53.370156356463831 ], [ 7.3274936071855, 53.370156356463831 ], [ 7.3274936071855, 53.369955365931716 ], [ 7.326338630391631, 53.369955365931716 ], [ 7.326338630391631, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 122.78785625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 53.369352388645353 ], [ 7.3274936071855, 53.369352388645353 ], [ 7.3274936071855, 53.369151394319879 ], [ 7.326338630391631, 53.369151394319879 ], [ 7.326338630391631, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.370156356463831 ], [ 7.328648583979366, 53.370156356463831 ], [ 7.328648583979366, 53.369955365931716 ], [ 7.3274936071855, 53.369955365931716 ], [ 7.3274936071855, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.369754374451261 ], [ 7.328648583979366, 53.369754374451261 ], [ 7.328648583979366, 53.369553382022481 ], [ 7.3274936071855, 53.369553382022481 ], [ 7.3274936071855, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 113.442259 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.368950399046078 ], [ 7.328648583979366, 53.368950399046078 ], [ 7.328648583979366, 53.368749402823923 ], [ 7.3274936071855, 53.368749402823923 ], [ 7.3274936071855, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 97.2393806 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.368749402823923 ], [ 7.328648583979366, 53.368749402823923 ], [ 7.328648583979366, 53.368548405653428 ], [ 7.3274936071855, 53.368548405653428 ], [ 7.3274936071855, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 75.9247228 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.368749402823923 ], [ 7.329803560773235, 53.368749402823923 ], [ 7.329803560773235, 53.368548405653428 ], [ 7.328648583979366, 53.368548405653428 ], [ 7.328648583979366, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.368347407534579 ], [ 7.329803560773235, 53.368347407534579 ], [ 7.329803560773235, 53.368146408467368 ], [ 7.328648583979366, 53.368146408467368 ], [ 7.328648583979366, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39874_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.368146408467368 ], [ 7.329803560773235, 53.368146408467368 ], [ 7.329803560773235, 53.367945408451817 ], [ 7.328648583979366, 53.367945408451817 ], [ 7.328648583979366, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 166.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 53.213229957449585 ], [ 7.322873700010027, 53.213229957449585 ], [ 7.322873700010027, 53.213028227244628 ], [ 7.32171872321616, 53.213028227244628 ], [ 7.32171872321616, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 120.962824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 53.211212612655068 ], [ 7.322873700010027, 53.211212612655068 ], [ 7.322873700010027, 53.211010872951185 ], [ 7.32171872321616, 53.211010872951185 ], [ 7.32171872321616, 53.211212612655068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 53.212624763985069 ], [ 7.325183653597763, 53.212624763985069 ], [ 7.325183653597763, 53.212423030930452 ], [ 7.324028676803896, 53.212423030930452 ], [ 7.324028676803896, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 53.214036868770613 ], [ 7.326338630391631, 53.214036868770613 ], [ 7.326338630391631, 53.213835142365177 ], [ 7.325183653597763, 53.213835142365177 ], [ 7.325183653597763, 53.214036868770613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 53.212826496089797 ], [ 7.326338630391631, 53.212826496089797 ], [ 7.326338630391631, 53.212624763985069 ], [ 7.325183653597763, 53.212624763985069 ], [ 7.325183653597763, 53.212826496089797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 200.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 53.214642042287721 ], [ 7.3274936071855, 53.214642042287721 ], [ 7.3274936071855, 53.214440318731889 ], [ 7.326338630391631, 53.214440318731889 ], [ 7.326338630391631, 53.214642042287721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 134.99999733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 53.213633415009852 ], [ 7.3274936071855, 53.213633415009852 ], [ 7.3274936071855, 53.213431686704659 ], [ 7.326338630391631, 53.213431686704659 ], [ 7.326338630391631, 53.213633415009852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 134.992481 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 53.212019561971559 ], [ 7.3274936071855, 53.212019561971559 ], [ 7.3274936071855, 53.211817826067289 ], [ 7.326338630391631, 53.211817826067289 ], [ 7.326338630391631, 53.212019561971559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.214440318731889 ], [ 7.328648583979366, 53.214440318731889 ], [ 7.328648583979366, 53.214238594226188 ], [ 7.3274936071855, 53.214238594226188 ], [ 7.3274936071855, 53.214440318731889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 128.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.214238594226188 ], [ 7.328648583979366, 53.214238594226188 ], [ 7.328648583979366, 53.214036868770613 ], [ 7.3274936071855, 53.214036868770613 ], [ 7.3274936071855, 53.214238594226188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 140.666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.213431686704659 ], [ 7.328648583979366, 53.213431686704659 ], [ 7.328648583979366, 53.213229957449585 ], [ 7.3274936071855, 53.213229957449585 ], [ 7.3274936071855, 53.213431686704659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 117.43120114285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.213028227244628 ], [ 7.328648583979366, 53.213028227244628 ], [ 7.328648583979366, 53.212826496089797 ], [ 7.3274936071855, 53.212826496089797 ], [ 7.3274936071855, 53.213028227244628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 138.99999775000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.212624763985069 ], [ 7.328648583979366, 53.212624763985069 ], [ 7.328648583979366, 53.212423030930452 ], [ 7.3274936071855, 53.212423030930452 ], [ 7.3274936071855, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 155.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.212423030930452 ], [ 7.328648583979366, 53.212423030930452 ], [ 7.328648583979366, 53.212221296925961 ], [ 7.3274936071855, 53.212221296925961 ], [ 7.3274936071855, 53.212423030930452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 112.24999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.211817826067289 ], [ 7.328648583979366, 53.211817826067289 ], [ 7.328648583979366, 53.211616089213109 ], [ 7.3274936071855, 53.211616089213109 ], [ 7.3274936071855, 53.211817826067289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 108.09971575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 53.211010872951185 ], [ 7.328648583979366, 53.211010872951185 ], [ 7.328648583979366, 53.210809132297413 ], [ 7.3274936071855, 53.210809132297413 ], [ 7.3274936071855, 53.211010872951185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 117.07142878571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.213229957449585 ], [ 7.329803560773235, 53.213229957449585 ], [ 7.329803560773235, 53.213028227244628 ], [ 7.328648583979366, 53.213028227244628 ], [ 7.328648583979366, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 106.0322593 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.213028227244628 ], [ 7.329803560773235, 53.213028227244628 ], [ 7.329803560773235, 53.212826496089797 ], [ 7.328648583979366, 53.212826496089797 ], [ 7.328648583979366, 53.213028227244628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 111.41893525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.212826496089797 ], [ 7.329803560773235, 53.212826496089797 ], [ 7.329803560773235, 53.212624763985069 ], [ 7.328648583979366, 53.212624763985069 ], [ 7.328648583979366, 53.212826496089797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.212624763985069 ], [ 7.329803560773235, 53.212624763985069 ], [ 7.329803560773235, 53.212423030930452 ], [ 7.328648583979366, 53.212423030930452 ], [ 7.328648583979366, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 79.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.212221296925961 ], [ 7.329803560773235, 53.212221296925961 ], [ 7.329803560773235, 53.212019561971559 ], [ 7.328648583979366, 53.212019561971559 ], [ 7.328648583979366, 53.212221296925961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "39903_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 114.33475725000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 53.212019561971559 ], [ 7.329803560773235, 53.212019561971559 ], [ 7.329803560773235, 53.211817826067289 ], [ 7.328648583979366, 53.211817826067289 ], [ 7.328648583979366, 53.212019561971559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40064_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 112.24999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 52.338974549922639 ], [ 7.3274936071855, 52.338974549922639 ], [ 7.3274936071855, 52.338768726767043 ], [ 7.326338630391631, 52.338768726767043 ], [ 7.326338630391631, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40064_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 52.337122107034645 ], [ 7.3274936071855, 52.337122107034645 ], [ 7.3274936071855, 52.336916275257124 ], [ 7.326338630391631, 52.336916275257124 ], [ 7.326338630391631, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40064_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 93.1392584 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.337945424564786 ], [ 7.328648583979366, 52.337945424564786 ], [ 7.328648583979366, 52.337739596619244 ], [ 7.3274936071855, 52.337739596619244 ], [ 7.3274936071855, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40064_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.337327937854184 ], [ 7.328648583979366, 52.337327937854184 ], [ 7.328648583979366, 52.337122107034645 ], [ 7.3274936071855, 52.337122107034645 ], [ 7.3274936071855, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40064_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 161.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.337533767715719 ], [ 7.329803560773235, 52.337533767715719 ], [ 7.329803560773235, 52.337327937854184 ], [ 7.328648583979366, 52.337327937854184 ], [ 7.328648583979366, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40064_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.337122107034645 ], [ 7.329803560773235, 52.337122107034645 ], [ 7.329803560773235, 52.336916275257124 ], [ 7.328648583979366, 52.336916275257124 ], [ 7.328648583979366, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 67.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 52.16216365138559 ], [ 7.322873700010027, 52.16216365138559 ], [ 7.322873700010027, 52.161957006259854 ], [ 7.32171872321616, 52.161957006259854 ], [ 7.32171872321616, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.784434 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 52.160097156949831 ], [ 7.322873700010027, 52.160097156949831 ], [ 7.322873700010027, 52.159890502228869 ], [ 7.32171872321616, 52.159890502228869 ], [ 7.32171872321616, 52.160097156949831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.322873700010027, 52.162783581005719 ], [ 7.324028676803896, 52.162783581005719 ], [ 7.324028676803896, 52.162576938758519 ], [ 7.322873700010027, 52.162576938758519 ], [ 7.322873700010027, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 59.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 52.16216365138559 ], [ 7.325183653597763, 52.16216365138559 ], [ 7.325183653597763, 52.161957006259854 ], [ 7.324028676803896, 52.161957006259854 ], [ 7.324028676803896, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 42.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 52.161957006259854 ], [ 7.325183653597763, 52.161957006259854 ], [ 7.325183653597763, 52.161750360174608 ], [ 7.324028676803896, 52.161750360174608 ], [ 7.324028676803896, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 52.16340350199026 ], [ 7.326338630391631, 52.16340350199026 ], [ 7.326338630391631, 52.163196862621582 ], [ 7.325183653597763, 52.163196862621582 ], [ 7.325183653597763, 52.16340350199026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 52.16216365138559 ], [ 7.326338630391631, 52.16216365138559 ], [ 7.326338630391631, 52.161957006259854 ], [ 7.325183653597763, 52.161957006259854 ], [ 7.325183653597763, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 86.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 52.161337065125558 ], [ 7.326338630391631, 52.161337065125558 ], [ 7.326338630391631, 52.161130416161747 ], [ 7.325183653597763, 52.161130416161747 ], [ 7.325183653597763, 52.161337065125558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 104.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 52.163816777849114 ], [ 7.3274936071855, 52.163816777849114 ], [ 7.3274936071855, 52.163610140399435 ], [ 7.326338630391631, 52.163610140399435 ], [ 7.326338630391631, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 52.163610140399435 ], [ 7.3274936071855, 52.163610140399435 ], [ 7.3274936071855, 52.16340350199026 ], [ 7.326338630391631, 52.16340350199026 ], [ 7.326338630391631, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 103.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.163816777849114 ], [ 7.328648583979366, 52.163816777849114 ], [ 7.328648583979366, 52.163610140399435 ], [ 7.3274936071855, 52.163610140399435 ], [ 7.3274936071855, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.163610140399435 ], [ 7.328648583979366, 52.163610140399435 ], [ 7.328648583979366, 52.16340350199026 ], [ 7.3274936071855, 52.16340350199026 ], [ 7.3274936071855, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 88.311618 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.162783581005719 ], [ 7.328648583979366, 52.162783581005719 ], [ 7.328648583979366, 52.162576938758519 ], [ 7.3274936071855, 52.162576938758519 ], [ 7.3274936071855, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 79.1419134 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.162576938758519 ], [ 7.328648583979366, 52.162576938758519 ], [ 7.328648583979366, 52.162370295551803 ], [ 7.3274936071855, 52.162370295551803 ], [ 7.3274936071855, 52.162576938758519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.666666333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.160510463513184 ], [ 7.328648583979366, 52.160510463513184 ], [ 7.328648583979366, 52.160303810711277 ], [ 7.3274936071855, 52.160303810711277 ], [ 7.3274936071855, 52.160510463513184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 93.9186946 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.159890502228869 ], [ 7.328648583979366, 52.159890502228869 ], [ 7.328648583979366, 52.159683846548369 ], [ 7.3274936071855, 52.159683846548369 ], [ 7.3274936071855, 52.159890502228869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 104.27463733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.162783581005719 ], [ 7.329803560773235, 52.162783581005719 ], [ 7.329803560773235, 52.162576938758519 ], [ 7.328648583979366, 52.162576938758519 ], [ 7.328648583979366, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.16216365138559 ], [ 7.329803560773235, 52.16216365138559 ], [ 7.329803560773235, 52.161957006259854 ], [ 7.328648583979366, 52.161957006259854 ], [ 7.328648583979366, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.833332666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.161957006259854 ], [ 7.329803560773235, 52.161957006259854 ], [ 7.329803560773235, 52.161750360174608 ], [ 7.328648583979366, 52.161750360174608 ], [ 7.328648583979366, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40096_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.470708625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.161750360174608 ], [ 7.329803560773235, 52.161750360174608 ], [ 7.329803560773235, 52.161543713129838 ], [ 7.328648583979366, 52.161543713129838 ], [ 7.328648583979366, 52.161750360174608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 67.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 52.156652786326809 ], [ 7.322873700010027, 52.156652786326809 ], [ 7.322873700010027, 52.156446115613385 ], [ 7.32171872321616, 52.156446115613385 ], [ 7.32171872321616, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.32171872321616, 52.154586036012049 ], [ 7.322873700010027, 52.154586036012049 ], [ 7.322873700010027, 52.154379355702915 ], [ 7.32171872321616, 52.154379355702915 ], [ 7.32171872321616, 52.154586036012049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 44.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 52.156652786326809 ], [ 7.325183653597763, 52.156652786326809 ], [ 7.325183653597763, 52.156446115613385 ], [ 7.324028676803896, 52.156446115613385 ], [ 7.324028676803896, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 37.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.324028676803896, 52.156446115613385 ], [ 7.325183653597763, 52.156446115613385 ], [ 7.325183653597763, 52.156239443940407 ], [ 7.324028676803896, 52.156239443940407 ], [ 7.324028676803896, 52.156446115613385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 52.157892790456629 ], [ 7.326338630391631, 52.157892790456629 ], [ 7.326338630391631, 52.157686125500547 ], [ 7.325183653597763, 52.157686125500547 ], [ 7.325183653597763, 52.157892790456629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.325183653597763, 52.156652786326809 ], [ 7.326338630391631, 52.156652786326809 ], [ 7.326338630391631, 52.156446115613385 ], [ 7.325183653597763, 52.156446115613385 ], [ 7.325183653597763, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.158306117490149 ], [ 7.328648583979366, 52.158306117490149 ], [ 7.328648583979366, 52.158099454453158 ], [ 7.3274936071855, 52.158099454453158 ], [ 7.3274936071855, 52.158306117490149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.157272792709719 ], [ 7.328648583979366, 52.157272792709719 ], [ 7.328648583979366, 52.157066124874973 ], [ 7.3274936071855, 52.157066124874973 ], [ 7.3274936071855, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 79.825801 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.157066124874973 ], [ 7.328648583979366, 52.157066124874973 ], [ 7.328648583979366, 52.156859456080674 ], [ 7.3274936071855, 52.156859456080674 ], [ 7.3274936071855, 52.157066124874973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 97.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.3274936071855, 52.154999393751567 ], [ 7.328648583979366, 52.154999393751567 ], [ 7.328648583979366, 52.154792715361594 ], [ 7.3274936071855, 52.154792715361594 ], [ 7.3274936071855, 52.154999393751567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 100.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.157272792709719 ], [ 7.329803560773235, 52.157272792709719 ], [ 7.329803560773235, 52.157066124874973 ], [ 7.328648583979366, 52.157066124874973 ], [ 7.328648583979366, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.156652786326809 ], [ 7.329803560773235, 52.156652786326809 ], [ 7.329803560773235, 52.156446115613385 ], [ 7.328648583979366, 52.156446115613385 ], [ 7.328648583979366, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.66666566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.156446115613385 ], [ 7.329803560773235, 52.156446115613385 ], [ 7.329803560773235, 52.156239443940407 ], [ 7.328648583979366, 52.156239443940407 ], [ 7.328648583979366, 52.156446115613385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40097_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 84.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.328648583979366, 52.156239443940407 ], [ 7.329803560773235, 52.156239443940407 ], [ 7.329803560773235, 52.156032771307849 ], [ 7.328648583979366, 52.156032771307849 ], [ 7.328648583979366, 52.156239443940407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40364_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 50.660736875285309 ], [ 7.3274936071855, 50.660736875285309 ], [ 7.3274936071855, 50.660523330317567 ], [ 7.326338630391631, 50.660523330317567 ], [ 7.326338630391631, 50.660736875285309 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40365_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 50.655042010498896 ], [ 7.3274936071855, 50.655042010498896 ], [ 7.3274936071855, 50.654828439636432 ], [ 7.326338630391631, 50.654828439636432 ], [ 7.326338630391631, 50.655042010498896 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40366_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.326338630391631, 50.64934645517372 ], [ 7.3274936071855, 50.64934645517372 ], [ 7.3274936071855, 50.649132858415527 ], [ 7.326338630391631, 50.649132858415527 ], [ 7.326338630391631, 50.64934645517372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330701876057354, 53.368950399046078 ], [ 7.331856852851224, 53.368950399046078 ], [ 7.331856852851224, 53.368749402823923 ], [ 7.330701876057354, 53.368749402823923 ], [ 7.330701876057354, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 53.368347407534579 ], [ 7.334166806438959, 53.368347407534579 ], [ 7.334166806438959, 53.368146408467368 ], [ 7.333011829645089, 53.368146408467368 ], [ 7.333011829645089, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 53.369754374451261 ], [ 7.335321783232826, 53.369754374451261 ], [ 7.335321783232826, 53.369553382022481 ], [ 7.334166806438959, 53.369553382022481 ], [ 7.334166806438959, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 53.370156356463831 ], [ 7.336476760026693, 53.370156356463831 ], [ 7.336476760026693, 53.369955365931716 ], [ 7.335321783232826, 53.369955365931716 ], [ 7.335321783232826, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 101.75378675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 53.369352388645353 ], [ 7.336476760026693, 53.369352388645353 ], [ 7.336476760026693, 53.369151394319879 ], [ 7.335321783232826, 53.369151394319879 ], [ 7.335321783232826, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.370156356463831 ], [ 7.337631736820562, 53.370156356463831 ], [ 7.337631736820562, 53.369955365931716 ], [ 7.336476760026693, 53.369955365931716 ], [ 7.336476760026693, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.369754374451261 ], [ 7.337631736820562, 53.369754374451261 ], [ 7.337631736820562, 53.369553382022481 ], [ 7.336476760026693, 53.369553382022481 ], [ 7.336476760026693, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 117.11960025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.368950399046078 ], [ 7.337631736820562, 53.368950399046078 ], [ 7.337631736820562, 53.368749402823923 ], [ 7.336476760026693, 53.368749402823923 ], [ 7.336476760026693, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 97.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.368749402823923 ], [ 7.337631736820562, 53.368749402823923 ], [ 7.337631736820562, 53.368548405653428 ], [ 7.336476760026693, 53.368548405653428 ], [ 7.336476760026693, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 59.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.368749402823923 ], [ 7.33878671361443, 53.368749402823923 ], [ 7.33878671361443, 53.368548405653428 ], [ 7.337631736820562, 53.368548405653428 ], [ 7.337631736820562, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.368347407534579 ], [ 7.33878671361443, 53.368347407534579 ], [ 7.33878671361443, 53.368146408467368 ], [ 7.337631736820562, 53.368146408467368 ], [ 7.337631736820562, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40549_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.368146408467368 ], [ 7.33878671361443, 53.368146408467368 ], [ 7.33878671361443, 53.367945408451817 ], [ 7.337631736820562, 53.367945408451817 ], [ 7.337631736820562, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330701876057354, 53.213229957449585 ], [ 7.331856852851224, 53.213229957449585 ], [ 7.331856852851224, 53.213028227244628 ], [ 7.330701876057354, 53.213028227244628 ], [ 7.330701876057354, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 121.66796733333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330701876057354, 53.211212612655068 ], [ 7.331856852851224, 53.211212612655068 ], [ 7.331856852851224, 53.211010872951185 ], [ 7.330701876057354, 53.211010872951185 ], [ 7.330701876057354, 53.211212612655068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 53.212624763985069 ], [ 7.334166806438959, 53.212624763985069 ], [ 7.334166806438959, 53.212423030930452 ], [ 7.333011829645089, 53.212423030930452 ], [ 7.333011829645089, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 206.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 53.214036868770613 ], [ 7.335321783232826, 53.214036868770613 ], [ 7.335321783232826, 53.213835142365177 ], [ 7.334166806438959, 53.213835142365177 ], [ 7.334166806438959, 53.214036868770613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 53.212826496089797 ], [ 7.335321783232826, 53.212826496089797 ], [ 7.335321783232826, 53.212624763985069 ], [ 7.334166806438959, 53.212624763985069 ], [ 7.334166806438959, 53.212826496089797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 202.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 53.214642042287721 ], [ 7.336476760026693, 53.214642042287721 ], [ 7.336476760026693, 53.214440318731889 ], [ 7.335321783232826, 53.214440318731889 ], [ 7.335321783232826, 53.214642042287721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 131.714899 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 53.213633415009852 ], [ 7.336476760026693, 53.213633415009852 ], [ 7.336476760026693, 53.213431686704659 ], [ 7.335321783232826, 53.213431686704659 ], [ 7.335321783232826, 53.213633415009852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 139.66666566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 53.212019561971559 ], [ 7.336476760026693, 53.212019561971559 ], [ 7.336476760026693, 53.211817826067289 ], [ 7.335321783232826, 53.211817826067289 ], [ 7.335321783232826, 53.212019561971559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.214440318731889 ], [ 7.337631736820562, 53.214440318731889 ], [ 7.337631736820562, 53.214238594226188 ], [ 7.336476760026693, 53.214238594226188 ], [ 7.336476760026693, 53.214440318731889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.214238594226188 ], [ 7.337631736820562, 53.214238594226188 ], [ 7.337631736820562, 53.214036868770613 ], [ 7.336476760026693, 53.214036868770613 ], [ 7.336476760026693, 53.214238594226188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 137.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.213431686704659 ], [ 7.337631736820562, 53.213431686704659 ], [ 7.337631736820562, 53.213229957449585 ], [ 7.336476760026693, 53.213229957449585 ], [ 7.336476760026693, 53.213431686704659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 115.72650422222222 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.213028227244628 ], [ 7.337631736820562, 53.213028227244628 ], [ 7.337631736820562, 53.212826496089797 ], [ 7.336476760026693, 53.212826496089797 ], [ 7.336476760026693, 53.213028227244628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 123.108887 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.212624763985069 ], [ 7.337631736820562, 53.212624763985069 ], [ 7.337631736820562, 53.212423030930452 ], [ 7.336476760026693, 53.212423030930452 ], [ 7.336476760026693, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.212423030930452 ], [ 7.337631736820562, 53.212423030930452 ], [ 7.337631736820562, 53.212221296925961 ], [ 7.336476760026693, 53.212221296925961 ], [ 7.336476760026693, 53.212423030930452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 114.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.211817826067289 ], [ 7.337631736820562, 53.211817826067289 ], [ 7.337631736820562, 53.211616089213109 ], [ 7.336476760026693, 53.211616089213109 ], [ 7.336476760026693, 53.211817826067289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 107.400222 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 53.211010872951185 ], [ 7.337631736820562, 53.211010872951185 ], [ 7.337631736820562, 53.210809132297413 ], [ 7.336476760026693, 53.210809132297413 ], [ 7.336476760026693, 53.211010872951185 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 113.24283766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.213229957449585 ], [ 7.33878671361443, 53.213229957449585 ], [ 7.33878671361443, 53.213028227244628 ], [ 7.337631736820562, 53.213028227244628 ], [ 7.337631736820562, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.37562025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.213028227244628 ], [ 7.33878671361443, 53.213028227244628 ], [ 7.33878671361443, 53.212826496089797 ], [ 7.337631736820562, 53.212826496089797 ], [ 7.337631736820562, 53.213028227244628 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 114.750001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.212826496089797 ], [ 7.33878671361443, 53.212826496089797 ], [ 7.33878671361443, 53.212624763985069 ], [ 7.337631736820562, 53.212624763985069 ], [ 7.337631736820562, 53.212826496089797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.212624763985069 ], [ 7.33878671361443, 53.212624763985069 ], [ 7.33878671361443, 53.212423030930452 ], [ 7.337631736820562, 53.212423030930452 ], [ 7.337631736820562, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.212221296925961 ], [ 7.33878671361443, 53.212221296925961 ], [ 7.33878671361443, 53.212019561971559 ], [ 7.337631736820562, 53.212019561971559 ], [ 7.337631736820562, 53.212221296925961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40578_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 116.9246235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 53.212019561971559 ], [ 7.33878671361443, 53.212019561971559 ], [ 7.33878671361443, 53.211817826067289 ], [ 7.337631736820562, 53.211817826067289 ], [ 7.337631736820562, 53.212019561971559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40738_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 115.7655825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 52.344462814021448 ], [ 7.336476760026693, 52.344462814021448 ], [ 7.336476760026693, 52.344257016411461 ], [ 7.335321783232826, 52.344257016411461 ], [ 7.335321783232826, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40738_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 52.342610601045664 ], [ 7.336476760026693, 52.342610601045664 ], [ 7.336476760026693, 52.342404794814179 ], [ 7.335321783232826, 52.342404794814179 ], [ 7.335321783232826, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40738_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 101.965986 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.343433816392121 ], [ 7.337631736820562, 52.343433816392121 ], [ 7.337631736820562, 52.34322801399243 ], [ 7.336476760026693, 52.34322801399243 ], [ 7.336476760026693, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40738_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.342816406319201 ], [ 7.337631736820562, 52.342816406319201 ], [ 7.337631736820562, 52.342610601045664 ], [ 7.336476760026693, 52.342610601045664 ], [ 7.336476760026693, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40738_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.343022210634786 ], [ 7.33878671361443, 52.343022210634786 ], [ 7.33878671361443, 52.342816406319201 ], [ 7.337631736820562, 52.342816406319201 ], [ 7.337631736820562, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40738_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.342610601045664 ], [ 7.33878671361443, 52.342610601045664 ], [ 7.33878671361443, 52.342404794814179 ], [ 7.337631736820562, 52.342404794814179 ], [ 7.337631736820562, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40739_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 105.2556405 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 52.338974549922639 ], [ 7.336476760026693, 52.338974549922639 ], [ 7.336476760026693, 52.338768726767043 ], [ 7.335321783232826, 52.338768726767043 ], [ 7.335321783232826, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40739_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 52.337122107034645 ], [ 7.336476760026693, 52.337122107034645 ], [ 7.336476760026693, 52.336916275257124 ], [ 7.335321783232826, 52.336916275257124 ], [ 7.335321783232826, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40739_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.337945424564786 ], [ 7.337631736820562, 52.337945424564786 ], [ 7.337631736820562, 52.337739596619244 ], [ 7.336476760026693, 52.337739596619244 ], [ 7.336476760026693, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40739_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.337327937854184 ], [ 7.337631736820562, 52.337327937854184 ], [ 7.337631736820562, 52.337122107034645 ], [ 7.336476760026693, 52.337122107034645 ], [ 7.336476760026693, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40739_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.337533767715719 ], [ 7.33878671361443, 52.337533767715719 ], [ 7.33878671361443, 52.337327937854184 ], [ 7.337631736820562, 52.337327937854184 ], [ 7.337631736820562, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40739_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.337122107034645 ], [ 7.33878671361443, 52.337122107034645 ], [ 7.33878671361443, 52.336916275257124 ], [ 7.337631736820562, 52.336916275257124 ], [ 7.337631736820562, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 76.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330701876057354, 52.16216365138559 ], [ 7.331856852851224, 52.16216365138559 ], [ 7.331856852851224, 52.161957006259854 ], [ 7.330701876057354, 52.161957006259854 ], [ 7.330701876057354, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 101.5249396 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330701876057354, 52.160097156949831 ], [ 7.331856852851224, 52.160097156949831 ], [ 7.331856852851224, 52.159890502228869 ], [ 7.330701876057354, 52.159890502228869 ], [ 7.330701876057354, 52.160097156949831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.331856852851224, 52.162783581005719 ], [ 7.333011829645089, 52.162783581005719 ], [ 7.333011829645089, 52.162576938758519 ], [ 7.331856852851224, 52.162576938758519 ], [ 7.331856852851224, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 52.16216365138559 ], [ 7.334166806438959, 52.16216365138559 ], [ 7.334166806438959, 52.161957006259854 ], [ 7.333011829645089, 52.161957006259854 ], [ 7.333011829645089, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 94.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 52.16340350199026 ], [ 7.335321783232826, 52.16340350199026 ], [ 7.335321783232826, 52.163196862621582 ], [ 7.334166806438959, 52.163196862621582 ], [ 7.334166806438959, 52.16340350199026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 52.16216365138559 ], [ 7.335321783232826, 52.16216365138559 ], [ 7.335321783232826, 52.161957006259854 ], [ 7.334166806438959, 52.161957006259854 ], [ 7.334166806438959, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 52.161337065125558 ], [ 7.335321783232826, 52.161337065125558 ], [ 7.335321783232826, 52.161130416161747 ], [ 7.334166806438959, 52.161130416161747 ], [ 7.334166806438959, 52.161337065125558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 52.163816777849114 ], [ 7.336476760026693, 52.163816777849114 ], [ 7.336476760026693, 52.163610140399435 ], [ 7.335321783232826, 52.163610140399435 ], [ 7.335321783232826, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 52.163610140399435 ], [ 7.336476760026693, 52.163610140399435 ], [ 7.336476760026693, 52.16340350199026 ], [ 7.335321783232826, 52.16340350199026 ], [ 7.335321783232826, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.163816777849114 ], [ 7.337631736820562, 52.163816777849114 ], [ 7.337631736820562, 52.163610140399435 ], [ 7.336476760026693, 52.163610140399435 ], [ 7.336476760026693, 52.163816777849114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 89.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.163610140399435 ], [ 7.337631736820562, 52.163610140399435 ], [ 7.337631736820562, 52.16340350199026 ], [ 7.336476760026693, 52.16340350199026 ], [ 7.336476760026693, 52.163610140399435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 92.2591736 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.162783581005719 ], [ 7.337631736820562, 52.162783581005719 ], [ 7.337631736820562, 52.162576938758519 ], [ 7.336476760026693, 52.162576938758519 ], [ 7.336476760026693, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 91.9349115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.162576938758519 ], [ 7.337631736820562, 52.162576938758519 ], [ 7.337631736820562, 52.162370295551803 ], [ 7.336476760026693, 52.162370295551803 ], [ 7.336476760026693, 52.162576938758519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 102.29934875000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.160510463513184 ], [ 7.337631736820562, 52.160510463513184 ], [ 7.337631736820562, 52.160303810711277 ], [ 7.336476760026693, 52.160303810711277 ], [ 7.336476760026693, 52.160510463513184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 97.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.159890502228869 ], [ 7.337631736820562, 52.159890502228869 ], [ 7.337631736820562, 52.159683846548369 ], [ 7.336476760026693, 52.159683846548369 ], [ 7.336476760026693, 52.159890502228869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.50587675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.162783581005719 ], [ 7.33878671361443, 52.162783581005719 ], [ 7.33878671361443, 52.162576938758519 ], [ 7.337631736820562, 52.162576938758519 ], [ 7.337631736820562, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.16216365138559 ], [ 7.33878671361443, 52.16216365138559 ], [ 7.33878671361443, 52.161957006259854 ], [ 7.337631736820562, 52.161957006259854 ], [ 7.337631736820562, 52.16216365138559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.3750005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.161957006259854 ], [ 7.33878671361443, 52.161957006259854 ], [ 7.33878671361443, 52.161750360174608 ], [ 7.337631736820562, 52.161750360174608 ], [ 7.337631736820562, 52.161957006259854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40771_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 91.271715777777771 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.161750360174608 ], [ 7.33878671361443, 52.161750360174608 ], [ 7.33878671361443, 52.161543713129838 ], [ 7.337631736820562, 52.161543713129838 ], [ 7.337631736820562, 52.161750360174608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330701876057354, 52.156652786326809 ], [ 7.331856852851224, 52.156652786326809 ], [ 7.331856852851224, 52.156446115613385 ], [ 7.330701876057354, 52.156446115613385 ], [ 7.330701876057354, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.331856852851224, 52.157272792709719 ], [ 7.333011829645089, 52.157272792709719 ], [ 7.333011829645089, 52.157066124874973 ], [ 7.331856852851224, 52.157066124874973 ], [ 7.331856852851224, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 52.156652786326809 ], [ 7.334166806438959, 52.156652786326809 ], [ 7.334166806438959, 52.156446115613385 ], [ 7.333011829645089, 52.156446115613385 ], [ 7.333011829645089, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 48.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 52.156446115613385 ], [ 7.334166806438959, 52.156446115613385 ], [ 7.334166806438959, 52.156239443940407 ], [ 7.333011829645089, 52.156239443940407 ], [ 7.333011829645089, 52.156446115613385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 52.156652786326809 ], [ 7.335321783232826, 52.156652786326809 ], [ 7.335321783232826, 52.156446115613385 ], [ 7.334166806438959, 52.156446115613385 ], [ 7.334166806438959, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.334166806438959, 52.155826097715739 ], [ 7.335321783232826, 52.155826097715739 ], [ 7.335321783232826, 52.155619423164048 ], [ 7.334166806438959, 52.155619423164048 ], [ 7.334166806438959, 52.155826097715739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.158099454453158 ], [ 7.337631736820562, 52.158099454453158 ], [ 7.337631736820562, 52.157892790456629 ], [ 7.336476760026693, 52.157892790456629 ], [ 7.336476760026693, 52.158099454453158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.157066124874973 ], [ 7.337631736820562, 52.157066124874973 ], [ 7.337631736820562, 52.156859456080674 ], [ 7.336476760026693, 52.156859456080674 ], [ 7.336476760026693, 52.157066124874973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 97.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.336476760026693, 52.154379355702915 ], [ 7.337631736820562, 52.154379355702915 ], [ 7.337631736820562, 52.154172674434214 ], [ 7.336476760026693, 52.154172674434214 ], [ 7.336476760026693, 52.154379355702915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.156652786326809 ], [ 7.33878671361443, 52.156652786326809 ], [ 7.33878671361443, 52.156446115613385 ], [ 7.337631736820562, 52.156446115613385 ], [ 7.337631736820562, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.156446115613385 ], [ 7.33878671361443, 52.156446115613385 ], [ 7.33878671361443, 52.156239443940407 ], [ 7.337631736820562, 52.156239443940407 ], [ 7.337631736820562, 52.156446115613385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40772_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.337631736820562, 52.156239443940407 ], [ 7.33878671361443, 52.156239443940407 ], [ 7.33878671361443, 52.156032771307849 ], [ 7.337631736820562, 52.156032771307849 ], [ 7.337631736820562, 52.156239443940407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40773_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 25.323529411764707 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 52.151141238913532 ], [ 7.334166806438959, 52.151141238913532 ], [ 7.334166806438959, 52.150934542611168 ], [ 7.333011829645089, 52.150934542611168 ], [ 7.333011829645089, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40773_2_13", "Weekday": 2, "hour": 13, "Speed_value_mean": 19.38095238095238 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 52.150934542611168 ], [ 7.334166806438959, 52.150934542611168 ], [ 7.334166806438959, 52.150727845349181 ], [ 7.333011829645089, 52.150727845349181 ], [ 7.333011829645089, 52.150934542611168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "40774_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 12.043478260869565 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.333011829645089, 52.145629009112277 ], [ 7.334166806438959, 52.145629009112277 ], [ 7.334166806438959, 52.145422287219716 ], [ 7.333011829645089, 52.145422287219716 ], [ 7.333011829645089, 52.145629009112277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41041_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 50.64934645517372 ], [ 7.336476760026693, 50.64934645517372 ], [ 7.336476760026693, 50.649132858415527 ], [ 7.335321783232826, 50.649132858415527 ], [ 7.335321783232826, 50.64934645517372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41042_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.335321783232826, 50.64365020928237 ], [ 7.336476760026693, 50.64365020928237 ], [ 7.336476760026693, 50.643436586627409 ], [ 7.335321783232826, 50.643436586627409 ], [ 7.335321783232826, 50.64365020928237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41219_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 46.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.394937918306596 ], [ 7.346614889661757, 53.394937918306596 ], [ 7.346614889661757, 53.394737044720401 ], [ 7.34545991286789, 53.394737044720401 ], [ 7.34545991286789, 53.394937918306596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41220_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 52.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.389580964879208 ], [ 7.346614889661757, 53.389580964879208 ], [ 7.346614889661757, 53.389380066009991 ], [ 7.34545991286789, 53.389380066009991 ], [ 7.34545991286789, 53.389580964879208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41221_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.384223337219588 ], [ 7.346614889661757, 53.384223337219588 ], [ 7.346614889661757, 53.384022413065928 ], [ 7.34545991286789, 53.384022413065928 ], [ 7.34545991286789, 53.384223337219588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33968502889855, 53.368950399046078 ], [ 7.340840005692417, 53.368950399046078 ], [ 7.340840005692417, 53.368749402823923 ], [ 7.33968502889855, 53.368749402823923 ], [ 7.33968502889855, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.341994982486286, 53.368347407534579 ], [ 7.343149959280153, 53.368347407534579 ], [ 7.343149959280153, 53.368146408467368 ], [ 7.341994982486286, 53.368146408467368 ], [ 7.341994982486286, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 139.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.343149959280153, 53.369754374451261 ], [ 7.344304936074021, 53.369754374451261 ], [ 7.344304936074021, 53.369553382022481 ], [ 7.343149959280153, 53.369553382022481 ], [ 7.343149959280153, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 53.370156356463831 ], [ 7.34545991286789, 53.370156356463831 ], [ 7.34545991286789, 53.369955365931716 ], [ 7.344304936074021, 53.369955365931716 ], [ 7.344304936074021, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 66.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 53.369352388645353 ], [ 7.34545991286789, 53.369352388645353 ], [ 7.34545991286789, 53.369151394319879 ], [ 7.344304936074021, 53.369151394319879 ], [ 7.344304936074021, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.370156356463831 ], [ 7.346614889661757, 53.370156356463831 ], [ 7.346614889661757, 53.369955365931716 ], [ 7.34545991286789, 53.369955365931716 ], [ 7.34545991286789, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.369754374451261 ], [ 7.346614889661757, 53.369754374451261 ], [ 7.346614889661757, 53.369553382022481 ], [ 7.34545991286789, 53.369553382022481 ], [ 7.34545991286789, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 98.3105398 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.368950399046078 ], [ 7.346614889661757, 53.368950399046078 ], [ 7.346614889661757, 53.368749402823923 ], [ 7.34545991286789, 53.368749402823923 ], [ 7.34545991286789, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 93.2304334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.368749402823923 ], [ 7.346614889661757, 53.368749402823923 ], [ 7.346614889661757, 53.368548405653428 ], [ 7.34545991286789, 53.368548405653428 ], [ 7.34545991286789, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 51.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.368146408467368 ], [ 7.346614889661757, 53.368146408467368 ], [ 7.346614889661757, 53.367945408451817 ], [ 7.34545991286789, 53.367945408451817 ], [ 7.34545991286789, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 59.142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.368749402823923 ], [ 7.347769866455625, 53.368749402823923 ], [ 7.347769866455625, 53.368548405653428 ], [ 7.346614889661757, 53.368548405653428 ], [ 7.346614889661757, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.368347407534579 ], [ 7.347769866455625, 53.368347407534579 ], [ 7.347769866455625, 53.368146408467368 ], [ 7.346614889661757, 53.368146408467368 ], [ 7.346614889661757, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41224_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.368146408467368 ], [ 7.347769866455625, 53.368146408467368 ], [ 7.347769866455625, 53.367945408451817 ], [ 7.346614889661757, 53.367945408451817 ], [ 7.346614889661757, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 168.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33968502889855, 53.218609079187431 ], [ 7.340840005692417, 53.218609079187431 ], [ 7.340840005692417, 53.218407374311951 ], [ 7.33968502889855, 53.218407374311951 ], [ 7.33968502889855, 53.218609079187431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 121.60280925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33968502889855, 53.216591987690109 ], [ 7.340840005692417, 53.216591987690109 ], [ 7.340840005692417, 53.216390273316243 ], [ 7.33968502889855, 53.216390273316243 ], [ 7.33968502889855, 53.216591987690109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.341994982486286, 53.218003961711517 ], [ 7.343149959280153, 53.218003961711517 ], [ 7.343149959280153, 53.217802253986548 ], [ 7.341994982486286, 53.217802253986548 ], [ 7.341994982486286, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 207.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.343149959280153, 53.219415889191048 ], [ 7.344304936074021, 53.219415889191048 ], [ 7.344304936074021, 53.219214188114876 ], [ 7.343149959280153, 53.219214188114876 ], [ 7.343149959280153, 53.219415889191048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.343149959280153, 53.218205668486647 ], [ 7.344304936074021, 53.218205668486647 ], [ 7.344304936074021, 53.218003961711517 ], [ 7.343149959280153, 53.218003961711517 ], [ 7.343149959280153, 53.218205668486647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 201.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 53.220020986720648 ], [ 7.34545991286789, 53.220020986720648 ], [ 7.34545991286789, 53.21981928849393 ], [ 7.344304936074021, 53.21981928849393 ], [ 7.344304936074021, 53.220020986720648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 136.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 53.219012486088886 ], [ 7.34545991286789, 53.219012486088886 ], [ 7.34545991286789, 53.218810783113071 ], [ 7.344304936074021, 53.218810783113071 ], [ 7.344304936074021, 53.219012486088886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 53.217398835687099 ], [ 7.34545991286789, 53.217398835687099 ], [ 7.34545991286789, 53.217197125112619 ], [ 7.344304936074021, 53.217197125112619 ], [ 7.344304936074021, 53.217398835687099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 115.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.21981928849393 ], [ 7.346614889661757, 53.21981928849393 ], [ 7.346614889661757, 53.219617589317401 ], [ 7.34545991286789, 53.219617589317401 ], [ 7.34545991286789, 53.21981928849393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.219617589317401 ], [ 7.346614889661757, 53.219617589317401 ], [ 7.346614889661757, 53.219415889191048 ], [ 7.34545991286789, 53.219415889191048 ], [ 7.34545991286789, 53.219617589317401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.235868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.218810783113071 ], [ 7.346614889661757, 53.218810783113071 ], [ 7.346614889661757, 53.218609079187431 ], [ 7.34545991286789, 53.218609079187431 ], [ 7.34545991286789, 53.218810783113071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 116.21952014285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.218407374311951 ], [ 7.346614889661757, 53.218407374311951 ], [ 7.346614889661757, 53.218205668486647 ], [ 7.34545991286789, 53.218205668486647 ], [ 7.34545991286789, 53.218407374311951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 128.90268833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.218003961711517 ], [ 7.346614889661757, 53.218003961711517 ], [ 7.346614889661757, 53.217802253986548 ], [ 7.34545991286789, 53.217802253986548 ], [ 7.34545991286789, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 150.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.217802253986548 ], [ 7.346614889661757, 53.217802253986548 ], [ 7.346614889661757, 53.217600545311747 ], [ 7.34545991286789, 53.217600545311747 ], [ 7.34545991286789, 53.217802253986548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 115.440082 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.217197125112619 ], [ 7.346614889661757, 53.217197125112619 ], [ 7.346614889661757, 53.216995413588293 ], [ 7.34545991286789, 53.216995413588293 ], [ 7.34545991286789, 53.217197125112619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 110.24999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 53.216390273316243 ], [ 7.346614889661757, 53.216390273316243 ], [ 7.346614889661757, 53.216188557992524 ], [ 7.34545991286789, 53.216188557992524 ], [ 7.34545991286789, 53.216390273316243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 116.76923107692308 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.218609079187431 ], [ 7.347769866455625, 53.218609079187431 ], [ 7.347769866455625, 53.218407374311951 ], [ 7.346614889661757, 53.218407374311951 ], [ 7.346614889661757, 53.218609079187431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.25787228571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.218407374311951 ], [ 7.347769866455625, 53.218407374311951 ], [ 7.347769866455625, 53.218205668486647 ], [ 7.346614889661757, 53.218205668486647 ], [ 7.346614889661757, 53.218407374311951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 114.74999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.218205668486647 ], [ 7.347769866455625, 53.218205668486647 ], [ 7.347769866455625, 53.218003961711517 ], [ 7.346614889661757, 53.218003961711517 ], [ 7.346614889661757, 53.218205668486647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.218003961711517 ], [ 7.347769866455625, 53.218003961711517 ], [ 7.347769866455625, 53.217802253986548 ], [ 7.346614889661757, 53.217802253986548 ], [ 7.346614889661757, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.217600545311747 ], [ 7.347769866455625, 53.217600545311747 ], [ 7.347769866455625, 53.217398835687099 ], [ 7.346614889661757, 53.217398835687099 ], [ 7.346614889661757, 53.217600545311747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41252_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 114.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.217398835687099 ], [ 7.347769866455625, 53.217398835687099 ], [ 7.347769866455625, 53.217197125112619 ], [ 7.346614889661757, 53.217197125112619 ], [ 7.346614889661757, 53.217398835687099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41253_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.341994982486286, 53.212624763985069 ], [ 7.343149959280153, 53.212624763985069 ], [ 7.343149959280153, 53.212423030930452 ], [ 7.341994982486286, 53.212423030930452 ], [ 7.341994982486286, 53.212624763985069 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41253_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 53.213633415009852 ], [ 7.34545991286789, 53.213633415009852 ], [ 7.34545991286789, 53.213431686704659 ], [ 7.344304936074021, 53.213431686704659 ], [ 7.344304936074021, 53.213633415009852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41253_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 53.213229957449585 ], [ 7.347769866455625, 53.213229957449585 ], [ 7.347769866455625, 53.213028227244628 ], [ 7.346614889661757, 53.213028227244628 ], [ 7.346614889661757, 53.213229957449585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41413_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 134.0000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.344462814021448 ], [ 7.34545991286789, 52.344462814021448 ], [ 7.34545991286789, 52.344257016411461 ], [ 7.344304936074021, 52.344257016411461 ], [ 7.344304936074021, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41413_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.342610601045664 ], [ 7.34545991286789, 52.342610601045664 ], [ 7.34545991286789, 52.342404794814179 ], [ 7.344304936074021, 52.342404794814179 ], [ 7.344304936074021, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41413_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 112.49999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.343433816392121 ], [ 7.346614889661757, 52.343433816392121 ], [ 7.346614889661757, 52.34322801399243 ], [ 7.34545991286789, 52.34322801399243 ], [ 7.34545991286789, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41413_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.342816406319201 ], [ 7.346614889661757, 52.342816406319201 ], [ 7.346614889661757, 52.342610601045664 ], [ 7.34545991286789, 52.342610601045664 ], [ 7.34545991286789, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41413_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 169.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 52.343022210634786 ], [ 7.347769866455625, 52.343022210634786 ], [ 7.347769866455625, 52.342816406319201 ], [ 7.346614889661757, 52.342816406319201 ], [ 7.346614889661757, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41413_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 165.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 52.342610601045664 ], [ 7.347769866455625, 52.342610601045664 ], [ 7.347769866455625, 52.342404794814179 ], [ 7.346614889661757, 52.342404794814179 ], [ 7.346614889661757, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41445_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 54.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.166847350209359 ], [ 7.34545991286789, 52.166847350209359 ], [ 7.34545991286789, 52.166640726832178 ], [ 7.344304936074021, 52.166640726832178 ], [ 7.344304936074021, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41446_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 63.833333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.161337065125558 ], [ 7.34545991286789, 52.161337065125558 ], [ 7.34545991286789, 52.161130416161747 ], [ 7.344304936074021, 52.161130416161747 ], [ 7.344304936074021, 52.161337065125558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 92.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33968502889855, 52.156652786326809 ], [ 7.340840005692417, 52.156652786326809 ], [ 7.340840005692417, 52.156446115613385 ], [ 7.33968502889855, 52.156446115613385 ], [ 7.33968502889855, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.4000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33968502889855, 52.154586036012049 ], [ 7.340840005692417, 52.154586036012049 ], [ 7.340840005692417, 52.154379355702915 ], [ 7.33968502889855, 52.154379355702915 ], [ 7.33968502889855, 52.154586036012049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.340840005692417, 52.157272792709719 ], [ 7.341994982486286, 52.157272792709719 ], [ 7.341994982486286, 52.157066124874973 ], [ 7.340840005692417, 52.157066124874973 ], [ 7.340840005692417, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.341994982486286, 52.156652786326809 ], [ 7.343149959280153, 52.156652786326809 ], [ 7.343149959280153, 52.156446115613385 ], [ 7.341994982486286, 52.156446115613385 ], [ 7.341994982486286, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.343149959280153, 52.157892790456629 ], [ 7.344304936074021, 52.157892790456629 ], [ 7.344304936074021, 52.157686125500547 ], [ 7.343149959280153, 52.157686125500547 ], [ 7.343149959280153, 52.157892790456629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 97.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.343149959280153, 52.156652786326809 ], [ 7.344304936074021, 52.156652786326809 ], [ 7.344304936074021, 52.156446115613385 ], [ 7.343149959280153, 52.156446115613385 ], [ 7.343149959280153, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 106.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.343149959280153, 52.155826097715739 ], [ 7.344304936074021, 52.155826097715739 ], [ 7.344304936074021, 52.155619423164048 ], [ 7.343149959280153, 52.155619423164048 ], [ 7.343149959280153, 52.155826097715739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.158306117490149 ], [ 7.34545991286789, 52.158306117490149 ], [ 7.34545991286789, 52.158099454453158 ], [ 7.344304936074021, 52.158099454453158 ], [ 7.344304936074021, 52.158306117490149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.158099454453158 ], [ 7.34545991286789, 52.158099454453158 ], [ 7.34545991286789, 52.157892790456629 ], [ 7.344304936074021, 52.157892790456629 ], [ 7.344304936074021, 52.158099454453158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 44.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 52.155826097715739 ], [ 7.34545991286789, 52.155826097715739 ], [ 7.34545991286789, 52.155619423164048 ], [ 7.344304936074021, 52.155619423164048 ], [ 7.344304936074021, 52.155826097715739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.158306117490149 ], [ 7.346614889661757, 52.158306117490149 ], [ 7.346614889661757, 52.158099454453158 ], [ 7.34545991286789, 52.158099454453158 ], [ 7.34545991286789, 52.158306117490149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 102.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.158099454453158 ], [ 7.346614889661757, 52.158099454453158 ], [ 7.346614889661757, 52.157892790456629 ], [ 7.34545991286789, 52.157892790456629 ], [ 7.34545991286789, 52.158099454453158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 98.5764282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.157272792709719 ], [ 7.346614889661757, 52.157272792709719 ], [ 7.346614889661757, 52.157066124874973 ], [ 7.34545991286789, 52.157066124874973 ], [ 7.34545991286789, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 102.1601708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.157066124874973 ], [ 7.346614889661757, 52.157066124874973 ], [ 7.346614889661757, 52.156859456080674 ], [ 7.34545991286789, 52.156859456080674 ], [ 7.34545991286789, 52.157066124874973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 101.99999940000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.154999393751567 ], [ 7.346614889661757, 52.154999393751567 ], [ 7.346614889661757, 52.154792715361594 ], [ 7.34545991286789, 52.154792715361594 ], [ 7.34545991286789, 52.154999393751567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 96.2937912 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.34545991286789, 52.154379355702915 ], [ 7.346614889661757, 52.154379355702915 ], [ 7.346614889661757, 52.154172674434214 ], [ 7.34545991286789, 52.154172674434214 ], [ 7.34545991286789, 52.154379355702915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.0150596 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 52.157272792709719 ], [ 7.347769866455625, 52.157272792709719 ], [ 7.347769866455625, 52.157066124874973 ], [ 7.346614889661757, 52.157066124874973 ], [ 7.346614889661757, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 52.156652786326809 ], [ 7.347769866455625, 52.156652786326809 ], [ 7.347769866455625, 52.156446115613385 ], [ 7.346614889661757, 52.156446115613385 ], [ 7.346614889661757, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.777777222222227 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 52.156446115613385 ], [ 7.347769866455625, 52.156446115613385 ], [ 7.347769866455625, 52.156239443940407 ], [ 7.346614889661757, 52.156239443940407 ], [ 7.346614889661757, 52.156446115613385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41447_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.699668363636363 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.346614889661757, 52.156239443940407 ], [ 7.347769866455625, 52.156239443940407 ], [ 7.347769866455625, 52.156032771307849 ], [ 7.346614889661757, 52.156032771307849 ], [ 7.346614889661757, 52.156239443940407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41448_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 19.692307692307693 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.341994982486286, 52.151141238913532 ], [ 7.343149959280153, 52.151141238913532 ], [ 7.343149959280153, 52.150934542611168 ], [ 7.341994982486286, 52.150934542611168 ], [ 7.341994982486286, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41449_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 22.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.341994982486286, 52.145629009112277 ], [ 7.343149959280153, 52.145629009112277 ], [ 7.343149959280153, 52.145422287219716 ], [ 7.341994982486286, 52.145422287219716 ], [ 7.341994982486286, 52.145629009112277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41717_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 50.64365020928237 ], [ 7.34545991286789, 50.64365020928237 ], [ 7.34545991286789, 50.643436586627409 ], [ 7.344304936074021, 50.643436586627409 ], [ 7.344304936074021, 50.64365020928237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41718_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.344304936074021, 50.637953272797411 ], [ 7.34545991286789, 50.637953272797411 ], [ 7.34545991286789, 50.637739624244659 ], [ 7.344304936074021, 50.637739624244659 ], [ 7.344304936074021, 50.637953272797411 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41893_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 53.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.400294197539779 ], [ 7.355598042502952, 53.400294197539779 ], [ 7.355598042502952, 53.400093349235185 ], [ 7.354443065709085, 53.400093349235185 ], [ 7.354443065709085, 53.400294197539779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41894_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 49.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.394937918306596 ], [ 7.355598042502952, 53.394937918306596 ], [ 7.355598042502952, 53.394737044720401 ], [ 7.354443065709085, 53.394737044720401 ], [ 7.354443065709085, 53.394937918306596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41896_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 71.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.384223337219588 ], [ 7.355598042502952, 53.384223337219588 ], [ 7.355598042502952, 53.384022413065928 ], [ 7.354443065709085, 53.384022413065928 ], [ 7.354443065709085, 53.384223337219588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41897_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 82.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.378865035289742 ], [ 7.355598042502952, 53.378865035289742 ], [ 7.355598042502952, 53.378664085850197 ], [ 7.354443065709085, 53.378664085850197 ], [ 7.354443065709085, 53.378865035289742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41898_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.37350605905165 ], [ 7.355598042502952, 53.37350605905165 ], [ 7.355598042502952, 53.373305084324819 ], [ 7.354443065709085, 53.373305084324819 ], [ 7.354443065709085, 53.37350605905165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 53.368950399046078 ], [ 7.349823158533614, 53.368950399046078 ], [ 7.349823158533614, 53.368749402823923 ], [ 7.348668181739745, 53.368749402823923 ], [ 7.348668181739745, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.350978135327481, 53.368347407534579 ], [ 7.352133112121349, 53.368347407534579 ], [ 7.352133112121349, 53.368146408467368 ], [ 7.350978135327481, 53.368146408467368 ], [ 7.350978135327481, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 53.369754374451261 ], [ 7.353288088915216, 53.369754374451261 ], [ 7.353288088915216, 53.369553382022481 ], [ 7.352133112121349, 53.369553382022481 ], [ 7.352133112121349, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 53.370156356463831 ], [ 7.354443065709085, 53.370156356463831 ], [ 7.354443065709085, 53.369955365931716 ], [ 7.353288088915216, 53.369955365931716 ], [ 7.353288088915216, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 61.344352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 53.369352388645353 ], [ 7.354443065709085, 53.369352388645353 ], [ 7.354443065709085, 53.369151394319879 ], [ 7.353288088915216, 53.369151394319879 ], [ 7.353288088915216, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 112.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.370156356463831 ], [ 7.355598042502952, 53.370156356463831 ], [ 7.355598042502952, 53.369955365931716 ], [ 7.354443065709085, 53.369955365931716 ], [ 7.354443065709085, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.369754374451261 ], [ 7.355598042502952, 53.369754374451261 ], [ 7.355598042502952, 53.369553382022481 ], [ 7.354443065709085, 53.369553382022481 ], [ 7.354443065709085, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 88.2325012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.368950399046078 ], [ 7.355598042502952, 53.368950399046078 ], [ 7.355598042502952, 53.368749402823923 ], [ 7.354443065709085, 53.368749402823923 ], [ 7.354443065709085, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 86.4497016 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.368749402823923 ], [ 7.355598042502952, 53.368749402823923 ], [ 7.355598042502952, 53.368548405653428 ], [ 7.354443065709085, 53.368548405653428 ], [ 7.354443065709085, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.368146408467368 ], [ 7.355598042502952, 53.368146408467368 ], [ 7.355598042502952, 53.367945408451817 ], [ 7.354443065709085, 53.367945408451817 ], [ 7.354443065709085, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 70.905934833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.368749402823923 ], [ 7.356753019296821, 53.368749402823923 ], [ 7.356753019296821, 53.368548405653428 ], [ 7.355598042502952, 53.368548405653428 ], [ 7.355598042502952, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.368347407534579 ], [ 7.356753019296821, 53.368347407534579 ], [ 7.356753019296821, 53.368146408467368 ], [ 7.355598042502952, 53.368146408467368 ], [ 7.355598042502952, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41899_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.368146408467368 ], [ 7.356753019296821, 53.368146408467368 ], [ 7.356753019296821, 53.367945408451817 ], [ 7.355598042502952, 53.367945408451817 ], [ 7.355598042502952, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 53.218609079187431 ], [ 7.349823158533614, 53.218609079187431 ], [ 7.349823158533614, 53.218407374311951 ], [ 7.348668181739745, 53.218407374311951 ], [ 7.348668181739745, 53.218609079187431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 124.36103425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 53.216591987690109 ], [ 7.349823158533614, 53.216591987690109 ], [ 7.349823158533614, 53.216390273316243 ], [ 7.348668181739745, 53.216390273316243 ], [ 7.348668181739745, 53.216591987690109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.350978135327481, 53.218003961711517 ], [ 7.352133112121349, 53.218003961711517 ], [ 7.352133112121349, 53.217802253986548 ], [ 7.350978135327481, 53.217802253986548 ], [ 7.350978135327481, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 53.219415889191048 ], [ 7.353288088915216, 53.219415889191048 ], [ 7.353288088915216, 53.219214188114876 ], [ 7.352133112121349, 53.219214188114876 ], [ 7.352133112121349, 53.219415889191048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 53.218205668486647 ], [ 7.353288088915216, 53.218205668486647 ], [ 7.353288088915216, 53.218003961711517 ], [ 7.352133112121349, 53.218003961711517 ], [ 7.352133112121349, 53.218205668486647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 207.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 53.220020986720648 ], [ 7.354443065709085, 53.220020986720648 ], [ 7.354443065709085, 53.21981928849393 ], [ 7.353288088915216, 53.21981928849393 ], [ 7.353288088915216, 53.220020986720648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 134.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 53.219012486088886 ], [ 7.354443065709085, 53.219012486088886 ], [ 7.354443065709085, 53.218810783113071 ], [ 7.353288088915216, 53.218810783113071 ], [ 7.353288088915216, 53.219012486088886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.33333233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 53.217398835687099 ], [ 7.354443065709085, 53.217398835687099 ], [ 7.354443065709085, 53.217197125112619 ], [ 7.353288088915216, 53.217197125112619 ], [ 7.353288088915216, 53.217398835687099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.21981928849393 ], [ 7.355598042502952, 53.21981928849393 ], [ 7.355598042502952, 53.219617589317401 ], [ 7.354443065709085, 53.219617589317401 ], [ 7.354443065709085, 53.21981928849393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.219617589317401 ], [ 7.355598042502952, 53.219617589317401 ], [ 7.355598042502952, 53.219415889191048 ], [ 7.354443065709085, 53.219415889191048 ], [ 7.354443065709085, 53.219617589317401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 138.674243 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.218810783113071 ], [ 7.355598042502952, 53.218810783113071 ], [ 7.355598042502952, 53.218609079187431 ], [ 7.354443065709085, 53.218609079187431 ], [ 7.354443065709085, 53.218810783113071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.02856625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.218407374311951 ], [ 7.355598042502952, 53.218407374311951 ], [ 7.355598042502952, 53.218205668486647 ], [ 7.354443065709085, 53.218205668486647 ], [ 7.354443065709085, 53.218407374311951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 120.41297625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.218003961711517 ], [ 7.355598042502952, 53.218003961711517 ], [ 7.355598042502952, 53.217802253986548 ], [ 7.354443065709085, 53.217802253986548 ], [ 7.354443065709085, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.217802253986548 ], [ 7.355598042502952, 53.217802253986548 ], [ 7.355598042502952, 53.217600545311747 ], [ 7.354443065709085, 53.217600545311747 ], [ 7.354443065709085, 53.217802253986548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 117.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.217197125112619 ], [ 7.355598042502952, 53.217197125112619 ], [ 7.355598042502952, 53.216995413588293 ], [ 7.354443065709085, 53.216995413588293 ], [ 7.354443065709085, 53.217197125112619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 109.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 53.216390273316243 ], [ 7.355598042502952, 53.216390273316243 ], [ 7.355598042502952, 53.216188557992524 ], [ 7.354443065709085, 53.216188557992524 ], [ 7.354443065709085, 53.216390273316243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 115.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.218609079187431 ], [ 7.356753019296821, 53.218609079187431 ], [ 7.356753019296821, 53.218407374311951 ], [ 7.355598042502952, 53.218407374311951 ], [ 7.355598042502952, 53.218609079187431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.44904871428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.218407374311951 ], [ 7.356753019296821, 53.218407374311951 ], [ 7.356753019296821, 53.218205668486647 ], [ 7.355598042502952, 53.218205668486647 ], [ 7.355598042502952, 53.218407374311951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 114.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.218205668486647 ], [ 7.356753019296821, 53.218205668486647 ], [ 7.356753019296821, 53.218003961711517 ], [ 7.355598042502952, 53.218003961711517 ], [ 7.355598042502952, 53.218205668486647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 175.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.218003961711517 ], [ 7.356753019296821, 53.218003961711517 ], [ 7.356753019296821, 53.217802253986548 ], [ 7.355598042502952, 53.217802253986548 ], [ 7.355598042502952, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 106.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.217600545311747 ], [ 7.356753019296821, 53.217600545311747 ], [ 7.356753019296821, 53.217398835687099 ], [ 7.355598042502952, 53.217398835687099 ], [ 7.355598042502952, 53.217600545311747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "41927_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 116.25000225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 53.217398835687099 ], [ 7.356753019296821, 53.217398835687099 ], [ 7.356753019296821, 53.217197125112619 ], [ 7.355598042502952, 53.217197125112619 ], [ 7.355598042502952, 53.217398835687099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42088_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 136.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.344462814021448 ], [ 7.354443065709085, 52.344462814021448 ], [ 7.354443065709085, 52.344257016411461 ], [ 7.353288088915216, 52.344257016411461 ], [ 7.353288088915216, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42088_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.342610601045664 ], [ 7.354443065709085, 52.342610601045664 ], [ 7.354443065709085, 52.342404794814179 ], [ 7.353288088915216, 52.342404794814179 ], [ 7.353288088915216, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42088_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 107.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.343433816392121 ], [ 7.355598042502952, 52.343433816392121 ], [ 7.355598042502952, 52.34322801399243 ], [ 7.354443065709085, 52.34322801399243 ], [ 7.354443065709085, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42088_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.342816406319201 ], [ 7.355598042502952, 52.342816406319201 ], [ 7.355598042502952, 52.342610601045664 ], [ 7.354443065709085, 52.342610601045664 ], [ 7.354443065709085, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42088_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 172.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.343022210634786 ], [ 7.356753019296821, 52.343022210634786 ], [ 7.356753019296821, 52.342816406319201 ], [ 7.355598042502952, 52.342816406319201 ], [ 7.355598042502952, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42088_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.342610601045664 ], [ 7.356753019296821, 52.342610601045664 ], [ 7.356753019296821, 52.342404794814179 ], [ 7.355598042502952, 52.342404794814179 ], [ 7.355598042502952, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42118_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.177865873533008 ], [ 7.354443065709085, 52.177865873533008 ], [ 7.354443065709085, 52.177659301325299 ], [ 7.353288088915216, 52.177659301325299 ], [ 7.353288088915216, 52.177865873533008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42119_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.172356953000666 ], [ 7.354443065709085, 52.172356953000666 ], [ 7.354443065709085, 52.172150355208849 ], [ 7.353288088915216, 52.172150355208849 ], [ 7.353288088915216, 52.172356953000666 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42120_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.166847350209359 ], [ 7.354443065709085, 52.166847350209359 ], [ 7.354443065709085, 52.166640726832178 ], [ 7.353288088915216, 52.166640726832178 ], [ 7.353288088915216, 52.166847350209359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 52.156652786326809 ], [ 7.349823158533614, 52.156652786326809 ], [ 7.349823158533614, 52.156446115613385 ], [ 7.348668181739745, 52.156446115613385 ], [ 7.348668181739745, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.688729333333342 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 52.154586036012049 ], [ 7.349823158533614, 52.154586036012049 ], [ 7.349823158533614, 52.154379355702915 ], [ 7.348668181739745, 52.154379355702915 ], [ 7.348668181739745, 52.154586036012049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 102.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.349823158533614, 52.157272792709719 ], [ 7.350978135327481, 52.157272792709719 ], [ 7.350978135327481, 52.157066124874973 ], [ 7.349823158533614, 52.157066124874973 ], [ 7.349823158533614, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 90.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.350978135327481, 52.156652786326809 ], [ 7.352133112121349, 52.156652786326809 ], [ 7.352133112121349, 52.156446115613385 ], [ 7.350978135327481, 52.156446115613385 ], [ 7.350978135327481, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 52.157892790456629 ], [ 7.353288088915216, 52.157892790456629 ], [ 7.353288088915216, 52.157686125500547 ], [ 7.352133112121349, 52.157686125500547 ], [ 7.352133112121349, 52.157892790456629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 94.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 52.156652786326809 ], [ 7.353288088915216, 52.156652786326809 ], [ 7.353288088915216, 52.156446115613385 ], [ 7.352133112121349, 52.156446115613385 ], [ 7.352133112121349, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 52.155826097715739 ], [ 7.353288088915216, 52.155826097715739 ], [ 7.353288088915216, 52.155619423164048 ], [ 7.352133112121349, 52.155619423164048 ], [ 7.352133112121349, 52.155826097715739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 87.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.158306117490149 ], [ 7.354443065709085, 52.158306117490149 ], [ 7.354443065709085, 52.158099454453158 ], [ 7.353288088915216, 52.158099454453158 ], [ 7.353288088915216, 52.158306117490149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.158099454453158 ], [ 7.354443065709085, 52.158099454453158 ], [ 7.354443065709085, 52.157892790456629 ], [ 7.353288088915216, 52.157892790456629 ], [ 7.353288088915216, 52.158099454453158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.155826097715739 ], [ 7.354443065709085, 52.155826097715739 ], [ 7.354443065709085, 52.155619423164048 ], [ 7.353288088915216, 52.155619423164048 ], [ 7.353288088915216, 52.155826097715739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.158306117490149 ], [ 7.355598042502952, 52.158306117490149 ], [ 7.355598042502952, 52.158099454453158 ], [ 7.354443065709085, 52.158099454453158 ], [ 7.354443065709085, 52.158306117490149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 106.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.158099454453158 ], [ 7.355598042502952, 52.158099454453158 ], [ 7.355598042502952, 52.157892790456629 ], [ 7.354443065709085, 52.157892790456629 ], [ 7.354443065709085, 52.158099454453158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 95.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.157272792709719 ], [ 7.355598042502952, 52.157272792709719 ], [ 7.355598042502952, 52.157066124874973 ], [ 7.354443065709085, 52.157066124874973 ], [ 7.354443065709085, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 106.33333233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.157066124874973 ], [ 7.355598042502952, 52.157066124874973 ], [ 7.355598042502952, 52.156859456080674 ], [ 7.354443065709085, 52.156859456080674 ], [ 7.354443065709085, 52.157066124874973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 93.318549 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.154999393751567 ], [ 7.355598042502952, 52.154999393751567 ], [ 7.355598042502952, 52.154792715361594 ], [ 7.354443065709085, 52.154792715361594 ], [ 7.354443065709085, 52.154999393751567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.224098666666649 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.154379355702915 ], [ 7.355598042502952, 52.154379355702915 ], [ 7.355598042502952, 52.154172674434214 ], [ 7.354443065709085, 52.154172674434214 ], [ 7.354443065709085, 52.154379355702915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 112.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.157272792709719 ], [ 7.356753019296821, 52.157272792709719 ], [ 7.356753019296821, 52.157066124874973 ], [ 7.355598042502952, 52.157066124874973 ], [ 7.355598042502952, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 91.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.156652786326809 ], [ 7.356753019296821, 52.156652786326809 ], [ 7.356753019296821, 52.156446115613385 ], [ 7.355598042502952, 52.156446115613385 ], [ 7.355598042502952, 52.156652786326809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 94.796976166666653 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.156446115613385 ], [ 7.356753019296821, 52.156446115613385 ], [ 7.356753019296821, 52.156239443940407 ], [ 7.355598042502952, 52.156239443940407 ], [ 7.355598042502952, 52.156446115613385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42122_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 93.910312142857137 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.156239443940407 ], [ 7.356753019296821, 52.156239443940407 ], [ 7.356753019296821, 52.156032771307849 ], [ 7.355598042502952, 52.156032771307849 ], [ 7.355598042502952, 52.156239443940407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 52.151141238913532 ], [ 7.349823158533614, 52.151141238913532 ], [ 7.349823158533614, 52.150934542611168 ], [ 7.348668181739745, 52.150934542611168 ], [ 7.348668181739745, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.09615575000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348668181739745, 52.149074232707193 ], [ 7.349823158533614, 52.149074232707193 ], [ 7.349823158533614, 52.148867526808658 ], [ 7.348668181739745, 52.148867526808658 ], [ 7.348668181739745, 52.149074232707193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.349823158533614, 52.151761322062995 ], [ 7.350978135327481, 52.151761322062995 ], [ 7.350978135327481, 52.151554628639445 ], [ 7.349823158533614, 52.151554628639445 ], [ 7.349823158533614, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 85.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.350978135327481, 52.151141238913532 ], [ 7.352133112121349, 52.151141238913532 ], [ 7.352133112121349, 52.150934542611168 ], [ 7.350978135327481, 52.150934542611168 ], [ 7.350978135327481, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 52.152381396576033 ], [ 7.353288088915216, 52.152381396576033 ], [ 7.353288088915216, 52.152174706031289 ], [ 7.352133112121349, 52.152174706031289 ], [ 7.352133112121349, 52.152381396576033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 90.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 52.151141238913532 ], [ 7.353288088915216, 52.151141238913532 ], [ 7.353288088915216, 52.150934542611168 ], [ 7.352133112121349, 52.150934542611168 ], [ 7.352133112121349, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.352133112121349, 52.1503144479464 ], [ 7.353288088915216, 52.1503144479464 ], [ 7.353288088915216, 52.150107747805578 ], [ 7.352133112121349, 52.150107747805578 ], [ 7.352133112121349, 52.1503144479464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.152794774786734 ], [ 7.354443065709085, 52.152794774786734 ], [ 7.354443065709085, 52.152588086161174 ], [ 7.353288088915216, 52.152588086161174 ], [ 7.353288088915216, 52.152794774786734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.152588086161174 ], [ 7.354443065709085, 52.152588086161174 ], [ 7.354443065709085, 52.152381396576033 ], [ 7.353288088915216, 52.152381396576033 ], [ 7.353288088915216, 52.152588086161174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 94.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 52.1503144479464 ], [ 7.354443065709085, 52.1503144479464 ], [ 7.354443065709085, 52.150107747805578 ], [ 7.353288088915216, 52.150107747805578 ], [ 7.353288088915216, 52.1503144479464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_5_4", "Weekday": 5, "hour": 4, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.152794774786734 ], [ 7.355598042502952, 52.152794774786734 ], [ 7.355598042502952, 52.152588086161174 ], [ 7.354443065709085, 52.152588086161174 ], [ 7.354443065709085, 52.152794774786734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.152588086161174 ], [ 7.355598042502952, 52.152588086161174 ], [ 7.355598042502952, 52.152381396576033 ], [ 7.354443065709085, 52.152381396576033 ], [ 7.354443065709085, 52.152588086161174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 92.18466 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.151761322062995 ], [ 7.355598042502952, 52.151761322062995 ], [ 7.355598042502952, 52.151554628639445 ], [ 7.354443065709085, 52.151554628639445 ], [ 7.354443065709085, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 105.49940866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.151554628639445 ], [ 7.355598042502952, 52.151554628639445 ], [ 7.355598042502952, 52.151347934256293 ], [ 7.354443065709085, 52.151347934256293 ], [ 7.354443065709085, 52.151554628639445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 94.333333666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.149487641625413 ], [ 7.355598042502952, 52.149487641625413 ], [ 7.355598042502952, 52.149280937646125 ], [ 7.354443065709085, 52.149280937646125 ], [ 7.354443065709085, 52.149487641625413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 91.687404250000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.354443065709085, 52.148867526808658 ], [ 7.355598042502952, 52.148867526808658 ], [ 7.355598042502952, 52.148660819950486 ], [ 7.354443065709085, 52.148660819950486 ], [ 7.354443065709085, 52.148867526808658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.14953166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.151761322062995 ], [ 7.356753019296821, 52.151761322062995 ], [ 7.356753019296821, 52.151554628639445 ], [ 7.355598042502952, 52.151554628639445 ], [ 7.355598042502952, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.151141238913532 ], [ 7.356753019296821, 52.151141238913532 ], [ 7.356753019296821, 52.150934542611168 ], [ 7.355598042502952, 52.150934542611168 ], [ 7.355598042502952, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 93.088732571428565 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.150934542611168 ], [ 7.356753019296821, 52.150934542611168 ], [ 7.356753019296821, 52.150727845349181 ], [ 7.355598042502952, 52.150727845349181 ], [ 7.355598042502952, 52.150934542611168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42123_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.7499985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.355598042502952, 52.150727845349181 ], [ 7.356753019296821, 52.150727845349181 ], [ 7.356753019296821, 52.150521147127598 ], [ 7.355598042502952, 52.150521147127598 ], [ 7.355598042502952, 52.150727845349181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42393_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.353288088915216, 50.637953272797411 ], [ 7.354443065709085, 50.637953272797411 ], [ 7.354443065709085, 50.637739624244659 ], [ 7.353288088915216, 50.637739624244659 ], [ 7.353288088915216, 50.637953272797411 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42567_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 54.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.4056498026168 ], [ 7.364581195344147, 53.4056498026168 ], [ 7.364581195344147, 53.405448979592379 ], [ 7.36342621855028, 53.405448979592379 ], [ 7.36342621855028, 53.4056498026168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42568_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 54.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.400294197539779 ], [ 7.364581195344147, 53.400294197539779 ], [ 7.364581195344147, 53.400093349235185 ], [ 7.36342621855028, 53.400093349235185 ], [ 7.36342621855028, 53.400294197539779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 53.368950399046078 ], [ 7.358806311374809, 53.368950399046078 ], [ 7.358806311374809, 53.368749402823923 ], [ 7.35765133458094, 53.368749402823923 ], [ 7.35765133458094, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.359961288168676, 53.368347407534579 ], [ 7.361116264962543, 53.368347407534579 ], [ 7.361116264962543, 53.368146408467368 ], [ 7.359961288168676, 53.368146408467368 ], [ 7.359961288168676, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 53.369754374451261 ], [ 7.362271241756411, 53.369754374451261 ], [ 7.362271241756411, 53.369553382022481 ], [ 7.361116264962543, 53.369553382022481 ], [ 7.361116264962543, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 53.370156356463831 ], [ 7.36342621855028, 53.370156356463831 ], [ 7.36342621855028, 53.369955365931716 ], [ 7.362271241756411, 53.369955365931716 ], [ 7.362271241756411, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 65.6171175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 53.369352388645353 ], [ 7.36342621855028, 53.369352388645353 ], [ 7.36342621855028, 53.369151394319879 ], [ 7.362271241756411, 53.369151394319879 ], [ 7.362271241756411, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.370156356463831 ], [ 7.364581195344147, 53.370156356463831 ], [ 7.364581195344147, 53.369955365931716 ], [ 7.36342621855028, 53.369955365931716 ], [ 7.36342621855028, 53.370156356463831 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.369754374451261 ], [ 7.364581195344147, 53.369754374451261 ], [ 7.364581195344147, 53.369553382022481 ], [ 7.36342621855028, 53.369553382022481 ], [ 7.36342621855028, 53.369754374451261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 83.1999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.368950399046078 ], [ 7.364581195344147, 53.368950399046078 ], [ 7.364581195344147, 53.368749402823923 ], [ 7.36342621855028, 53.368749402823923 ], [ 7.36342621855028, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 86.4645774 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.368749402823923 ], [ 7.364581195344147, 53.368749402823923 ], [ 7.364581195344147, 53.368548405653428 ], [ 7.36342621855028, 53.368548405653428 ], [ 7.36342621855028, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.368146408467368 ], [ 7.364581195344147, 53.368146408467368 ], [ 7.364581195344147, 53.367945408451817 ], [ 7.36342621855028, 53.367945408451817 ], [ 7.36342621855028, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 85.3760682 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.368749402823923 ], [ 7.365736172138015, 53.368749402823923 ], [ 7.365736172138015, 53.368548405653428 ], [ 7.364581195344147, 53.368548405653428 ], [ 7.364581195344147, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.368347407534579 ], [ 7.365736172138015, 53.368347407534579 ], [ 7.365736172138015, 53.368146408467368 ], [ 7.364581195344147, 53.368146408467368 ], [ 7.364581195344147, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42574_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.368146408467368 ], [ 7.365736172138015, 53.368146408467368 ], [ 7.365736172138015, 53.367945408451817 ], [ 7.364581195344147, 53.367945408451817 ], [ 7.364581195344147, 53.368146408467368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 53.221970687277626 ], [ 7.358806311374809, 53.221970687277626 ], [ 7.358806311374809, 53.221768998232378 ], [ 7.35765133458094, 53.221768998232378 ], [ 7.35765133458094, 53.221970687277626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.359961288168676, 53.223382484000268 ], [ 7.361116264962543, 53.223382484000268 ], [ 7.361116264962543, 53.22318080160354 ], [ 7.359961288168676, 53.22318080160354 ], [ 7.359961288168676, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 53.222777433960722 ], [ 7.36342621855028, 53.222777433960722 ], [ 7.36342621855028, 53.222575748714632 ], [ 7.362271241756411, 53.222575748714632 ], [ 7.362271241756411, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.223785845944391 ], [ 7.364581195344147, 53.223785845944391 ], [ 7.364581195344147, 53.223584165447214 ], [ 7.36342621855028, 53.223584165447214 ], [ 7.36342621855028, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.222575748714632 ], [ 7.364581195344147, 53.222575748714632 ], [ 7.364581195344147, 53.222374062518767 ], [ 7.36342621855028, 53.222374062518767 ], [ 7.36342621855028, 53.222575748714632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 112.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.223987525491779 ], [ 7.365736172138015, 53.223987525491779 ], [ 7.365736172138015, 53.223785845944391 ], [ 7.364581195344147, 53.223785845944391 ], [ 7.364581195344147, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.499998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.223785845944391 ], [ 7.365736172138015, 53.223785845944391 ], [ 7.365736172138015, 53.223584165447214 ], [ 7.364581195344147, 53.223584165447214 ], [ 7.364581195344147, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 79.839998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.223584165447214 ], [ 7.365736172138015, 53.223584165447214 ], [ 7.365736172138015, 53.223382484000268 ], [ 7.364581195344147, 53.223382484000268 ], [ 7.364581195344147, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.223382484000268 ], [ 7.365736172138015, 53.223382484000268 ], [ 7.365736172138015, 53.22318080160354 ], [ 7.364581195344147, 53.22318080160354 ], [ 7.364581195344147, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42601_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.22297911825703 ], [ 7.365736172138015, 53.22297911825703 ], [ 7.365736172138015, 53.222777433960722 ], [ 7.364581195344147, 53.222777433960722 ], [ 7.364581195344147, 53.22297911825703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 53.218609079187431 ], [ 7.358806311374809, 53.218609079187431 ], [ 7.358806311374809, 53.218407374311951 ], [ 7.35765133458094, 53.218407374311951 ], [ 7.35765133458094, 53.218609079187431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 53.216591987690109 ], [ 7.358806311374809, 53.216591987690109 ], [ 7.358806311374809, 53.216390273316243 ], [ 7.35765133458094, 53.216390273316243 ], [ 7.35765133458094, 53.216591987690109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.359961288168676, 53.218003961711517 ], [ 7.361116264962543, 53.218003961711517 ], [ 7.361116264962543, 53.217802253986548 ], [ 7.359961288168676, 53.217802253986548 ], [ 7.359961288168676, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 53.219415889191048 ], [ 7.362271241756411, 53.219415889191048 ], [ 7.362271241756411, 53.219214188114876 ], [ 7.361116264962543, 53.219214188114876 ], [ 7.361116264962543, 53.219415889191048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 53.218205668486647 ], [ 7.362271241756411, 53.218205668486647 ], [ 7.362271241756411, 53.218003961711517 ], [ 7.361116264962543, 53.218003961711517 ], [ 7.361116264962543, 53.218205668486647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 208.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 53.220020986720648 ], [ 7.36342621855028, 53.220020986720648 ], [ 7.36342621855028, 53.21981928849393 ], [ 7.362271241756411, 53.21981928849393 ], [ 7.362271241756411, 53.220020986720648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 132.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 53.219012486088886 ], [ 7.36342621855028, 53.219012486088886 ], [ 7.36342621855028, 53.218810783113071 ], [ 7.362271241756411, 53.218810783113071 ], [ 7.362271241756411, 53.219012486088886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 142.666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 53.217398835687099 ], [ 7.36342621855028, 53.217398835687099 ], [ 7.36342621855028, 53.217197125112619 ], [ 7.362271241756411, 53.217197125112619 ], [ 7.362271241756411, 53.217398835687099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 114.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.21981928849393 ], [ 7.364581195344147, 53.21981928849393 ], [ 7.364581195344147, 53.219617589317401 ], [ 7.36342621855028, 53.219617589317401 ], [ 7.36342621855028, 53.21981928849393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 127.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.219617589317401 ], [ 7.364581195344147, 53.219617589317401 ], [ 7.364581195344147, 53.219415889191048 ], [ 7.36342621855028, 53.219415889191048 ], [ 7.36342621855028, 53.219617589317401 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 136.688918 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.218810783113071 ], [ 7.364581195344147, 53.218810783113071 ], [ 7.364581195344147, 53.218609079187431 ], [ 7.36342621855028, 53.218609079187431 ], [ 7.36342621855028, 53.218810783113071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 126.96131116666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.218407374311951 ], [ 7.364581195344147, 53.218407374311951 ], [ 7.364581195344147, 53.218205668486647 ], [ 7.36342621855028, 53.218205668486647 ], [ 7.36342621855028, 53.218407374311951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 145.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.218003961711517 ], [ 7.364581195344147, 53.218003961711517 ], [ 7.364581195344147, 53.217802253986548 ], [ 7.36342621855028, 53.217802253986548 ], [ 7.36342621855028, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.217802253986548 ], [ 7.364581195344147, 53.217802253986548 ], [ 7.364581195344147, 53.217600545311747 ], [ 7.36342621855028, 53.217600545311747 ], [ 7.36342621855028, 53.217802253986548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 115.66666833333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.217197125112619 ], [ 7.364581195344147, 53.217197125112619 ], [ 7.364581195344147, 53.216995413588293 ], [ 7.36342621855028, 53.216995413588293 ], [ 7.36342621855028, 53.217197125112619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 107.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 53.216390273316243 ], [ 7.364581195344147, 53.216390273316243 ], [ 7.364581195344147, 53.216188557992524 ], [ 7.36342621855028, 53.216188557992524 ], [ 7.36342621855028, 53.216390273316243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 116.99743046153846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.218609079187431 ], [ 7.365736172138015, 53.218609079187431 ], [ 7.365736172138015, 53.218407374311951 ], [ 7.364581195344147, 53.218407374311951 ], [ 7.364581195344147, 53.218609079187431 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 124.7700595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.218407374311951 ], [ 7.365736172138015, 53.218407374311951 ], [ 7.365736172138015, 53.218205668486647 ], [ 7.364581195344147, 53.218205668486647 ], [ 7.364581195344147, 53.218407374311951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 103.3584555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.218205668486647 ], [ 7.365736172138015, 53.218205668486647 ], [ 7.365736172138015, 53.218003961711517 ], [ 7.364581195344147, 53.218003961711517 ], [ 7.364581195344147, 53.218205668486647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.218003961711517 ], [ 7.365736172138015, 53.218003961711517 ], [ 7.365736172138015, 53.217802253986548 ], [ 7.364581195344147, 53.217802253986548 ], [ 7.364581195344147, 53.218003961711517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.217600545311747 ], [ 7.365736172138015, 53.217600545311747 ], [ 7.365736172138015, 53.217398835687099 ], [ 7.364581195344147, 53.217398835687099 ], [ 7.364581195344147, 53.217600545311747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42602_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 116.68844625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 53.217398835687099 ], [ 7.365736172138015, 53.217398835687099 ], [ 7.365736172138015, 53.217197125112619 ], [ 7.364581195344147, 53.217197125112619 ], [ 7.364581195344147, 53.217398835687099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42763_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.55971533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.344462814021448 ], [ 7.36342621855028, 52.344462814021448 ], [ 7.36342621855028, 52.344257016411461 ], [ 7.362271241756411, 52.344257016411461 ], [ 7.362271241756411, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42763_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.342610601045664 ], [ 7.36342621855028, 52.342610601045664 ], [ 7.36342621855028, 52.342404794814179 ], [ 7.362271241756411, 52.342404794814179 ], [ 7.362271241756411, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42763_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 106.0000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.343433816392121 ], [ 7.364581195344147, 52.343433816392121 ], [ 7.364581195344147, 52.34322801399243 ], [ 7.36342621855028, 52.34322801399243 ], [ 7.36342621855028, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42763_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.342816406319201 ], [ 7.364581195344147, 52.342816406319201 ], [ 7.364581195344147, 52.342610601045664 ], [ 7.36342621855028, 52.342610601045664 ], [ 7.36342621855028, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42763_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.343022210634786 ], [ 7.365736172138015, 52.343022210634786 ], [ 7.365736172138015, 52.342816406319201 ], [ 7.364581195344147, 52.342816406319201 ], [ 7.364581195344147, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42763_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 179.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.342610601045664 ], [ 7.365736172138015, 52.342610601045664 ], [ 7.365736172138015, 52.342404794814179 ], [ 7.364581195344147, 52.342404794814179 ], [ 7.364581195344147, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42790_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.194388541912076 ], [ 7.36342621855028, 52.194388541912076 ], [ 7.36342621855028, 52.194182046449129 ], [ 7.362271241756411, 52.194182046449129 ], [ 7.362271241756411, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42791_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.18888166795513 ], [ 7.36342621855028, 52.18888166795513 ], [ 7.36342621855028, 52.188675146911841 ], [ 7.362271241756411, 52.188675146911841 ], [ 7.362271241756411, 52.18888166795513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42792_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.183374111839981 ], [ 7.36342621855028, 52.183374111839981 ], [ 7.36342621855028, 52.183167565215101 ], [ 7.362271241756411, 52.183167565215101 ], [ 7.362271241756411, 52.183374111839981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 52.151141238913532 ], [ 7.358806311374809, 52.151141238913532 ], [ 7.358806311374809, 52.150934542611168 ], [ 7.35765133458094, 52.150934542611168 ], [ 7.35765133458094, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.767082 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 52.149074232707193 ], [ 7.358806311374809, 52.149074232707193 ], [ 7.358806311374809, 52.148867526808658 ], [ 7.35765133458094, 52.148867526808658 ], [ 7.35765133458094, 52.149074232707193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.358806311374809, 52.151761322062995 ], [ 7.359961288168676, 52.151761322062995 ], [ 7.359961288168676, 52.151554628639445 ], [ 7.358806311374809, 52.151554628639445 ], [ 7.358806311374809, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.359961288168676, 52.151141238913532 ], [ 7.361116264962543, 52.151141238913532 ], [ 7.361116264962543, 52.150934542611168 ], [ 7.359961288168676, 52.150934542611168 ], [ 7.359961288168676, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.152381396576033 ], [ 7.362271241756411, 52.152381396576033 ], [ 7.362271241756411, 52.152174706031289 ], [ 7.361116264962543, 52.152174706031289 ], [ 7.361116264962543, 52.152381396576033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.151141238913532 ], [ 7.362271241756411, 52.151141238913532 ], [ 7.362271241756411, 52.150934542611168 ], [ 7.361116264962543, 52.150934542611168 ], [ 7.361116264962543, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.1503144479464 ], [ 7.362271241756411, 52.1503144479464 ], [ 7.362271241756411, 52.150107747805578 ], [ 7.361116264962543, 52.150107747805578 ], [ 7.361116264962543, 52.1503144479464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 84.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.153001462452693 ], [ 7.36342621855028, 52.153001462452693 ], [ 7.36342621855028, 52.152794774786734 ], [ 7.362271241756411, 52.152794774786734 ], [ 7.362271241756411, 52.153001462452693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.152588086161174 ], [ 7.36342621855028, 52.152588086161174 ], [ 7.36342621855028, 52.152381396576033 ], [ 7.362271241756411, 52.152381396576033 ], [ 7.362271241756411, 52.152588086161174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.1503144479464 ], [ 7.36342621855028, 52.1503144479464 ], [ 7.36342621855028, 52.150107747805578 ], [ 7.362271241756411, 52.150107747805578 ], [ 7.362271241756411, 52.1503144479464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.153001462452693 ], [ 7.364581195344147, 52.153001462452693 ], [ 7.364581195344147, 52.152794774786734 ], [ 7.36342621855028, 52.152794774786734 ], [ 7.36342621855028, 52.153001462452693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.152588086161174 ], [ 7.364581195344147, 52.152588086161174 ], [ 7.364581195344147, 52.152381396576033 ], [ 7.36342621855028, 52.152381396576033 ], [ 7.36342621855028, 52.152588086161174 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 95.8519015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.151761322062995 ], [ 7.364581195344147, 52.151761322062995 ], [ 7.364581195344147, 52.151554628639445 ], [ 7.36342621855028, 52.151554628639445 ], [ 7.36342621855028, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 103.33333233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.151554628639445 ], [ 7.364581195344147, 52.151554628639445 ], [ 7.364581195344147, 52.151347934256293 ], [ 7.36342621855028, 52.151347934256293 ], [ 7.36342621855028, 52.151554628639445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 95.99999866666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.149487641625413 ], [ 7.364581195344147, 52.149487641625413 ], [ 7.364581195344147, 52.149280937646125 ], [ 7.36342621855028, 52.149280937646125 ], [ 7.36342621855028, 52.149487641625413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.843305666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.148867526808658 ], [ 7.364581195344147, 52.148867526808658 ], [ 7.364581195344147, 52.148660819950486 ], [ 7.36342621855028, 52.148660819950486 ], [ 7.36342621855028, 52.148867526808658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.151761322062995 ], [ 7.365736172138015, 52.151761322062995 ], [ 7.365736172138015, 52.151554628639445 ], [ 7.364581195344147, 52.151554628639445 ], [ 7.364581195344147, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 71.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.151141238913532 ], [ 7.365736172138015, 52.151141238913532 ], [ 7.365736172138015, 52.150934542611168 ], [ 7.364581195344147, 52.150934542611168 ], [ 7.364581195344147, 52.151141238913532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 92.3999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.150934542611168 ], [ 7.365736172138015, 52.150934542611168 ], [ 7.365736172138015, 52.150727845349181 ], [ 7.364581195344147, 52.150727845349181 ], [ 7.364581195344147, 52.150934542611168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42798_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 97.711416 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.150727845349181 ], [ 7.365736172138015, 52.150727845349181 ], [ 7.365736172138015, 52.150521147127598 ], [ 7.364581195344147, 52.150521147127598 ], [ 7.364581195344147, 52.150727845349181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 68.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 52.145629009112277 ], [ 7.358806311374809, 52.145629009112277 ], [ 7.358806311374809, 52.145422287219716 ], [ 7.35765133458094, 52.145422287219716 ], [ 7.35765133458094, 52.145629009112277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.8963588 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 52.143561747001833 ], [ 7.358806311374809, 52.143561747001833 ], [ 7.358806311374809, 52.143355015512618 ], [ 7.35765133458094, 52.143355015512618 ], [ 7.35765133458094, 52.143561747001833 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 83.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.358806311374809, 52.14624916903206 ], [ 7.359961288168676, 52.14624916903206 ], [ 7.359961288168676, 52.146042450018456 ], [ 7.358806311374809, 52.146042450018456 ], [ 7.358806311374809, 52.14624916903206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.359961288168676, 52.145629009112277 ], [ 7.361116264962543, 52.145629009112277 ], [ 7.361116264962543, 52.145422287219716 ], [ 7.359961288168676, 52.145422287219716 ], [ 7.359961288168676, 52.145629009112277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.146869320314991 ], [ 7.362271241756411, 52.146869320314991 ], [ 7.362271241756411, 52.146662604180328 ], [ 7.361116264962543, 52.146662604180328 ], [ 7.361116264962543, 52.146869320314991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.145629009112277 ], [ 7.362271241756411, 52.145629009112277 ], [ 7.362271241756411, 52.145422287219716 ], [ 7.361116264962543, 52.145422287219716 ], [ 7.361116264962543, 52.145629009112277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 108.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.14480211578406 ], [ 7.362271241756411, 52.14480211578406 ], [ 7.362271241756411, 52.144595390052856 ], [ 7.361116264962543, 52.144595390052856 ], [ 7.361116264962543, 52.14480211578406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.147489462961119 ], [ 7.36342621855028, 52.147489462961119 ], [ 7.36342621855028, 52.147282749705383 ], [ 7.362271241756411, 52.147282749705383 ], [ 7.362271241756411, 52.147489462961119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.147076035490009 ], [ 7.36342621855028, 52.147076035490009 ], [ 7.36342621855028, 52.146869320314991 ], [ 7.362271241756411, 52.146869320314991 ], [ 7.362271241756411, 52.147076035490009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 99.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.14480211578406 ], [ 7.36342621855028, 52.14480211578406 ], [ 7.36342621855028, 52.144595390052856 ], [ 7.362271241756411, 52.144595390052856 ], [ 7.362271241756411, 52.14480211578406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.147489462961119 ], [ 7.364581195344147, 52.147489462961119 ], [ 7.364581195344147, 52.147282749705383 ], [ 7.36342621855028, 52.147282749705383 ], [ 7.36342621855028, 52.147489462961119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.147076035490009 ], [ 7.364581195344147, 52.147076035490009 ], [ 7.364581195344147, 52.146869320314991 ], [ 7.36342621855028, 52.146869320314991 ], [ 7.36342621855028, 52.147076035490009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 99.4740624 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.14624916903206 ], [ 7.364581195344147, 52.14624916903206 ], [ 7.364581195344147, 52.146042450018456 ], [ 7.36342621855028, 52.146042450018456 ], [ 7.36342621855028, 52.14624916903206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 102.20266975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.146042450018456 ], [ 7.364581195344147, 52.146042450018456 ], [ 7.364581195344147, 52.145835730045199 ], [ 7.36342621855028, 52.145835730045199 ], [ 7.36342621855028, 52.146042450018456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 99.9999986 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.143975207101249 ], [ 7.364581195344147, 52.143975207101249 ], [ 7.364581195344147, 52.143768477531374 ], [ 7.36342621855028, 52.143768477531374 ], [ 7.36342621855028, 52.143975207101249 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 96.1172164 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.143355015512618 ], [ 7.364581195344147, 52.143355015512618 ], [ 7.364581195344147, 52.143148283063724 ], [ 7.36342621855028, 52.143148283063724 ], [ 7.36342621855028, 52.143355015512618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.1035932 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.14624916903206 ], [ 7.365736172138015, 52.14624916903206 ], [ 7.365736172138015, 52.146042450018456 ], [ 7.364581195344147, 52.146042450018456 ], [ 7.364581195344147, 52.14624916903206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.145629009112277 ], [ 7.365736172138015, 52.145629009112277 ], [ 7.365736172138015, 52.145422287219716 ], [ 7.364581195344147, 52.145422287219716 ], [ 7.364581195344147, 52.145629009112277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 82.1666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.145422287219716 ], [ 7.365736172138015, 52.145422287219716 ], [ 7.365736172138015, 52.14521556436749 ], [ 7.364581195344147, 52.14521556436749 ], [ 7.364581195344147, 52.145422287219716 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42799_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 100.421718375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.14521556436749 ], [ 7.365736172138015, 52.14521556436749 ], [ 7.365736172138015, 52.145008840555612 ], [ 7.364581195344147, 52.145008840555612 ], [ 7.364581195344147, 52.14521556436749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 68.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 52.140116096889592 ], [ 7.358806311374809, 52.140116096889592 ], [ 7.358806311374809, 52.139909349405571 ], [ 7.35765133458094, 52.139909349405571 ], [ 7.35765133458094, 52.140116096889592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 100.0043422 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35765133458094, 52.138048578862481 ], [ 7.358806311374809, 52.138048578862481 ], [ 7.358806311374809, 52.137841821781336 ], [ 7.35765133458094, 52.137841821781336 ], [ 7.35765133458094, 52.138048578862481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.358806311374809, 52.140736333583448 ], [ 7.359961288168676, 52.140736333583448 ], [ 7.359961288168676, 52.140529588978531 ], [ 7.358806311374809, 52.140529588978531 ], [ 7.358806311374809, 52.140736333583448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.359961288168676, 52.140116096889592 ], [ 7.361116264962543, 52.140116096889592 ], [ 7.361116264962543, 52.139909349405571 ], [ 7.359961288168676, 52.139909349405571 ], [ 7.359961288168676, 52.140116096889592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 78.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.141356561640038 ], [ 7.362271241756411, 52.141356561640038 ], [ 7.362271241756411, 52.141149819914204 ], [ 7.361116264962543, 52.141149819914204 ], [ 7.361116264962543, 52.141356561640038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 94.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.140116096889592 ], [ 7.362271241756411, 52.140116096889592 ], [ 7.362271241756411, 52.139909349405571 ], [ 7.361116264962543, 52.139909349405571 ], [ 7.361116264962543, 52.140116096889592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.361116264962543, 52.139289101195274 ], [ 7.362271241756411, 52.139289101195274 ], [ 7.362271241756411, 52.139082349872425 ], [ 7.361116264962543, 52.139082349872425 ], [ 7.361116264962543, 52.139289101195274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 84.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.141976781059405 ], [ 7.36342621855028, 52.141976781059405 ], [ 7.36342621855028, 52.141770042212634 ], [ 7.362271241756411, 52.141770042212634 ], [ 7.362271241756411, 52.141976781059405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.141563302406183 ], [ 7.36342621855028, 52.141563302406183 ], [ 7.36342621855028, 52.141356561640038 ], [ 7.362271241756411, 52.141356561640038 ], [ 7.362271241756411, 52.141563302406183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 89.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 52.139289101195274 ], [ 7.36342621855028, 52.139289101195274 ], [ 7.36342621855028, 52.139082349872425 ], [ 7.362271241756411, 52.139082349872425 ], [ 7.362271241756411, 52.139289101195274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 117.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.141976781059405 ], [ 7.364581195344147, 52.141976781059405 ], [ 7.364581195344147, 52.141770042212634 ], [ 7.36342621855028, 52.141770042212634 ], [ 7.36342621855028, 52.141976781059405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.141563302406183 ], [ 7.364581195344147, 52.141563302406183 ], [ 7.364581195344147, 52.141356561640038 ], [ 7.36342621855028, 52.141356561640038 ], [ 7.36342621855028, 52.141563302406183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 94.777756 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.140736333583448 ], [ 7.364581195344147, 52.140736333583448 ], [ 7.364581195344147, 52.140529588978531 ], [ 7.36342621855028, 52.140529588978531 ], [ 7.36342621855028, 52.140736333583448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 101.7660878 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.140529588978531 ], [ 7.364581195344147, 52.140529588978531 ], [ 7.364581195344147, 52.140322843413905 ], [ 7.36342621855028, 52.140322843413905 ], [ 7.36342621855028, 52.140529588978531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 104.99999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.138462090145602 ], [ 7.364581195344147, 52.138462090145602 ], [ 7.364581195344147, 52.138255334983903 ], [ 7.36342621855028, 52.138255334983903 ], [ 7.36342621855028, 52.138462090145602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 103.0951455 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.36342621855028, 52.137841821781336 ], [ 7.364581195344147, 52.137841821781336 ], [ 7.364581195344147, 52.137635063740476 ], [ 7.36342621855028, 52.137635063740476 ], [ 7.36342621855028, 52.137841821781336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 113.99999933333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.140736333583448 ], [ 7.365736172138015, 52.140736333583448 ], [ 7.365736172138015, 52.140529588978531 ], [ 7.364581195344147, 52.140529588978531 ], [ 7.364581195344147, 52.140736333583448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.140116096889592 ], [ 7.365736172138015, 52.140116096889592 ], [ 7.365736172138015, 52.139909349405571 ], [ 7.364581195344147, 52.139909349405571 ], [ 7.364581195344147, 52.140116096889592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.139909349405571 ], [ 7.365736172138015, 52.139909349405571 ], [ 7.365736172138015, 52.13970260096184 ], [ 7.364581195344147, 52.13970260096184 ], [ 7.364581195344147, 52.139909349405571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "42800_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 105.22928725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.364581195344147, 52.13970260096184 ], [ 7.365736172138015, 52.13970260096184 ], [ 7.365736172138015, 52.139495851558408 ], [ 7.364581195344147, 52.139495851558408 ], [ 7.364581195344147, 52.13970260096184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43068_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.362271241756411, 50.637953272797411 ], [ 7.36342621855028, 50.637953272797411 ], [ 7.36342621855028, 50.637739624244659 ], [ 7.362271241756411, 50.637739624244659 ], [ 7.362271241756411, 50.637953272797411 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43241_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 53.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.41100473357573 ], [ 7.373564348185343, 53.41100473357573 ], [ 7.373564348185343, 53.410803935830039 ], [ 7.372409371391475, 53.410803935830039 ], [ 7.372409371391475, 53.41100473357573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43242_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 51.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.4056498026168 ], [ 7.373564348185343, 53.4056498026168 ], [ 7.373564348185343, 53.405448979592379 ], [ 7.372409371391475, 53.405448979592379 ], [ 7.372409371391475, 53.4056498026168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43249_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 53.368347407534579 ], [ 7.370099417803739, 53.368347407534579 ], [ 7.370099417803739, 53.368146408467368 ], [ 7.368944441009871, 53.368146408467368 ], [ 7.368944441009871, 53.368347407534579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43249_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 65.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 53.369352388645353 ], [ 7.372409371391475, 53.369352388645353 ], [ 7.372409371391475, 53.369151394319879 ], [ 7.371254394597607, 53.369151394319879 ], [ 7.371254394597607, 53.369352388645353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43249_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.368749402823923 ], [ 7.373564348185343, 53.368749402823923 ], [ 7.373564348185343, 53.368548405653428 ], [ 7.372409371391475, 53.368548405653428 ], [ 7.372409371391475, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 53.36359017523769 ], [ 7.367789464216004, 53.36359017523769 ], [ 7.367789464216004, 53.363389153725599 ], [ 7.366634487422135, 53.363389153725599 ], [ 7.366634487422135, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 53.362987107856235 ], [ 7.370099417803739, 53.362987107856235 ], [ 7.370099417803739, 53.362786083498946 ], [ 7.368944441009871, 53.362786083498946 ], [ 7.368944441009871, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 53.364394251802061 ], [ 7.371254394597607, 53.364394251802061 ], [ 7.371254394597607, 53.364193234083558 ], [ 7.370099417803739, 53.364193234083558 ], [ 7.370099417803739, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 53.364796284393911 ], [ 7.372409371391475, 53.364796284393911 ], [ 7.372409371391475, 53.364595268572181 ], [ 7.371254394597607, 53.364595268572181 ], [ 7.371254394597607, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 62.481847 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 53.363992215416665 ], [ 7.372409371391475, 53.363992215416665 ], [ 7.372409371391475, 53.363791195801376 ], [ 7.371254394597607, 53.363791195801376 ], [ 7.371254394597607, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.364796284393911 ], [ 7.373564348185343, 53.364796284393911 ], [ 7.373564348185343, 53.364595268572181 ], [ 7.372409371391475, 53.364595268572181 ], [ 7.372409371391475, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.364394251802061 ], [ 7.373564348185343, 53.364394251802061 ], [ 7.373564348185343, 53.364193234083558 ], [ 7.372409371391475, 53.364193234083558 ], [ 7.372409371391475, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 92.6215298 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.36359017523769 ], [ 7.373564348185343, 53.36359017523769 ], [ 7.373564348185343, 53.363389153725599 ], [ 7.372409371391475, 53.363389153725599 ], [ 7.372409371391475, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 89.0505122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.363389153725599 ], [ 7.373564348185343, 53.363389153725599 ], [ 7.373564348185343, 53.363188131265126 ], [ 7.372409371391475, 53.363188131265126 ], [ 7.372409371391475, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.362786083498946 ], [ 7.373564348185343, 53.362786083498946 ], [ 7.373564348185343, 53.362585058193247 ], [ 7.372409371391475, 53.362585058193247 ], [ 7.372409371391475, 53.362786083498946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.7444722 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.363389153725599 ], [ 7.374719324979211, 53.363389153725599 ], [ 7.374719324979211, 53.363188131265126 ], [ 7.373564348185343, 53.363188131265126 ], [ 7.373564348185343, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.362987107856235 ], [ 7.374719324979211, 53.362987107856235 ], [ 7.374719324979211, 53.362786083498946 ], [ 7.373564348185343, 53.362786083498946 ], [ 7.373564348185343, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43250_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 106.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.362786083498946 ], [ 7.374719324979211, 53.362786083498946 ], [ 7.374719324979211, 53.362585058193247 ], [ 7.373564348185343, 53.362585058193247 ], [ 7.373564348185343, 53.362786083498946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 158.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 53.223987525491779 ], [ 7.367789464216004, 53.223987525491779 ], [ 7.367789464216004, 53.223785845944391 ], [ 7.366634487422135, 53.223785845944391 ], [ 7.366634487422135, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 125.00000033333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 53.221970687277626 ], [ 7.367789464216004, 53.221970687277626 ], [ 7.367789464216004, 53.221768998232378 ], [ 7.366634487422135, 53.221768998232378 ], [ 7.366634487422135, 53.221970687277626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 165.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 53.223382484000268 ], [ 7.370099417803739, 53.223382484000268 ], [ 7.370099417803739, 53.22318080160354 ], [ 7.368944441009871, 53.22318080160354 ], [ 7.368944441009871, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 150.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 53.224794234183605 ], [ 7.371254394597607, 53.224794234183605 ], [ 7.371254394597607, 53.224592558435305 ], [ 7.370099417803739, 53.224592558435305 ], [ 7.370099417803739, 53.224794234183605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 122.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 53.223584165447214 ], [ 7.371254394597607, 53.223584165447214 ], [ 7.371254394597607, 53.223382484000268 ], [ 7.370099417803739, 53.223382484000268 ], [ 7.370099417803739, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 207.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 53.225399255729904 ], [ 7.372409371391475, 53.225399255729904 ], [ 7.372409371391475, 53.225197582830901 ], [ 7.371254394597607, 53.225197582830901 ], [ 7.371254394597607, 53.225399255729904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 136.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 53.224390881737236 ], [ 7.372409371391475, 53.224390881737236 ], [ 7.372409371391475, 53.224189204089399 ], [ 7.371254394597607, 53.224189204089399 ], [ 7.371254394597607, 53.224390881737236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 137.00000166666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 53.222777433960722 ], [ 7.372409371391475, 53.222777433960722 ], [ 7.372409371391475, 53.222575748714632 ], [ 7.371254394597607, 53.222575748714632 ], [ 7.371254394597607, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.225197582830901 ], [ 7.373564348185343, 53.225197582830901 ], [ 7.373564348185343, 53.22499590898213 ], [ 7.372409371391475, 53.22499590898213 ], [ 7.372409371391475, 53.225197582830901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 117.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.22499590898213 ], [ 7.373564348185343, 53.22499590898213 ], [ 7.373564348185343, 53.224794234183605 ], [ 7.372409371391475, 53.224794234183605 ], [ 7.372409371391475, 53.22499590898213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 130.83060375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.224189204089399 ], [ 7.373564348185343, 53.224189204089399 ], [ 7.373564348185343, 53.223987525491779 ], [ 7.372409371391475, 53.223987525491779 ], [ 7.372409371391475, 53.224189204089399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 130.50000133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.223785845944391 ], [ 7.373564348185343, 53.223785845944391 ], [ 7.373564348185343, 53.223584165447214 ], [ 7.372409371391475, 53.223584165447214 ], [ 7.372409371391475, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 149.33333233333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.223382484000268 ], [ 7.373564348185343, 53.223382484000268 ], [ 7.373564348185343, 53.22318080160354 ], [ 7.372409371391475, 53.22318080160354 ], [ 7.372409371391475, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 93.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.22318080160354 ], [ 7.373564348185343, 53.22318080160354 ], [ 7.373564348185343, 53.22297911825703 ], [ 7.372409371391475, 53.22297911825703 ], [ 7.372409371391475, 53.22318080160354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.222575748714632 ], [ 7.373564348185343, 53.222575748714632 ], [ 7.373564348185343, 53.222374062518767 ], [ 7.372409371391475, 53.222374062518767 ], [ 7.372409371391475, 53.222575748714632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 105.6929938 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 53.221768998232378 ], [ 7.373564348185343, 53.221768998232378 ], [ 7.373564348185343, 53.221567308237326 ], [ 7.372409371391475, 53.221567308237326 ], [ 7.372409371391475, 53.221768998232378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 112.86146671428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.223987525491779 ], [ 7.374719324979211, 53.223987525491779 ], [ 7.374719324979211, 53.223785845944391 ], [ 7.373564348185343, 53.223785845944391 ], [ 7.373564348185343, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 121.81353857142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.223785845944391 ], [ 7.374719324979211, 53.223785845944391 ], [ 7.374719324979211, 53.223584165447214 ], [ 7.373564348185343, 53.223584165447214 ], [ 7.373564348185343, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 20.450442142857145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.223584165447214 ], [ 7.374719324979211, 53.223584165447214 ], [ 7.374719324979211, 53.223382484000268 ], [ 7.373564348185343, 53.223382484000268 ], [ 7.373564348185343, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.223382484000268 ], [ 7.374719324979211, 53.223382484000268 ], [ 7.374719324979211, 53.22318080160354 ], [ 7.373564348185343, 53.22318080160354 ], [ 7.373564348185343, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.22297911825703 ], [ 7.374719324979211, 53.22297911825703 ], [ 7.374719324979211, 53.222777433960722 ], [ 7.373564348185343, 53.222777433960722 ], [ 7.373564348185343, 53.22297911825703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43276_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 113.34661475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 53.222777433960722 ], [ 7.374719324979211, 53.222777433960722 ], [ 7.374719324979211, 53.222575748714632 ], [ 7.373564348185343, 53.222575748714632 ], [ 7.373564348185343, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43438_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.24999725000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.344462814021448 ], [ 7.372409371391475, 52.344462814021448 ], [ 7.372409371391475, 52.344257016411461 ], [ 7.371254394597607, 52.344257016411461 ], [ 7.371254394597607, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43438_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.342610601045664 ], [ 7.372409371391475, 52.342610601045664 ], [ 7.372409371391475, 52.342404794814179 ], [ 7.371254394597607, 52.342404794814179 ], [ 7.371254394597607, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43438_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 96.423612 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.343433816392121 ], [ 7.373564348185343, 52.343433816392121 ], [ 7.373564348185343, 52.34322801399243 ], [ 7.372409371391475, 52.34322801399243 ], [ 7.372409371391475, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43438_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.342816406319201 ], [ 7.373564348185343, 52.342816406319201 ], [ 7.373564348185343, 52.342610601045664 ], [ 7.372409371391475, 52.342610601045664 ], [ 7.372409371391475, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43438_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.343022210634786 ], [ 7.374719324979211, 52.343022210634786 ], [ 7.374719324979211, 52.342816406319201 ], [ 7.373564348185343, 52.342816406319201 ], [ 7.373564348185343, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43438_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 174.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.342610601045664 ], [ 7.374719324979211, 52.342610601045664 ], [ 7.374719324979211, 52.342404794814179 ], [ 7.373564348185343, 52.342404794814179 ], [ 7.373564348185343, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43463_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 94.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.205400243485911 ], [ 7.372409371391475, 52.205400243485911 ], [ 7.372409371391475, 52.205193799179824 ], [ 7.371254394597607, 52.205193799179824 ], [ 7.371254394597607, 52.205400243485911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43464_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 73.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.199894733744451 ], [ 7.372409371391475, 52.199894733744451 ], [ 7.372409371391475, 52.199688263860573 ], [ 7.371254394597607, 52.199688263860573 ], [ 7.371254394597607, 52.199894733744451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43465_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 61.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.194388541912076 ], [ 7.372409371391475, 52.194388541912076 ], [ 7.372409371391475, 52.194182046449129 ], [ 7.371254394597607, 52.194182046449129 ], [ 7.371254394597607, 52.194388541912076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43475_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.367789464216004, 52.140736333583448 ], [ 7.368944441009871, 52.140736333583448 ], [ 7.368944441009871, 52.140529588978531 ], [ 7.367789464216004, 52.140529588978531 ], [ 7.367789464216004, 52.140736333583448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43475_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.139289101195274 ], [ 7.372409371391475, 52.139289101195274 ], [ 7.372409371391475, 52.139082349872425 ], [ 7.371254394597607, 52.139082349872425 ], [ 7.371254394597607, 52.139289101195274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43475_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 112.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.140736333583448 ], [ 7.374719324979211, 52.140736333583448 ], [ 7.374719324979211, 52.140529588978531 ], [ 7.373564348185343, 52.140529588978531 ], [ 7.373564348185343, 52.140736333583448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.134602502212026 ], [ 7.367789464216004, 52.134602502212026 ], [ 7.367789464216004, 52.134395729135292 ], [ 7.366634487422135, 52.134395729135292 ], [ 7.366634487422135, 52.134602502212026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.5297042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.13253472825572 ], [ 7.367789464216004, 52.13253472825572 ], [ 7.367789464216004, 52.132327945581395 ], [ 7.366634487422135, 52.132327945581395 ], [ 7.366634487422135, 52.13253472825572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.367789464216004, 52.135222815683733 ], [ 7.368944441009871, 52.135222815683733 ], [ 7.368944441009871, 52.135016045486246 ], [ 7.367789464216004, 52.135016045486246 ], [ 7.367789464216004, 52.135222815683733 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 52.134602502212026 ], [ 7.370099417803739, 52.134602502212026 ], [ 7.370099417803739, 52.134395729135292 ], [ 7.368944441009871, 52.134395729135292 ], [ 7.368944441009871, 52.134602502212026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 71.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.135843120517734 ], [ 7.371254394597607, 52.135843120517734 ], [ 7.371254394597607, 52.135636353199473 ], [ 7.370099417803739, 52.135636353199473 ], [ 7.370099417803739, 52.135843120517734 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 91.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.134602502212026 ], [ 7.371254394597607, 52.134602502212026 ], [ 7.371254394597607, 52.134395729135292 ], [ 7.370099417803739, 52.134395729135292 ], [ 7.370099417803739, 52.134602502212026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.13377540414659 ], [ 7.371254394597607, 52.13377540414659 ], [ 7.371254394597607, 52.133568627230851 ], [ 7.370099417803739, 52.133568627230851 ], [ 7.370099417803739, 52.13377540414659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 74.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.136463416714093 ], [ 7.372409371391475, 52.136463416714093 ], [ 7.372409371391475, 52.136256652275044 ], [ 7.371254394597607, 52.136256652275044 ], [ 7.371254394597607, 52.136463416714093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.136049886876258 ], [ 7.372409371391475, 52.136049886876258 ], [ 7.372409371391475, 52.135843120517734 ], [ 7.371254394597607, 52.135843120517734 ], [ 7.371254394597607, 52.136049886876258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.13377540414659 ], [ 7.372409371391475, 52.13377540414659 ], [ 7.372409371391475, 52.133568627230851 ], [ 7.371254394597607, 52.133568627230851 ], [ 7.371254394597607, 52.13377540414659 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.136463416714093 ], [ 7.373564348185343, 52.136463416714093 ], [ 7.373564348185343, 52.136256652275044 ], [ 7.372409371391475, 52.136256652275044 ], [ 7.372409371391475, 52.136463416714093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.136049886876258 ], [ 7.373564348185343, 52.136049886876258 ], [ 7.373564348185343, 52.135843120517734 ], [ 7.372409371391475, 52.135843120517734 ], [ 7.372409371391475, 52.136049886876258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 82.525170166666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.135222815683733 ], [ 7.373564348185343, 52.135222815683733 ], [ 7.373564348185343, 52.135016045486246 ], [ 7.372409371391475, 52.135016045486246 ], [ 7.372409371391475, 52.135222815683733 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 99.1486892 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.135016045486246 ], [ 7.373564348185343, 52.135016045486246 ], [ 7.373564348185343, 52.134809274329001 ], [ 7.372409371391475, 52.134809274329001 ], [ 7.372409371391475, 52.135016045486246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 107.26891 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.132948290725054 ], [ 7.373564348185343, 52.132948290725054 ], [ 7.373564348185343, 52.132741509970266 ], [ 7.372409371391475, 52.132741509970266 ], [ 7.372409371391475, 52.132948290725054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 98.7999984 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.132327945581395 ], [ 7.373564348185343, 52.132327945581395 ], [ 7.373564348185343, 52.132121161947317 ], [ 7.372409371391475, 52.132121161947317 ], [ 7.372409371391475, 52.132327945581395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.135222815683733 ], [ 7.374719324979211, 52.135222815683733 ], [ 7.374719324979211, 52.135016045486246 ], [ 7.373564348185343, 52.135016045486246 ], [ 7.373564348185343, 52.135222815683733 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.134602502212026 ], [ 7.374719324979211, 52.134602502212026 ], [ 7.374719324979211, 52.134395729135292 ], [ 7.373564348185343, 52.134395729135292 ], [ 7.373564348185343, 52.134602502212026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.29019011111112 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.134395729135292 ], [ 7.374719324979211, 52.134395729135292 ], [ 7.374719324979211, 52.134188955098821 ], [ 7.373564348185343, 52.134188955098821 ], [ 7.373564348185343, 52.134395729135292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43476_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.92264866666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.134188955098821 ], [ 7.374719324979211, 52.134188955098821 ], [ 7.374719324979211, 52.133982180102585 ], [ 7.373564348185343, 52.133982180102585 ], [ 7.373564348185343, 52.134188955098821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 112.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.129088225046161 ], [ 7.367789464216004, 52.129088225046161 ], [ 7.367789464216004, 52.128881426375472 ], [ 7.366634487422135, 52.128881426375472 ], [ 7.366634487422135, 52.129088225046161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.97950175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.127020195148127 ], [ 7.367789464216004, 52.127020195148127 ], [ 7.367789464216004, 52.126813386879384 ], [ 7.366634487422135, 52.126813386879384 ], [ 7.366634487422135, 52.127020195148127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.367789464216004, 52.129708615299471 ], [ 7.368944441009871, 52.129708615299471 ], [ 7.368944441009871, 52.129501819508157 ], [ 7.367789464216004, 52.129501819508157 ], [ 7.367789464216004, 52.129708615299471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 91.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 52.129088225046161 ], [ 7.370099417803739, 52.129088225046161 ], [ 7.370099417803739, 52.128881426375472 ], [ 7.368944441009871, 52.128881426375472 ], [ 7.368944441009871, 52.129088225046161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.130328996914649 ], [ 7.371254394597607, 52.130328996914649 ], [ 7.371254394597607, 52.13012220400271 ], [ 7.370099417803739, 52.13012220400271 ], [ 7.370099417803739, 52.130328996914649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 92.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.129088225046161 ], [ 7.371254394597607, 52.129088225046161 ], [ 7.371254394597607, 52.128881426375472 ], [ 7.370099417803739, 52.128881426375472 ], [ 7.370099417803739, 52.129088225046161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.128261024604605 ], [ 7.371254394597607, 52.128261024604605 ], [ 7.371254394597607, 52.128054222094711 ], [ 7.370099417803739, 52.128054222094711 ], [ 7.370099417803739, 52.128261024604605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 88.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.130949369891766 ], [ 7.372409371391475, 52.130949369891766 ], [ 7.372409371391475, 52.130742579859181 ], [ 7.371254394597607, 52.130742579859181 ], [ 7.371254394597607, 52.130949369891766 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.130535788866808 ], [ 7.372409371391475, 52.130535788866808 ], [ 7.372409371391475, 52.130328996914649 ], [ 7.371254394597607, 52.130328996914649 ], [ 7.371254394597607, 52.130535788866808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 90.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.128261024604605 ], [ 7.372409371391475, 52.128261024604605 ], [ 7.372409371391475, 52.128054222094711 ], [ 7.371254394597607, 52.128054222094711 ], [ 7.371254394597607, 52.128261024604605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.130949369891766 ], [ 7.373564348185343, 52.130949369891766 ], [ 7.373564348185343, 52.130742579859181 ], [ 7.372409371391475, 52.130742579859181 ], [ 7.372409371391475, 52.130949369891766 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.130535788866808 ], [ 7.373564348185343, 52.130535788866808 ], [ 7.373564348185343, 52.130328996914649 ], [ 7.372409371391475, 52.130328996914649 ], [ 7.372409371391475, 52.130535788866808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 77.108940333333337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.129708615299471 ], [ 7.373564348185343, 52.129708615299471 ], [ 7.373564348185343, 52.129501819508157 ], [ 7.372409371391475, 52.129501819508157 ], [ 7.372409371391475, 52.129708615299471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 100.28508775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.129501819508157 ], [ 7.373564348185343, 52.129501819508157 ], [ 7.373564348185343, 52.129295022757056 ], [ 7.372409371391475, 52.129295022757056 ], [ 7.372409371391475, 52.129501819508157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 99.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.127433808806195 ], [ 7.373564348185343, 52.127433808806195 ], [ 7.373564348185343, 52.127227002457069 ], [ 7.372409371391475, 52.127227002457069 ], [ 7.372409371391475, 52.127433808806195 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.7974928 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.126813386879384 ], [ 7.373564348185343, 52.126813386879384 ], [ 7.373564348185343, 52.126606577650819 ], [ 7.372409371391475, 52.126606577650819 ], [ 7.372409371391475, 52.126813386879384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.691157 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.129708615299471 ], [ 7.374719324979211, 52.129708615299471 ], [ 7.374719324979211, 52.129501819508157 ], [ 7.373564348185343, 52.129501819508157 ], [ 7.373564348185343, 52.129708615299471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.129088225046161 ], [ 7.374719324979211, 52.129088225046161 ], [ 7.374719324979211, 52.128881426375472 ], [ 7.373564348185343, 52.128881426375472 ], [ 7.373564348185343, 52.129088225046161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.4202165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.128881426375472 ], [ 7.374719324979211, 52.128881426375472 ], [ 7.374719324979211, 52.128674626744989 ], [ 7.373564348185343, 52.128674626744989 ], [ 7.373564348185343, 52.128881426375472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43477_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 103.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.128674626744989 ], [ 7.374719324979211, 52.128674626744989 ], [ 7.374719324979211, 52.12846782615469 ], [ 7.373564348185343, 52.12846782615469 ], [ 7.373564348185343, 52.128674626744989 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.123573265358608 ], [ 7.367789464216004, 52.123573265358608 ], [ 7.367789464216004, 52.123366441092699 ], [ 7.366634487422135, 52.123366441092699 ], [ 7.366634487422135, 52.123573265358608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.1943826 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.121504979506334 ], [ 7.367789464216004, 52.121504979506334 ], [ 7.367789464216004, 52.121298145641909 ], [ 7.366634487422135, 52.121298145641909 ], [ 7.366634487422135, 52.121504979506334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 93.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.367789464216004, 52.124193732397266 ], [ 7.368944441009871, 52.124193732397266 ], [ 7.368944441009871, 52.123986911010881 ], [ 7.367789464216004, 52.123986911010881 ], [ 7.367789464216004, 52.124193732397266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 52.123573265358608 ], [ 7.370099417803739, 52.123573265358608 ], [ 7.370099417803739, 52.123366441092699 ], [ 7.368944441009871, 52.123366441092699 ], [ 7.368944441009871, 52.123573265358608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.124814190797387 ], [ 7.371254394597607, 52.124814190797387 ], [ 7.371254394597607, 52.124607372290512 ], [ 7.370099417803739, 52.124607372290512 ], [ 7.370099417803739, 52.124814190797387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 90.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.123573265358608 ], [ 7.371254394597607, 52.123573265358608 ], [ 7.371254394597607, 52.123366441092699 ], [ 7.370099417803739, 52.123366441092699 ], [ 7.370099417803739, 52.123573265358608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 103.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.122745962535916 ], [ 7.371254394597607, 52.122745962535916 ], [ 7.371254394597607, 52.122539134430617 ], [ 7.370099417803739, 52.122539134430617 ], [ 7.370099417803739, 52.122745962535916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 107.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.125434640559014 ], [ 7.372409371391475, 52.125434640559014 ], [ 7.372409371391475, 52.125227824931642 ], [ 7.371254394597607, 52.125227824931642 ], [ 7.371254394597607, 52.125434640559014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.125021008344426 ], [ 7.372409371391475, 52.125021008344426 ], [ 7.372409371391475, 52.124814190797387 ], [ 7.371254394597607, 52.124814190797387 ], [ 7.371254394597607, 52.125021008344426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.122745962535916 ], [ 7.372409371391475, 52.122745962535916 ], [ 7.372409371391475, 52.122539134430617 ], [ 7.371254394597607, 52.122539134430617 ], [ 7.371254394597607, 52.122745962535916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.125434640559014 ], [ 7.373564348185343, 52.125434640559014 ], [ 7.373564348185343, 52.125227824931642 ], [ 7.372409371391475, 52.125227824931642 ], [ 7.372409371391475, 52.125434640559014 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.125021008344426 ], [ 7.373564348185343, 52.125021008344426 ], [ 7.373564348185343, 52.124814190797387 ], [ 7.372409371391475, 52.124814190797387 ], [ 7.372409371391475, 52.125021008344426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 77.7079474 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.124193732397266 ], [ 7.373564348185343, 52.124193732397266 ], [ 7.373564348185343, 52.123986911010881 ], [ 7.372409371391475, 52.123986911010881 ], [ 7.372409371391475, 52.124193732397266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 100.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.123986911010881 ], [ 7.373564348185343, 52.123986911010881 ], [ 7.373564348185343, 52.123780088664674 ], [ 7.372409371391475, 52.123780088664674 ], [ 7.372409371391475, 52.123986911010881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 95.00000175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.121918644355617 ], [ 7.373564348185343, 52.121918644355617 ], [ 7.373564348185343, 52.121711812410908 ], [ 7.372409371391475, 52.121711812410908 ], [ 7.372409371391475, 52.121918644355617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.426494 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.121298145641909 ], [ 7.373564348185343, 52.121298145641909 ], [ 7.373564348185343, 52.121091310817611 ], [ 7.372409371391475, 52.121091310817611 ], [ 7.372409371391475, 52.121298145641909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.02731425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.124193732397266 ], [ 7.374719324979211, 52.124193732397266 ], [ 7.374719324979211, 52.123986911010881 ], [ 7.373564348185343, 52.123986911010881 ], [ 7.373564348185343, 52.124193732397266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.123573265358608 ], [ 7.374719324979211, 52.123573265358608 ], [ 7.374719324979211, 52.123366441092699 ], [ 7.373564348185343, 52.123366441092699 ], [ 7.373564348185343, 52.123573265358608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.65862775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.123366441092699 ], [ 7.374719324979211, 52.123366441092699 ], [ 7.374719324979211, 52.123159615866953 ], [ 7.373564348185343, 52.123159615866953 ], [ 7.373564348185343, 52.123366441092699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43478_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.5999988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.123159615866953 ], [ 7.374719324979211, 52.123159615866953 ], [ 7.374719324979211, 52.122952789681356 ], [ 7.373564348185343, 52.122952789681356 ], [ 7.373564348185343, 52.123159615866953 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 73.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.118057623115973 ], [ 7.367789464216004, 52.118057623115973 ], [ 7.367789464216004, 52.117850773253615 ], [ 7.366634487422135, 52.117850773253615 ], [ 7.366634487422135, 52.118057623115973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.3810534 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.115989081296959 ], [ 7.367789464216004, 52.115989081296959 ], [ 7.367789464216004, 52.115782221835595 ], [ 7.366634487422135, 52.115782221835595 ], [ 7.366634487422135, 52.115989081296959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 88.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.367789464216004, 52.118678166943752 ], [ 7.368944441009871, 52.118678166943752 ], [ 7.368944441009871, 52.118471319961046 ], [ 7.367789464216004, 52.118471319961046 ], [ 7.367789464216004, 52.118678166943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 52.118057623115973 ], [ 7.370099417803739, 52.118057623115973 ], [ 7.370099417803739, 52.117850773253615 ], [ 7.368944441009871, 52.117850773253615 ], [ 7.368944441009871, 52.118057623115973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.119298702132561 ], [ 7.371254394597607, 52.119298702132561 ], [ 7.371254394597607, 52.119091858029506 ], [ 7.370099417803739, 52.119091858029506 ], [ 7.370099417803739, 52.119298702132561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 92.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.118057623115973 ], [ 7.371254394597607, 52.118057623115973 ], [ 7.371254394597607, 52.117850773253615 ], [ 7.370099417803739, 52.117850773253615 ], [ 7.370099417803739, 52.118057623115973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.117230217907149 ], [ 7.371254394597607, 52.117230217907149 ], [ 7.371254394597607, 52.117023364205203 ], [ 7.370099417803739, 52.117023364205203 ], [ 7.370099417803739, 52.117230217907149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.119919228682463 ], [ 7.372409371391475, 52.119919228682463 ], [ 7.372409371391475, 52.119712387459032 ], [ 7.371254394597607, 52.119712387459032 ], [ 7.371254394597607, 52.119919228682463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.119505545275736 ], [ 7.372409371391475, 52.119505545275736 ], [ 7.372409371391475, 52.119298702132561 ], [ 7.371254394597607, 52.119298702132561 ], [ 7.371254394597607, 52.119505545275736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 91.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.117230217907149 ], [ 7.372409371391475, 52.117230217907149 ], [ 7.372409371391475, 52.117023364205203 ], [ 7.371254394597607, 52.117023364205203 ], [ 7.371254394597607, 52.117230217907149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.119919228682463 ], [ 7.373564348185343, 52.119919228682463 ], [ 7.373564348185343, 52.119712387459032 ], [ 7.372409371391475, 52.119712387459032 ], [ 7.372409371391475, 52.119919228682463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.119505545275736 ], [ 7.373564348185343, 52.119505545275736 ], [ 7.373564348185343, 52.119298702132561 ], [ 7.372409371391475, 52.119298702132561 ], [ 7.372409371391475, 52.119505545275736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 79.533569833333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.118678166943752 ], [ 7.373564348185343, 52.118678166943752 ], [ 7.373564348185343, 52.118471319961046 ], [ 7.372409371391475, 52.118471319961046 ], [ 7.372409371391475, 52.118678166943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 98.2000018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.116402797339966 ], [ 7.373564348185343, 52.116402797339966 ], [ 7.373564348185343, 52.116195939798416 ], [ 7.372409371391475, 52.116195939798416 ], [ 7.372409371391475, 52.116402797339966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.2446968 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.115782221835595 ], [ 7.373564348185343, 52.115782221835595 ], [ 7.373564348185343, 52.115575361414322 ], [ 7.372409371391475, 52.115575361414322 ], [ 7.372409371391475, 52.115782221835595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.94743225000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.118678166943752 ], [ 7.374719324979211, 52.118678166943752 ], [ 7.374719324979211, 52.118471319961046 ], [ 7.373564348185343, 52.118471319961046 ], [ 7.373564348185343, 52.118678166943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.118057623115973 ], [ 7.374719324979211, 52.118057623115973 ], [ 7.374719324979211, 52.117850773253615 ], [ 7.373564348185343, 52.117850773253615 ], [ 7.373564348185343, 52.118057623115973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.8631506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.117850773253615 ], [ 7.374719324979211, 52.117850773253615 ], [ 7.374719324979211, 52.117643922431348 ], [ 7.373564348185343, 52.117643922431348 ], [ 7.373564348185343, 52.117850773253615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43479_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.50000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.117643922431348 ], [ 7.374719324979211, 52.117643922431348 ], [ 7.374719324979211, 52.117437070649189 ], [ 7.373564348185343, 52.117437070649189 ], [ 7.373564348185343, 52.117643922431348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.112541298284924 ], [ 7.367789464216004, 52.112541298284924 ], [ 7.367789464216004, 52.112334422824851 ], [ 7.366634487422135, 52.112334422824851 ], [ 7.366634487422135, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 93.249998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366634487422135, 52.110472500486644 ], [ 7.367789464216004, 52.110472500486644 ], [ 7.367789464216004, 52.110265615427103 ], [ 7.366634487422135, 52.110265615427103 ], [ 7.366634487422135, 52.110472500486644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.367789464216004, 52.113161918905561 ], [ 7.368944441009871, 52.113161918905561 ], [ 7.368944441009871, 52.11295504632529 ], [ 7.367789464216004, 52.11295504632529 ], [ 7.367789464216004, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 80.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.368944441009871, 52.112541298284924 ], [ 7.370099417803739, 52.112541298284924 ], [ 7.370099417803739, 52.112334422824851 ], [ 7.368944441009871, 52.112334422824851 ], [ 7.368944441009871, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 61.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.113782530886816 ], [ 7.371254394597607, 52.113782530886816 ], [ 7.371254394597607, 52.113575661186317 ], [ 7.370099417803739, 52.113575661186317 ], [ 7.370099417803739, 52.113782530886816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 94.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.112541298284924 ], [ 7.371254394597607, 52.112541298284924 ], [ 7.371254394597607, 52.112334422824851 ], [ 7.370099417803739, 52.112334422824851 ], [ 7.370099417803739, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 91.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.370099417803739, 52.111713790684959 ], [ 7.371254394597607, 52.111713790684959 ], [ 7.371254394597607, 52.111506911385106 ], [ 7.370099417803739, 52.111506911385106 ], [ 7.370099417803739, 52.111713790684959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 75.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.114403134228731 ], [ 7.372409371391475, 52.114403134228731 ], [ 7.372409371391475, 52.114196267408012 ], [ 7.371254394597607, 52.114196267408012 ], [ 7.371254394597607, 52.114403134228731 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.113989399627386 ], [ 7.372409371391475, 52.113989399627386 ], [ 7.372409371391475, 52.113782530886816 ], [ 7.371254394597607, 52.113782530886816 ], [ 7.371254394597607, 52.113989399627386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 99.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 52.111713790684959 ], [ 7.372409371391475, 52.111713790684959 ], [ 7.372409371391475, 52.111506911385106 ], [ 7.371254394597607, 52.111506911385106 ], [ 7.371254394597607, 52.111713790684959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 103.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.114403134228731 ], [ 7.373564348185343, 52.114403134228731 ], [ 7.373564348185343, 52.114196267408012 ], [ 7.372409371391475, 52.114196267408012 ], [ 7.372409371391475, 52.114403134228731 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 112.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.113989399627386 ], [ 7.373564348185343, 52.113989399627386 ], [ 7.373564348185343, 52.113782530886816 ], [ 7.372409371391475, 52.113782530886816 ], [ 7.372409371391475, 52.113989399627386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 86.674822 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.113161918905561 ], [ 7.373564348185343, 52.113161918905561 ], [ 7.373564348185343, 52.11295504632529 ], [ 7.372409371391475, 52.11295504632529 ], [ 7.372409371391475, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.21527775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.110886267725888 ], [ 7.373564348185343, 52.110886267725888 ], [ 7.373564348185343, 52.110679384586241 ], [ 7.372409371391475, 52.110679384586241 ], [ 7.372409371391475, 52.110886267725888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.8073778 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.372409371391475, 52.110265615427103 ], [ 7.373564348185343, 52.110265615427103 ], [ 7.373564348185343, 52.110058729407598 ], [ 7.372409371391475, 52.110058729407598 ], [ 7.372409371391475, 52.110265615427103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 104.50039575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.113161918905561 ], [ 7.374719324979211, 52.113161918905561 ], [ 7.374719324979211, 52.11295504632529 ], [ 7.373564348185343, 52.11295504632529 ], [ 7.373564348185343, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 97.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.112541298284924 ], [ 7.374719324979211, 52.112541298284924 ], [ 7.374719324979211, 52.112334422824851 ], [ 7.373564348185343, 52.112334422824851 ], [ 7.373564348185343, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.738949428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.112334422824851 ], [ 7.374719324979211, 52.112334422824851 ], [ 7.374719324979211, 52.112127546404821 ], [ 7.373564348185343, 52.112127546404821 ], [ 7.373564348185343, 52.112334422824851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43480_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.7999982 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.373564348185343, 52.112127546404821 ], [ 7.374719324979211, 52.112127546404821 ], [ 7.374719324979211, 52.111920669024869 ], [ 7.373564348185343, 52.111920669024869 ], [ 7.373564348185343, 52.112127546404821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43744_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.371254394597607, 50.632255645691451 ], [ 7.372409371391475, 50.632255645691451 ], [ 7.372409371391475, 50.632041971239886 ], [ 7.371254394597607, 50.632041971239886 ], [ 7.371254394597607, 50.632255645691451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43915_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 67.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.416358990454647 ], [ 7.382547501026537, 53.416358990454647 ], [ 7.382547501026537, 53.416158217986272 ], [ 7.381392524232671, 53.416158217986272 ], [ 7.381392524232671, 53.416358990454647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43916_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 51.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.41100473357573 ], [ 7.382547501026537, 53.41100473357573 ], [ 7.382547501026537, 53.410803935830039 ], [ 7.381392524232671, 53.410803935830039 ], [ 7.381392524232671, 53.41100473357573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 53.36359017523769 ], [ 7.376772617057199, 53.36359017523769 ], [ 7.376772617057199, 53.363389153725599 ], [ 7.375617640263331, 53.363389153725599 ], [ 7.375617640263331, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.377927593851067, 53.362987107856235 ], [ 7.379082570644935, 53.362987107856235 ], [ 7.379082570644935, 53.362786083498946 ], [ 7.377927593851067, 53.362786083498946 ], [ 7.377927593851067, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 53.364394251802061 ], [ 7.380237547438801, 53.364394251802061 ], [ 7.380237547438801, 53.364193234083558 ], [ 7.379082570644935, 53.364193234083558 ], [ 7.379082570644935, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 53.364796284393911 ], [ 7.381392524232671, 53.364796284393911 ], [ 7.381392524232671, 53.364595268572181 ], [ 7.380237547438801, 53.364595268572181 ], [ 7.380237547438801, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 62.524355 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 53.363992215416665 ], [ 7.381392524232671, 53.363992215416665 ], [ 7.381392524232671, 53.363791195801376 ], [ 7.380237547438801, 53.363791195801376 ], [ 7.380237547438801, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.364796284393911 ], [ 7.382547501026537, 53.364796284393911 ], [ 7.382547501026537, 53.364595268572181 ], [ 7.381392524232671, 53.364595268572181 ], [ 7.381392524232671, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.364394251802061 ], [ 7.382547501026537, 53.364394251802061 ], [ 7.382547501026537, 53.364193234083558 ], [ 7.381392524232671, 53.364193234083558 ], [ 7.381392524232671, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 114.244931 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.36359017523769 ], [ 7.382547501026537, 53.36359017523769 ], [ 7.382547501026537, 53.363389153725599 ], [ 7.381392524232671, 53.363389153725599 ], [ 7.381392524232671, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 95.5297265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.363389153725599 ], [ 7.382547501026537, 53.363389153725599 ], [ 7.382547501026537, 53.363188131265126 ], [ 7.381392524232671, 53.363188131265126 ], [ 7.381392524232671, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.362786083498946 ], [ 7.382547501026537, 53.362786083498946 ], [ 7.382547501026537, 53.362585058193247 ], [ 7.381392524232671, 53.362585058193247 ], [ 7.381392524232671, 53.362786083498946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.6000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.363389153725599 ], [ 7.383702477820407, 53.363389153725599 ], [ 7.383702477820407, 53.363188131265126 ], [ 7.382547501026537, 53.363188131265126 ], [ 7.382547501026537, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.362987107856235 ], [ 7.383702477820407, 53.362987107856235 ], [ 7.383702477820407, 53.362786083498946 ], [ 7.382547501026537, 53.362786083498946 ], [ 7.382547501026537, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43925_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 109.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.362786083498946 ], [ 7.383702477820407, 53.362786083498946 ], [ 7.383702477820407, 53.362585058193247 ], [ 7.382547501026537, 53.362585058193247 ], [ 7.382547501026537, 53.362786083498946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 151.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 53.223987525491779 ], [ 7.376772617057199, 53.223987525491779 ], [ 7.376772617057199, 53.223785845944391 ], [ 7.375617640263331, 53.223785845944391 ], [ 7.375617640263331, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 121.20309975000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 53.221970687277626 ], [ 7.376772617057199, 53.221970687277626 ], [ 7.376772617057199, 53.221768998232378 ], [ 7.375617640263331, 53.221768998232378 ], [ 7.375617640263331, 53.221970687277626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 148.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.377927593851067, 53.223382484000268 ], [ 7.379082570644935, 53.223382484000268 ], [ 7.379082570644935, 53.22318080160354 ], [ 7.377927593851067, 53.22318080160354 ], [ 7.377927593851067, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 53.224794234183605 ], [ 7.380237547438801, 53.224794234183605 ], [ 7.380237547438801, 53.224592558435305 ], [ 7.379082570644935, 53.224592558435305 ], [ 7.379082570644935, 53.224794234183605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 53.223584165447214 ], [ 7.380237547438801, 53.223584165447214 ], [ 7.380237547438801, 53.223382484000268 ], [ 7.379082570644935, 53.223382484000268 ], [ 7.379082570644935, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 53.225399255729904 ], [ 7.381392524232671, 53.225399255729904 ], [ 7.381392524232671, 53.225197582830901 ], [ 7.380237547438801, 53.225197582830901 ], [ 7.380237547438801, 53.225399255729904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 125.65829766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 53.224390881737236 ], [ 7.381392524232671, 53.224390881737236 ], [ 7.381392524232671, 53.224189204089399 ], [ 7.380237547438801, 53.224189204089399 ], [ 7.380237547438801, 53.224390881737236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 123.749999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 53.222777433960722 ], [ 7.381392524232671, 53.222777433960722 ], [ 7.381392524232671, 53.222575748714632 ], [ 7.380237547438801, 53.222575748714632 ], [ 7.380237547438801, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 86.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.225197582830901 ], [ 7.382547501026537, 53.225197582830901 ], [ 7.382547501026537, 53.22499590898213 ], [ 7.381392524232671, 53.22499590898213 ], [ 7.381392524232671, 53.225197582830901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.22499590898213 ], [ 7.382547501026537, 53.22499590898213 ], [ 7.382547501026537, 53.224794234183605 ], [ 7.381392524232671, 53.224794234183605 ], [ 7.381392524232671, 53.22499590898213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 121.87578233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.224189204089399 ], [ 7.382547501026537, 53.224189204089399 ], [ 7.382547501026537, 53.223987525491779 ], [ 7.381392524232671, 53.223987525491779 ], [ 7.381392524232671, 53.224189204089399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 119.7802235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.223785845944391 ], [ 7.382547501026537, 53.223785845944391 ], [ 7.382547501026537, 53.223584165447214 ], [ 7.381392524232671, 53.223584165447214 ], [ 7.381392524232671, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.223382484000268 ], [ 7.382547501026537, 53.223382484000268 ], [ 7.382547501026537, 53.22318080160354 ], [ 7.381392524232671, 53.22318080160354 ], [ 7.381392524232671, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.22318080160354 ], [ 7.382547501026537, 53.22318080160354 ], [ 7.382547501026537, 53.22297911825703 ], [ 7.381392524232671, 53.22297911825703 ], [ 7.381392524232671, 53.22318080160354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 111.1999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.222575748714632 ], [ 7.382547501026537, 53.222575748714632 ], [ 7.382547501026537, 53.222374062518767 ], [ 7.381392524232671, 53.222374062518767 ], [ 7.381392524232671, 53.222575748714632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 106.93539325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 53.221768998232378 ], [ 7.382547501026537, 53.221768998232378 ], [ 7.382547501026537, 53.221567308237326 ], [ 7.381392524232671, 53.221567308237326 ], [ 7.381392524232671, 53.221768998232378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 106.5380746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.223987525491779 ], [ 7.383702477820407, 53.223987525491779 ], [ 7.383702477820407, 53.223785845944391 ], [ 7.382547501026537, 53.223785845944391 ], [ 7.382547501026537, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 119.6308935 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.223785845944391 ], [ 7.383702477820407, 53.223785845944391 ], [ 7.383702477820407, 53.223584165447214 ], [ 7.382547501026537, 53.223584165447214 ], [ 7.382547501026537, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 106.77096275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.223584165447214 ], [ 7.383702477820407, 53.223584165447214 ], [ 7.383702477820407, 53.223382484000268 ], [ 7.382547501026537, 53.223382484000268 ], [ 7.382547501026537, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.223382484000268 ], [ 7.383702477820407, 53.223382484000268 ], [ 7.383702477820407, 53.22318080160354 ], [ 7.382547501026537, 53.22318080160354 ], [ 7.382547501026537, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 83.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.22297911825703 ], [ 7.383702477820407, 53.22297911825703 ], [ 7.383702477820407, 53.222777433960722 ], [ 7.382547501026537, 53.222777433960722 ], [ 7.382547501026537, 53.22297911825703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "43951_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 113.7391045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 53.222777433960722 ], [ 7.383702477820407, 53.222777433960722 ], [ 7.383702477820407, 53.222575748714632 ], [ 7.382547501026537, 53.222575748714632 ], [ 7.382547501026537, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44113_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.344462814021448 ], [ 7.381392524232671, 52.344462814021448 ], [ 7.381392524232671, 52.344257016411461 ], [ 7.380237547438801, 52.344257016411461 ], [ 7.380237547438801, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44113_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.342610601045664 ], [ 7.381392524232671, 52.342610601045664 ], [ 7.381392524232671, 52.342404794814179 ], [ 7.380237547438801, 52.342404794814179 ], [ 7.380237547438801, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44113_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 83.52708366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.343433816392121 ], [ 7.382547501026537, 52.343433816392121 ], [ 7.382547501026537, 52.34322801399243 ], [ 7.381392524232671, 52.34322801399243 ], [ 7.381392524232671, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44113_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.342816406319201 ], [ 7.382547501026537, 52.342816406319201 ], [ 7.382547501026537, 52.342610601045664 ], [ 7.381392524232671, 52.342610601045664 ], [ 7.381392524232671, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44113_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 185.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.343022210634786 ], [ 7.383702477820407, 52.343022210634786 ], [ 7.383702477820407, 52.342816406319201 ], [ 7.382547501026537, 52.342816406319201 ], [ 7.382547501026537, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44113_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.342610601045664 ], [ 7.383702477820407, 52.342610601045664 ], [ 7.383702477820407, 52.342404794814179 ], [ 7.382547501026537, 52.342404794814179 ], [ 7.382547501026537, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44134_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.227415462216115 ], [ 7.381392524232671, 52.227415462216115 ], [ 7.381392524232671, 52.227209120208606 ], [ 7.380237547438801, 52.227209120208606 ], [ 7.380237547438801, 52.227415462216115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44135_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 51.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.221912680501482 ], [ 7.381392524232671, 52.221912680501482 ], [ 7.381392524232671, 52.221706312921221 ], [ 7.380237547438801, 52.221706312921221 ], [ 7.380237547438801, 52.221912680501482 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44136_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.216409216830726 ], [ 7.381392524232671, 52.216409216830726 ], [ 7.381392524232671, 52.21620282367644 ], [ 7.380237547438801, 52.21620282367644 ], [ 7.380237547438801, 52.216409216830726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44137_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 88.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.210905071170103 ], [ 7.381392524232671, 52.210905071170103 ], [ 7.381392524232671, 52.210698652440541 ], [ 7.380237547438801, 52.210698652440541 ], [ 7.380237547438801, 52.210905071170103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44138_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 87.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.205400243485911 ], [ 7.381392524232671, 52.205400243485911 ], [ 7.381392524232671, 52.205193799179824 ], [ 7.380237547438801, 52.205193799179824 ], [ 7.380237547438801, 52.205400243485911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 52.112541298284924 ], [ 7.376772617057199, 52.112541298284924 ], [ 7.376772617057199, 52.112334422824851 ], [ 7.375617640263331, 52.112334422824851 ], [ 7.375617640263331, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 90.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 52.110472500486644 ], [ 7.376772617057199, 52.110472500486644 ], [ 7.376772617057199, 52.110265615427103 ], [ 7.375617640263331, 52.110265615427103 ], [ 7.375617640263331, 52.110472500486644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.376772617057199, 52.113161918905561 ], [ 7.377927593851067, 52.113161918905561 ], [ 7.377927593851067, 52.11295504632529 ], [ 7.376772617057199, 52.11295504632529 ], [ 7.376772617057199, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 74.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.377927593851067, 52.112541298284924 ], [ 7.379082570644935, 52.112541298284924 ], [ 7.379082570644935, 52.112334422824851 ], [ 7.377927593851067, 52.112334422824851 ], [ 7.377927593851067, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 64.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 52.113782530886816 ], [ 7.380237547438801, 52.113782530886816 ], [ 7.380237547438801, 52.113575661186317 ], [ 7.379082570644935, 52.113575661186317 ], [ 7.379082570644935, 52.113782530886816 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 52.112541298284924 ], [ 7.380237547438801, 52.112541298284924 ], [ 7.380237547438801, 52.112334422824851 ], [ 7.379082570644935, 52.112334422824851 ], [ 7.379082570644935, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 52.111713790684959 ], [ 7.380237547438801, 52.111713790684959 ], [ 7.380237547438801, 52.111506911385106 ], [ 7.379082570644935, 52.111506911385106 ], [ 7.379082570644935, 52.111713790684959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.114403134228731 ], [ 7.381392524232671, 52.114403134228731 ], [ 7.381392524232671, 52.114196267408012 ], [ 7.380237547438801, 52.114196267408012 ], [ 7.380237547438801, 52.114403134228731 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.113989399627386 ], [ 7.381392524232671, 52.113989399627386 ], [ 7.381392524232671, 52.113782530886816 ], [ 7.380237547438801, 52.113782530886816 ], [ 7.380237547438801, 52.113989399627386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.111713790684959 ], [ 7.381392524232671, 52.111713790684959 ], [ 7.381392524232671, 52.111506911385106 ], [ 7.380237547438801, 52.111506911385106 ], [ 7.380237547438801, 52.111713790684959 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.114403134228731 ], [ 7.382547501026537, 52.114403134228731 ], [ 7.382547501026537, 52.114196267408012 ], [ 7.381392524232671, 52.114196267408012 ], [ 7.381392524232671, 52.114403134228731 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.113989399627386 ], [ 7.382547501026537, 52.113989399627386 ], [ 7.382547501026537, 52.113782530886816 ], [ 7.381392524232671, 52.113782530886816 ], [ 7.381392524232671, 52.113989399627386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.113161918905561 ], [ 7.382547501026537, 52.113161918905561 ], [ 7.382547501026537, 52.11295504632529 ], [ 7.381392524232671, 52.11295504632529 ], [ 7.381392524232671, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 93.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.110886267725888 ], [ 7.382547501026537, 52.110886267725888 ], [ 7.382547501026537, 52.110679384586241 ], [ 7.381392524232671, 52.110679384586241 ], [ 7.381392524232671, 52.110886267725888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.110265615427103 ], [ 7.382547501026537, 52.110265615427103 ], [ 7.382547501026537, 52.110058729407598 ], [ 7.381392524232671, 52.110058729407598 ], [ 7.381392524232671, 52.110265615427103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 77.647288 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.113161918905561 ], [ 7.383702477820407, 52.113161918905561 ], [ 7.383702477820407, 52.11295504632529 ], [ 7.382547501026537, 52.11295504632529 ], [ 7.382547501026537, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.112541298284924 ], [ 7.383702477820407, 52.112541298284924 ], [ 7.383702477820407, 52.112334422824851 ], [ 7.382547501026537, 52.112334422824851 ], [ 7.382547501026537, 52.112541298284924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.112334422824851 ], [ 7.383702477820407, 52.112334422824851 ], [ 7.383702477820407, 52.112127546404821 ], [ 7.382547501026537, 52.112127546404821 ], [ 7.382547501026537, 52.112334422824851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44155_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.68137 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.112127546404821 ], [ 7.383702477820407, 52.112127546404821 ], [ 7.383702477820407, 52.111920669024869 ], [ 7.382547501026537, 52.111920669024869 ], [ 7.382547501026537, 52.112127546404821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 116.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 52.107024290832122 ], [ 7.376772617057199, 52.107024290832122 ], [ 7.376772617057199, 52.10681738977307 ], [ 7.375617640263331, 52.10681738977307 ], [ 7.375617640263331, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 91.859307 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.375617640263331, 52.104955237042091 ], [ 7.376772617057199, 52.104955237042091 ], [ 7.376772617057199, 52.104748326383117 ], [ 7.375617640263331, 52.104748326383117 ], [ 7.375617640263331, 52.104955237042091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 116.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.376772617057199, 52.107644988249362 ], [ 7.377927593851067, 52.107644988249362 ], [ 7.377927593851067, 52.107438090070261 ], [ 7.376772617057199, 52.107438090070261 ], [ 7.376772617057199, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 79.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.377927593851067, 52.107024290832122 ], [ 7.379082570644935, 52.107024290832122 ], [ 7.379082570644935, 52.10681738977307 ], [ 7.377927593851067, 52.10681738977307 ], [ 7.377927593851067, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 60.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 52.1082656770268 ], [ 7.380237547438801, 52.1082656770268 ], [ 7.380237547438801, 52.108058781727635 ], [ 7.379082570644935, 52.108058781727635 ], [ 7.379082570644935, 52.1082656770268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 94.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 52.107024290832122 ], [ 7.380237547438801, 52.107024290832122 ], [ 7.380237547438801, 52.10681738977307 ], [ 7.379082570644935, 52.10681738977307 ], [ 7.379082570644935, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 96.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.379082570644935, 52.106196680836007 ], [ 7.380237547438801, 52.106196680836007 ], [ 7.380237547438801, 52.105989775937012 ], [ 7.379082570644935, 52.105989775937012 ], [ 7.379082570644935, 52.106196680836007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.108886357164486 ], [ 7.381392524232671, 52.108886357164486 ], [ 7.381392524232671, 52.108679464745229 ], [ 7.380237547438801, 52.108679464745229 ], [ 7.380237547438801, 52.108886357164486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.108472571366008 ], [ 7.381392524232671, 52.108472571366008 ], [ 7.381392524232671, 52.1082656770268 ], [ 7.380237547438801, 52.1082656770268 ], [ 7.380237547438801, 52.108472571366008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 94.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 52.106196680836007 ], [ 7.381392524232671, 52.106196680836007 ], [ 7.381392524232671, 52.105989775937012 ], [ 7.380237547438801, 52.105989775937012 ], [ 7.380237547438801, 52.106196680836007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.108886357164486 ], [ 7.382547501026537, 52.108886357164486 ], [ 7.382547501026537, 52.108679464745229 ], [ 7.381392524232671, 52.108679464745229 ], [ 7.381392524232671, 52.108886357164486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.108472571366008 ], [ 7.382547501026537, 52.108472571366008 ], [ 7.382547501026537, 52.1082656770268 ], [ 7.381392524232671, 52.1082656770268 ], [ 7.381392524232671, 52.108472571366008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 79.622922 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.107644988249362 ], [ 7.382547501026537, 52.107644988249362 ], [ 7.382547501026537, 52.107438090070261 ], [ 7.381392524232671, 52.107438090070261 ], [ 7.381392524232671, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 94.666666333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.105369055480054 ], [ 7.382547501026537, 52.105369055480054 ], [ 7.382547501026537, 52.105162146741065 ], [ 7.381392524232671, 52.105162146741065 ], [ 7.381392524232671, 52.105369055480054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.153043166666677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.381392524232671, 52.104748326383117 ], [ 7.382547501026537, 52.104748326383117 ], [ 7.382547501026537, 52.104541414764121 ], [ 7.381392524232671, 52.104541414764121 ], [ 7.381392524232671, 52.104748326383117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 93.46756183333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.107644988249362 ], [ 7.383702477820407, 52.107644988249362 ], [ 7.383702477820407, 52.107438090070261 ], [ 7.382547501026537, 52.107438090070261 ], [ 7.382547501026537, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.107024290832122 ], [ 7.383702477820407, 52.107024290832122 ], [ 7.383702477820407, 52.10681738977307 ], [ 7.382547501026537, 52.10681738977307 ], [ 7.382547501026537, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.6240744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.10681738977307 ], [ 7.383702477820407, 52.10681738977307 ], [ 7.383702477820407, 52.106610487754033 ], [ 7.382547501026537, 52.106610487754033 ], [ 7.382547501026537, 52.10681738977307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44156_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.9298506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.382547501026537, 52.106610487754033 ], [ 7.383702477820407, 52.106610487754033 ], [ 7.383702477820407, 52.106403584775016 ], [ 7.382547501026537, 52.106403584775016 ], [ 7.382547501026537, 52.106610487754033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44419_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 128.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.380237547438801, 50.632255645691451 ], [ 7.381392524232671, 50.632255645691451 ], [ 7.381392524232671, 50.632041971239886 ], [ 7.380237547438801, 50.632041971239886 ], [ 7.380237547438801, 50.632255645691451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44586_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 69.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.437969948358273 ], [ 7.391530653867733, 53.437969948358273 ], [ 7.391530653867733, 53.43776927793251 ], [ 7.390375677073865, 53.43776927793251 ], [ 7.390375677073865, 53.437969948358273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44587_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.432618412689735 ], [ 7.391530653867733, 53.432618412689735 ], [ 7.391530653867733, 53.432417716992433 ], [ 7.390375677073865, 53.432417716992433 ], [ 7.390375677073865, 53.432618412689735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44588_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 68.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.427266203095144 ], [ 7.391530653867733, 53.427266203095144 ], [ 7.391530653867733, 53.427065482124874 ], [ 7.390375677073865, 53.427065482124874 ], [ 7.390375677073865, 53.427266203095144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44589_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 66.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.421913319536323 ], [ 7.391530653867733, 53.421913319536323 ], [ 7.391530653867733, 53.42171257329165 ], [ 7.390375677073865, 53.42171257329165 ], [ 7.390375677073865, 53.421913319536323 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44589_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 75.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.42171257329165 ], [ 7.391530653867733, 53.42171257329165 ], [ 7.391530653867733, 53.421511826099163 ], [ 7.390375677073865, 53.421511826099163 ], [ 7.390375677073865, 53.42171257329165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44590_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.416358990454647 ], [ 7.391530653867733, 53.416358990454647 ], [ 7.391530653867733, 53.416158217986272 ], [ 7.390375677073865, 53.416158217986272 ], [ 7.390375677073865, 53.416358990454647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 120.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 53.36359017523769 ], [ 7.385755769898394, 53.36359017523769 ], [ 7.385755769898394, 53.363389153725599 ], [ 7.384600793104525, 53.363389153725599 ], [ 7.384600793104525, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 121.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.386910746692261, 53.362987107856235 ], [ 7.388065723486129, 53.362987107856235 ], [ 7.388065723486129, 53.362786083498946 ], [ 7.386910746692261, 53.362786083498946 ], [ 7.386910746692261, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 53.364394251802061 ], [ 7.389220700279997, 53.364394251802061 ], [ 7.389220700279997, 53.364193234083558 ], [ 7.388065723486129, 53.364193234083558 ], [ 7.388065723486129, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.364796284393911 ], [ 7.390375677073865, 53.364796284393911 ], [ 7.390375677073865, 53.364595268572181 ], [ 7.389220700279997, 53.364595268572181 ], [ 7.389220700279997, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 63.113827625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.363992215416665 ], [ 7.390375677073865, 53.363992215416665 ], [ 7.390375677073865, 53.363791195801376 ], [ 7.389220700279997, 53.363791195801376 ], [ 7.389220700279997, 53.363992215416665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.364796284393911 ], [ 7.391530653867733, 53.364796284393911 ], [ 7.391530653867733, 53.364595268572181 ], [ 7.390375677073865, 53.364595268572181 ], [ 7.390375677073865, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.364394251802061 ], [ 7.391530653867733, 53.364394251802061 ], [ 7.391530653867733, 53.364193234083558 ], [ 7.390375677073865, 53.364193234083558 ], [ 7.390375677073865, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 112.3176815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.36359017523769 ], [ 7.391530653867733, 53.36359017523769 ], [ 7.391530653867733, 53.363389153725599 ], [ 7.390375677073865, 53.363389153725599 ], [ 7.390375677073865, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 98.8347424 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.363389153725599 ], [ 7.391530653867733, 53.363389153725599 ], [ 7.391530653867733, 53.363188131265126 ], [ 7.390375677073865, 53.363188131265126 ], [ 7.390375677073865, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.362786083498946 ], [ 7.391530653867733, 53.362786083498946 ], [ 7.391530653867733, 53.362585058193247 ], [ 7.390375677073865, 53.362585058193247 ], [ 7.390375677073865, 53.362786083498946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 83.865212666666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.363389153725599 ], [ 7.392685630661601, 53.363389153725599 ], [ 7.392685630661601, 53.363188131265126 ], [ 7.391530653867733, 53.363188131265126 ], [ 7.391530653867733, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.362987107856235 ], [ 7.392685630661601, 53.362987107856235 ], [ 7.392685630661601, 53.362786083498946 ], [ 7.391530653867733, 53.362786083498946 ], [ 7.391530653867733, 53.362987107856235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44600_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 109.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.362786083498946 ], [ 7.392685630661601, 53.362786083498946 ], [ 7.392685630661601, 53.362585058193247 ], [ 7.391530653867733, 53.362585058193247 ], [ 7.391530653867733, 53.362786083498946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 53.229365296400054 ], [ 7.385755769898394, 53.229365296400054 ], [ 7.385755769898394, 53.229163642179351 ], [ 7.384600793104525, 53.229163642179351 ], [ 7.384600793104525, 53.229365296400054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 109.1241505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 53.227348711455051 ], [ 7.385755769898394, 53.227348711455051 ], [ 7.385755769898394, 53.227147047737006 ], [ 7.384600793104525, 53.227147047737006 ], [ 7.384600793104525, 53.227348711455051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.386910746692261, 53.22876033088874 ], [ 7.388065723486129, 53.22876033088874 ], [ 7.388065723486129, 53.228558673818853 ], [ 7.386910746692261, 53.228558673818853 ], [ 7.386910746692261, 53.22876033088874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 74.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 53.230171903785703 ], [ 7.389220700279997, 53.230171903785703 ], [ 7.389220700279997, 53.229970253363867 ], [ 7.388065723486129, 53.229970253363867 ], [ 7.388065723486129, 53.230171903785703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 68.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 53.228961987008908 ], [ 7.389220700279997, 53.228961987008908 ], [ 7.389220700279997, 53.22876033088874 ], [ 7.388065723486129, 53.22876033088874 ], [ 7.388065723486129, 53.228961987008908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.230575201780233 ], [ 7.390375677073865, 53.230575201780233 ], [ 7.390375677073865, 53.23037355325782 ], [ 7.389220700279997, 53.23037355325782 ], [ 7.389220700279997, 53.230575201780233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 98.200438 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.229768601992319 ], [ 7.390375677073865, 53.229768601992319 ], [ 7.390375677073865, 53.229566949671053 ], [ 7.389220700279997, 53.229566949671053 ], [ 7.389220700279997, 53.229768601992319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 77.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.228155356829859 ], [ 7.390375677073865, 53.228155356829859 ], [ 7.390375677073865, 53.227953696910767 ], [ 7.389220700279997, 53.227953696910767 ], [ 7.389220700279997, 53.228155356829859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.230575201780233 ], [ 7.391530653867733, 53.230575201780233 ], [ 7.391530653867733, 53.23037355325782 ], [ 7.390375677073865, 53.23037355325782 ], [ 7.390375677073865, 53.230575201780233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 38.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.23037355325782 ], [ 7.391530653867733, 53.23037355325782 ], [ 7.391530653867733, 53.230171903785703 ], [ 7.390375677073865, 53.230171903785703 ], [ 7.390375677073865, 53.23037355325782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 68.2715795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.229566949671053 ], [ 7.391530653867733, 53.229566949671053 ], [ 7.391530653867733, 53.229365296400054 ], [ 7.390375677073865, 53.229365296400054 ], [ 7.390375677073865, 53.229566949671053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 81.282357 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.229163642179351 ], [ 7.391530653867733, 53.229163642179351 ], [ 7.391530653867733, 53.228961987008908 ], [ 7.390375677073865, 53.228961987008908 ], [ 7.390375677073865, 53.229163642179351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 77.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.228558673818853 ], [ 7.391530653867733, 53.228558673818853 ], [ 7.391530653867733, 53.228357015799219 ], [ 7.390375677073865, 53.228357015799219 ], [ 7.390375677073865, 53.228558673818853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 98.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.227953696910767 ], [ 7.391530653867733, 53.227953696910767 ], [ 7.391530653867733, 53.227752036041935 ], [ 7.390375677073865, 53.227752036041935 ], [ 7.390375677073865, 53.227953696910767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 107.5442265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.227147047737006 ], [ 7.391530653867733, 53.227147047737006 ], [ 7.391530653867733, 53.2269453830692 ], [ 7.390375677073865, 53.2269453830692 ], [ 7.390375677073865, 53.227147047737006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 88.50000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.229365296400054 ], [ 7.392685630661601, 53.229365296400054 ], [ 7.392685630661601, 53.229163642179351 ], [ 7.391530653867733, 53.229163642179351 ], [ 7.391530653867733, 53.229365296400054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.67614066666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.229163642179351 ], [ 7.392685630661601, 53.229163642179351 ], [ 7.392685630661601, 53.228961987008908 ], [ 7.391530653867733, 53.228961987008908 ], [ 7.391530653867733, 53.229163642179351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 101.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.228961987008908 ], [ 7.392685630661601, 53.228961987008908 ], [ 7.392685630661601, 53.22876033088874 ], [ 7.391530653867733, 53.22876033088874 ], [ 7.391530653867733, 53.228961987008908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.22876033088874 ], [ 7.392685630661601, 53.22876033088874 ], [ 7.392685630661601, 53.228558673818853 ], [ 7.391530653867733, 53.228558673818853 ], [ 7.391530653867733, 53.22876033088874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 69.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.228357015799219 ], [ 7.392685630661601, 53.228357015799219 ], [ 7.392685630661601, 53.228155356829859 ], [ 7.391530653867733, 53.228155356829859 ], [ 7.391530653867733, 53.228357015799219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44625_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 78.712143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.228155356829859 ], [ 7.392685630661601, 53.228155356829859 ], [ 7.392685630661601, 53.227953696910767 ], [ 7.391530653867733, 53.227953696910767 ], [ 7.391530653867733, 53.228155356829859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 53.223987525491779 ], [ 7.385755769898394, 53.223987525491779 ], [ 7.385755769898394, 53.223785845944391 ], [ 7.384600793104525, 53.223785845944391 ], [ 7.384600793104525, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 114.28936866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 53.221970687277626 ], [ 7.385755769898394, 53.221970687277626 ], [ 7.385755769898394, 53.221768998232378 ], [ 7.384600793104525, 53.221768998232378 ], [ 7.384600793104525, 53.221970687277626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.386910746692261, 53.223382484000268 ], [ 7.388065723486129, 53.223382484000268 ], [ 7.388065723486129, 53.22318080160354 ], [ 7.386910746692261, 53.22318080160354 ], [ 7.386910746692261, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 53.224794234183605 ], [ 7.389220700279997, 53.224794234183605 ], [ 7.389220700279997, 53.224592558435305 ], [ 7.388065723486129, 53.224592558435305 ], [ 7.388065723486129, 53.224794234183605 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 53.223584165447214 ], [ 7.389220700279997, 53.223584165447214 ], [ 7.389220700279997, 53.223382484000268 ], [ 7.388065723486129, 53.223382484000268 ], [ 7.388065723486129, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_4_4", "Weekday": 4, "hour": 4, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.225399255729904 ], [ 7.390375677073865, 53.225399255729904 ], [ 7.390375677073865, 53.225197582830901 ], [ 7.389220700279997, 53.225197582830901 ], [ 7.389220700279997, 53.225399255729904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.225197582830901 ], [ 7.390375677073865, 53.225197582830901 ], [ 7.390375677073865, 53.22499590898213 ], [ 7.389220700279997, 53.22499590898213 ], [ 7.389220700279997, 53.225197582830901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 103.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.224390881737236 ], [ 7.390375677073865, 53.224390881737236 ], [ 7.390375677073865, 53.224189204089399 ], [ 7.389220700279997, 53.224189204089399 ], [ 7.389220700279997, 53.224390881737236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 88.333332333333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 53.222777433960722 ], [ 7.390375677073865, 53.222777433960722 ], [ 7.390375677073865, 53.222575748714632 ], [ 7.389220700279997, 53.222575748714632 ], [ 7.389220700279997, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 84.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.225197582830901 ], [ 7.391530653867733, 53.225197582830901 ], [ 7.391530653867733, 53.22499590898213 ], [ 7.390375677073865, 53.22499590898213 ], [ 7.390375677073865, 53.225197582830901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 131.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.22499590898213 ], [ 7.391530653867733, 53.22499590898213 ], [ 7.391530653867733, 53.224794234183605 ], [ 7.390375677073865, 53.224794234183605 ], [ 7.390375677073865, 53.22499590898213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 83.0087346 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.224189204089399 ], [ 7.391530653867733, 53.224189204089399 ], [ 7.391530653867733, 53.223987525491779 ], [ 7.390375677073865, 53.223987525491779 ], [ 7.390375677073865, 53.224189204089399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 99.641560833333344 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.223785845944391 ], [ 7.391530653867733, 53.223785845944391 ], [ 7.391530653867733, 53.223584165447214 ], [ 7.390375677073865, 53.223584165447214 ], [ 7.390375677073865, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 78.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.22318080160354 ], [ 7.391530653867733, 53.22318080160354 ], [ 7.391530653867733, 53.22297911825703 ], [ 7.390375677073865, 53.22297911825703 ], [ 7.390375677073865, 53.22318080160354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 105.161175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.222575748714632 ], [ 7.391530653867733, 53.222575748714632 ], [ 7.391530653867733, 53.222374062518767 ], [ 7.390375677073865, 53.222374062518767 ], [ 7.390375677073865, 53.222575748714632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 53.221768998232378 ], [ 7.391530653867733, 53.221768998232378 ], [ 7.391530653867733, 53.221567308237326 ], [ 7.390375677073865, 53.221567308237326 ], [ 7.390375677073865, 53.221768998232378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 95.578129076923076 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.223987525491779 ], [ 7.392685630661601, 53.223987525491779 ], [ 7.392685630661601, 53.223785845944391 ], [ 7.391530653867733, 53.223785845944391 ], [ 7.391530653867733, 53.223987525491779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.345046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.223785845944391 ], [ 7.392685630661601, 53.223785845944391 ], [ 7.392685630661601, 53.223584165447214 ], [ 7.391530653867733, 53.223584165447214 ], [ 7.391530653867733, 53.223785845944391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.223584165447214 ], [ 7.392685630661601, 53.223584165447214 ], [ 7.392685630661601, 53.223382484000268 ], [ 7.391530653867733, 53.223382484000268 ], [ 7.391530653867733, 53.223584165447214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.223382484000268 ], [ 7.392685630661601, 53.223382484000268 ], [ 7.392685630661601, 53.22318080160354 ], [ 7.391530653867733, 53.22318080160354 ], [ 7.391530653867733, 53.223382484000268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.22297911825703 ], [ 7.392685630661601, 53.22297911825703 ], [ 7.392685630661601, 53.222777433960722 ], [ 7.391530653867733, 53.222777433960722 ], [ 7.391530653867733, 53.22297911825703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44626_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.053229 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 53.222777433960722 ], [ 7.392685630661601, 53.222777433960722 ], [ 7.392685630661601, 53.222575748714632 ], [ 7.391530653867733, 53.222575748714632 ], [ 7.391530653867733, 53.222777433960722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44788_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.001718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.344462814021448 ], [ 7.390375677073865, 52.344462814021448 ], [ 7.390375677073865, 52.344257016411461 ], [ 7.389220700279997, 52.344257016411461 ], [ 7.389220700279997, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44788_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.342610601045664 ], [ 7.390375677073865, 52.342610601045664 ], [ 7.390375677073865, 52.342404794814179 ], [ 7.389220700279997, 52.342404794814179 ], [ 7.389220700279997, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44788_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 59.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.343433816392121 ], [ 7.391530653867733, 52.343433816392121 ], [ 7.391530653867733, 52.34322801399243 ], [ 7.390375677073865, 52.34322801399243 ], [ 7.390375677073865, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44788_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.342816406319201 ], [ 7.391530653867733, 52.342816406319201 ], [ 7.391530653867733, 52.342610601045664 ], [ 7.390375677073865, 52.342610601045664 ], [ 7.390375677073865, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44788_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 180.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.343022210634786 ], [ 7.392685630661601, 52.343022210634786 ], [ 7.392685630661601, 52.342816406319201 ], [ 7.391530653867733, 52.342816406319201 ], [ 7.391530653867733, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44788_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 154.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.342610601045664 ], [ 7.392685630661601, 52.342610601045664 ], [ 7.392685630661601, 52.342404794814179 ], [ 7.391530653867733, 52.342404794814179 ], [ 7.391530653867733, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44808_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.232917562008382 ], [ 7.390375677073865, 52.232917562008382 ], [ 7.390375677073865, 52.232711245572347 ], [ 7.389220700279997, 52.232711245572347 ], [ 7.389220700279997, 52.232917562008382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44809_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.227415462216115 ], [ 7.390375677073865, 52.227415462216115 ], [ 7.390375677073865, 52.227209120208606 ], [ 7.389220700279997, 52.227209120208606 ], [ 7.389220700279997, 52.227415462216115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 52.107024290832122 ], [ 7.385755769898394, 52.107024290832122 ], [ 7.385755769898394, 52.10681738977307 ], [ 7.384600793104525, 52.10681738977307 ], [ 7.384600793104525, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 52.104955237042091 ], [ 7.385755769898394, 52.104955237042091 ], [ 7.385755769898394, 52.104748326383117 ], [ 7.384600793104525, 52.104748326383117 ], [ 7.384600793104525, 52.104955237042091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 59.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 52.1082656770268 ], [ 7.389220700279997, 52.1082656770268 ], [ 7.389220700279997, 52.108058781727635 ], [ 7.388065723486129, 52.108058781727635 ], [ 7.388065723486129, 52.1082656770268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 52.107024290832122 ], [ 7.389220700279997, 52.107024290832122 ], [ 7.389220700279997, 52.10681738977307 ], [ 7.388065723486129, 52.10681738977307 ], [ 7.388065723486129, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.108472571366008 ], [ 7.390375677073865, 52.108472571366008 ], [ 7.390375677073865, 52.1082656770268 ], [ 7.389220700279997, 52.1082656770268 ], [ 7.389220700279997, 52.108472571366008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.106196680836007 ], [ 7.390375677073865, 52.106196680836007 ], [ 7.390375677073865, 52.105989775937012 ], [ 7.389220700279997, 52.105989775937012 ], [ 7.389220700279997, 52.106196680836007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.108886357164486 ], [ 7.391530653867733, 52.108886357164486 ], [ 7.391530653867733, 52.108679464745229 ], [ 7.390375677073865, 52.108679464745229 ], [ 7.390375677073865, 52.108886357164486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.108472571366008 ], [ 7.391530653867733, 52.108472571366008 ], [ 7.391530653867733, 52.1082656770268 ], [ 7.390375677073865, 52.1082656770268 ], [ 7.390375677073865, 52.108472571366008 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 65.731675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.107644988249362 ], [ 7.391530653867733, 52.107644988249362 ], [ 7.391530653867733, 52.107438090070261 ], [ 7.390375677073865, 52.107438090070261 ], [ 7.390375677073865, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 97.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.105369055480054 ], [ 7.391530653867733, 52.105369055480054 ], [ 7.391530653867733, 52.105162146741065 ], [ 7.390375677073865, 52.105162146741065 ], [ 7.390375677073865, 52.105369055480054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.104748326383117 ], [ 7.391530653867733, 52.104748326383117 ], [ 7.391530653867733, 52.104541414764121 ], [ 7.390375677073865, 52.104541414764121 ], [ 7.390375677073865, 52.104748326383117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.642956 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.107644988249362 ], [ 7.392685630661601, 52.107644988249362 ], [ 7.392685630661601, 52.107438090070261 ], [ 7.391530653867733, 52.107438090070261 ], [ 7.391530653867733, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.107024290832122 ], [ 7.392685630661601, 52.107024290832122 ], [ 7.392685630661601, 52.10681738977307 ], [ 7.391530653867733, 52.10681738977307 ], [ 7.391530653867733, 52.107024290832122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.250572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.10681738977307 ], [ 7.392685630661601, 52.10681738977307 ], [ 7.392685630661601, 52.106610487754033 ], [ 7.391530653867733, 52.106610487754033 ], [ 7.391530653867733, 52.10681738977307 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44831_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 100.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.106610487754033 ], [ 7.392685630661601, 52.106610487754033 ], [ 7.392685630661601, 52.106403584775016 ], [ 7.391530653867733, 52.106403584775016 ], [ 7.391530653867733, 52.106610487754033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 52.101506600724242 ], [ 7.385755769898394, 52.101506600724242 ], [ 7.385755769898394, 52.101299674064975 ], [ 7.384600793104525, 52.101299674064975 ], [ 7.384600793104525, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.7999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384600793104525, 52.09943729092997 ], [ 7.385755769898394, 52.09943729092997 ], [ 7.385755769898394, 52.099230354670311 ], [ 7.384600793104525, 52.099230354670311 ], [ 7.384600793104525, 52.09943729092997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_1_9", "Weekday": 1, "hour": 9, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.385755769898394, 52.102127374941844 ], [ 7.386910746692261, 52.102127374941844 ], [ 7.386910746692261, 52.101920451162663 ], [ 7.385755769898394, 52.101920451162663 ], [ 7.385755769898394, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.385755769898394, 52.101920451162663 ], [ 7.386910746692261, 52.101920451162663 ], [ 7.386910746692261, 52.10171352642346 ], [ 7.385755769898394, 52.10171352642346 ], [ 7.385755769898394, 52.101920451162663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 72.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.386910746692261, 52.101506600724242 ], [ 7.388065723486129, 52.101506600724242 ], [ 7.388065723486129, 52.101299674064975 ], [ 7.386910746692261, 52.101299674064975 ], [ 7.386910746692261, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 52.102748140519211 ], [ 7.389220700279997, 52.102748140519211 ], [ 7.389220700279997, 52.102541219620115 ], [ 7.388065723486129, 52.102541219620115 ], [ 7.388065723486129, 52.102748140519211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 94.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 52.101506600724242 ], [ 7.389220700279997, 52.101506600724242 ], [ 7.389220700279997, 52.101299674064975 ], [ 7.388065723486129, 52.101299674064975 ], [ 7.388065723486129, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 92.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.388065723486129, 52.100678888326996 ], [ 7.389220700279997, 52.100678888326996 ], [ 7.389220700279997, 52.100471957827601 ], [ 7.388065723486129, 52.100471957827601 ], [ 7.388065723486129, 52.100678888326996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 112.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.103368897456406 ], [ 7.390375677073865, 52.103368897456406 ], [ 7.390375677073865, 52.103161979437367 ], [ 7.389220700279997, 52.103161979437367 ], [ 7.389220700279997, 52.103368897456406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.102955060458299 ], [ 7.390375677073865, 52.102955060458299 ], [ 7.390375677073865, 52.102748140519211 ], [ 7.389220700279997, 52.102748140519211 ], [ 7.389220700279997, 52.102955060458299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 52.100678888326996 ], [ 7.390375677073865, 52.100678888326996 ], [ 7.390375677073865, 52.100471957827601 ], [ 7.389220700279997, 52.100471957827601 ], [ 7.389220700279997, 52.100678888326996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.103368897456406 ], [ 7.391530653867733, 52.103368897456406 ], [ 7.391530653867733, 52.103161979437367 ], [ 7.390375677073865, 52.103161979437367 ], [ 7.390375677073865, 52.103368897456406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 109.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.102955060458299 ], [ 7.391530653867733, 52.102955060458299 ], [ 7.391530653867733, 52.102748140519211 ], [ 7.390375677073865, 52.102748140519211 ], [ 7.390375677073865, 52.102955060458299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 66.181184428571427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.102127374941844 ], [ 7.391530653867733, 52.102127374941844 ], [ 7.391530653867733, 52.101920451162663 ], [ 7.390375677073865, 52.101920451162663 ], [ 7.390375677073865, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 94.691781 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.099851160569159 ], [ 7.391530653867733, 52.099851160569159 ], [ 7.391530653867733, 52.099644226229586 ], [ 7.390375677073865, 52.099644226229586 ], [ 7.390375677073865, 52.099851160569159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 90.0054822 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.390375677073865, 52.099230354670311 ], [ 7.391530653867733, 52.099230354670311 ], [ 7.391530653867733, 52.099023417450603 ], [ 7.390375677073865, 52.099023417450603 ], [ 7.390375677073865, 52.099230354670311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.5798015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.102127374941844 ], [ 7.392685630661601, 52.102127374941844 ], [ 7.392685630661601, 52.101920451162663 ], [ 7.391530653867733, 52.101920451162663 ], [ 7.391530653867733, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.101506600724242 ], [ 7.392685630661601, 52.101506600724242 ], [ 7.392685630661601, 52.101299674064975 ], [ 7.391530653867733, 52.101299674064975 ], [ 7.391530653867733, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 103.869495625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.101299674064975 ], [ 7.392685630661601, 52.101299674064975 ], [ 7.392685630661601, 52.101092746445694 ], [ 7.391530653867733, 52.101092746445694 ], [ 7.391530653867733, 52.101299674064975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "44832_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.7999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.391530653867733, 52.101092746445694 ], [ 7.392685630661601, 52.101092746445694 ], [ 7.392685630661601, 52.100885817866356 ], [ 7.391530653867733, 52.100885817866356 ], [ 7.391530653867733, 52.101092746445694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45095_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 110.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 50.626557327937114 ], [ 7.390375677073865, 50.626557327937114 ], [ 7.390375677073865, 50.626343627585698 ], [ 7.389220700279997, 50.626343627585698 ], [ 7.389220700279997, 50.626557327937114 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45096_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.389220700279997, 50.620858319507064 ], [ 7.390375677073865, 50.620858319507064 ], [ 7.390375677073865, 50.620644593254774 ], [ 7.389220700279997, 50.620644593254774 ], [ 7.389220700279997, 50.620858319507064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45260_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.443320810138921 ], [ 7.400513806708929, 53.443320810138921 ], [ 7.400513806708929, 53.443120164983263 ], [ 7.399358829915061, 53.443120164983263 ], [ 7.399358829915061, 53.443320810138921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45261_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.437969948358273 ], [ 7.400513806708929, 53.437969948358273 ], [ 7.400513806708929, 53.43776927793251 ], [ 7.399358829915061, 53.43776927793251 ], [ 7.399358829915061, 53.437969948358273 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45275_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 53.364796284393911 ], [ 7.399358829915061, 53.364796284393911 ], [ 7.399358829915061, 53.364595268572181 ], [ 7.398203853121193, 53.364595268572181 ], [ 7.398203853121193, 53.364796284393911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45275_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.364394251802061 ], [ 7.400513806708929, 53.364394251802061 ], [ 7.400513806708929, 53.364193234083558 ], [ 7.399358829915061, 53.364193234083558 ], [ 7.399358829915061, 53.364394251802061 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45275_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 97.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.363389153725599 ], [ 7.400513806708929, 53.363389153725599 ], [ 7.400513806708929, 53.363188131265126 ], [ 7.399358829915061, 53.363188131265126 ], [ 7.399358829915061, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 119.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393583945945721, 53.358229277012903 ], [ 7.394738922739589, 53.358229277012903 ], [ 7.394738922739589, 53.35802823020947 ], [ 7.393583945945721, 53.35802823020947 ], [ 7.393583945945721, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.395893899533457, 53.357626133757229 ], [ 7.397048876327325, 53.357626133757229 ], [ 7.397048876327325, 53.357425084108435 ], [ 7.395893899533457, 53.357425084108435 ], [ 7.395893899533457, 53.357626133757229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.397048876327325, 53.359033454742168 ], [ 7.398203853121193, 53.359033454742168 ], [ 7.398203853121193, 53.358832411732521 ], [ 7.397048876327325, 53.358832411732521 ], [ 7.397048876327325, 53.359033454742168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 53.35943553791612 ], [ 7.399358829915061, 53.35943553791612 ], [ 7.399358829915061, 53.35923449680336 ], [ 7.398203853121193, 53.35923449680336 ], [ 7.398203853121193, 53.35943553791612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 61.014392625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 53.358631367774429 ], [ 7.399358829915061, 53.358631367774429 ], [ 7.399358829915061, 53.358430322867896 ], [ 7.398203853121193, 53.358430322867896 ], [ 7.398203853121193, 53.358631367774429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.35943553791612 ], [ 7.400513806708929, 53.35943553791612 ], [ 7.400513806708929, 53.35923449680336 ], [ 7.399358829915061, 53.35923449680336 ], [ 7.399358829915061, 53.35943553791612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.359033454742168 ], [ 7.400513806708929, 53.359033454742168 ], [ 7.400513806708929, 53.358832411732521 ], [ 7.399358829915061, 53.358832411732521 ], [ 7.399358829915061, 53.359033454742168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 112.5472186 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.358229277012903 ], [ 7.400513806708929, 53.358229277012903 ], [ 7.400513806708929, 53.35802823020947 ], [ 7.399358829915061, 53.35802823020947 ], [ 7.399358829915061, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 97.49999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.35802823020947 ], [ 7.400513806708929, 53.35802823020947 ], [ 7.400513806708929, 53.357827182457576 ], [ 7.399358829915061, 53.357827182457576 ], [ 7.399358829915061, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.357425084108435 ], [ 7.400513806708929, 53.357425084108435 ], [ 7.400513806708929, 53.357224033511166 ], [ 7.399358829915061, 53.357224033511166 ], [ 7.399358829915061, 53.357425084108435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 80.772837833333327 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.35802823020947 ], [ 7.401668783502797, 53.35802823020947 ], [ 7.401668783502797, 53.357827182457576 ], [ 7.400513806708929, 53.357827182457576 ], [ 7.400513806708929, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.357626133757229 ], [ 7.401668783502797, 53.357626133757229 ], [ 7.401668783502797, 53.357425084108435 ], [ 7.400513806708929, 53.357425084108435 ], [ 7.400513806708929, 53.357626133757229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45276_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.357425084108435 ], [ 7.401668783502797, 53.357425084108435 ], [ 7.401668783502797, 53.357224033511166 ], [ 7.400513806708929, 53.357224033511166 ], [ 7.400513806708929, 53.357425084108435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 80.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393583945945721, 53.229365296400054 ], [ 7.394738922739589, 53.229365296400054 ], [ 7.394738922739589, 53.229163642179351 ], [ 7.393583945945721, 53.229163642179351 ], [ 7.393583945945721, 53.229365296400054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 96.020493333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393583945945721, 53.227348711455051 ], [ 7.394738922739589, 53.227348711455051 ], [ 7.394738922739589, 53.227147047737006 ], [ 7.393583945945721, 53.227147047737006 ], [ 7.393583945945721, 53.227348711455051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 94.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.395893899533457, 53.22876033088874 ], [ 7.397048876327325, 53.22876033088874 ], [ 7.397048876327325, 53.228558673818853 ], [ 7.395893899533457, 53.228558673818853 ], [ 7.395893899533457, 53.22876033088874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 61.4375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.397048876327325, 53.230171903785703 ], [ 7.398203853121193, 53.230171903785703 ], [ 7.398203853121193, 53.229970253363867 ], [ 7.397048876327325, 53.229970253363867 ], [ 7.397048876327325, 53.230171903785703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 64.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.397048876327325, 53.228961987008908 ], [ 7.398203853121193, 53.228961987008908 ], [ 7.398203853121193, 53.22876033088874 ], [ 7.397048876327325, 53.22876033088874 ], [ 7.397048876327325, 53.228961987008908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 53.230575201780233 ], [ 7.399358829915061, 53.230575201780233 ], [ 7.399358829915061, 53.23037355325782 ], [ 7.398203853121193, 53.23037355325782 ], [ 7.398203853121193, 53.230575201780233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 94.11813175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 53.229768601992319 ], [ 7.399358829915061, 53.229768601992319 ], [ 7.399358829915061, 53.229566949671053 ], [ 7.398203853121193, 53.229566949671053 ], [ 7.398203853121193, 53.229768601992319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 78.334829333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 53.228155356829859 ], [ 7.399358829915061, 53.228155356829859 ], [ 7.399358829915061, 53.227953696910767 ], [ 7.398203853121193, 53.227953696910767 ], [ 7.398203853121193, 53.228155356829859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 62.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.230575201780233 ], [ 7.400513806708929, 53.230575201780233 ], [ 7.400513806708929, 53.23037355325782 ], [ 7.399358829915061, 53.23037355325782 ], [ 7.399358829915061, 53.230575201780233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 41.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.23037355325782 ], [ 7.400513806708929, 53.23037355325782 ], [ 7.400513806708929, 53.230171903785703 ], [ 7.399358829915061, 53.230171903785703 ], [ 7.399358829915061, 53.23037355325782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 62.800692714285717 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.229566949671053 ], [ 7.400513806708929, 53.229566949671053 ], [ 7.400513806708929, 53.229365296400054 ], [ 7.399358829915061, 53.229365296400054 ], [ 7.399358829915061, 53.229566949671053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 81.659005124999993 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.229163642179351 ], [ 7.400513806708929, 53.229163642179351 ], [ 7.400513806708929, 53.228961987008908 ], [ 7.399358829915061, 53.228961987008908 ], [ 7.399358829915061, 53.229163642179351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 68.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.228558673818853 ], [ 7.400513806708929, 53.228558673818853 ], [ 7.400513806708929, 53.228357015799219 ], [ 7.399358829915061, 53.228357015799219 ], [ 7.399358829915061, 53.228558673818853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 85.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.227953696910767 ], [ 7.400513806708929, 53.227953696910767 ], [ 7.400513806708929, 53.227752036041935 ], [ 7.399358829915061, 53.227752036041935 ], [ 7.399358829915061, 53.227953696910767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.584101666666655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 53.227147047737006 ], [ 7.400513806708929, 53.227147047737006 ], [ 7.400513806708929, 53.2269453830692 ], [ 7.399358829915061, 53.2269453830692 ], [ 7.399358829915061, 53.227147047737006 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 82.357197733333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.229365296400054 ], [ 7.401668783502797, 53.229365296400054 ], [ 7.401668783502797, 53.229163642179351 ], [ 7.400513806708929, 53.229163642179351 ], [ 7.400513806708929, 53.229365296400054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 87.983363285714276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.229163642179351 ], [ 7.401668783502797, 53.229163642179351 ], [ 7.401668783502797, 53.228961987008908 ], [ 7.400513806708929, 53.228961987008908 ], [ 7.400513806708929, 53.229163642179351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 90.716122666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.228961987008908 ], [ 7.401668783502797, 53.228961987008908 ], [ 7.401668783502797, 53.22876033088874 ], [ 7.400513806708929, 53.22876033088874 ], [ 7.400513806708929, 53.228961987008908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.22876033088874 ], [ 7.401668783502797, 53.22876033088874 ], [ 7.401668783502797, 53.228558673818853 ], [ 7.400513806708929, 53.228558673818853 ], [ 7.400513806708929, 53.22876033088874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_6_16", "Weekday": 6, "hour": 16, "Speed_value_mean": 77.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.228357015799219 ], [ 7.401668783502797, 53.228357015799219 ], [ 7.401668783502797, 53.228155356829859 ], [ 7.400513806708929, 53.228155356829859 ], [ 7.400513806708929, 53.228357015799219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45300_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 76.005796666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 53.228155356829859 ], [ 7.401668783502797, 53.228155356829859 ], [ 7.401668783502797, 53.227953696910767 ], [ 7.400513806708929, 53.227953696910767 ], [ 7.400513806708929, 53.228155356829859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45463_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 120.865999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.344462814021448 ], [ 7.399358829915061, 52.344462814021448 ], [ 7.399358829915061, 52.344257016411461 ], [ 7.398203853121193, 52.344257016411461 ], [ 7.398203853121193, 52.344462814021448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45463_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.342610601045664 ], [ 7.399358829915061, 52.342610601045664 ], [ 7.399358829915061, 52.342404794814179 ], [ 7.398203853121193, 52.342404794814179 ], [ 7.398203853121193, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45463_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 34.5951935 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.343433816392121 ], [ 7.400513806708929, 52.343433816392121 ], [ 7.400513806708929, 52.34322801399243 ], [ 7.399358829915061, 52.34322801399243 ], [ 7.399358829915061, 52.343433816392121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45463_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.342816406319201 ], [ 7.400513806708929, 52.342816406319201 ], [ 7.400513806708929, 52.342610601045664 ], [ 7.399358829915061, 52.342610601045664 ], [ 7.399358829915061, 52.342816406319201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45463_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.343022210634786 ], [ 7.401668783502797, 52.343022210634786 ], [ 7.401668783502797, 52.342816406319201 ], [ 7.400513806708929, 52.342816406319201 ], [ 7.400513806708929, 52.343022210634786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45463_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.342610601045664 ], [ 7.401668783502797, 52.342610601045664 ], [ 7.401668783502797, 52.342404794814179 ], [ 7.400513806708929, 52.342404794814179 ], [ 7.400513806708929, 52.342610601045664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45482_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.238418979912041 ], [ 7.399358829915061, 52.238418979912041 ], [ 7.399358829915061, 52.238212689046215 ], [ 7.398203853121193, 52.238212689046215 ], [ 7.398203853121193, 52.238418979912041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45483_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 81.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.232917562008382 ], [ 7.399358829915061, 52.232917562008382 ], [ 7.399358829915061, 52.232711245572347 ], [ 7.398203853121193, 52.232711245572347 ], [ 7.398203853121193, 52.232917562008382 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 105.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393583945945721, 52.101506600724242 ], [ 7.394738922739589, 52.101506600724242 ], [ 7.394738922739589, 52.101299674064975 ], [ 7.393583945945721, 52.101299674064975 ], [ 7.393583945945721, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.5075688 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393583945945721, 52.09943729092997 ], [ 7.394738922739589, 52.09943729092997 ], [ 7.394738922739589, 52.099230354670311 ], [ 7.393583945945721, 52.099230354670311 ], [ 7.393583945945721, 52.09943729092997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.394738922739589, 52.101920451162663 ], [ 7.395893899533457, 52.101920451162663 ], [ 7.395893899533457, 52.10171352642346 ], [ 7.394738922739589, 52.10171352642346 ], [ 7.394738922739589, 52.101920451162663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 80.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.395893899533457, 52.101506600724242 ], [ 7.397048876327325, 52.101506600724242 ], [ 7.397048876327325, 52.101299674064975 ], [ 7.395893899533457, 52.101299674064975 ], [ 7.395893899533457, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 72.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.397048876327325, 52.102748140519211 ], [ 7.398203853121193, 52.102748140519211 ], [ 7.398203853121193, 52.102541219620115 ], [ 7.397048876327325, 52.102541219620115 ], [ 7.397048876327325, 52.102748140519211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 95.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.397048876327325, 52.101506600724242 ], [ 7.398203853121193, 52.101506600724242 ], [ 7.398203853121193, 52.101299674064975 ], [ 7.397048876327325, 52.101299674064975 ], [ 7.397048876327325, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 93.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.397048876327325, 52.100678888326996 ], [ 7.398203853121193, 52.100678888326996 ], [ 7.398203853121193, 52.100471957827601 ], [ 7.397048876327325, 52.100471957827601 ], [ 7.397048876327325, 52.100678888326996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.103368897456406 ], [ 7.399358829915061, 52.103368897456406 ], [ 7.399358829915061, 52.103161979437367 ], [ 7.398203853121193, 52.103161979437367 ], [ 7.398203853121193, 52.103368897456406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.102955060458299 ], [ 7.399358829915061, 52.102955060458299 ], [ 7.399358829915061, 52.102748140519211 ], [ 7.398203853121193, 52.102748140519211 ], [ 7.398203853121193, 52.102955060458299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 52.100678888326996 ], [ 7.399358829915061, 52.100678888326996 ], [ 7.399358829915061, 52.100471957827601 ], [ 7.398203853121193, 52.100471957827601 ], [ 7.398203853121193, 52.100678888326996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 101.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.103368897456406 ], [ 7.400513806708929, 52.103368897456406 ], [ 7.400513806708929, 52.103161979437367 ], [ 7.399358829915061, 52.103161979437367 ], [ 7.399358829915061, 52.103368897456406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 109.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.102955060458299 ], [ 7.400513806708929, 52.102955060458299 ], [ 7.400513806708929, 52.102748140519211 ], [ 7.399358829915061, 52.102748140519211 ], [ 7.399358829915061, 52.102955060458299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 73.954934285714288 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.102127374941844 ], [ 7.400513806708929, 52.102127374941844 ], [ 7.400513806708929, 52.101920451162663 ], [ 7.399358829915061, 52.101920451162663 ], [ 7.399358829915061, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 92.5999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.099851160569159 ], [ 7.400513806708929, 52.099851160569159 ], [ 7.400513806708929, 52.099644226229586 ], [ 7.399358829915061, 52.099644226229586 ], [ 7.399358829915061, 52.099851160569159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.999999833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.399358829915061, 52.099230354670311 ], [ 7.400513806708929, 52.099230354670311 ], [ 7.400513806708929, 52.099023417450603 ], [ 7.399358829915061, 52.099023417450603 ], [ 7.399358829915061, 52.099230354670311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 96.9129832 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.102127374941844 ], [ 7.401668783502797, 52.102127374941844 ], [ 7.401668783502797, 52.101920451162663 ], [ 7.400513806708929, 52.101920451162663 ], [ 7.400513806708929, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.101506600724242 ], [ 7.401668783502797, 52.101506600724242 ], [ 7.401668783502797, 52.101299674064975 ], [ 7.400513806708929, 52.101299674064975 ], [ 7.400513806708929, 52.101506600724242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.87541633333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.101299674064975 ], [ 7.401668783502797, 52.101299674064975 ], [ 7.401668783502797, 52.101092746445694 ], [ 7.400513806708929, 52.101092746445694 ], [ 7.400513806708929, 52.101299674064975 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45507_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.13154175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.101092746445694 ], [ 7.401668783502797, 52.101092746445694 ], [ 7.401668783502797, 52.100885817866356 ], [ 7.400513806708929, 52.100885817866356 ], [ 7.400513806708929, 52.101092746445694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45508_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.095781275667271 ], [ 7.401668783502797, 52.095781275667271 ], [ 7.401668783502797, 52.095574322446474 ], [ 7.400513806708929, 52.095574322446474 ], [ 7.400513806708929, 52.095781275667271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45508_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.400513806708929, 52.095574322446474 ], [ 7.401668783502797, 52.095574322446474 ], [ 7.401668783502797, 52.095367368265585 ], [ 7.400513806708929, 52.095367368265585 ], [ 7.400513806708929, 52.095574322446474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45771_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.398203853121193, 50.620858319507064 ], [ 7.399358829915061, 50.620858319507064 ], [ 7.399358829915061, 50.620644593254774 ], [ 7.398203853121193, 50.620644593254774 ], [ 7.398203853121193, 50.620858319507064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45934_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 33.636363636363633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.448670998069879 ], [ 7.409496959550123, 53.448670998069879 ], [ 7.409496959550123, 53.448470378182904 ], [ 7.408341982756257, 53.448470378182904 ], [ 7.408341982756257, 53.448670998069879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45935_5_14", "Weekday": 5, "hour": 14, "Speed_value_mean": 37.909090909090907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.443320810138921 ], [ 7.409496959550123, 53.443320810138921 ], [ 7.409496959550123, 53.443120164983263 ], [ 7.408341982756257, 53.443120164983263 ], [ 7.408341982756257, 53.443320810138921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402567098786917, 53.358229277012903 ], [ 7.403722075580784, 53.358229277012903 ], [ 7.403722075580784, 53.35802823020947 ], [ 7.402567098786917, 53.35802823020947 ], [ 7.402567098786917, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.404877052374651, 53.357626133757229 ], [ 7.406032029168521, 53.357626133757229 ], [ 7.406032029168521, 53.357425084108435 ], [ 7.404877052374651, 53.357425084108435 ], [ 7.404877052374651, 53.357626133757229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.406032029168521, 53.359033454742168 ], [ 7.407187005962387, 53.359033454742168 ], [ 7.407187005962387, 53.358832411732521 ], [ 7.406032029168521, 53.358832411732521 ], [ 7.406032029168521, 53.359033454742168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.35943553791612 ], [ 7.408341982756257, 53.35943553791612 ], [ 7.408341982756257, 53.35923449680336 ], [ 7.407187005962387, 53.35923449680336 ], [ 7.407187005962387, 53.35943553791612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 74.24999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.358631367774429 ], [ 7.408341982756257, 53.358631367774429 ], [ 7.408341982756257, 53.358430322867896 ], [ 7.407187005962387, 53.358430322867896 ], [ 7.407187005962387, 53.358631367774429 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.35943553791612 ], [ 7.409496959550123, 53.35943553791612 ], [ 7.409496959550123, 53.35923449680336 ], [ 7.408341982756257, 53.35923449680336 ], [ 7.408341982756257, 53.35943553791612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.359033454742168 ], [ 7.409496959550123, 53.359033454742168 ], [ 7.409496959550123, 53.358832411732521 ], [ 7.408341982756257, 53.358832411732521 ], [ 7.408341982756257, 53.359033454742168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.358229277012903 ], [ 7.409496959550123, 53.358229277012903 ], [ 7.409496959550123, 53.35802823020947 ], [ 7.408341982756257, 53.35802823020947 ], [ 7.408341982756257, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 99.24999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.35802823020947 ], [ 7.409496959550123, 53.35802823020947 ], [ 7.409496959550123, 53.357827182457576 ], [ 7.408341982756257, 53.357827182457576 ], [ 7.408341982756257, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.357425084108435 ], [ 7.409496959550123, 53.357425084108435 ], [ 7.409496959550123, 53.357224033511166 ], [ 7.408341982756257, 53.357224033511166 ], [ 7.408341982756257, 53.357425084108435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 76.54154325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.35802823020947 ], [ 7.410651936343992, 53.35802823020947 ], [ 7.410651936343992, 53.357827182457576 ], [ 7.409496959550123, 53.357827182457576 ], [ 7.409496959550123, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.357626133757229 ], [ 7.410651936343992, 53.357626133757229 ], [ 7.410651936343992, 53.357425084108435 ], [ 7.409496959550123, 53.357425084108435 ], [ 7.409496959550123, 53.357626133757229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45951_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 105.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.357425084108435 ], [ 7.410651936343992, 53.357425084108435 ], [ 7.410651936343992, 53.357224033511166 ], [ 7.409496959550123, 53.357224033511166 ], [ 7.409496959550123, 53.357425084108435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402567098786917, 53.352867704333818 ], [ 7.403722075580784, 53.352867704333818 ], [ 7.403722075580784, 53.352666632237607 ], [ 7.402567098786917, 53.352666632237607 ], [ 7.402567098786917, 53.352867704333818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.404877052374651, 53.352264485199662 ], [ 7.406032029168521, 53.352264485199662 ], [ 7.406032029168521, 53.352063410257927 ], [ 7.404877052374651, 53.352063410257927 ], [ 7.404877052374651, 53.352264485199662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.406032029168521, 53.353671983233632 ], [ 7.407187005962387, 53.353671983233632 ], [ 7.407187005962387, 53.353470914931435 ], [ 7.406032029168521, 53.353470914931435 ], [ 7.406032029168521, 53.353671983233632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.354074116992557 ], [ 7.408341982756257, 53.354074116992557 ], [ 7.408341982756257, 53.353873050587339 ], [ 7.407187005962387, 53.353873050587339 ], [ 7.407187005962387, 53.354074116992557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 71.666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.353269845680721 ], [ 7.408341982756257, 53.353269845680721 ], [ 7.408341982756257, 53.353068775481525 ], [ 7.407187005962387, 53.353068775481525 ], [ 7.407187005962387, 53.353269845680721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.354074116992557 ], [ 7.409496959550123, 53.354074116992557 ], [ 7.409496959550123, 53.353873050587339 ], [ 7.408341982756257, 53.353873050587339 ], [ 7.408341982756257, 53.354074116992557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.353671983233632 ], [ 7.409496959550123, 53.353671983233632 ], [ 7.409496959550123, 53.353470914931435 ], [ 7.408341982756257, 53.353470914931435 ], [ 7.408341982756257, 53.353671983233632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 111.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.352867704333818 ], [ 7.409496959550123, 53.352867704333818 ], [ 7.409496959550123, 53.352666632237607 ], [ 7.408341982756257, 53.352666632237607 ], [ 7.408341982756257, 53.352867704333818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 100.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.352666632237607 ], [ 7.409496959550123, 53.352666632237607 ], [ 7.409496959550123, 53.352465559192886 ], [ 7.408341982756257, 53.352465559192886 ], [ 7.408341982756257, 53.352666632237607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.352063410257927 ], [ 7.409496959550123, 53.352063410257927 ], [ 7.409496959550123, 53.351862334367674 ], [ 7.408341982756257, 53.351862334367674 ], [ 7.408341982756257, 53.352063410257927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 70.221183666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.352666632237607 ], [ 7.410651936343992, 53.352666632237607 ], [ 7.410651936343992, 53.352465559192886 ], [ 7.409496959550123, 53.352465559192886 ], [ 7.409496959550123, 53.352666632237607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.352264485199662 ], [ 7.410651936343992, 53.352264485199662 ], [ 7.410651936343992, 53.352063410257927 ], [ 7.409496959550123, 53.352063410257927 ], [ 7.409496959550123, 53.352264485199662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45952_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.352063410257927 ], [ 7.410651936343992, 53.352063410257927 ], [ 7.410651936343992, 53.351862334367674 ], [ 7.409496959550123, 53.351862334367674 ], [ 7.409496959550123, 53.352063410257927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45973_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 11.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.239312392194186 ], [ 7.409496959550123, 53.239312392194186 ], [ 7.409496959550123, 53.239110784824128 ], [ 7.408341982756257, 53.239110784824128 ], [ 7.408341982756257, 53.239312392194186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45973_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 84.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.23870756723511 ], [ 7.409496959550123, 53.23870756723511 ], [ 7.409496959550123, 53.238505957016159 ], [ 7.408341982756257, 53.238505957016159 ], [ 7.408341982756257, 53.23870756723511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45973_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.5785715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.239917208606634 ], [ 7.410651936343992, 53.239917208606634 ], [ 7.410651936343992, 53.23971560408544 ], [ 7.409496959550123, 53.23971560408544 ], [ 7.409496959550123, 53.239917208606634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45973_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.23971560408544 ], [ 7.410651936343992, 53.23971560408544 ], [ 7.410651936343992, 53.239513998614626 ], [ 7.409496959550123, 53.239513998614626 ], [ 7.409496959550123, 53.23971560408544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45973_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.239513998614626 ], [ 7.410651936343992, 53.239513998614626 ], [ 7.410651936343992, 53.239312392194186 ], [ 7.409496959550123, 53.239312392194186 ], [ 7.409496959550123, 53.239513998614626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45973_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 15.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.239312392194186 ], [ 7.410651936343992, 53.239312392194186 ], [ 7.410651936343992, 53.239110784824128 ], [ 7.409496959550123, 53.239110784824128 ], [ 7.409496959550123, 53.239312392194186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 63.363636363636367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402567098786917, 53.234742391949716 ], [ 7.403722075580784, 53.234742391949716 ], [ 7.403722075580784, 53.23454076305427 ], [ 7.402567098786917, 53.23454076305427 ], [ 7.402567098786917, 53.234742391949716 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 89.820876 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402567098786917, 53.232726060259807 ], [ 7.403722075580784, 53.232726060259807 ], [ 7.403722075580784, 53.232524421867559 ], [ 7.402567098786917, 53.232524421867559 ], [ 7.402567098786917, 53.232726060259807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.404877052374651, 53.234137502414377 ], [ 7.406032029168521, 53.234137502414377 ], [ 7.406032029168521, 53.23393587066991 ], [ 7.404877052374651, 53.23393587066991 ], [ 7.404877052374651, 53.234137502414377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.406032029168521, 53.234339133209168 ], [ 7.407187005962387, 53.234339133209168 ], [ 7.407187005962387, 53.234137502414377 ], [ 7.406032029168521, 53.234137502414377 ], [ 7.406032029168521, 53.234339133209168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.235952145379365 ], [ 7.408341982756257, 53.235952145379365 ], [ 7.408341982756257, 53.23575052218191 ], [ 7.407187005962387, 53.23575052218191 ], [ 7.407187005962387, 53.235952145379365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 91.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.235145646891588 ], [ 7.408341982756257, 53.235145646891588 ], [ 7.408341982756257, 53.234944019895494 ], [ 7.407187005962387, 53.234944019895494 ], [ 7.407187005962387, 53.235145646891588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 83.1052645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 53.233532604331941 ], [ 7.408341982756257, 53.233532604331941 ], [ 7.408341982756257, 53.233330969738439 ], [ 7.407187005962387, 53.233330969738439 ], [ 7.407187005962387, 53.233532604331941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 64.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.235952145379365 ], [ 7.409496959550123, 53.235952145379365 ], [ 7.409496959550123, 53.23575052218191 ], [ 7.408341982756257, 53.23575052218191 ], [ 7.408341982756257, 53.235952145379365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 75.9603635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.234944019895494 ], [ 7.409496959550123, 53.234944019895494 ], [ 7.409496959550123, 53.234742391949716 ], [ 7.408341982756257, 53.234742391949716 ], [ 7.408341982756257, 53.234944019895494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 80.257475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.23454076305427 ], [ 7.409496959550123, 53.23454076305427 ], [ 7.409496959550123, 53.234339133209168 ], [ 7.408341982756257, 53.234339133209168 ], [ 7.408341982756257, 53.23454076305427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 33.260869565217391 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.23393587066991 ], [ 7.409496959550123, 53.23393587066991 ], [ 7.409496959550123, 53.233734237975767 ], [ 7.408341982756257, 53.233734237975767 ], [ 7.408341982756257, 53.23393587066991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 84.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.233330969738439 ], [ 7.409496959550123, 53.233330969738439 ], [ 7.409496959550123, 53.233129334195247 ], [ 7.408341982756257, 53.233129334195247 ], [ 7.408341982756257, 53.233330969738439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 83.200295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 53.232524421867559 ], [ 7.409496959550123, 53.232524421867559 ], [ 7.409496959550123, 53.232322782525614 ], [ 7.408341982756257, 53.232322782525614 ], [ 7.408341982756257, 53.232524421867559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 78.7789681 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.234742391949716 ], [ 7.410651936343992, 53.234742391949716 ], [ 7.410651936343992, 53.23454076305427 ], [ 7.409496959550123, 53.23454076305427 ], [ 7.409496959550123, 53.234742391949716 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.4664595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.23454076305427 ], [ 7.410651936343992, 53.23454076305427 ], [ 7.410651936343992, 53.234339133209168 ], [ 7.409496959550123, 53.234339133209168 ], [ 7.409496959550123, 53.23454076305427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 70.260497 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.234339133209168 ], [ 7.410651936343992, 53.234339133209168 ], [ 7.410651936343992, 53.234137502414377 ], [ 7.409496959550123, 53.234137502414377 ], [ 7.409496959550123, 53.234339133209168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.234137502414377 ], [ 7.410651936343992, 53.234137502414377 ], [ 7.410651936343992, 53.23393587066991 ], [ 7.409496959550123, 53.23393587066991 ], [ 7.409496959550123, 53.234137502414377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 23.833333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.23393587066991 ], [ 7.410651936343992, 53.23393587066991 ], [ 7.410651936343992, 53.233734237975767 ], [ 7.409496959550123, 53.233734237975767 ], [ 7.409496959550123, 53.23393587066991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "45974_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 78.000000499999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 53.233532604331941 ], [ 7.410651936343992, 53.233532604331941 ], [ 7.410651936343992, 53.233330969738439 ], [ 7.409496959550123, 53.233330969738439 ], [ 7.409496959550123, 53.233532604331941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46139_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.2499975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.338974549922639 ], [ 7.408341982756257, 52.338974549922639 ], [ 7.408341982756257, 52.338768726767043 ], [ 7.407187005962387, 52.338768726767043 ], [ 7.407187005962387, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46139_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 128.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.337122107034645 ], [ 7.408341982756257, 52.337122107034645 ], [ 7.408341982756257, 52.336916275257124 ], [ 7.407187005962387, 52.336916275257124 ], [ 7.407187005962387, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46139_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 27.54387815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.337945424564786 ], [ 7.409496959550123, 52.337945424564786 ], [ 7.409496959550123, 52.337739596619244 ], [ 7.408341982756257, 52.337739596619244 ], [ 7.408341982756257, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46139_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 177.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.337327937854184 ], [ 7.409496959550123, 52.337327937854184 ], [ 7.409496959550123, 52.337122107034645 ], [ 7.408341982756257, 52.337122107034645 ], [ 7.408341982756257, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46139_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 179.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 52.337533767715719 ], [ 7.410651936343992, 52.337533767715719 ], [ 7.410651936343992, 52.337327937854184 ], [ 7.409496959550123, 52.337327937854184 ], [ 7.409496959550123, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46139_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 141.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 52.337122107034645 ], [ 7.410651936343992, 52.337122107034645 ], [ 7.410651936343992, 52.336916275257124 ], [ 7.409496959550123, 52.336916275257124 ], [ 7.409496959550123, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46147_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.29339566252073 ], [ 7.408341982756257, 52.29339566252073 ], [ 7.408341982756257, 52.293189627287177 ], [ 7.407187005962387, 52.293189627287177 ], [ 7.407187005962387, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46148_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 76.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.28790106164093 ], [ 7.408341982756257, 52.28790106164093 ], [ 7.408341982756257, 52.28769500084988 ], [ 7.407187005962387, 52.28769500084988 ], [ 7.407187005962387, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46149_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 96.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.282405779211416 ], [ 7.408341982756257, 52.282405779211416 ], [ 7.408341982756257, 52.282199692861589 ], [ 7.407187005962387, 52.282199692861589 ], [ 7.407187005962387, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46150_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.276909815198202 ], [ 7.408341982756257, 52.276909815198202 ], [ 7.408341982756257, 52.276703703288327 ], [ 7.407187005962387, 52.276703703288327 ], [ 7.407187005962387, 52.276909815198202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46151_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.271413169567339 ], [ 7.408341982756257, 52.271413169567339 ], [ 7.408341982756257, 52.271207032096143 ], [ 7.407187005962387, 52.271207032096143 ], [ 7.407187005962387, 52.271413169567339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46152_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.265915842284862 ], [ 7.408341982756257, 52.265915842284862 ], [ 7.408341982756257, 52.265709679251074 ], [ 7.407187005962387, 52.265709679251074 ], [ 7.407187005962387, 52.265915842284862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46153_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.260417833316872 ], [ 7.408341982756257, 52.260417833316872 ], [ 7.408341982756257, 52.260211644719213 ], [ 7.407187005962387, 52.260211644719213 ], [ 7.407187005962387, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46154_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.254919142629468 ], [ 7.408341982756257, 52.254919142629468 ], [ 7.408341982756257, 52.254712928466674 ], [ 7.407187005962387, 52.254712928466674 ], [ 7.407187005962387, 52.254919142629468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46155_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 96.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.249419770188759 ], [ 7.408341982756257, 52.249419770188759 ], [ 7.408341982756257, 52.249213530459549 ], [ 7.407187005962387, 52.249213530459549 ], [ 7.407187005962387, 52.249419770188759 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46156_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 83.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.243919715960899 ], [ 7.408341982756257, 52.243919715960899 ], [ 7.408341982756257, 52.243713450664018 ], [ 7.407187005962387, 52.243713450664018 ], [ 7.407187005962387, 52.243919715960899 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46157_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 81.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.238418979912041 ], [ 7.408341982756257, 52.238418979912041 ], [ 7.408341982756257, 52.238212689046215 ], [ 7.407187005962387, 52.238212689046215 ], [ 7.407187005962387, 52.238418979912041 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402567098786917, 52.09598822792799 ], [ 7.403722075580784, 52.09598822792799 ], [ 7.403722075580784, 52.095781275667271 ], [ 7.402567098786917, 52.095781275667271 ], [ 7.402567098786917, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402567098786917, 52.093918662117012 ], [ 7.403722075580784, 52.093918662117012 ], [ 7.403722075580784, 52.093711700255419 ], [ 7.402567098786917, 52.093711700255419 ], [ 7.402567098786917, 52.093918662117012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 81.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.403722075580784, 52.096402129569199 ], [ 7.404877052374651, 52.096402129569199 ], [ 7.404877052374651, 52.096195179228637 ], [ 7.403722075580784, 52.096195179228637 ], [ 7.403722075580784, 52.096402129569199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 102.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.404877052374651, 52.09598822792799 ], [ 7.406032029168521, 52.09598822792799 ], [ 7.406032029168521, 52.095781275667271 ], [ 7.404877052374651, 52.095781275667271 ], [ 7.404877052374651, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 93.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.406032029168521, 52.097229921330751 ], [ 7.407187005962387, 52.097229921330751 ], [ 7.407187005962387, 52.097022974830473 ], [ 7.406032029168521, 52.097022974830473 ], [ 7.406032029168521, 52.097229921330751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 99.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.406032029168521, 52.09598822792799 ], [ 7.407187005962387, 52.09598822792799 ], [ 7.407187005962387, 52.095781275667271 ], [ 7.406032029168521, 52.095781275667271 ], [ 7.406032029168521, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 101.16666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.406032029168521, 52.095160413124624 ], [ 7.407187005962387, 52.095160413124624 ], [ 7.407187005962387, 52.094953457023578 ], [ 7.406032029168521, 52.094953457023578 ], [ 7.406032029168521, 52.095160413124624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 104.16666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.097850755071207 ], [ 7.408341982756257, 52.097850755071207 ], [ 7.408341982756257, 52.097643811451128 ], [ 7.407187005962387, 52.097643811451128 ], [ 7.407187005962387, 52.097850755071207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.097436866870972 ], [ 7.408341982756257, 52.097436866870972 ], [ 7.408341982756257, 52.097229921330751 ], [ 7.407187005962387, 52.097229921330751 ], [ 7.407187005962387, 52.097436866870972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 52.095160413124624 ], [ 7.408341982756257, 52.095160413124624 ], [ 7.408341982756257, 52.094953457023578 ], [ 7.407187005962387, 52.094953457023578 ], [ 7.407187005962387, 52.095160413124624 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 100.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.097850755071207 ], [ 7.409496959550123, 52.097850755071207 ], [ 7.409496959550123, 52.097643811451128 ], [ 7.408341982756257, 52.097643811451128 ], [ 7.408341982756257, 52.097850755071207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 125.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.097436866870972 ], [ 7.409496959550123, 52.097436866870972 ], [ 7.409496959550123, 52.097229921330751 ], [ 7.408341982756257, 52.097229921330751 ], [ 7.408341982756257, 52.097436866870972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 102.67726616666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.09660907894969 ], [ 7.409496959550123, 52.09660907894969 ], [ 7.409496959550123, 52.096402129569199 ], [ 7.408341982756257, 52.096402129569199 ], [ 7.408341982756257, 52.09660907894969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.847619666666674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.094332582959915 ], [ 7.409496959550123, 52.094332582959915 ], [ 7.409496959550123, 52.094125623018513 ], [ 7.408341982756257, 52.094125623018513 ], [ 7.408341982756257, 52.094332582959915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.974082428571435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.408341982756257, 52.093711700255419 ], [ 7.409496959550123, 52.093711700255419 ], [ 7.409496959550123, 52.09350473743374 ], [ 7.408341982756257, 52.09350473743374 ], [ 7.408341982756257, 52.093711700255419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.0539562 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 52.09660907894969 ], [ 7.410651936343992, 52.09660907894969 ], [ 7.410651936343992, 52.096402129569199 ], [ 7.409496959550123, 52.096402129569199 ], [ 7.409496959550123, 52.09660907894969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 52.09598822792799 ], [ 7.410651936343992, 52.09598822792799 ], [ 7.410651936343992, 52.095781275667271 ], [ 7.409496959550123, 52.095781275667271 ], [ 7.409496959550123, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.982714545454527 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 52.095781275667271 ], [ 7.410651936343992, 52.095781275667271 ], [ 7.410651936343992, 52.095574322446474 ], [ 7.409496959550123, 52.095574322446474 ], [ 7.409496959550123, 52.095781275667271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46183_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.166666416666658 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.409496959550123, 52.095574322446474 ], [ 7.410651936343992, 52.095574322446474 ], [ 7.410651936343992, 52.095367368265585 ], [ 7.409496959550123, 52.095367368265585 ], [ 7.409496959550123, 52.095574322446474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46446_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 108.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.407187005962387, 50.620858319507064 ], [ 7.408341982756257, 50.620858319507064 ], [ 7.408341982756257, 50.620644593254774 ], [ 7.407187005962387, 50.620644593254774 ], [ 7.407187005962387, 50.620858319507064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 53.352867704333818 ], [ 7.412705228421979, 53.352867704333818 ], [ 7.412705228421979, 53.352666632237607 ], [ 7.411550251628111, 53.352666632237607 ], [ 7.411550251628111, 53.352867704333818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 53.352264485199662 ], [ 7.415015182009715, 53.352264485199662 ], [ 7.415015182009715, 53.352063410257927 ], [ 7.413860205215847, 53.352063410257927 ], [ 7.413860205215847, 53.352264485199662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 53.353671983233632 ], [ 7.416170158803583, 53.353671983233632 ], [ 7.416170158803583, 53.353470914931435 ], [ 7.415015182009715, 53.353470914931435 ], [ 7.415015182009715, 53.353671983233632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.354074116992557 ], [ 7.417325135597451, 53.354074116992557 ], [ 7.417325135597451, 53.353873050587339 ], [ 7.416170158803583, 53.353873050587339 ], [ 7.416170158803583, 53.354074116992557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.7053825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.353269845680721 ], [ 7.417325135597451, 53.353269845680721 ], [ 7.417325135597451, 53.353068775481525 ], [ 7.416170158803583, 53.353068775481525 ], [ 7.416170158803583, 53.353269845680721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.354074116992557 ], [ 7.418480112391319, 53.354074116992557 ], [ 7.418480112391319, 53.353873050587339 ], [ 7.417325135597451, 53.353873050587339 ], [ 7.417325135597451, 53.354074116992557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.353671983233632 ], [ 7.418480112391319, 53.353671983233632 ], [ 7.418480112391319, 53.353470914931435 ], [ 7.417325135597451, 53.353470914931435 ], [ 7.417325135597451, 53.353671983233632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 109.831378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.352867704333818 ], [ 7.418480112391319, 53.352867704333818 ], [ 7.418480112391319, 53.352666632237607 ], [ 7.417325135597451, 53.352666632237607 ], [ 7.417325135597451, 53.352867704333818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.745619 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.352666632237607 ], [ 7.418480112391319, 53.352666632237607 ], [ 7.418480112391319, 53.352465559192886 ], [ 7.417325135597451, 53.352465559192886 ], [ 7.417325135597451, 53.352666632237607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 111.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.352063410257927 ], [ 7.418480112391319, 53.352063410257927 ], [ 7.418480112391319, 53.351862334367674 ], [ 7.417325135597451, 53.351862334367674 ], [ 7.417325135597451, 53.352063410257927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.6901195 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.352666632237607 ], [ 7.419635089185187, 53.352666632237607 ], [ 7.419635089185187, 53.352465559192886 ], [ 7.418480112391319, 53.352465559192886 ], [ 7.418480112391319, 53.352666632237607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 101.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.352264485199662 ], [ 7.419635089185187, 53.352264485199662 ], [ 7.419635089185187, 53.352063410257927 ], [ 7.418480112391319, 53.352063410257927 ], [ 7.418480112391319, 53.352264485199662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46627_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.352063410257927 ], [ 7.419635089185187, 53.352063410257927 ], [ 7.419635089185187, 53.351862334367674 ], [ 7.418480112391319, 53.351862334367674 ], [ 7.418480112391319, 53.352063410257927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 53.347505457162519 ], [ 7.412705228421979, 53.347505457162519 ], [ 7.412705228421979, 53.347304359772117 ], [ 7.411550251628111, 53.347304359772117 ], [ 7.411550251628111, 53.347505457162519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 53.346902162145625 ], [ 7.415015182009715, 53.346902162145625 ], [ 7.415015182009715, 53.346701061909528 ], [ 7.413860205215847, 53.346701061909528 ], [ 7.413860205215847, 53.346902162145625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 53.348309837238588 ], [ 7.416170158803583, 53.348309837238588 ], [ 7.416170158803583, 53.348108743642399 ], [ 7.415015182009715, 53.348108743642399 ], [ 7.415015182009715, 53.348309837238588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 129.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.3487120215853 ], [ 7.417325135597451, 53.3487120215853 ], [ 7.417325135597451, 53.348510929886217 ], [ 7.416170158803583, 53.348510929886217 ], [ 7.416170158803583, 53.3487120215853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 78.5999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.347907649097657 ], [ 7.417325135597451, 53.347907649097657 ], [ 7.417325135597451, 53.347706553604368 ], [ 7.416170158803583, 53.347706553604368 ], [ 7.416170158803583, 53.347907649097657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.3487120215853 ], [ 7.418480112391319, 53.3487120215853 ], [ 7.418480112391319, 53.348510929886217 ], [ 7.417325135597451, 53.348510929886217 ], [ 7.417325135597451, 53.3487120215853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.348309837238588 ], [ 7.418480112391319, 53.348309837238588 ], [ 7.418480112391319, 53.348108743642399 ], [ 7.417325135597451, 53.348108743642399 ], [ 7.417325135597451, 53.348309837238588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 106.32938525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.347505457162519 ], [ 7.418480112391319, 53.347505457162519 ], [ 7.418480112391319, 53.347304359772117 ], [ 7.417325135597451, 53.347304359772117 ], [ 7.417325135597451, 53.347505457162519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.08432966666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.347304359772117 ], [ 7.418480112391319, 53.347304359772117 ], [ 7.418480112391319, 53.347103261433148 ], [ 7.417325135597451, 53.347103261433148 ], [ 7.417325135597451, 53.347304359772117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.346701061909528 ], [ 7.418480112391319, 53.346701061909528 ], [ 7.418480112391319, 53.346499960724884 ], [ 7.417325135597451, 53.346499960724884 ], [ 7.417325135597451, 53.346701061909528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.778412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.347304359772117 ], [ 7.419635089185187, 53.347304359772117 ], [ 7.419635089185187, 53.347103261433148 ], [ 7.418480112391319, 53.347103261433148 ], [ 7.418480112391319, 53.347304359772117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.346902162145625 ], [ 7.419635089185187, 53.346902162145625 ], [ 7.419635089185187, 53.346701061909528 ], [ 7.418480112391319, 53.346701061909528 ], [ 7.418480112391319, 53.346902162145625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46628_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.346701061909528 ], [ 7.419635089185187, 53.346701061909528 ], [ 7.419635089185187, 53.346499960724884 ], [ 7.418480112391319, 53.346499960724884 ], [ 7.418480112391319, 53.346701061909528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 104.373833 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 53.243478731901149 ], [ 7.412705228421979, 53.243478731901149 ], [ 7.412705228421979, 53.243277144156274 ], [ 7.411550251628111, 53.243277144156274 ], [ 7.411550251628111, 53.243478731901149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 53.24630086062384 ], [ 7.416170158803583, 53.24630086062384 ], [ 7.416170158803583, 53.246099286172971 ], [ 7.415015182009715, 53.246099286172971 ], [ 7.415015182009715, 53.24630086062384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 107.222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.245292978873906 ], [ 7.418480112391319, 53.245292978873906 ], [ 7.418480112391319, 53.245091399675232 ], [ 7.417325135597451, 53.245091399675232 ], [ 7.417325135597451, 53.245292978873906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 86.951612 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.243277144156274 ], [ 7.418480112391319, 53.243277144156274 ], [ 7.418480112391319, 53.243075555461822 ], [ 7.417325135597451, 53.243075555461822 ], [ 7.417325135597451, 53.243277144156274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.245494557123024 ], [ 7.419635089185187, 53.245494557123024 ], [ 7.419635089185187, 53.245292978873906 ], [ 7.418480112391319, 53.245292978873906 ], [ 7.418480112391319, 53.245494557123024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.144123 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.245091399675232 ], [ 7.419635089185187, 53.245091399675232 ], [ 7.419635089185187, 53.244889819526982 ], [ 7.418480112391319, 53.244889819526982 ], [ 7.418480112391319, 53.245091399675232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.244889819526982 ], [ 7.419635089185187, 53.244889819526982 ], [ 7.419635089185187, 53.244688238429156 ], [ 7.418480112391319, 53.244688238429156 ], [ 7.418480112391319, 53.244889819526982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46647_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 33.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.244688238429156 ], [ 7.419635089185187, 53.244688238429156 ], [ 7.419635089185187, 53.244486656381767 ], [ 7.418480112391319, 53.244486656381767 ], [ 7.418480112391319, 53.244688238429156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 53.24011881217821 ], [ 7.412705228421979, 53.24011881217821 ], [ 7.412705228421979, 53.239917208606634 ], [ 7.411550251628111, 53.239917208606634 ], [ 7.411550251628111, 53.24011881217821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 94.5839465 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 53.238102733729349 ], [ 7.412705228421979, 53.238102733729349 ], [ 7.412705228421979, 53.237901120661483 ], [ 7.411550251628111, 53.237901120661483 ], [ 7.411550251628111, 53.238102733729349 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 53.239513998614626 ], [ 7.415015182009715, 53.239513998614626 ], [ 7.415015182009715, 53.239312392194186 ], [ 7.413860205215847, 53.239312392194186 ], [ 7.413860205215847, 53.239513998614626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 110.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 53.24092521696835 ], [ 7.416170158803583, 53.24092521696835 ], [ 7.416170158803583, 53.240723617195236 ], [ 7.415015182009715, 53.240723617195236 ], [ 7.415015182009715, 53.24092521696835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 104.83333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 53.23971560408544 ], [ 7.416170158803583, 53.23971560408544 ], [ 7.416170158803583, 53.239513998614626 ], [ 7.415015182009715, 53.239513998614626 ], [ 7.415015182009715, 53.23971560408544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.241328413665755 ], [ 7.417325135597451, 53.241328413665755 ], [ 7.417325135597451, 53.241126815791858 ], [ 7.416170158803583, 53.241126815791858 ], [ 7.416170158803583, 53.241328413665755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 104.90469366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.240522016472504 ], [ 7.417325135597451, 53.240522016472504 ], [ 7.417325135597451, 53.240320414800166 ], [ 7.416170158803583, 53.240320414800166 ], [ 7.416170158803583, 53.240522016472504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 102.49455366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 53.238909176504428 ], [ 7.417325135597451, 53.238909176504428 ], [ 7.417325135597451, 53.23870756723511 ], [ 7.416170158803583, 53.23870756723511 ], [ 7.416170158803583, 53.238909176504428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 79.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.241328413665755 ], [ 7.418480112391319, 53.241328413665755 ], [ 7.418480112391319, 53.241126815791858 ], [ 7.417325135597451, 53.241126815791858 ], [ 7.417325135597451, 53.241328413665755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.241126815791858 ], [ 7.418480112391319, 53.241126815791858 ], [ 7.418480112391319, 53.24092521696835 ], [ 7.417325135597451, 53.24092521696835 ], [ 7.417325135597451, 53.241126815791858 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 101.18787266666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.240320414800166 ], [ 7.418480112391319, 53.240320414800166 ], [ 7.418480112391319, 53.24011881217821 ], [ 7.417325135597451, 53.24011881217821 ], [ 7.417325135597451, 53.240320414800166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 100.54490708333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.239917208606634 ], [ 7.418480112391319, 53.239917208606634 ], [ 7.418480112391319, 53.23971560408544 ], [ 7.417325135597451, 53.23971560408544 ], [ 7.417325135597451, 53.239917208606634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 14.058823529411764 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.239312392194186 ], [ 7.418480112391319, 53.239312392194186 ], [ 7.418480112391319, 53.239110784824128 ], [ 7.417325135597451, 53.239110784824128 ], [ 7.417325135597451, 53.239312392194186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 90.666666166666673 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.23870756723511 ], [ 7.418480112391319, 53.23870756723511 ], [ 7.418480112391319, 53.238505957016159 ], [ 7.417325135597451, 53.238505957016159 ], [ 7.417325135597451, 53.23870756723511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 82.667375428571418 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 53.237901120661483 ], [ 7.418480112391319, 53.237901120661483 ], [ 7.418480112391319, 53.237699506643992 ], [ 7.417325135597451, 53.237699506643992 ], [ 7.417325135597451, 53.237901120661483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 87.07832895833333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.24011881217821 ], [ 7.419635089185187, 53.24011881217821 ], [ 7.419635089185187, 53.239917208606634 ], [ 7.418480112391319, 53.239917208606634 ], [ 7.418480112391319, 53.24011881217821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 88.589293307692301 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.239917208606634 ], [ 7.419635089185187, 53.239917208606634 ], [ 7.419635089185187, 53.23971560408544 ], [ 7.418480112391319, 53.23971560408544 ], [ 7.418480112391319, 53.239917208606634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 78.44509914285716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.23971560408544 ], [ 7.419635089185187, 53.23971560408544 ], [ 7.419635089185187, 53.239513998614626 ], [ 7.418480112391319, 53.239513998614626 ], [ 7.418480112391319, 53.23971560408544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.239513998614626 ], [ 7.419635089185187, 53.239513998614626 ], [ 7.419635089185187, 53.239312392194186 ], [ 7.418480112391319, 53.239312392194186 ], [ 7.418480112391319, 53.239513998614626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 12.926829268292684 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.239312392194186 ], [ 7.419635089185187, 53.239312392194186 ], [ 7.419635089185187, 53.239110784824128 ], [ 7.418480112391319, 53.239110784824128 ], [ 7.418480112391319, 53.239312392194186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46648_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 77.311755875000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 53.238909176504428 ], [ 7.419635089185187, 53.238909176504428 ], [ 7.419635089185187, 53.23870756723511 ], [ 7.418480112391319, 53.23870756723511 ], [ 7.418480112391319, 53.238909176504428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46814_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.338974549922639 ], [ 7.417325135597451, 52.338974549922639 ], [ 7.417325135597451, 52.338768726767043 ], [ 7.416170158803583, 52.338768726767043 ], [ 7.416170158803583, 52.338974549922639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46814_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.337945424564786 ], [ 7.418480112391319, 52.337945424564786 ], [ 7.418480112391319, 52.337739596619244 ], [ 7.417325135597451, 52.337739596619244 ], [ 7.417325135597451, 52.337945424564786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46814_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.337327937854184 ], [ 7.418480112391319, 52.337327937854184 ], [ 7.418480112391319, 52.337122107034645 ], [ 7.417325135597451, 52.337122107034645 ], [ 7.417325135597451, 52.337327937854184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46814_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.337533767715719 ], [ 7.419635089185187, 52.337533767715719 ], [ 7.419635089185187, 52.337327937854184 ], [ 7.418480112391319, 52.337327937854184 ], [ 7.418480112391319, 52.337533767715719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46814_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.337122107034645 ], [ 7.419635089185187, 52.337122107034645 ], [ 7.419635089185187, 52.336916275257124 ], [ 7.418480112391319, 52.336916275257124 ], [ 7.418480112391319, 52.337122107034645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46815_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.35778325000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.333485604591154 ], [ 7.417325135597451, 52.333485604591154 ], [ 7.417325135597451, 52.333279755888661 ], [ 7.416170158803583, 52.333279755888661 ], [ 7.416170158803583, 52.333485604591154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46815_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 125.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.331632931779424 ], [ 7.417325135597451, 52.331632931779424 ], [ 7.417325135597451, 52.331427074454567 ], [ 7.416170158803583, 52.331427074454567 ], [ 7.416170158803583, 52.331632931779424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46815_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 117.2000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.332456351498365 ], [ 7.418480112391319, 52.332456351498365 ], [ 7.418480112391319, 52.332250498005692 ], [ 7.417325135597451, 52.332250498005692 ], [ 7.417325135597451, 52.332456351498365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46815_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.331838788146229 ], [ 7.418480112391319, 52.331838788146229 ], [ 7.418480112391319, 52.331632931779424 ], [ 7.417325135597451, 52.331632931779424 ], [ 7.417325135597451, 52.331838788146229 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46815_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.332044643554987 ], [ 7.419635089185187, 52.332044643554987 ], [ 7.419635089185187, 52.331838788146229 ], [ 7.418480112391319, 52.331838788146229 ], [ 7.418480112391319, 52.332044643554987 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46815_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 137.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.331632931779424 ], [ 7.419635089185187, 52.331632931779424 ], [ 7.419635089185187, 52.331427074454567 ], [ 7.418480112391319, 52.331427074454567 ], [ 7.418480112391319, 52.331632931779424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46816_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.327995977992813 ], [ 7.417325135597451, 52.327995977992813 ], [ 7.417325135597451, 52.327790103742153 ], [ 7.416170158803583, 52.327790103742153 ], [ 7.416170158803583, 52.327995977992813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46816_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.32614307524581 ], [ 7.417325135597451, 52.32614307524581 ], [ 7.417325135597451, 52.325937192372351 ], [ 7.416170158803583, 52.325937192372351 ], [ 7.416170158803583, 52.32614307524581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46816_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 120.999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.326966597158687 ], [ 7.418480112391319, 52.326966597158687 ], [ 7.418480112391319, 52.326760718117605 ], [ 7.417325135597451, 52.326760718117605 ], [ 7.417325135597451, 52.326966597158687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46816_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.326348957161166 ], [ 7.418480112391319, 52.326348957161166 ], [ 7.418480112391319, 52.32614307524581 ], [ 7.417325135597451, 52.32614307524581 ], [ 7.417325135597451, 52.326348957161166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46816_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.326554838118433 ], [ 7.419635089185187, 52.326554838118433 ], [ 7.419635089185187, 52.326348957161166 ], [ 7.418480112391319, 52.326348957161166 ], [ 7.418480112391319, 52.326554838118433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46816_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.32614307524581 ], [ 7.419635089185187, 52.32614307524581 ], [ 7.419635089185187, 52.325937192372351 ], [ 7.418480112391319, 52.325937192372351 ], [ 7.418480112391319, 52.32614307524581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46819_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 84.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.309669417633266 ], [ 7.417325135597451, 52.309669417633266 ], [ 7.417325135597451, 52.309463458106329 ], [ 7.416170158803583, 52.309463458106329 ], [ 7.416170158803583, 52.309669417633266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46820_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 90.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.304176835644846 ], [ 7.417325135597451, 52.304176835644846 ], [ 7.417325135597451, 52.303970850564177 ], [ 7.416170158803583, 52.303970850564177 ], [ 7.416170158803583, 52.304176835644846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46821_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.298889581884815 ], [ 7.417325135597451, 52.298889581884815 ], [ 7.417325135597451, 52.298683572207494 ], [ 7.416170158803583, 52.298683572207494 ], [ 7.416170158803583, 52.298889581884815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46821_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.298683572207494 ], [ 7.417325135597451, 52.298683572207494 ], [ 7.417325135597451, 52.298477561571822 ], [ 7.416170158803583, 52.298477561571822 ], [ 7.416170158803583, 52.298683572207494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46822_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.29339566252073 ], [ 7.417325135597451, 52.29339566252073 ], [ 7.417325135597451, 52.293189627287177 ], [ 7.416170158803583, 52.293189627287177 ], [ 7.416170158803583, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.09598822792799 ], [ 7.412705228421979, 52.09598822792799 ], [ 7.412705228421979, 52.095781275667271 ], [ 7.411550251628111, 52.095781275667271 ], [ 7.411550251628111, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 52.09598822792799 ], [ 7.415015182009715, 52.09598822792799 ], [ 7.415015182009715, 52.095781275667271 ], [ 7.413860205215847, 52.095781275667271 ], [ 7.413860205215847, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 60.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.097229921330751 ], [ 7.416170158803583, 52.097229921330751 ], [ 7.416170158803583, 52.097022974830473 ], [ 7.415015182009715, 52.097022974830473 ], [ 7.415015182009715, 52.097229921330751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.09598822792799 ], [ 7.416170158803583, 52.09598822792799 ], [ 7.416170158803583, 52.095781275667271 ], [ 7.415015182009715, 52.095781275667271 ], [ 7.415015182009715, 52.09598822792799 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.097436866870972 ], [ 7.417325135597451, 52.097436866870972 ], [ 7.417325135597451, 52.097229921330751 ], [ 7.416170158803583, 52.097229921330751 ], [ 7.416170158803583, 52.097436866870972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.097850755071207 ], [ 7.418480112391319, 52.097850755071207 ], [ 7.418480112391319, 52.097643811451128 ], [ 7.417325135597451, 52.097643811451128 ], [ 7.417325135597451, 52.097850755071207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 88.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.093711700255419 ], [ 7.418480112391319, 52.093711700255419 ], [ 7.418480112391319, 52.09350473743374 ], [ 7.417325135597451, 52.09350473743374 ], [ 7.417325135597451, 52.093711700255419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 107.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.09660907894969 ], [ 7.419635089185187, 52.09660907894969 ], [ 7.419635089185187, 52.096402129569199 ], [ 7.418480112391319, 52.096402129569199 ], [ 7.418480112391319, 52.09660907894969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46858_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.095781275667271 ], [ 7.419635089185187, 52.095781275667271 ], [ 7.419635089185187, 52.095574322446474 ], [ 7.418480112391319, 52.095574322446474 ], [ 7.418480112391319, 52.095781275667271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.09046917241011 ], [ 7.412705228421979, 52.09046917241011 ], [ 7.412705228421979, 52.090262194546675 ], [ 7.411550251628111, 52.090262194546675 ], [ 7.411550251628111, 52.09046917241011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 99.3787614 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.088399350569944 ], [ 7.412705228421979, 52.088399350569944 ], [ 7.412705228421979, 52.088192363105179 ], [ 7.411550251628111, 52.088192363105179 ], [ 7.411550251628111, 52.088399350569944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 95.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.412705228421979, 52.090883125256596 ], [ 7.413860205215847, 52.090883125256596 ], [ 7.413860205215847, 52.090676149313417 ], [ 7.412705228421979, 52.090676149313417 ], [ 7.412705228421979, 52.090883125256596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 89.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 52.09046917241011 ], [ 7.415015182009715, 52.09046917241011 ], [ 7.415015182009715, 52.090262194546675 ], [ 7.413860205215847, 52.090262194546675 ], [ 7.413860205215847, 52.09046917241011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 60.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.091711019428139 ], [ 7.416170158803583, 52.091711019428139 ], [ 7.416170158803583, 52.091504047325422 ], [ 7.415015182009715, 52.091504047325422 ], [ 7.415015182009715, 52.091711019428139 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.09046917241011 ], [ 7.416170158803583, 52.09046917241011 ], [ 7.416170158803583, 52.090262194546675 ], [ 7.415015182009715, 52.090262194546675 ], [ 7.415015182009715, 52.09046917241011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.08964125519563 ], [ 7.416170158803583, 52.08964125519563 ], [ 7.416170158803583, 52.089434273491683 ], [ 7.415015182009715, 52.089434273491683 ], [ 7.415015182009715, 52.08964125519563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 105.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.0923319299756 ], [ 7.417325135597451, 52.0923319299756 ], [ 7.417325135597451, 52.092124960753225 ], [ 7.416170158803583, 52.092124960753225 ], [ 7.416170158803583, 52.0923319299756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.091917990570735 ], [ 7.417325135597451, 52.091917990570735 ], [ 7.417325135597451, 52.091711019428139 ], [ 7.416170158803583, 52.091711019428139 ], [ 7.416170158803583, 52.091917990570735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.08964125519563 ], [ 7.417325135597451, 52.08964125519563 ], [ 7.417325135597451, 52.089434273491683 ], [ 7.416170158803583, 52.089434273491683 ], [ 7.416170158803583, 52.08964125519563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 87.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.0923319299756 ], [ 7.418480112391319, 52.0923319299756 ], [ 7.418480112391319, 52.092124960753225 ], [ 7.417325135597451, 52.092124960753225 ], [ 7.417325135597451, 52.0923319299756 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.091917990570735 ], [ 7.418480112391319, 52.091917990570735 ], [ 7.418480112391319, 52.091711019428139 ], [ 7.417325135597451, 52.091711019428139 ], [ 7.417325135597451, 52.091917990570735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.5102556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.091090100239661 ], [ 7.418480112391319, 52.091090100239661 ], [ 7.418480112391319, 52.090883125256596 ], [ 7.417325135597451, 52.090883125256596 ], [ 7.417325135597451, 52.091090100239661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 108.9999982 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.088813322619053 ], [ 7.418480112391319, 52.088813322619053 ], [ 7.418480112391319, 52.088606337074566 ], [ 7.417325135597451, 52.088606337074566 ], [ 7.417325135597451, 52.088813322619053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 89.0368426 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.088192363105179 ], [ 7.418480112391319, 52.088192363105179 ], [ 7.418480112391319, 52.087985374680272 ], [ 7.417325135597451, 52.087985374680272 ], [ 7.417325135597451, 52.088192363105179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.091090100239661 ], [ 7.419635089185187, 52.091090100239661 ], [ 7.419635089185187, 52.090883125256596 ], [ 7.418480112391319, 52.090883125256596 ], [ 7.418480112391319, 52.091090100239661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.09046917241011 ], [ 7.419635089185187, 52.09046917241011 ], [ 7.419635089185187, 52.090262194546675 ], [ 7.418480112391319, 52.090262194546675 ], [ 7.418480112391319, 52.09046917241011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 102.35276333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.090262194546675 ], [ 7.419635089185187, 52.090262194546675 ], [ 7.419635089185187, 52.090055215723126 ], [ 7.418480112391319, 52.090055215723126 ], [ 7.418480112391319, 52.090262194546675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46859_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.273401833333324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.090055215723126 ], [ 7.419635089185187, 52.090055215723126 ], [ 7.419635089185187, 52.089848235939435 ], [ 7.418480112391319, 52.089848235939435 ], [ 7.418480112391319, 52.090055215723126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.084949434137343 ], [ 7.412705228421979, 52.084949434137343 ], [ 7.412705228421979, 52.084742430669962 ], [ 7.411550251628111, 52.084742430669962 ], [ 7.411550251628111, 52.084949434137343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.7324152 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.082879356255532 ], [ 7.412705228421979, 52.082879356255532 ], [ 7.412705228421979, 52.082672343186346 ], [ 7.411550251628111, 52.082672343186346 ], [ 7.411550251628111, 52.082879356255532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.412705228421979, 52.0853634381916 ], [ 7.413860205215847, 52.0853634381916 ], [ 7.413860205215847, 52.08515643664456 ], [ 7.412705228421979, 52.08515643664456 ], [ 7.412705228421979, 52.0853634381916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 52.084949434137343 ], [ 7.415015182009715, 52.084949434137343 ], [ 7.415015182009715, 52.084742430669962 ], [ 7.413860205215847, 52.084742430669962 ], [ 7.413860205215847, 52.084949434137343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.086191434778122 ], [ 7.416170158803583, 52.086191434778122 ], [ 7.416170158803583, 52.085984437071737 ], [ 7.415015182009715, 52.085984437071737 ], [ 7.415015182009715, 52.086191434778122 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.084949434137343 ], [ 7.416170158803583, 52.084949434137343 ], [ 7.416170158803583, 52.084742430669962 ], [ 7.415015182009715, 52.084742430669962 ], [ 7.415015182009715, 52.084949434137343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.084121414506768 ], [ 7.416170158803583, 52.084121414506768 ], [ 7.416170158803583, 52.083914407198677 ], [ 7.415015182009715, 52.083914407198677 ], [ 7.415015182009715, 52.084121414506768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 102.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.086812422136326 ], [ 7.417325135597451, 52.086812422136326 ], [ 7.417325135597451, 52.086605427310417 ], [ 7.416170158803583, 52.086605427310417 ], [ 7.416170158803583, 52.086812422136326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.086398431524344 ], [ 7.417325135597451, 52.086398431524344 ], [ 7.417325135597451, 52.086191434778122 ], [ 7.416170158803583, 52.086191434778122 ], [ 7.416170158803583, 52.086398431524344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.084121414506768 ], [ 7.417325135597451, 52.084121414506768 ], [ 7.417325135597451, 52.083914407198677 ], [ 7.416170158803583, 52.083914407198677 ], [ 7.416170158803583, 52.084121414506768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 82.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.086812422136326 ], [ 7.418480112391319, 52.086812422136326 ], [ 7.418480112391319, 52.086605427310417 ], [ 7.417325135597451, 52.086605427310417 ], [ 7.417325135597451, 52.086812422136326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.086398431524344 ], [ 7.418480112391319, 52.086398431524344 ], [ 7.418480112391319, 52.086191434778122 ], [ 7.417325135597451, 52.086191434778122 ], [ 7.417325135597451, 52.086398431524344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 105.7999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.085570438778475 ], [ 7.418480112391319, 52.085570438778475 ], [ 7.418480112391319, 52.0853634381916 ], [ 7.417325135597451, 52.0853634381916 ], [ 7.417325135597451, 52.085570438778475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 112.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.08329337951335 ], [ 7.418480112391319, 52.08329337951335 ], [ 7.418480112391319, 52.083086368364526 ], [ 7.417325135597451, 52.083086368364526 ], [ 7.417325135597451, 52.08329337951335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.586367833333327 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.082672343186346 ], [ 7.418480112391319, 52.082672343186346 ], [ 7.418480112391319, 52.082465329156967 ], [ 7.417325135597451, 52.082465329156967 ], [ 7.417325135597451, 52.082672343186346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.5152708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.085570438778475 ], [ 7.419635089185187, 52.085570438778475 ], [ 7.419635089185187, 52.0853634381916 ], [ 7.418480112391319, 52.0853634381916 ], [ 7.418480112391319, 52.085570438778475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.084949434137343 ], [ 7.419635089185187, 52.084949434137343 ], [ 7.419635089185187, 52.084742430669962 ], [ 7.418480112391319, 52.084742430669962 ], [ 7.418480112391319, 52.084949434137343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.6249995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.084742430669962 ], [ 7.419635089185187, 52.084742430669962 ], [ 7.419635089185187, 52.084535426242411 ], [ 7.418480112391319, 52.084535426242411 ], [ 7.418480112391319, 52.084742430669962 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46860_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.2000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.084535426242411 ], [ 7.419635089185187, 52.084535426242411 ], [ 7.419635089185187, 52.084328420854675 ], [ 7.418480112391319, 52.084328420854675 ], [ 7.418480112391319, 52.084535426242411 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.079429013076471 ], [ 7.412705228421979, 52.079429013076471 ], [ 7.412705228421979, 52.079221984003887 ], [ 7.411550251628111, 52.079221984003887 ], [ 7.411550251628111, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.432623 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411550251628111, 52.077358679140552 ], [ 7.412705228421979, 52.077358679140552 ], [ 7.412705228421979, 52.077151640465701 ], [ 7.411550251628111, 52.077151640465701 ], [ 7.411550251628111, 52.077358679140552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.412705228421979, 52.079843068340985 ], [ 7.413860205215847, 52.079843068340985 ], [ 7.413860205215847, 52.079636041188834 ], [ 7.412705228421979, 52.079636041188834 ], [ 7.412705228421979, 52.079843068340985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.413860205215847, 52.079429013076471 ], [ 7.415015182009715, 52.079429013076471 ], [ 7.415015182009715, 52.079221984003887 ], [ 7.413860205215847, 52.079221984003887 ], [ 7.413860205215847, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.080671167347468 ], [ 7.416170158803583, 52.080671167347468 ], [ 7.416170158803583, 52.080464144036156 ], [ 7.415015182009715, 52.080464144036156 ], [ 7.415015182009715, 52.080671167347468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.079429013076471 ], [ 7.416170158803583, 52.079429013076471 ], [ 7.416170158803583, 52.079221984003887 ], [ 7.415015182009715, 52.079221984003887 ], [ 7.415015182009715, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.415015182009715, 52.078600891024806 ], [ 7.416170158803583, 52.078600891024806 ], [ 7.416170158803583, 52.078393858111333 ], [ 7.415015182009715, 52.078393858111333 ], [ 7.415015182009715, 52.078600891024806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.081292231520152 ], [ 7.417325135597451, 52.081292231520152 ], [ 7.417325135597451, 52.081085211089459 ], [ 7.416170158803583, 52.081085211089459 ], [ 7.416170158803583, 52.081292231520152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.080878189698574 ], [ 7.417325135597451, 52.080878189698574 ], [ 7.417325135597451, 52.080671167347468 ], [ 7.416170158803583, 52.080671167347468 ], [ 7.416170158803583, 52.080878189698574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 52.078600891024806 ], [ 7.417325135597451, 52.078600891024806 ], [ 7.417325135597451, 52.078393858111333 ], [ 7.416170158803583, 52.078393858111333 ], [ 7.416170158803583, 52.078600891024806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.081292231520152 ], [ 7.418480112391319, 52.081292231520152 ], [ 7.418480112391319, 52.081085211089459 ], [ 7.417325135597451, 52.081085211089459 ], [ 7.417325135597451, 52.081292231520152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 118.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.080878189698574 ], [ 7.418480112391319, 52.080878189698574 ], [ 7.418480112391319, 52.080671167347468 ], [ 7.417325135597451, 52.080671167347468 ], [ 7.417325135597451, 52.080878189698574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 106.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.080050094532922 ], [ 7.418480112391319, 52.080050094532922 ], [ 7.418480112391319, 52.079843068340985 ], [ 7.417325135597451, 52.079843068340985 ], [ 7.417325135597451, 52.080050094532922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 109.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.077772753609565 ], [ 7.418480112391319, 52.077772753609565 ], [ 7.418480112391319, 52.077565716855169 ], [ 7.417325135597451, 52.077565716855169 ], [ 7.417325135597451, 52.077772753609565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.7332825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.417325135597451, 52.077151640465701 ], [ 7.418480112391319, 52.077151640465701 ], [ 7.418480112391319, 52.076944600830601 ], [ 7.417325135597451, 52.076944600830601 ], [ 7.417325135597451, 52.077151640465701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.080050094532922 ], [ 7.419635089185187, 52.080050094532922 ], [ 7.419635089185187, 52.079843068340985 ], [ 7.418480112391319, 52.079843068340985 ], [ 7.418480112391319, 52.080050094532922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 84.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.079429013076471 ], [ 7.419635089185187, 52.079429013076471 ], [ 7.419635089185187, 52.079221984003887 ], [ 7.418480112391319, 52.079221984003887 ], [ 7.418480112391319, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.24999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.079221984003887 ], [ 7.419635089185187, 52.079221984003887 ], [ 7.419635089185187, 52.079014953971082 ], [ 7.418480112391319, 52.079014953971082 ], [ 7.418480112391319, 52.079221984003887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "46861_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.418480112391319, 52.079014953971082 ], [ 7.419635089185187, 52.079014953971082 ], [ 7.419635089185187, 52.078807922978058 ], [ 7.418480112391319, 52.078807922978058 ], [ 7.418480112391319, 52.079014953971082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47122_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.416170158803583, 50.615158620373954 ], [ 7.417325135597451, 50.615158620373954 ], [ 7.417325135597451, 50.614944868219766 ], [ 7.416170158803583, 50.614944868219766 ], [ 7.416170158803583, 50.615158620373954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.347505457162519 ], [ 7.421688381263174, 53.347505457162519 ], [ 7.421688381263174, 53.347304359772117 ], [ 7.420533404469307, 53.347304359772117 ], [ 7.420533404469307, 53.347505457162519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 53.346902162145625 ], [ 7.423998334850911, 53.346902162145625 ], [ 7.423998334850911, 53.346701061909528 ], [ 7.422843358057043, 53.346701061909528 ], [ 7.422843358057043, 53.346902162145625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.3487120215853 ], [ 7.426308288438647, 53.3487120215853 ], [ 7.426308288438647, 53.348510929886217 ], [ 7.425153311644778, 53.348510929886217 ], [ 7.425153311644778, 53.3487120215853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 80.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.347907649097657 ], [ 7.426308288438647, 53.347907649097657 ], [ 7.426308288438647, 53.347706553604368 ], [ 7.425153311644778, 53.347706553604368 ], [ 7.425153311644778, 53.347907649097657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.3487120215853 ], [ 7.427463265232515, 53.3487120215853 ], [ 7.427463265232515, 53.348510929886217 ], [ 7.426308288438647, 53.348510929886217 ], [ 7.426308288438647, 53.3487120215853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.348309837238588 ], [ 7.427463265232515, 53.348309837238588 ], [ 7.427463265232515, 53.348108743642399 ], [ 7.426308288438647, 53.348108743642399 ], [ 7.426308288438647, 53.348309837238588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 108.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.347505457162519 ], [ 7.427463265232515, 53.347505457162519 ], [ 7.427463265232515, 53.347304359772117 ], [ 7.426308288438647, 53.347304359772117 ], [ 7.426308288438647, 53.347505457162519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 99.6887025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.347304359772117 ], [ 7.427463265232515, 53.347304359772117 ], [ 7.427463265232515, 53.347103261433148 ], [ 7.426308288438647, 53.347103261433148 ], [ 7.426308288438647, 53.347304359772117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.346701061909528 ], [ 7.427463265232515, 53.346701061909528 ], [ 7.427463265232515, 53.346499960724884 ], [ 7.426308288438647, 53.346499960724884 ], [ 7.426308288438647, 53.346701061909528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 79.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.347304359772117 ], [ 7.428618242026382, 53.347304359772117 ], [ 7.428618242026382, 53.347103261433148 ], [ 7.427463265232515, 53.347103261433148 ], [ 7.427463265232515, 53.347304359772117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.346902162145625 ], [ 7.428618242026382, 53.346902162145625 ], [ 7.428618242026382, 53.346701061909528 ], [ 7.427463265232515, 53.346701061909528 ], [ 7.427463265232515, 53.346902162145625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47303_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.346701061909528 ], [ 7.428618242026382, 53.346701061909528 ], [ 7.428618242026382, 53.346499960724884 ], [ 7.427463265232515, 53.346499960724884 ], [ 7.427463265232515, 53.346701061909528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.342142535461143 ], [ 7.421688381263174, 53.342142535461143 ], [ 7.421688381263174, 53.341941412775121 ], [ 7.420533404469307, 53.341941412775121 ], [ 7.420533404469307, 53.342142535461143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 53.34153916455724 ], [ 7.423998334850911, 53.34153916455724 ], [ 7.423998334850911, 53.341338039025366 ], [ 7.422843358057043, 53.341338039025366 ], [ 7.422843358057043, 53.34153916455724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 53.34294701671913 ], [ 7.425153311644778, 53.34294701671913 ], [ 7.425153311644778, 53.342745897827541 ], [ 7.423998334850911, 53.342745897827541 ], [ 7.423998334850911, 53.34294701671913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 128.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.343349251656491 ], [ 7.426308288438647, 53.343349251656491 ], [ 7.426308288438647, 53.343148134662115 ], [ 7.425153311644778, 53.343148134662115 ], [ 7.425153311644778, 53.343349251656491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 80.208378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.342544777987349 ], [ 7.426308288438647, 53.342544777987349 ], [ 7.426308288438647, 53.342343657198548 ], [ 7.425153311644778, 53.342343657198548 ], [ 7.425153311644778, 53.342544777987349 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.343349251656491 ], [ 7.427463265232515, 53.343349251656491 ], [ 7.427463265232515, 53.343148134662115 ], [ 7.426308288438647, 53.343148134662115 ], [ 7.426308288438647, 53.343349251656491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.34294701671913 ], [ 7.427463265232515, 53.34294701671913 ], [ 7.427463265232515, 53.342745897827541 ], [ 7.426308288438647, 53.342745897827541 ], [ 7.426308288438647, 53.34294701671913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 105.805136 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.342142535461143 ], [ 7.427463265232515, 53.342142535461143 ], [ 7.427463265232515, 53.341941412775121 ], [ 7.426308288438647, 53.341941412775121 ], [ 7.426308288438647, 53.342142535461143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 99.998241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.341941412775121 ], [ 7.427463265232515, 53.341941412775121 ], [ 7.427463265232515, 53.341740289140489 ], [ 7.426308288438647, 53.341740289140489 ], [ 7.426308288438647, 53.341941412775121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.341338039025366 ], [ 7.427463265232515, 53.341338039025366 ], [ 7.427463265232515, 53.34113691254489 ], [ 7.426308288438647, 53.34113691254489 ], [ 7.426308288438647, 53.341338039025366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 78.571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.341941412775121 ], [ 7.428618242026382, 53.341941412775121 ], [ 7.428618242026382, 53.341740289140489 ], [ 7.427463265232515, 53.341740289140489 ], [ 7.427463265232515, 53.341941412775121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 102.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.34153916455724 ], [ 7.428618242026382, 53.34153916455724 ], [ 7.428618242026382, 53.341338039025366 ], [ 7.427463265232515, 53.341338039025366 ], [ 7.427463265232515, 53.34153916455724 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47304_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.341338039025366 ], [ 7.428618242026382, 53.341338039025366 ], [ 7.428618242026382, 53.34113691254489 ], [ 7.427463265232515, 53.34113691254489 ], [ 7.427463265232515, 53.341338039025366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.336778939191809 ], [ 7.421688381263174, 53.336778939191809 ], [ 7.421688381263174, 53.336577791208754 ], [ 7.420533404469307, 53.336577791208754 ], [ 7.420533404469307, 53.336778939191809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 53.336175492396642 ], [ 7.423998334850911, 53.336175492396642 ], [ 7.423998334850911, 53.335974341567585 ], [ 7.422843358057043, 53.335974341567585 ], [ 7.422843358057043, 53.336175492396642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 53.337583521637406 ], [ 7.425153311644778, 53.337583521637406 ], [ 7.425153311644778, 53.337382377449003 ], [ 7.423998334850911, 53.337382377449003 ], [ 7.423998334850911, 53.337583521637406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.337985807168252 ], [ 7.426308288438647, 53.337985807168252 ], [ 7.426308288438647, 53.337784664877155 ], [ 7.425153311644778, 53.337784664877155 ], [ 7.425153311644778, 53.337985807168252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 82.7827215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.337181232311927 ], [ 7.426308288438647, 53.337181232311927 ], [ 7.426308288438647, 53.336980086226191 ], [ 7.425153311644778, 53.336980086226191 ], [ 7.425153311644778, 53.337181232311927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.337985807168252 ], [ 7.427463265232515, 53.337985807168252 ], [ 7.427463265232515, 53.337784664877155 ], [ 7.426308288438647, 53.337784664877155 ], [ 7.426308288438647, 53.337985807168252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.337583521637406 ], [ 7.427463265232515, 53.337583521637406 ], [ 7.427463265232515, 53.337382377449003 ], [ 7.426308288438647, 53.337382377449003 ], [ 7.426308288438647, 53.337583521637406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 105.556944 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.336778939191809 ], [ 7.427463265232515, 53.336778939191809 ], [ 7.427463265232515, 53.336577791208754 ], [ 7.426308288438647, 53.336577791208754 ], [ 7.426308288438647, 53.336778939191809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.0000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.336577791208754 ], [ 7.427463265232515, 53.336577791208754 ], [ 7.427463265232515, 53.336376642277038 ], [ 7.426308288438647, 53.336376642277038 ], [ 7.426308288438647, 53.336577791208754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.335974341567585 ], [ 7.427463265232515, 53.335974341567585 ], [ 7.427463265232515, 53.335773189789855 ], [ 7.426308288438647, 53.335773189789855 ], [ 7.426308288438647, 53.335974341567585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.000000499999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.336577791208754 ], [ 7.428618242026382, 53.336577791208754 ], [ 7.428618242026382, 53.336376642277038 ], [ 7.427463265232515, 53.336376642277038 ], [ 7.427463265232515, 53.336577791208754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.336175492396642 ], [ 7.428618242026382, 53.336175492396642 ], [ 7.428618242026382, 53.335974341567585 ], [ 7.427463265232515, 53.335974341567585 ], [ 7.427463265232515, 53.336175492396642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47305_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.335974341567585 ], [ 7.428618242026382, 53.335974341567585 ], [ 7.428618242026382, 53.335773189789855 ], [ 7.427463265232515, 53.335773189789855 ], [ 7.427463265232515, 53.335974341567585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.250869626821654 ], [ 7.421688381263174, 53.250869626821654 ], [ 7.421688381263174, 53.250668073893586 ], [ 7.420533404469307, 53.250668073893586 ], [ 7.420533404469307, 53.250869626821654 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 110.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.248854054812696 ], [ 7.421688381263174, 53.248854054812696 ], [ 7.421688381263174, 53.248652492389404 ], [ 7.420533404469307, 53.248652492389404 ], [ 7.420533404469307, 53.248854054812696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 53.250264965188933 ], [ 7.423998334850911, 53.250264965188933 ], [ 7.423998334850911, 53.250063409412327 ], [ 7.422843358057043, 53.250063409412327 ], [ 7.422843358057043, 53.250264965188933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 53.251675829038774 ], [ 7.425153311644778, 53.251675829038774 ], [ 7.425153311644778, 53.251474279908749 ], [ 7.423998334850911, 53.251474279908749 ], [ 7.423998334850911, 53.251675829038774 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 53.250466520016012 ], [ 7.425153311644778, 53.250466520016012 ], [ 7.425153311644778, 53.250264965188933 ], [ 7.423998334850911, 53.250264965188933 ], [ 7.423998334850911, 53.250466520016012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.252078924450302 ], [ 7.426308288438647, 53.252078924450302 ], [ 7.426308288438647, 53.251877377219294 ], [ 7.425153311644778, 53.251877377219294 ], [ 7.425153311644778, 53.252078924450302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 114.611111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.251272729829232 ], [ 7.426308288438647, 53.251272729829232 ], [ 7.426308288438647, 53.251071178800188 ], [ 7.425153311644778, 53.251071178800188 ], [ 7.425153311644778, 53.251272729829232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 107.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.24966029501055 ], [ 7.426308288438647, 53.24966029501055 ], [ 7.426308288438647, 53.249458736385371 ], [ 7.425153311644778, 53.249458736385371 ], [ 7.425153311644778, 53.24966029501055 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.252078924450302 ], [ 7.427463265232515, 53.252078924450302 ], [ 7.427463265232515, 53.251877377219294 ], [ 7.426308288438647, 53.251877377219294 ], [ 7.426308288438647, 53.252078924450302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.251877377219294 ], [ 7.427463265232515, 53.251877377219294 ], [ 7.427463265232515, 53.251675829038774 ], [ 7.426308288438647, 53.251675829038774 ], [ 7.426308288438647, 53.251877377219294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 104.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.251071178800188 ], [ 7.427463265232515, 53.251071178800188 ], [ 7.427463265232515, 53.250869626821654 ], [ 7.426308288438647, 53.250869626821654 ], [ 7.426308288438647, 53.251071178800188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 106.0855514 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.250668073893586 ], [ 7.427463265232515, 53.250668073893586 ], [ 7.427463265232515, 53.250466520016012 ], [ 7.426308288438647, 53.250466520016012 ], [ 7.426308288438647, 53.250668073893586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 7.6956521739130439 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.250063409412327 ], [ 7.427463265232515, 53.250063409412327 ], [ 7.427463265232515, 53.249861852686202 ], [ 7.426308288438647, 53.249861852686202 ], [ 7.426308288438647, 53.250063409412327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 102.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.249458736385371 ], [ 7.427463265232515, 53.249458736385371 ], [ 7.427463265232515, 53.249257176810673 ], [ 7.426308288438647, 53.249257176810673 ], [ 7.426308288438647, 53.249458736385371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 98.187791 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.248652492389404 ], [ 7.427463265232515, 53.248652492389404 ], [ 7.427463265232515, 53.248450929016578 ], [ 7.426308288438647, 53.248450929016578 ], [ 7.426308288438647, 53.248652492389404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 104.324905 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.250869626821654 ], [ 7.428618242026382, 53.250869626821654 ], [ 7.428618242026382, 53.250668073893586 ], [ 7.427463265232515, 53.250668073893586 ], [ 7.427463265232515, 53.250869626821654 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.80442975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.250668073893586 ], [ 7.428618242026382, 53.250668073893586 ], [ 7.428618242026382, 53.250466520016012 ], [ 7.427463265232515, 53.250466520016012 ], [ 7.427463265232515, 53.250668073893586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.6348895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.250466520016012 ], [ 7.428618242026382, 53.250466520016012 ], [ 7.428618242026382, 53.250264965188933 ], [ 7.427463265232515, 53.250264965188933 ], [ 7.427463265232515, 53.250466520016012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.250264965188933 ], [ 7.428618242026382, 53.250264965188933 ], [ 7.428618242026382, 53.250063409412327 ], [ 7.427463265232515, 53.250063409412327 ], [ 7.427463265232515, 53.250264965188933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47321_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 8.1428571428571423 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.250063409412327 ], [ 7.428618242026382, 53.250063409412327 ], [ 7.428618242026382, 53.249861852686202 ], [ 7.427463265232515, 53.249861852686202 ], [ 7.427463265232515, 53.250063409412327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.245494557123024 ], [ 7.421688381263174, 53.245494557123024 ], [ 7.421688381263174, 53.245292978873906 ], [ 7.420533404469307, 53.245292978873906 ], [ 7.420533404469307, 53.245494557123024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 111.11094325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 53.243478731901149 ], [ 7.421688381263174, 53.243478731901149 ], [ 7.421688381263174, 53.243277144156274 ], [ 7.420533404469307, 53.243277144156274 ], [ 7.420533404469307, 53.243478731901149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 53.244889819526982 ], [ 7.423998334850911, 53.244889819526982 ], [ 7.423998334850911, 53.244688238429156 ], [ 7.422843358057043, 53.244688238429156 ], [ 7.422843358057043, 53.244889819526982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 53.24630086062384 ], [ 7.425153311644778, 53.24630086062384 ], [ 7.425153311644778, 53.246099286172971 ], [ 7.423998334850911, 53.246099286172971 ], [ 7.423998334850911, 53.24630086062384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 53.245091399675232 ], [ 7.425153311644778, 53.245091399675232 ], [ 7.425153311644778, 53.244889819526982 ], [ 7.423998334850911, 53.244889819526982 ], [ 7.423998334850911, 53.245091399675232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 122.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.2467040066769 ], [ 7.426308288438647, 53.2467040066769 ], [ 7.426308288438647, 53.246502434125148 ], [ 7.425153311644778, 53.246502434125148 ], [ 7.425153311644778, 53.2467040066769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 115.2303374 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.245897710772553 ], [ 7.426308288438647, 53.245897710772553 ], [ 7.426308288438647, 53.245696134422566 ], [ 7.425153311644778, 53.245696134422566 ], [ 7.425153311644778, 53.245897710772553 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 112.49999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 53.244285073384795 ], [ 7.426308288438647, 53.244285073384795 ], [ 7.426308288438647, 53.24408348943826 ], [ 7.425153311644778, 53.24408348943826 ], [ 7.425153311644778, 53.244285073384795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 87.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.2467040066769 ], [ 7.427463265232515, 53.2467040066769 ], [ 7.427463265232515, 53.246502434125148 ], [ 7.426308288438647, 53.246502434125148 ], [ 7.426308288438647, 53.2467040066769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 83.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.246502434125148 ], [ 7.427463265232515, 53.246502434125148 ], [ 7.427463265232515, 53.24630086062384 ], [ 7.426308288438647, 53.24630086062384 ], [ 7.426308288438647, 53.246502434125148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 114.0108994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.245696134422566 ], [ 7.427463265232515, 53.245696134422566 ], [ 7.427463265232515, 53.245494557123024 ], [ 7.426308288438647, 53.245494557123024 ], [ 7.426308288438647, 53.245696134422566 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 104.859495125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.245292978873906 ], [ 7.427463265232515, 53.245292978873906 ], [ 7.427463265232515, 53.245091399675232 ], [ 7.426308288438647, 53.245091399675232 ], [ 7.426308288438647, 53.245292978873906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 17.64 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.244688238429156 ], [ 7.427463265232515, 53.244688238429156 ], [ 7.427463265232515, 53.244486656381767 ], [ 7.426308288438647, 53.244486656381767 ], [ 7.426308288438647, 53.244688238429156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 102.99999940000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.24408348943826 ], [ 7.427463265232515, 53.24408348943826 ], [ 7.427463265232515, 53.243881904542135 ], [ 7.426308288438647, 53.243881904542135 ], [ 7.426308288438647, 53.24408348943826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 98.644089 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 53.243277144156274 ], [ 7.427463265232515, 53.243277144156274 ], [ 7.427463265232515, 53.243075555461822 ], [ 7.426308288438647, 53.243075555461822 ], [ 7.426308288438647, 53.243277144156274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 105.15789489473684 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.245494557123024 ], [ 7.428618242026382, 53.245494557123024 ], [ 7.428618242026382, 53.245292978873906 ], [ 7.427463265232515, 53.245292978873906 ], [ 7.427463265232515, 53.245494557123024 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.525938545454537 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.245292978873906 ], [ 7.428618242026382, 53.245292978873906 ], [ 7.428618242026382, 53.245091399675232 ], [ 7.427463265232515, 53.245091399675232 ], [ 7.427463265232515, 53.245292978873906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.0281094 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.245091399675232 ], [ 7.428618242026382, 53.245091399675232 ], [ 7.428618242026382, 53.244889819526982 ], [ 7.427463265232515, 53.244889819526982 ], [ 7.427463265232515, 53.245091399675232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 109.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.244889819526982 ], [ 7.428618242026382, 53.244889819526982 ], [ 7.428618242026382, 53.244688238429156 ], [ 7.427463265232515, 53.244688238429156 ], [ 7.427463265232515, 53.244889819526982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 24.421052631578949 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.244688238429156 ], [ 7.428618242026382, 53.244688238429156 ], [ 7.428618242026382, 53.244486656381767 ], [ 7.427463265232515, 53.244486656381767 ], [ 7.427463265232515, 53.244688238429156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47322_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 82.5495962 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 53.244285073384795 ], [ 7.428618242026382, 53.244285073384795 ], [ 7.428618242026382, 53.24408348943826 ], [ 7.427463265232515, 53.24408348943826 ], [ 7.427463265232515, 53.244285073384795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47491_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 139.409241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.327995977992813 ], [ 7.426308288438647, 52.327995977992813 ], [ 7.426308288438647, 52.327790103742153 ], [ 7.425153311644778, 52.327790103742153 ], [ 7.425153311644778, 52.327995977992813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47491_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.32614307524581 ], [ 7.426308288438647, 52.32614307524581 ], [ 7.426308288438647, 52.325937192372351 ], [ 7.425153311644778, 52.325937192372351 ], [ 7.425153311644778, 52.32614307524581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47491_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 121.2175345 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.326966597158687 ], [ 7.427463265232515, 52.326966597158687 ], [ 7.427463265232515, 52.326760718117605 ], [ 7.426308288438647, 52.326760718117605 ], [ 7.426308288438647, 52.326966597158687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47491_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.326348957161166 ], [ 7.427463265232515, 52.326348957161166 ], [ 7.427463265232515, 52.32614307524581 ], [ 7.426308288438647, 52.32614307524581 ], [ 7.426308288438647, 52.326348957161166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47491_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.326554838118433 ], [ 7.428618242026382, 52.326554838118433 ], [ 7.428618242026382, 52.326348957161166 ], [ 7.427463265232515, 52.326348957161166 ], [ 7.427463265232515, 52.326554838118433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47491_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.32614307524581 ], [ 7.428618242026382, 52.32614307524581 ], [ 7.428618242026382, 52.325937192372351 ], [ 7.427463265232515, 52.325937192372351 ], [ 7.427463265232515, 52.32614307524581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47492_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.322505670093456 ], [ 7.426308288438647, 52.322505670093456 ], [ 7.426308288438647, 52.322299770293348 ], [ 7.425153311644778, 52.322299770293348 ], [ 7.425153311644778, 52.322505670093456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47492_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.32065253739966 ], [ 7.426308288438647, 52.32065253739966 ], [ 7.426308288438647, 52.320446628976313 ], [ 7.425153311644778, 52.320446628976313 ], [ 7.425153311644778, 52.32065253739966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47492_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.32147616151159 ], [ 7.427463265232515, 52.32147616151159 ], [ 7.427463265232515, 52.321270256920819 ], [ 7.426308288438647, 52.321270256920819 ], [ 7.426308288438647, 52.32147616151159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47492_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.320858444864854 ], [ 7.427463265232515, 52.320858444864854 ], [ 7.427463265232515, 52.32065253739966 ], [ 7.426308288438647, 52.32065253739966 ], [ 7.426308288438647, 52.320858444864854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47492_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.321064351371902 ], [ 7.428618242026382, 52.321064351371902 ], [ 7.428618242026382, 52.320858444864854 ], [ 7.427463265232515, 52.320858444864854 ], [ 7.427463265232515, 52.321064351371902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47492_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.32065253739966 ], [ 7.428618242026382, 52.32065253739966 ], [ 7.428618242026382, 52.320446628976313 ], [ 7.427463265232515, 52.320446628976313 ], [ 7.427463265232515, 52.32065253739966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47493_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 74.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.315161318206847 ], [ 7.426308288438647, 52.315161318206847 ], [ 7.426308288438647, 52.314955384232341 ], [ 7.425153311644778, 52.314955384232341 ], [ 7.425153311644778, 52.315161318206847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47494_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 78.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.309669417633266 ], [ 7.426308288438647, 52.309669417633266 ], [ 7.426308288438647, 52.309463458106329 ], [ 7.425153311644778, 52.309463458106329 ], [ 7.425153311644778, 52.309669417633266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 72.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 52.079429013076471 ], [ 7.421688381263174, 52.079429013076471 ], [ 7.421688381263174, 52.079221984003887 ], [ 7.420533404469307, 52.079221984003887 ], [ 7.420533404469307, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.878928 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 52.077358679140552 ], [ 7.421688381263174, 52.077358679140552 ], [ 7.421688381263174, 52.077151640465701 ], [ 7.420533404469307, 52.077151640465701 ], [ 7.420533404469307, 52.077358679140552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.421688381263174, 52.079843068340985 ], [ 7.422843358057043, 52.079843068340985 ], [ 7.422843358057043, 52.079636041188834 ], [ 7.421688381263174, 52.079636041188834 ], [ 7.421688381263174, 52.079843068340985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 106.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 52.079429013076471 ], [ 7.423998334850911, 52.079429013076471 ], [ 7.423998334850911, 52.079221984003887 ], [ 7.422843358057043, 52.079221984003887 ], [ 7.422843358057043, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 52.080671167347468 ], [ 7.425153311644778, 52.080671167347468 ], [ 7.425153311644778, 52.080464144036156 ], [ 7.423998334850911, 52.080464144036156 ], [ 7.423998334850911, 52.080671167347468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 52.079429013076471 ], [ 7.425153311644778, 52.079429013076471 ], [ 7.425153311644778, 52.079221984003887 ], [ 7.423998334850911, 52.079221984003887 ], [ 7.423998334850911, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 52.078600891024806 ], [ 7.425153311644778, 52.078600891024806 ], [ 7.425153311644778, 52.078393858111333 ], [ 7.423998334850911, 52.078393858111333 ], [ 7.423998334850911, 52.078600891024806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 102.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.081292231520152 ], [ 7.426308288438647, 52.081292231520152 ], [ 7.426308288438647, 52.081085211089459 ], [ 7.425153311644778, 52.081085211089459 ], [ 7.425153311644778, 52.081292231520152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.080878189698574 ], [ 7.426308288438647, 52.080878189698574 ], [ 7.426308288438647, 52.080671167347468 ], [ 7.425153311644778, 52.080671167347468 ], [ 7.425153311644778, 52.080878189698574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.078600891024806 ], [ 7.426308288438647, 52.078600891024806 ], [ 7.426308288438647, 52.078393858111333 ], [ 7.425153311644778, 52.078393858111333 ], [ 7.425153311644778, 52.078600891024806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.081292231520152 ], [ 7.427463265232515, 52.081292231520152 ], [ 7.427463265232515, 52.081085211089459 ], [ 7.426308288438647, 52.081085211089459 ], [ 7.426308288438647, 52.081292231520152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.080878189698574 ], [ 7.427463265232515, 52.080878189698574 ], [ 7.427463265232515, 52.080671167347468 ], [ 7.426308288438647, 52.080671167347468 ], [ 7.426308288438647, 52.080878189698574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 107.54347925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.080050094532922 ], [ 7.427463265232515, 52.080050094532922 ], [ 7.427463265232515, 52.079843068340985 ], [ 7.426308288438647, 52.079843068340985 ], [ 7.426308288438647, 52.080050094532922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 110.33333266666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.077772753609565 ], [ 7.427463265232515, 52.077772753609565 ], [ 7.427463265232515, 52.077565716855169 ], [ 7.426308288438647, 52.077565716855169 ], [ 7.426308288438647, 52.077772753609565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.062926 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.077151640465701 ], [ 7.427463265232515, 52.077151640465701 ], [ 7.427463265232515, 52.076944600830601 ], [ 7.426308288438647, 52.076944600830601 ], [ 7.426308288438647, 52.077151640465701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.287226 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.080050094532922 ], [ 7.428618242026382, 52.080050094532922 ], [ 7.428618242026382, 52.079843068340985 ], [ 7.427463265232515, 52.079843068340985 ], [ 7.427463265232515, 52.080050094532922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 86.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.079429013076471 ], [ 7.428618242026382, 52.079429013076471 ], [ 7.428618242026382, 52.079221984003887 ], [ 7.427463265232515, 52.079221984003887 ], [ 7.427463265232515, 52.079429013076471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.723044857142867 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.079221984003887 ], [ 7.428618242026382, 52.079221984003887 ], [ 7.428618242026382, 52.079014953971082 ], [ 7.427463265232515, 52.079014953971082 ], [ 7.427463265232515, 52.079221984003887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47536_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.841858625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.079014953971082 ], [ 7.428618242026382, 52.079014953971082 ], [ 7.428618242026382, 52.078807922978058 ], [ 7.427463265232515, 52.078807922978058 ], [ 7.427463265232515, 52.079014953971082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 52.073907909194283 ], [ 7.421688381263174, 52.073907909194283 ], [ 7.421688381263174, 52.073700854515245 ], [ 7.420533404469307, 52.073700854515245 ], [ 7.420533404469307, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.421947333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420533404469307, 52.071837319191808 ], [ 7.421688381263174, 52.071837319191808 ], [ 7.421688381263174, 52.07163025491004 ], [ 7.420533404469307, 52.07163025491004 ], [ 7.420533404469307, 52.071837319191808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.421688381263174, 52.074322015671541 ], [ 7.422843358057043, 52.074322015671541 ], [ 7.422843358057043, 52.074114962913036 ], [ 7.421688381263174, 52.074114962913036 ], [ 7.421688381263174, 52.074322015671541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.422843358057043, 52.073907909194283 ], [ 7.423998334850911, 52.073907909194283 ], [ 7.423998334850911, 52.073700854515245 ], [ 7.422843358057043, 52.073700854515245 ], [ 7.422843358057043, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 52.075150217102966 ], [ 7.425153311644778, 52.075150217102966 ], [ 7.425153311644778, 52.074943168185492 ], [ 7.423998334850911, 52.074943168185492 ], [ 7.423998334850911, 52.075150217102966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 52.073907909194283 ], [ 7.425153311644778, 52.073907909194283 ], [ 7.425153311644778, 52.073700854515245 ], [ 7.423998334850911, 52.073700854515245 ], [ 7.423998334850911, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 112.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.423998334850911, 52.073079684716561 ], [ 7.425153311644778, 52.073079684716561 ], [ 7.425153311644778, 52.072872626196464 ], [ 7.423998334850911, 52.072872626196464 ], [ 7.423998334850911, 52.073079684716561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 101.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.07577135809386 ], [ 7.426308288438647, 52.07577135809386 ], [ 7.426308288438647, 52.075564312057139 ], [ 7.425153311644778, 52.075564312057139 ], [ 7.425153311644778, 52.07577135809386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.075357265060184 ], [ 7.426308288438647, 52.075357265060184 ], [ 7.426308288438647, 52.075150217102966 ], [ 7.425153311644778, 52.075150217102966 ], [ 7.425153311644778, 52.075357265060184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 52.073079684716561 ], [ 7.426308288438647, 52.073079684716561 ], [ 7.426308288438647, 52.072872626196464 ], [ 7.425153311644778, 52.072872626196464 ], [ 7.425153311644778, 52.073079684716561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.07577135809386 ], [ 7.427463265232515, 52.07577135809386 ], [ 7.427463265232515, 52.075564312057139 ], [ 7.426308288438647, 52.075564312057139 ], [ 7.426308288438647, 52.07577135809386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.075357265060184 ], [ 7.427463265232515, 52.075357265060184 ], [ 7.427463265232515, 52.075150217102966 ], [ 7.426308288438647, 52.075150217102966 ], [ 7.426308288438647, 52.075357265060184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 105.33333233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.074529067469783 ], [ 7.427463265232515, 52.074529067469783 ], [ 7.427463265232515, 52.074322015671541 ], [ 7.426308288438647, 52.074322015671541 ], [ 7.426308288438647, 52.074529067469783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 102.33333366666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.072251444874496 ], [ 7.427463265232515, 52.072251444874496 ], [ 7.427463265232515, 52.07204438251329 ], [ 7.426308288438647, 52.07204438251329 ], [ 7.426308288438647, 52.072251444874496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.426308288438647, 52.07163025491004 ], [ 7.427463265232515, 52.07163025491004 ], [ 7.427463265232515, 52.071423189667982 ], [ 7.426308288438647, 52.071423189667982 ], [ 7.426308288438647, 52.07163025491004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 106.29035966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.074529067469783 ], [ 7.428618242026382, 52.074529067469783 ], [ 7.428618242026382, 52.074322015671541 ], [ 7.427463265232515, 52.074322015671541 ], [ 7.427463265232515, 52.074529067469783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 89.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.073907909194283 ], [ 7.428618242026382, 52.073907909194283 ], [ 7.428618242026382, 52.073700854515245 ], [ 7.427463265232515, 52.073700854515245 ], [ 7.427463265232515, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 94.142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.073700854515245 ], [ 7.428618242026382, 52.073700854515245 ], [ 7.428618242026382, 52.073493798875951 ], [ 7.427463265232515, 52.073493798875951 ], [ 7.427463265232515, 52.073700854515245 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47537_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.427463265232515, 52.073493798875951 ], [ 7.428618242026382, 52.073493798875951 ], [ 7.428618242026382, 52.073286742276387 ], [ 7.427463265232515, 52.073286742276387 ], [ 7.427463265232515, 52.073493798875951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47797_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 96.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 50.615158620373954 ], [ 7.426308288438647, 50.615158620373954 ], [ 7.426308288438647, 50.614944868219766 ], [ 7.425153311644778, 50.614944868219766 ], [ 7.425153311644778, 50.615158620373954 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47798_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 93.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.425153311644778, 50.609458230510498 ], [ 7.426308288438647, 50.609458230510498 ], [ 7.426308288438647, 50.609244452453389 ], [ 7.425153311644778, 50.609244452453389 ], [ 7.425153311644778, 50.609458230510498 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 53.336778939191809 ], [ 7.430671534104371, 53.336778939191809 ], [ 7.430671534104371, 53.336577791208754 ], [ 7.429516557310501, 53.336577791208754 ], [ 7.429516557310501, 53.336778939191809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 53.336175492396642 ], [ 7.432981487692106, 53.336175492396642 ], [ 7.432981487692106, 53.335974341567585 ], [ 7.431826510898237, 53.335974341567585 ], [ 7.431826510898237, 53.336175492396642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 53.337583521637406 ], [ 7.434136464485973, 53.337583521637406 ], [ 7.434136464485973, 53.337382377449003 ], [ 7.432981487692106, 53.337382377449003 ], [ 7.432981487692106, 53.337583521637406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.337985807168252 ], [ 7.435291441279842, 53.337985807168252 ], [ 7.435291441279842, 53.337784664877155 ], [ 7.434136464485973, 53.337784664877155 ], [ 7.434136464485973, 53.337985807168252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 81.4231735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.337181232311927 ], [ 7.435291441279842, 53.337181232311927 ], [ 7.435291441279842, 53.336980086226191 ], [ 7.434136464485973, 53.336980086226191 ], [ 7.434136464485973, 53.337181232311927 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.337985807168252 ], [ 7.436446418073709, 53.337985807168252 ], [ 7.436446418073709, 53.337784664877155 ], [ 7.435291441279842, 53.337784664877155 ], [ 7.435291441279842, 53.337985807168252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.337583521637406 ], [ 7.436446418073709, 53.337583521637406 ], [ 7.436446418073709, 53.337382377449003 ], [ 7.435291441279842, 53.337382377449003 ], [ 7.435291441279842, 53.337583521637406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 107.2500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.336778939191809 ], [ 7.436446418073709, 53.336778939191809 ], [ 7.436446418073709, 53.336577791208754 ], [ 7.435291441279842, 53.336577791208754 ], [ 7.435291441279842, 53.336778939191809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.66666766666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.336577791208754 ], [ 7.436446418073709, 53.336577791208754 ], [ 7.436446418073709, 53.336376642277038 ], [ 7.435291441279842, 53.336376642277038 ], [ 7.435291441279842, 53.336577791208754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 98.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.335974341567585 ], [ 7.436446418073709, 53.335974341567585 ], [ 7.436446418073709, 53.335773189789855 ], [ 7.435291441279842, 53.335773189789855 ], [ 7.435291441279842, 53.335974341567585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 80.77669825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.336577791208754 ], [ 7.437601394867577, 53.336577791208754 ], [ 7.437601394867577, 53.336376642277038 ], [ 7.436446418073709, 53.336376642277038 ], [ 7.436446418073709, 53.336577791208754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.336175492396642 ], [ 7.437601394867577, 53.336175492396642 ], [ 7.437601394867577, 53.335974341567585 ], [ 7.436446418073709, 53.335974341567585 ], [ 7.436446418073709, 53.336175492396642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47980_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.335974341567585 ], [ 7.437601394867577, 53.335974341567585 ], [ 7.437601394867577, 53.335773189789855 ], [ 7.436446418073709, 53.335773189789855 ], [ 7.436446418073709, 53.335974341567585 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 53.331414668316704 ], [ 7.430671534104371, 53.331414668316704 ], [ 7.430671534104371, 53.331213495035186 ], [ 7.429516557310501, 53.331213495035186 ], [ 7.429516557310501, 53.331414668316704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 53.330811145626015 ], [ 7.432981487692106, 53.330811145626015 ], [ 7.432981487692106, 53.330609969498347 ], [ 7.431826510898237, 53.330609969498347 ], [ 7.431826510898237, 53.330811145626015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 53.332219351955565 ], [ 7.434136464485973, 53.332219351955565 ], [ 7.434136464485973, 53.332018182468921 ], [ 7.432981487692106, 53.332018182468921 ], [ 7.432981487692106, 53.332219351955565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.332621688082746 ], [ 7.435291441279842, 53.332621688082746 ], [ 7.435291441279842, 53.332420520493507 ], [ 7.434136464485973, 53.332420520493507 ], [ 7.434136464485973, 53.332621688082746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 78.75000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.331817012033561 ], [ 7.435291441279842, 53.331817012033561 ], [ 7.435291441279842, 53.331615840649491 ], [ 7.434136464485973, 53.331615840649491 ], [ 7.434136464485973, 53.331817012033561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.332621688082746 ], [ 7.436446418073709, 53.332621688082746 ], [ 7.436446418073709, 53.332420520493507 ], [ 7.435291441279842, 53.332420520493507 ], [ 7.435291441279842, 53.332621688082746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.332219351955565 ], [ 7.436446418073709, 53.332219351955565 ], [ 7.436446418073709, 53.332018182468921 ], [ 7.435291441279842, 53.332018182468921 ], [ 7.435291441279842, 53.332219351955565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.331414668316704 ], [ 7.436446418073709, 53.331414668316704 ], [ 7.436446418073709, 53.331213495035186 ], [ 7.435291441279842, 53.331213495035186 ], [ 7.435291441279842, 53.331414668316704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 102.666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.331213495035186 ], [ 7.436446418073709, 53.331213495035186 ], [ 7.436446418073709, 53.331012320804966 ], [ 7.435291441279842, 53.331012320804966 ], [ 7.435291441279842, 53.331213495035186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.330609969498347 ], [ 7.436446418073709, 53.330609969498347 ], [ 7.436446418073709, 53.330408792421942 ], [ 7.435291441279842, 53.330408792421942 ], [ 7.435291441279842, 53.330609969498347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 75.97895425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.331213495035186 ], [ 7.437601394867577, 53.331213495035186 ], [ 7.437601394867577, 53.331012320804966 ], [ 7.436446418073709, 53.331012320804966 ], [ 7.436446418073709, 53.331213495035186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.330811145626015 ], [ 7.437601394867577, 53.330811145626015 ], [ 7.437601394867577, 53.330609969498347 ], [ 7.436446418073709, 53.330609969498347 ], [ 7.436446418073709, 53.330811145626015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47981_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 92.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.330609969498347 ], [ 7.437601394867577, 53.330609969498347 ], [ 7.437601394867577, 53.330408792421942 ], [ 7.436446418073709, 53.330408792421942 ], [ 7.436446418073709, 53.330609969498347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 53.256244021311595 ], [ 7.430671534104371, 53.256244021311595 ], [ 7.430671534104371, 53.256042493703198 ], [ 7.429516557310501, 53.256042493703198 ], [ 7.429516557310501, 53.256244021311595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 112.99999833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 53.2542287025015 ], [ 7.430671534104371, 53.2542287025015 ], [ 7.430671534104371, 53.254027165398391 ], [ 7.429516557310501, 53.254027165398391 ], [ 7.429516557310501, 53.2542287025015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 53.255639435637988 ], [ 7.432981487692106, 53.255639435637988 ], [ 7.432981487692106, 53.255437905181189 ], [ 7.431826510898237, 53.255437905181189 ], [ 7.431826510898237, 53.255639435637988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 53.257050122250675 ], [ 7.434136464485973, 53.257050122250675 ], [ 7.434136464485973, 53.256848598440087 ], [ 7.432981487692106, 53.256848598440087 ], [ 7.432981487692106, 53.257050122250675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 53.255840965145318 ], [ 7.434136464485973, 53.255840965145318 ], [ 7.434136464485973, 53.255639435637988 ], [ 7.432981487692106, 53.255639435637988 ], [ 7.432981487692106, 53.255840965145318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.257453167023492 ], [ 7.435291441279842, 53.257453167023492 ], [ 7.435291441279842, 53.257251645111801 ], [ 7.434136464485973, 53.257251645111801 ], [ 7.434136464485973, 53.257453167023492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 110.25677733333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.25664707368005 ], [ 7.435291441279842, 53.25664707368005 ], [ 7.435291441279842, 53.256445547970557 ], [ 7.434136464485973, 53.256445547970557 ], [ 7.434136464485973, 53.25664707368005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 90.99999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.255034841419182 ], [ 7.435291441279842, 53.255034841419182 ], [ 7.435291441279842, 53.254833308113973 ], [ 7.434136464485973, 53.254833308113973 ], [ 7.434136464485973, 53.255034841419182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.257453167023492 ], [ 7.436446418073709, 53.257453167023492 ], [ 7.436446418073709, 53.257251645111801 ], [ 7.435291441279842, 53.257251645111801 ], [ 7.435291441279842, 53.257453167023492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.257251645111801 ], [ 7.436446418073709, 53.257251645111801 ], [ 7.436446418073709, 53.257050122250675 ], [ 7.435291441279842, 53.257050122250675 ], [ 7.435291441279842, 53.257251645111801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 102.63746833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.256445547970557 ], [ 7.436446418073709, 53.256445547970557 ], [ 7.436446418073709, 53.256244021311595 ], [ 7.435291441279842, 53.256244021311595 ], [ 7.435291441279842, 53.256445547970557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 103.20150016666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.256042493703198 ], [ 7.436446418073709, 53.256042493703198 ], [ 7.436446418073709, 53.255840965145318 ], [ 7.435291441279842, 53.255840965145318 ], [ 7.435291441279842, 53.256042493703198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 13.166666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.255437905181189 ], [ 7.436446418073709, 53.255437905181189 ], [ 7.436446418073709, 53.25523637377492 ], [ 7.435291441279842, 53.25523637377492 ], [ 7.435291441279842, 53.255437905181189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 103.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.254833308113973 ], [ 7.436446418073709, 53.254833308113973 ], [ 7.436446418073709, 53.254631773859295 ], [ 7.435291441279842, 53.254631773859295 ], [ 7.435291441279842, 53.254833308113973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 98.589827666666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.254027165398391 ], [ 7.436446418073709, 53.254027165398391 ], [ 7.436446418073709, 53.253825627345797 ], [ 7.435291441279842, 53.253825627345797 ], [ 7.435291441279842, 53.254027165398391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 109.1 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.256244021311595 ], [ 7.437601394867577, 53.256244021311595 ], [ 7.437601394867577, 53.256042493703198 ], [ 7.436446418073709, 53.256042493703198 ], [ 7.436446418073709, 53.256244021311595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.6346628 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.256042493703198 ], [ 7.437601394867577, 53.256042493703198 ], [ 7.437601394867577, 53.255840965145318 ], [ 7.436446418073709, 53.255840965145318 ], [ 7.436446418073709, 53.256042493703198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.587225666666654 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.255840965145318 ], [ 7.437601394867577, 53.255840965145318 ], [ 7.437601394867577, 53.255639435637988 ], [ 7.436446418073709, 53.255639435637988 ], [ 7.436446418073709, 53.255840965145318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.255639435637988 ], [ 7.437601394867577, 53.255639435637988 ], [ 7.437601394867577, 53.255437905181189 ], [ 7.436446418073709, 53.255437905181189 ], [ 7.436446418073709, 53.255639435637988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47995_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 24.083333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.255437905181189 ], [ 7.437601394867577, 53.255437905181189 ], [ 7.437601394867577, 53.25523637377492 ], [ 7.436446418073709, 53.25523637377492 ], [ 7.436446418073709, 53.255437905181189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 105.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 53.250869626821654 ], [ 7.430671534104371, 53.250869626821654 ], [ 7.430671534104371, 53.250668073893586 ], [ 7.429516557310501, 53.250668073893586 ], [ 7.429516557310501, 53.250869626821654 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 109.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 53.248854054812696 ], [ 7.430671534104371, 53.248854054812696 ], [ 7.430671534104371, 53.248652492389404 ], [ 7.429516557310501, 53.248652492389404 ], [ 7.429516557310501, 53.248854054812696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 53.250264965188933 ], [ 7.432981487692106, 53.250264965188933 ], [ 7.432981487692106, 53.250063409412327 ], [ 7.431826510898237, 53.250063409412327 ], [ 7.431826510898237, 53.250264965188933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 53.251675829038774 ], [ 7.434136464485973, 53.251675829038774 ], [ 7.434136464485973, 53.251474279908749 ], [ 7.432981487692106, 53.251474279908749 ], [ 7.432981487692106, 53.251675829038774 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 53.250466520016012 ], [ 7.434136464485973, 53.250466520016012 ], [ 7.434136464485973, 53.250264965188933 ], [ 7.432981487692106, 53.250264965188933 ], [ 7.432981487692106, 53.250466520016012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.252078924450302 ], [ 7.435291441279842, 53.252078924450302 ], [ 7.435291441279842, 53.251877377219294 ], [ 7.434136464485973, 53.251877377219294 ], [ 7.434136464485973, 53.252078924450302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 110.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.251272729829232 ], [ 7.435291441279842, 53.251272729829232 ], [ 7.435291441279842, 53.251071178800188 ], [ 7.434136464485973, 53.251071178800188 ], [ 7.434136464485973, 53.251272729829232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 88.49999825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 53.24966029501055 ], [ 7.435291441279842, 53.24966029501055 ], [ 7.435291441279842, 53.249458736385371 ], [ 7.434136464485973, 53.249458736385371 ], [ 7.434136464485973, 53.24966029501055 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.252078924450302 ], [ 7.436446418073709, 53.252078924450302 ], [ 7.436446418073709, 53.251877377219294 ], [ 7.435291441279842, 53.251877377219294 ], [ 7.435291441279842, 53.252078924450302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.251877377219294 ], [ 7.436446418073709, 53.251877377219294 ], [ 7.436446418073709, 53.251675829038774 ], [ 7.435291441279842, 53.251675829038774 ], [ 7.435291441279842, 53.251877377219294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 103.05456133333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.251071178800188 ], [ 7.436446418073709, 53.251071178800188 ], [ 7.436446418073709, 53.250869626821654 ], [ 7.435291441279842, 53.250869626821654 ], [ 7.435291441279842, 53.251071178800188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 100.480392 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.250668073893586 ], [ 7.436446418073709, 53.250668073893586 ], [ 7.436446418073709, 53.250466520016012 ], [ 7.435291441279842, 53.250466520016012 ], [ 7.435291441279842, 53.250668073893586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 28.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.250063409412327 ], [ 7.436446418073709, 53.250063409412327 ], [ 7.436446418073709, 53.249861852686202 ], [ 7.435291441279842, 53.249861852686202 ], [ 7.435291441279842, 53.250063409412327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 103.333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.249458736385371 ], [ 7.436446418073709, 53.249458736385371 ], [ 7.436446418073709, 53.249257176810673 ], [ 7.435291441279842, 53.249257176810673 ], [ 7.435291441279842, 53.249458736385371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 98.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 53.248652492389404 ], [ 7.436446418073709, 53.248652492389404 ], [ 7.436446418073709, 53.248450929016578 ], [ 7.435291441279842, 53.248450929016578 ], [ 7.435291441279842, 53.248652492389404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 104.16666616666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.250869626821654 ], [ 7.437601394867577, 53.250869626821654 ], [ 7.437601394867577, 53.250668073893586 ], [ 7.436446418073709, 53.250668073893586 ], [ 7.436446418073709, 53.250869626821654 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 106.34970966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.250668073893586 ], [ 7.437601394867577, 53.250668073893586 ], [ 7.437601394867577, 53.250466520016012 ], [ 7.436446418073709, 53.250466520016012 ], [ 7.436446418073709, 53.250668073893586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.00000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.250466520016012 ], [ 7.437601394867577, 53.250466520016012 ], [ 7.437601394867577, 53.250264965188933 ], [ 7.436446418073709, 53.250264965188933 ], [ 7.436446418073709, 53.250466520016012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.250264965188933 ], [ 7.437601394867577, 53.250264965188933 ], [ 7.437601394867577, 53.250063409412327 ], [ 7.436446418073709, 53.250063409412327 ], [ 7.436446418073709, 53.250264965188933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "47996_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 13.347826086956522 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 53.250063409412327 ], [ 7.437601394867577, 53.250063409412327 ], [ 7.437601394867577, 53.249861852686202 ], [ 7.436446418073709, 53.249861852686202 ], [ 7.436446418073709, 53.250063409412327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48167_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 137.286026 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.322505670093456 ], [ 7.435291441279842, 52.322505670093456 ], [ 7.435291441279842, 52.322299770293348 ], [ 7.434136464485973, 52.322299770293348 ], [ 7.434136464485973, 52.322505670093456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48167_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 24.59090909090909 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.32065253739966 ], [ 7.435291441279842, 52.32065253739966 ], [ 7.435291441279842, 52.320446628976313 ], [ 7.434136464485973, 52.320446628976313 ], [ 7.434136464485973, 52.32065253739966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48167_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 113.9850874 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.32147616151159 ], [ 7.436446418073709, 52.32147616151159 ], [ 7.436446418073709, 52.321270256920819 ], [ 7.435291441279842, 52.321270256920819 ], [ 7.435291441279842, 52.32147616151159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48167_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 189.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.320858444864854 ], [ 7.436446418073709, 52.320858444864854 ], [ 7.436446418073709, 52.32065253739966 ], [ 7.435291441279842, 52.32065253739966 ], [ 7.435291441279842, 52.320858444864854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48167_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.321064351371902 ], [ 7.437601394867577, 52.321064351371902 ], [ 7.437601394867577, 52.320858444864854 ], [ 7.436446418073709, 52.320858444864854 ], [ 7.436446418073709, 52.321064351371902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48167_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 163.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.32065253739966 ], [ 7.437601394867577, 52.32065253739966 ], [ 7.437601394867577, 52.320446628976313 ], [ 7.436446418073709, 52.320446628976313 ], [ 7.436446418073709, 52.32065253739966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 52.073907909194283 ], [ 7.430671534104371, 52.073907909194283 ], [ 7.430671534104371, 52.073700854515245 ], [ 7.429516557310501, 52.073700854515245 ], [ 7.429516557310501, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.230580333333322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 52.071837319191808 ], [ 7.430671534104371, 52.071837319191808 ], [ 7.430671534104371, 52.07163025491004 ], [ 7.429516557310501, 52.07163025491004 ], [ 7.429516557310501, 52.071837319191808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.430671534104371, 52.074322015671541 ], [ 7.431826510898237, 52.074322015671541 ], [ 7.431826510898237, 52.074114962913036 ], [ 7.430671534104371, 52.074114962913036 ], [ 7.430671534104371, 52.074322015671541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 52.073907909194283 ], [ 7.432981487692106, 52.073907909194283 ], [ 7.432981487692106, 52.073700854515245 ], [ 7.431826510898237, 52.073700854515245 ], [ 7.431826510898237, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.075150217102966 ], [ 7.434136464485973, 52.075150217102966 ], [ 7.434136464485973, 52.074943168185492 ], [ 7.432981487692106, 52.074943168185492 ], [ 7.432981487692106, 52.075150217102966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.073907909194283 ], [ 7.434136464485973, 52.073907909194283 ], [ 7.434136464485973, 52.073700854515245 ], [ 7.432981487692106, 52.073700854515245 ], [ 7.432981487692106, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.073079684716561 ], [ 7.434136464485973, 52.073079684716561 ], [ 7.434136464485973, 52.072872626196464 ], [ 7.432981487692106, 52.072872626196464 ], [ 7.432981487692106, 52.073079684716561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 101.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.07577135809386 ], [ 7.435291441279842, 52.07577135809386 ], [ 7.435291441279842, 52.075564312057139 ], [ 7.434136464485973, 52.075564312057139 ], [ 7.434136464485973, 52.07577135809386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 102.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.075357265060184 ], [ 7.435291441279842, 52.075357265060184 ], [ 7.435291441279842, 52.075150217102966 ], [ 7.434136464485973, 52.075150217102966 ], [ 7.434136464485973, 52.075357265060184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.073079684716561 ], [ 7.435291441279842, 52.073079684716561 ], [ 7.435291441279842, 52.072872626196464 ], [ 7.434136464485973, 52.072872626196464 ], [ 7.434136464485973, 52.073079684716561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 90.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.07577135809386 ], [ 7.436446418073709, 52.07577135809386 ], [ 7.436446418073709, 52.075564312057139 ], [ 7.435291441279842, 52.075564312057139 ], [ 7.435291441279842, 52.07577135809386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.075357265060184 ], [ 7.436446418073709, 52.075357265060184 ], [ 7.436446418073709, 52.075150217102966 ], [ 7.435291441279842, 52.075150217102966 ], [ 7.435291441279842, 52.075357265060184 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 103.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.074529067469783 ], [ 7.436446418073709, 52.074529067469783 ], [ 7.436446418073709, 52.074322015671541 ], [ 7.435291441279842, 52.074322015671541 ], [ 7.435291441279842, 52.074529067469783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 101.333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.072251444874496 ], [ 7.436446418073709, 52.072251444874496 ], [ 7.436446418073709, 52.07204438251329 ], [ 7.435291441279842, 52.07204438251329 ], [ 7.435291441279842, 52.072251444874496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 87.333333666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.07163025491004 ], [ 7.436446418073709, 52.07163025491004 ], [ 7.436446418073709, 52.071423189667982 ], [ 7.435291441279842, 52.071423189667982 ], [ 7.435291441279842, 52.07163025491004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.074529067469783 ], [ 7.437601394867577, 52.074529067469783 ], [ 7.437601394867577, 52.074322015671541 ], [ 7.436446418073709, 52.074322015671541 ], [ 7.436446418073709, 52.074529067469783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 84.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.073907909194283 ], [ 7.437601394867577, 52.073907909194283 ], [ 7.437601394867577, 52.073700854515245 ], [ 7.436446418073709, 52.073700854515245 ], [ 7.436446418073709, 52.073907909194283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 98.000000200000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.073700854515245 ], [ 7.437601394867577, 52.073700854515245 ], [ 7.437601394867577, 52.073493798875951 ], [ 7.436446418073709, 52.073493798875951 ], [ 7.436446418073709, 52.073700854515245 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48212_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.356841166666655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.073493798875951 ], [ 7.437601394867577, 52.073493798875951 ], [ 7.437601394867577, 52.073286742276387 ], [ 7.436446418073709, 52.073286742276387 ], [ 7.436446418073709, 52.073493798875951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 52.068386122457582 ], [ 7.430671534104371, 52.068386122457582 ], [ 7.430671534104371, 52.068179042170854 ], [ 7.429516557310501, 52.068179042170854 ], [ 7.429516557310501, 52.068386122457582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.0105256 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 52.066315276376123 ], [ 7.430671534104371, 52.066315276376123 ], [ 7.430671534104371, 52.066108186486197 ], [ 7.429516557310501, 52.066108186486197 ], [ 7.429516557310501, 52.066315276376123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.430671534104371, 52.068800280150086 ], [ 7.431826510898237, 52.068800280150086 ], [ 7.431826510898237, 52.068593201783983 ], [ 7.430671534104371, 52.068593201783983 ], [ 7.430671534104371, 52.068800280150086 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 87.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 52.068386122457582 ], [ 7.432981487692106, 52.068386122457582 ], [ 7.432981487692106, 52.068179042170854 ], [ 7.431826510898237, 52.068179042170854 ], [ 7.431826510898237, 52.068386122457582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 86.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.069628584011419 ], [ 7.434136464485973, 52.069628584011419 ], [ 7.434136464485973, 52.069421509486538 ], [ 7.432981487692106, 52.069421509486538 ], [ 7.432981487692106, 52.069628584011419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 98.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.068386122457582 ], [ 7.434136464485973, 52.068386122457582 ], [ 7.434136464485973, 52.068179042170854 ], [ 7.432981487692106, 52.068179042170854 ], [ 7.432981487692106, 52.068386122457582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.067557795548815 ], [ 7.434136464485973, 52.067557795548815 ], [ 7.434136464485973, 52.067350711420843 ], [ 7.432981487692106, 52.067350711420843 ], [ 7.432981487692106, 52.067557795548815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.070249801824268 ], [ 7.435291441279842, 52.070249801824268 ], [ 7.435291441279842, 52.07004273018029 ], [ 7.434136464485973, 52.07004273018029 ], [ 7.434136464485973, 52.070249801824268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.069835657576 ], [ 7.435291441279842, 52.069835657576 ], [ 7.435291441279842, 52.069628584011419 ], [ 7.434136464485973, 52.069628584011419 ], [ 7.434136464485973, 52.069835657576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 91.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.067557795548815 ], [ 7.435291441279842, 52.067557795548815 ], [ 7.435291441279842, 52.067350711420843 ], [ 7.434136464485973, 52.067350711420843 ], [ 7.434136464485973, 52.067557795548815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 80.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.070249801824268 ], [ 7.436446418073709, 52.070249801824268 ], [ 7.436446418073709, 52.07004273018029 ], [ 7.435291441279842, 52.07004273018029 ], [ 7.435291441279842, 52.070249801824268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.069835657576 ], [ 7.436446418073709, 52.069835657576 ], [ 7.436446418073709, 52.069628584011419 ], [ 7.435291441279842, 52.069628584011419 ], [ 7.435291441279842, 52.069835657576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.069007357555883 ], [ 7.436446418073709, 52.069007357555883 ], [ 7.436446418073709, 52.068800280150086 ], [ 7.435291441279842, 52.068800280150086 ], [ 7.435291441279842, 52.069007357555883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 95.1102042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.066729453274981 ], [ 7.436446418073709, 52.066729453274981 ], [ 7.436446418073709, 52.066522365305708 ], [ 7.435291441279842, 52.066522365305708 ], [ 7.435291441279842, 52.066729453274981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.987770666666663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.066108186486197 ], [ 7.436446418073709, 52.066108186486197 ], [ 7.436446418073709, 52.065901095635944 ], [ 7.435291441279842, 52.065901095635944 ], [ 7.435291441279842, 52.066108186486197 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.7897434 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.069007357555883 ], [ 7.437601394867577, 52.069007357555883 ], [ 7.437601394867577, 52.068800280150086 ], [ 7.436446418073709, 52.068800280150086 ], [ 7.436446418073709, 52.069007357555883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 86.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.068386122457582 ], [ 7.437601394867577, 52.068386122457582 ], [ 7.437601394867577, 52.068179042170854 ], [ 7.436446418073709, 52.068179042170854 ], [ 7.436446418073709, 52.068386122457582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 94.3695631 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.068179042170854 ], [ 7.437601394867577, 52.068179042170854 ], [ 7.437601394867577, 52.067971960923835 ], [ 7.436446418073709, 52.067971960923835 ], [ 7.436446418073709, 52.068179042170854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48213_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 93.2762716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.067971960923835 ], [ 7.437601394867577, 52.067971960923835 ], [ 7.437601394867577, 52.067764878716481 ], [ 7.436446418073709, 52.067764878716481 ], [ 7.436446418073709, 52.067971960923835 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 96.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 52.062863652833215 ], [ 7.430671534104371, 52.062863652833215 ], [ 7.430671534104371, 52.062656546937561 ], [ 7.429516557310501, 52.062656546937561 ], [ 7.429516557310501, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.8628065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429516557310501, 52.060792550660331 ], [ 7.430671534104371, 52.060792550660331 ], [ 7.430671534104371, 52.060585435161009 ], [ 7.429516557310501, 52.060585435161009 ], [ 7.429516557310501, 52.060792550660331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.430671534104371, 52.063277861743444 ], [ 7.431826510898237, 52.063277861743444 ], [ 7.431826510898237, 52.063070757768507 ], [ 7.430671534104371, 52.063070757768507 ], [ 7.430671534104371, 52.063277861743444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.431826510898237, 52.062863652833215 ], [ 7.432981487692106, 52.062863652833215 ], [ 7.432981487692106, 52.062656546937561 ], [ 7.431826510898237, 52.062656546937561 ], [ 7.431826510898237, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.064106268039673 ], [ 7.434136464485973, 52.064106268039673 ], [ 7.434136464485973, 52.063899167906143 ], [ 7.432981487692106, 52.063899167906143 ], [ 7.432981487692106, 52.064106268039673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.062863652833215 ], [ 7.434136464485973, 52.062863652833215 ], [ 7.434136464485973, 52.062656546937561 ], [ 7.432981487692106, 52.062656546937561 ], [ 7.432981487692106, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.432981487692106, 52.062035223488451 ], [ 7.434136464485973, 52.062035223488451 ], [ 7.434136464485973, 52.061828113751353 ], [ 7.432981487692106, 52.061828113751353 ], [ 7.432981487692106, 52.062035223488451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.064727562678193 ], [ 7.435291441279842, 52.064727562678193 ], [ 7.435291441279842, 52.064520465425701 ], [ 7.434136464485973, 52.064520465425701 ], [ 7.434136464485973, 52.064727562678193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.064313367212861 ], [ 7.435291441279842, 52.064313367212861 ], [ 7.435291441279842, 52.064106268039673 ], [ 7.434136464485973, 52.064106268039673 ], [ 7.434136464485973, 52.064313367212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 93.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 52.062035223488451 ], [ 7.435291441279842, 52.062035223488451 ], [ 7.435291441279842, 52.061828113751353 ], [ 7.434136464485973, 52.061828113751353 ], [ 7.434136464485973, 52.062035223488451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 98.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.064727562678193 ], [ 7.436446418073709, 52.064727562678193 ], [ 7.436446418073709, 52.064520465425701 ], [ 7.435291441279842, 52.064520465425701 ], [ 7.435291441279842, 52.064727562678193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.064313367212861 ], [ 7.436446418073709, 52.064313367212861 ], [ 7.436446418073709, 52.064106268039673 ], [ 7.435291441279842, 52.064106268039673 ], [ 7.435291441279842, 52.064313367212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.18701625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.063484964758032 ], [ 7.436446418073709, 52.063484964758032 ], [ 7.436446418073709, 52.063277861743444 ], [ 7.435291441279842, 52.063277861743444 ], [ 7.435291441279842, 52.063484964758032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 94.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.061206778777851 ], [ 7.436446418073709, 52.061206778777851 ], [ 7.436446418073709, 52.060999665199283 ], [ 7.435291441279842, 52.060999665199283 ], [ 7.435291441279842, 52.061206778777851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 81.636951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.435291441279842, 52.060585435161009 ], [ 7.436446418073709, 52.060585435161009 ], [ 7.436446418073709, 52.060378318701318 ], [ 7.435291441279842, 52.060378318701318 ], [ 7.435291441279842, 52.060585435161009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.66666566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.063484964758032 ], [ 7.437601394867577, 52.063484964758032 ], [ 7.437601394867577, 52.063277861743444 ], [ 7.436446418073709, 52.063277861743444 ], [ 7.436446418073709, 52.063484964758032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.062863652833215 ], [ 7.437601394867577, 52.062863652833215 ], [ 7.437601394867577, 52.062656546937561 ], [ 7.436446418073709, 52.062656546937561 ], [ 7.436446418073709, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 94.154721 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.062656546937561 ], [ 7.437601394867577, 52.062656546937561 ], [ 7.437601394867577, 52.062449440081551 ], [ 7.436446418073709, 52.062449440081551 ], [ 7.436446418073709, 52.062656546937561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48214_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.446537375000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.436446418073709, 52.062449440081551 ], [ 7.437601394867577, 52.062449440081551 ], [ 7.437601394867577, 52.062242332265178 ], [ 7.436446418073709, 52.062242332265178 ], [ 7.436446418073709, 52.062449440081551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48474_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 50.603757149889418 ], [ 7.435291441279842, 50.603757149889418 ], [ 7.435291441279842, 50.603543345928372 ], [ 7.434136464485973, 50.603543345928372 ], [ 7.434136464485973, 50.603757149889418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48475_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.434136464485973, 50.598055378483465 ], [ 7.435291441279842, 50.598055378483465 ], [ 7.435291441279842, 50.59784154861746 ], [ 7.434136464485973, 50.59784154861746 ], [ 7.434136464485973, 50.598055378483465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 53.331414668316704 ], [ 7.439654686945564, 53.331414668316704 ], [ 7.439654686945564, 53.331213495035186 ], [ 7.438499710151697, 53.331213495035186 ], [ 7.438499710151697, 53.331414668316704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 53.330811145626015 ], [ 7.441964640533301, 53.330811145626015 ], [ 7.441964640533301, 53.330609969498347 ], [ 7.440809663739433, 53.330609969498347 ], [ 7.440809663739433, 53.330811145626015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 53.332219351955565 ], [ 7.443119617327168, 53.332219351955565 ], [ 7.443119617327168, 53.332018182468921 ], [ 7.441964640533301, 53.332018182468921 ], [ 7.441964640533301, 53.332219351955565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.332621688082746 ], [ 7.444274594121037, 53.332621688082746 ], [ 7.444274594121037, 53.332420520493507 ], [ 7.443119617327168, 53.332420520493507 ], [ 7.443119617327168, 53.332621688082746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 78.64141433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.331817012033561 ], [ 7.444274594121037, 53.331817012033561 ], [ 7.444274594121037, 53.331615840649491 ], [ 7.443119617327168, 53.331615840649491 ], [ 7.443119617327168, 53.331817012033561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.332621688082746 ], [ 7.445429570914905, 53.332621688082746 ], [ 7.445429570914905, 53.332420520493507 ], [ 7.444274594121037, 53.332420520493507 ], [ 7.444274594121037, 53.332621688082746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.332219351955565 ], [ 7.445429570914905, 53.332219351955565 ], [ 7.445429570914905, 53.332018182468921 ], [ 7.444274594121037, 53.332018182468921 ], [ 7.444274594121037, 53.332219351955565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 107.3624175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.331414668316704 ], [ 7.445429570914905, 53.331414668316704 ], [ 7.445429570914905, 53.331213495035186 ], [ 7.444274594121037, 53.331213495035186 ], [ 7.444274594121037, 53.331414668316704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 105.865248 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.331213495035186 ], [ 7.445429570914905, 53.331213495035186 ], [ 7.445429570914905, 53.331012320804966 ], [ 7.444274594121037, 53.331012320804966 ], [ 7.444274594121037, 53.331213495035186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.330609969498347 ], [ 7.445429570914905, 53.330609969498347 ], [ 7.445429570914905, 53.330408792421942 ], [ 7.444274594121037, 53.330408792421942 ], [ 7.444274594121037, 53.330609969498347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 76.001612 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.331213495035186 ], [ 7.446584547708772, 53.331213495035186 ], [ 7.446584547708772, 53.331012320804966 ], [ 7.445429570914905, 53.331012320804966 ], [ 7.445429570914905, 53.331213495035186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.330811145626015 ], [ 7.446584547708772, 53.330811145626015 ], [ 7.446584547708772, 53.330609969498347 ], [ 7.445429570914905, 53.330609969498347 ], [ 7.445429570914905, 53.330811145626015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48656_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.330609969498347 ], [ 7.446584547708772, 53.330609969498347 ], [ 7.446584547708772, 53.330408792421942 ], [ 7.445429570914905, 53.330408792421942 ], [ 7.445429570914905, 53.330609969498347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 53.326049722797968 ], [ 7.439654686945564, 53.326049722797968 ], [ 7.439654686945564, 53.325848524216596 ], [ 7.438499710151697, 53.325848524216596 ], [ 7.438499710151697, 53.326049722797968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 142.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 53.325446124207517 ], [ 7.441964640533301, 53.325446124207517 ], [ 7.441964640533301, 53.325244922779824 ], [ 7.440809663739433, 53.325244922779824 ], [ 7.440809663739433, 53.325446124207517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 53.326854507635801 ], [ 7.443119617327168, 53.326854507635801 ], [ 7.443119617327168, 53.326653312849494 ], [ 7.441964640533301, 53.326653312849494 ], [ 7.441964640533301, 53.326854507635801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 116.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.327256894362129 ], [ 7.444274594121037, 53.327256894362129 ], [ 7.444274594121037, 53.327055701473341 ], [ 7.443119617327168, 53.327055701473341 ], [ 7.443119617327168, 53.327256894362129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 103.2349105 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.326452117114414 ], [ 7.444274594121037, 53.326452117114414 ], [ 7.444274594121037, 53.326250920430581 ], [ 7.443119617327168, 53.326250920430581 ], [ 7.443119617327168, 53.326452117114414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.327256894362129 ], [ 7.445429570914905, 53.327256894362129 ], [ 7.445429570914905, 53.327055701473341 ], [ 7.444274594121037, 53.327055701473341 ], [ 7.444274594121037, 53.327256894362129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.326854507635801 ], [ 7.445429570914905, 53.326854507635801 ], [ 7.445429570914905, 53.326653312849494 ], [ 7.444274594121037, 53.326653312849494 ], [ 7.444274594121037, 53.326854507635801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 104.6496135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.326250920430581 ], [ 7.445429570914905, 53.326250920430581 ], [ 7.445429570914905, 53.326049722797968 ], [ 7.444274594121037, 53.326049722797968 ], [ 7.444274594121037, 53.326250920430581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 106.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.325848524216596 ], [ 7.445429570914905, 53.325848524216596 ], [ 7.445429570914905, 53.325647324686443 ], [ 7.444274594121037, 53.325647324686443 ], [ 7.444274594121037, 53.325848524216596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.325244922779824 ], [ 7.445429570914905, 53.325244922779824 ], [ 7.445429570914905, 53.325043720403336 ], [ 7.444274594121037, 53.325043720403336 ], [ 7.444274594121037, 53.325244922779824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.325848524216596 ], [ 7.446584547708772, 53.325848524216596 ], [ 7.446584547708772, 53.325647324686443 ], [ 7.445429570914905, 53.325647324686443 ], [ 7.445429570914905, 53.325848524216596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.325446124207517 ], [ 7.446584547708772, 53.325446124207517 ], [ 7.446584547708772, 53.325244922779824 ], [ 7.445429570914905, 53.325244922779824 ], [ 7.445429570914905, 53.325446124207517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48657_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 106.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.325244922779824 ], [ 7.446584547708772, 53.325244922779824 ], [ 7.446584547708772, 53.325043720403336 ], [ 7.445429570914905, 53.325043720403336 ], [ 7.445429570914905, 53.325244922779824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 53.261617740630435 ], [ 7.439654686945564, 53.261617740630435 ], [ 7.439654686945564, 53.261416238340267 ], [ 7.438499710151697, 53.261416238340267 ], [ 7.438499710151697, 53.261617740630435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 53.259602675005105 ], [ 7.439654686945564, 53.259602675005105 ], [ 7.439654686945564, 53.259401163220758 ], [ 7.438499710151697, 53.259401163220758 ], [ 7.438499710151697, 53.259602675005105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 53.261013230911693 ], [ 7.441964640533301, 53.261013230911693 ], [ 7.441964640533301, 53.260811725773294 ], [ 7.440809663739433, 53.260811725773294 ], [ 7.440809663739433, 53.261013230911693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 53.262423740297073 ], [ 7.443119617327168, 53.262423740297073 ], [ 7.443119617327168, 53.262222241804508 ], [ 7.441964640533301, 53.262222241804508 ], [ 7.441964640533301, 53.262423740297073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 53.26121473510068 ], [ 7.443119617327168, 53.26121473510068 ], [ 7.443119617327168, 53.261013230911693 ], [ 7.441964640533301, 53.261013230911693 ], [ 7.441964640533301, 53.26121473510068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.262826734433986 ], [ 7.444274594121037, 53.262826734433986 ], [ 7.444274594121037, 53.262625237840233 ], [ 7.443119617327168, 53.262625237840233 ], [ 7.443119617327168, 53.262826734433986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 106.9710155 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.262020742362552 ], [ 7.444274594121037, 53.262020742362552 ], [ 7.444274594121037, 53.261819241971196 ], [ 7.443119617327168, 53.261819241971196 ], [ 7.443119617327168, 53.262020742362552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 93.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.260408712648243 ], [ 7.444274594121037, 53.260408712648243 ], [ 7.444274594121037, 53.260207204661597 ], [ 7.443119617327168, 53.260207204661597 ], [ 7.443119617327168, 53.260408712648243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.262826734433986 ], [ 7.445429570914905, 53.262826734433986 ], [ 7.445429570914905, 53.262625237840233 ], [ 7.444274594121037, 53.262625237840233 ], [ 7.444274594121037, 53.262826734433986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.262625237840233 ], [ 7.445429570914905, 53.262625237840233 ], [ 7.445429570914905, 53.262423740297073 ], [ 7.444274594121037, 53.262423740297073 ], [ 7.444274594121037, 53.262625237840233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 106.897472 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.261819241971196 ], [ 7.445429570914905, 53.261819241971196 ], [ 7.445429570914905, 53.261617740630435 ], [ 7.444274594121037, 53.261617740630435 ], [ 7.444274594121037, 53.261819241971196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 102.75000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.261416238340267 ], [ 7.445429570914905, 53.261416238340267 ], [ 7.445429570914905, 53.26121473510068 ], [ 7.444274594121037, 53.26121473510068 ], [ 7.444274594121037, 53.261416238340267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.260811725773294 ], [ 7.445429570914905, 53.260811725773294 ], [ 7.445429570914905, 53.260610219685475 ], [ 7.444274594121037, 53.260610219685475 ], [ 7.444274594121037, 53.260811725773294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 107.4999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.260207204661597 ], [ 7.445429570914905, 53.260207204661597 ], [ 7.445429570914905, 53.260005695725511 ], [ 7.444274594121037, 53.260005695725511 ], [ 7.444274594121037, 53.260207204661597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.0000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.259401163220758 ], [ 7.445429570914905, 53.259401163220758 ], [ 7.445429570914905, 53.259199650486991 ], [ 7.444274594121037, 53.259199650486991 ], [ 7.444274594121037, 53.259401163220758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 102.833334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.261617740630435 ], [ 7.446584547708772, 53.261617740630435 ], [ 7.446584547708772, 53.261416238340267 ], [ 7.445429570914905, 53.261416238340267 ], [ 7.445429570914905, 53.261617740630435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.5764718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.261416238340267 ], [ 7.446584547708772, 53.261416238340267 ], [ 7.446584547708772, 53.26121473510068 ], [ 7.445429570914905, 53.26121473510068 ], [ 7.445429570914905, 53.261416238340267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.261013230911693 ], [ 7.446584547708772, 53.261013230911693 ], [ 7.446584547708772, 53.260811725773294 ], [ 7.445429570914905, 53.260811725773294 ], [ 7.445429570914905, 53.261013230911693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48669_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.260811725773294 ], [ 7.446584547708772, 53.260811725773294 ], [ 7.446584547708772, 53.260610219685475 ], [ 7.445429570914905, 53.260610219685475 ], [ 7.445429570914905, 53.260811725773294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 93.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 53.256244021311595 ], [ 7.439654686945564, 53.256244021311595 ], [ 7.439654686945564, 53.256042493703198 ], [ 7.438499710151697, 53.256042493703198 ], [ 7.438499710151697, 53.256244021311595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 111.77499933333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 53.2542287025015 ], [ 7.439654686945564, 53.2542287025015 ], [ 7.439654686945564, 53.254027165398391 ], [ 7.438499710151697, 53.254027165398391 ], [ 7.438499710151697, 53.2542287025015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 95.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 53.255639435637988 ], [ 7.441964640533301, 53.255639435637988 ], [ 7.441964640533301, 53.255437905181189 ], [ 7.440809663739433, 53.255437905181189 ], [ 7.440809663739433, 53.255639435637988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 53.257050122250675 ], [ 7.443119617327168, 53.257050122250675 ], [ 7.443119617327168, 53.256848598440087 ], [ 7.441964640533301, 53.256848598440087 ], [ 7.441964640533301, 53.257050122250675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 53.255840965145318 ], [ 7.443119617327168, 53.255840965145318 ], [ 7.443119617327168, 53.255639435637988 ], [ 7.441964640533301, 53.255639435637988 ], [ 7.441964640533301, 53.255840965145318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.257453167023492 ], [ 7.444274594121037, 53.257453167023492 ], [ 7.444274594121037, 53.257251645111801 ], [ 7.443119617327168, 53.257251645111801 ], [ 7.443119617327168, 53.257453167023492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 113.058568 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.25664707368005 ], [ 7.444274594121037, 53.25664707368005 ], [ 7.444274594121037, 53.256445547970557 ], [ 7.443119617327168, 53.256445547970557 ], [ 7.443119617327168, 53.25664707368005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 99.992063666666652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 53.255034841419182 ], [ 7.444274594121037, 53.255034841419182 ], [ 7.444274594121037, 53.254833308113973 ], [ 7.443119617327168, 53.254833308113973 ], [ 7.443119617327168, 53.255034841419182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.257453167023492 ], [ 7.445429570914905, 53.257453167023492 ], [ 7.445429570914905, 53.257251645111801 ], [ 7.444274594121037, 53.257251645111801 ], [ 7.444274594121037, 53.257453167023492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_6", "Weekday": 5, "hour": 6, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.257251645111801 ], [ 7.445429570914905, 53.257251645111801 ], [ 7.445429570914905, 53.257050122250675 ], [ 7.444274594121037, 53.257050122250675 ], [ 7.444274594121037, 53.257251645111801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 105.14337575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.256445547970557 ], [ 7.445429570914905, 53.256445547970557 ], [ 7.445429570914905, 53.256244021311595 ], [ 7.444274594121037, 53.256244021311595 ], [ 7.444274594121037, 53.256445547970557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 103.171706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.256042493703198 ], [ 7.445429570914905, 53.256042493703198 ], [ 7.445429570914905, 53.255840965145318 ], [ 7.444274594121037, 53.255840965145318 ], [ 7.444274594121037, 53.256042493703198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 38.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.255437905181189 ], [ 7.445429570914905, 53.255437905181189 ], [ 7.445429570914905, 53.25523637377492 ], [ 7.444274594121037, 53.25523637377492 ], [ 7.444274594121037, 53.255437905181189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 106.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.254833308113973 ], [ 7.445429570914905, 53.254833308113973 ], [ 7.445429570914905, 53.254631773859295 ], [ 7.444274594121037, 53.254631773859295 ], [ 7.444274594121037, 53.254833308113973 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.93521975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 53.254027165398391 ], [ 7.445429570914905, 53.254027165398391 ], [ 7.445429570914905, 53.253825627345797 ], [ 7.444274594121037, 53.253825627345797 ], [ 7.444274594121037, 53.254027165398391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 105.49999957142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.256244021311595 ], [ 7.446584547708772, 53.256244021311595 ], [ 7.446584547708772, 53.256042493703198 ], [ 7.445429570914905, 53.256042493703198 ], [ 7.445429570914905, 53.256244021311595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 107.912452625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.256042493703198 ], [ 7.446584547708772, 53.256042493703198 ], [ 7.446584547708772, 53.255840965145318 ], [ 7.445429570914905, 53.255840965145318 ], [ 7.445429570914905, 53.256042493703198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.992983333333328 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.255840965145318 ], [ 7.446584547708772, 53.255840965145318 ], [ 7.446584547708772, 53.255639435637988 ], [ 7.445429570914905, 53.255639435637988 ], [ 7.445429570914905, 53.255840965145318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.255639435637988 ], [ 7.446584547708772, 53.255639435637988 ], [ 7.446584547708772, 53.255437905181189 ], [ 7.445429570914905, 53.255437905181189 ], [ 7.445429570914905, 53.255639435637988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48670_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 53.255437905181189 ], [ 7.446584547708772, 53.255437905181189 ], [ 7.446584547708772, 53.25523637377492 ], [ 7.445429570914905, 53.25523637377492 ], [ 7.445429570914905, 53.255437905181189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48842_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.483867 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.322505670093456 ], [ 7.444274594121037, 52.322505670093456 ], [ 7.444274594121037, 52.322299770293348 ], [ 7.443119617327168, 52.322299770293348 ], [ 7.443119617327168, 52.322505670093456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48842_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 103.993464 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.32147616151159 ], [ 7.445429570914905, 52.32147616151159 ], [ 7.445429570914905, 52.321270256920819 ], [ 7.444274594121037, 52.321270256920819 ], [ 7.444274594121037, 52.32147616151159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48842_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 192.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.320858444864854 ], [ 7.445429570914905, 52.320858444864854 ], [ 7.445429570914905, 52.32065253739966 ], [ 7.444274594121037, 52.32065253739966 ], [ 7.444274594121037, 52.320858444864854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48842_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.321064351371902 ], [ 7.446584547708772, 52.321064351371902 ], [ 7.446584547708772, 52.320858444864854 ], [ 7.445429570914905, 52.320858444864854 ], [ 7.445429570914905, 52.321064351371902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48843_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 124.948978 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.317014680858961 ], [ 7.444274594121037, 52.317014680858961 ], [ 7.444274594121037, 52.316808755508113 ], [ 7.443119617327168, 52.316808755508113 ], [ 7.443119617327168, 52.317014680858961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48843_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 88.13902575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.315985044522961 ], [ 7.445429570914905, 52.315985044522961 ], [ 7.445429570914905, 52.315779114381208 ], [ 7.444274594121037, 52.315779114381208 ], [ 7.444274594121037, 52.315985044522961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48843_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 193.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.315367251223165 ], [ 7.445429570914905, 52.315367251223165 ], [ 7.445429570914905, 52.315161318206847 ], [ 7.444274594121037, 52.315161318206847 ], [ 7.444274594121037, 52.315367251223165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48843_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.31557318328128 ], [ 7.446584547708772, 52.31557318328128 ], [ 7.446584547708772, 52.315367251223165 ], [ 7.445429570914905, 52.315367251223165 ], [ 7.445429570914905, 52.31557318328128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48843_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.315161318206847 ], [ 7.446584547708772, 52.315161318206847 ], [ 7.446584547708772, 52.314955384232341 ], [ 7.445429570914905, 52.314955384232341 ], [ 7.445429570914905, 52.315161318206847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 80.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.062863652833215 ], [ 7.439654686945564, 52.062863652833215 ], [ 7.439654686945564, 52.062656546937561 ], [ 7.438499710151697, 52.062656546937561 ], [ 7.438499710151697, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.060792550660331 ], [ 7.439654686945564, 52.060792550660331 ], [ 7.439654686945564, 52.060585435161009 ], [ 7.438499710151697, 52.060585435161009 ], [ 7.438499710151697, 52.060792550660331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.439654686945564, 52.063277861743444 ], [ 7.440809663739433, 52.063277861743444 ], [ 7.440809663739433, 52.063070757768507 ], [ 7.439654686945564, 52.063070757768507 ], [ 7.439654686945564, 52.063277861743444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 52.062863652833215 ], [ 7.441964640533301, 52.062863652833215 ], [ 7.441964640533301, 52.062656546937561 ], [ 7.440809663739433, 52.062656546937561 ], [ 7.440809663739433, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.064106268039673 ], [ 7.443119617327168, 52.064106268039673 ], [ 7.443119617327168, 52.063899167906143 ], [ 7.441964640533301, 52.063899167906143 ], [ 7.441964640533301, 52.064106268039673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.062863652833215 ], [ 7.443119617327168, 52.062863652833215 ], [ 7.443119617327168, 52.062656546937561 ], [ 7.441964640533301, 52.062656546937561 ], [ 7.441964640533301, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 91.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.062035223488451 ], [ 7.443119617327168, 52.062035223488451 ], [ 7.443119617327168, 52.061828113751353 ], [ 7.441964640533301, 52.061828113751353 ], [ 7.441964640533301, 52.062035223488451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.064727562678193 ], [ 7.444274594121037, 52.064727562678193 ], [ 7.444274594121037, 52.064520465425701 ], [ 7.443119617327168, 52.064520465425701 ], [ 7.443119617327168, 52.064727562678193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.064313367212861 ], [ 7.444274594121037, 52.064313367212861 ], [ 7.444274594121037, 52.064106268039673 ], [ 7.443119617327168, 52.064106268039673 ], [ 7.443119617327168, 52.064313367212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.062035223488451 ], [ 7.444274594121037, 52.062035223488451 ], [ 7.444274594121037, 52.061828113751353 ], [ 7.443119617327168, 52.061828113751353 ], [ 7.443119617327168, 52.062035223488451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.064727562678193 ], [ 7.445429570914905, 52.064727562678193 ], [ 7.445429570914905, 52.064520465425701 ], [ 7.444274594121037, 52.064520465425701 ], [ 7.444274594121037, 52.064727562678193 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.064313367212861 ], [ 7.445429570914905, 52.064313367212861 ], [ 7.445429570914905, 52.064106268039673 ], [ 7.444274594121037, 52.064106268039673 ], [ 7.444274594121037, 52.064313367212861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 100.850517 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.063484964758032 ], [ 7.445429570914905, 52.063484964758032 ], [ 7.445429570914905, 52.063277861743444 ], [ 7.444274594121037, 52.063277861743444 ], [ 7.444274594121037, 52.063484964758032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 100.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.061206778777851 ], [ 7.445429570914905, 52.061206778777851 ], [ 7.445429570914905, 52.060999665199283 ], [ 7.444274594121037, 52.060999665199283 ], [ 7.444274594121037, 52.061206778777851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 83.5631765 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.060585435161009 ], [ 7.445429570914905, 52.060585435161009 ], [ 7.445429570914905, 52.060378318701318 ], [ 7.444274594121037, 52.060378318701318 ], [ 7.444274594121037, 52.060585435161009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.063484964758032 ], [ 7.446584547708772, 52.063484964758032 ], [ 7.446584547708772, 52.063277861743444 ], [ 7.445429570914905, 52.063277861743444 ], [ 7.445429570914905, 52.063484964758032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.062863652833215 ], [ 7.446584547708772, 52.062863652833215 ], [ 7.446584547708772, 52.062656546937561 ], [ 7.445429570914905, 52.062656546937561 ], [ 7.445429570914905, 52.062863652833215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.866303 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.062656546937561 ], [ 7.446584547708772, 52.062656546937561 ], [ 7.446584547708772, 52.062449440081551 ], [ 7.445429570914905, 52.062449440081551 ], [ 7.445429570914905, 52.062656546937561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48889_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.499997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.062449440081551 ], [ 7.446584547708772, 52.062449440081551 ], [ 7.446584547708772, 52.062242332265178 ], [ 7.445429570914905, 52.062242332265178 ], [ 7.445429570914905, 52.062449440081551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 65.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.057340500288035 ], [ 7.439654686945564, 52.057340500288035 ], [ 7.439654686945564, 52.05713336878221 ], [ 7.438499710151697, 52.05713336878221 ], [ 7.438499710151697, 52.057340500288035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.2628304 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.055269142011312 ], [ 7.439654686945564, 52.055269142011312 ], [ 7.439654686945564, 52.055062000901351 ], [ 7.438499710151697, 52.055062000901351 ], [ 7.438499710151697, 52.055269142011312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 74.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.439654686945564, 52.057754760418476 ], [ 7.440809663739433, 52.057754760418476 ], [ 7.440809663739433, 52.057547630833454 ], [ 7.439654686945564, 52.057547630833454 ], [ 7.439654686945564, 52.057754760418476 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 74.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 52.057340500288035 ], [ 7.441964640533301, 52.057340500288035 ], [ 7.441964640533301, 52.05713336878221 ], [ 7.440809663739433, 52.05713336878221 ], [ 7.440809663739433, 52.057340500288035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.058583269154575 ], [ 7.443119617327168, 52.058583269154575 ], [ 7.443119617327168, 52.058376143411145 ], [ 7.441964640533301, 52.058376143411145 ], [ 7.441964640533301, 52.058583269154575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 96.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.057340500288035 ], [ 7.443119617327168, 52.057340500288035 ], [ 7.443119617327168, 52.05713336878221 ], [ 7.441964640533301, 52.05713336878221 ], [ 7.441964640533301, 52.057340500288035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.056511968502292 ], [ 7.443119617327168, 52.056511968502292 ], [ 7.443119617327168, 52.056304833154826 ], [ 7.441964640533301, 52.056304833154826 ], [ 7.441964640533301, 52.056511968502292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 112.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.059204640622497 ], [ 7.444274594121037, 52.059204640622497 ], [ 7.444274594121037, 52.058997517760247 ], [ 7.443119617327168, 52.058997517760247 ], [ 7.443119617327168, 52.059204640622497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 96.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.058790393937599 ], [ 7.444274594121037, 52.058790393937599 ], [ 7.444274594121037, 52.058583269154575 ], [ 7.443119617327168, 52.058583269154575 ], [ 7.443119617327168, 52.058790393937599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.056511968502292 ], [ 7.444274594121037, 52.056511968502292 ], [ 7.444274594121037, 52.056304833154826 ], [ 7.443119617327168, 52.056304833154826 ], [ 7.443119617327168, 52.056511968502292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 106.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.059204640622497 ], [ 7.445429570914905, 52.059204640622497 ], [ 7.445429570914905, 52.058997517760247 ], [ 7.444274594121037, 52.058997517760247 ], [ 7.444274594121037, 52.059204640622497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.058790393937599 ], [ 7.445429570914905, 52.058790393937599 ], [ 7.445429570914905, 52.058583269154575 ], [ 7.444274594121037, 52.058583269154575 ], [ 7.444274594121037, 52.058790393937599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.65307525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.057961889043092 ], [ 7.445429570914905, 52.057961889043092 ], [ 7.445429570914905, 52.057754760418476 ], [ 7.444274594121037, 52.057754760418476 ], [ 7.444274594121037, 52.057961889043092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 104.68987425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.055683421349968 ], [ 7.445429570914905, 52.055683421349968 ], [ 7.445429570914905, 52.055476282160853 ], [ 7.444274594121037, 52.055476282160853 ], [ 7.444274594121037, 52.055683421349968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 83.1470118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.055062000901351 ], [ 7.445429570914905, 52.055062000901351 ], [ 7.445429570914905, 52.054854858830964 ], [ 7.444274594121037, 52.054854858830964 ], [ 7.444274594121037, 52.055062000901351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.0364494 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.057961889043092 ], [ 7.446584547708772, 52.057961889043092 ], [ 7.446584547708772, 52.057754760418476 ], [ 7.445429570914905, 52.057754760418476 ], [ 7.445429570914905, 52.057961889043092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.057340500288035 ], [ 7.446584547708772, 52.057340500288035 ], [ 7.446584547708772, 52.05713336878221 ], [ 7.445429570914905, 52.05713336878221 ], [ 7.445429570914905, 52.057340500288035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 99.383034 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.05713336878221 ], [ 7.446584547708772, 52.05713336878221 ], [ 7.446584547708772, 52.056926236315974 ], [ 7.445429570914905, 52.056926236315974 ], [ 7.445429570914905, 52.05713336878221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48890_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.599443777777793 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.056926236315974 ], [ 7.446584547708772, 52.056926236315974 ], [ 7.446584547708772, 52.056719102889332 ], [ 7.445429570914905, 52.056719102889332 ], [ 7.445429570914905, 52.056926236315974 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 72.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.051816664788923 ], [ 7.439654686945564, 52.051816664788923 ], [ 7.439654686945564, 52.051609507671685 ], [ 7.438499710151697, 52.051609507671685 ], [ 7.438499710151697, 52.051816664788923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 87.9390738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.049745050395934 ], [ 7.439654686945564, 52.049745050395934 ], [ 7.439654686945564, 52.049537883674098 ], [ 7.438499710151697, 52.049537883674098 ], [ 7.438499710151697, 52.049745050395934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.439654686945564, 52.052230976142063 ], [ 7.440809663739433, 52.052230976142063 ], [ 7.440809663739433, 52.05202382094572 ], [ 7.439654686945564, 52.05202382094572 ], [ 7.439654686945564, 52.052230976142063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 52.051816664788923 ], [ 7.441964640533301, 52.051816664788923 ], [ 7.441964640533301, 52.051609507671685 ], [ 7.440809663739433, 52.051609507671685 ], [ 7.440809663739433, 52.051816664788923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.053059587322977 ], [ 7.443119617327168, 52.053059587322977 ], [ 7.443119617327168, 52.052852435968411 ], [ 7.441964640533301, 52.052852435968411 ], [ 7.441964640533301, 52.053059587322977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.051816664788923 ], [ 7.443119617327168, 52.051816664788923 ], [ 7.443119617327168, 52.051609507671685 ], [ 7.441964640533301, 52.051609507671685 ], [ 7.441964640533301, 52.051816664788923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 91.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.050988030557235 ], [ 7.443119617327168, 52.050988030557235 ], [ 7.443119617327168, 52.050780869598171 ], [ 7.441964640533301, 52.050780869598171 ], [ 7.441964640533301, 52.050988030557235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 115.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.053681035624045 ], [ 7.444274594121037, 52.053681035624045 ], [ 7.444274594121037, 52.053473887150794 ], [ 7.443119617327168, 52.053473887150794 ], [ 7.443119617327168, 52.053681035624045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.053266737717102 ], [ 7.444274594121037, 52.053266737717102 ], [ 7.444274594121037, 52.053059587322977 ], [ 7.443119617327168, 52.053059587322977 ], [ 7.443119617327168, 52.053266737717102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.050988030557235 ], [ 7.444274594121037, 52.050988030557235 ], [ 7.444274594121037, 52.050780869598171 ], [ 7.443119617327168, 52.050780869598171 ], [ 7.443119617327168, 52.050988030557235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.053681035624045 ], [ 7.445429570914905, 52.053681035624045 ], [ 7.445429570914905, 52.053473887150794 ], [ 7.444274594121037, 52.053473887150794 ], [ 7.444274594121037, 52.053681035624045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.053266737717102 ], [ 7.445429570914905, 52.053266737717102 ], [ 7.445429570914905, 52.053059587322977 ], [ 7.444274594121037, 52.053059587322977 ], [ 7.444274594121037, 52.053266737717102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 99.5089478 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.052438130377958 ], [ 7.445429570914905, 52.052438130377958 ], [ 7.445429570914905, 52.052230976142063 ], [ 7.444274594121037, 52.052230976142063 ], [ 7.444274594121037, 52.052438130377958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.050159380958235 ], [ 7.445429570914905, 52.050159380958235 ], [ 7.445429570914905, 52.049952216157315 ], [ 7.444274594121037, 52.049952216157315 ], [ 7.444274594121037, 52.050159380958235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 86.225815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.049537883674098 ], [ 7.445429570914905, 52.049537883674098 ], [ 7.445429570914905, 52.049330715991786 ], [ 7.444274594121037, 52.049330715991786 ], [ 7.444274594121037, 52.049537883674098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.7913725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.052438130377958 ], [ 7.446584547708772, 52.052438130377958 ], [ 7.446584547708772, 52.052230976142063 ], [ 7.445429570914905, 52.052230976142063 ], [ 7.445429570914905, 52.052438130377958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.051816664788923 ], [ 7.446584547708772, 52.051816664788923 ], [ 7.446584547708772, 52.051609507671685 ], [ 7.445429570914905, 52.051609507671685 ], [ 7.445429570914905, 52.051816664788923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 89.6047151 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.051609507671685 ], [ 7.446584547708772, 52.051609507671685 ], [ 7.446584547708772, 52.051402349593985 ], [ 7.445429570914905, 52.051402349593985 ], [ 7.445429570914905, 52.051609507671685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48891_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 79.686010416666676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.051402349593985 ], [ 7.446584547708772, 52.051402349593985 ], [ 7.446584547708772, 52.051195190555831 ], [ 7.445429570914905, 52.051195190555831 ], [ 7.445429570914905, 52.051402349593985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 78.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.046292146302783 ], [ 7.439654686945564, 52.046292146302783 ], [ 7.439654686945564, 52.046084963572881 ], [ 7.438499710151697, 52.046084963572881 ], [ 7.438499710151697, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.262046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438499710151697, 52.044220275781136 ], [ 7.439654686945564, 52.044220275781136 ], [ 7.439654686945564, 52.044013083446167 ], [ 7.438499710151697, 52.044013083446167 ], [ 7.438499710151697, 52.044220275781136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 63.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.439654686945564, 52.046706508881101 ], [ 7.440809663739433, 52.046706508881101 ], [ 7.440809663739433, 52.046499328072187 ], [ 7.439654686945564, 52.046499328072187 ], [ 7.439654686945564, 52.046706508881101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.440809663739433, 52.046292146302783 ], [ 7.441964640533301, 52.046292146302783 ], [ 7.441964640533301, 52.046084963572881 ], [ 7.440809663739433, 52.046084963572881 ], [ 7.440809663739433, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.047535222511804 ], [ 7.443119617327168, 52.047535222511804 ], [ 7.443119617327168, 52.047328045544859 ], [ 7.441964640533301, 52.047328045544859 ], [ 7.441964640533301, 52.047535222511804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.046292146302783 ], [ 7.443119617327168, 52.046292146302783 ], [ 7.443119617327168, 52.046084963572881 ], [ 7.441964640533301, 52.046084963572881 ], [ 7.441964640533301, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 100.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.441964640533301, 52.045463409620183 ], [ 7.443119617327168, 52.045463409620183 ], [ 7.443119617327168, 52.045256223048277 ], [ 7.441964640533301, 52.045256223048277 ], [ 7.441964640533301, 52.045463409620183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.048156747649728 ], [ 7.444274594121037, 52.048156747649728 ], [ 7.444274594121037, 52.047949573564232 ], [ 7.443119617327168, 52.047949573564232 ], [ 7.443119617327168, 52.048156747649728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 98.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.04774239851826 ], [ 7.444274594121037, 52.04774239851826 ], [ 7.444274594121037, 52.047535222511804 ], [ 7.443119617327168, 52.047535222511804 ], [ 7.443119617327168, 52.04774239851826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 79.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 52.045463409620183 ], [ 7.444274594121037, 52.045463409620183 ], [ 7.444274594121037, 52.045256223048277 ], [ 7.443119617327168, 52.045256223048277 ], [ 7.443119617327168, 52.045463409620183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.048156747649728 ], [ 7.445429570914905, 52.048156747649728 ], [ 7.445429570914905, 52.047949573564232 ], [ 7.444274594121037, 52.047949573564232 ], [ 7.444274594121037, 52.048156747649728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.04774239851826 ], [ 7.445429570914905, 52.04774239851826 ], [ 7.445429570914905, 52.047535222511804 ], [ 7.444274594121037, 52.047535222511804 ], [ 7.444274594121037, 52.04774239851826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 103.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.046913688729504 ], [ 7.445429570914905, 52.046913688729504 ], [ 7.445429570914905, 52.046706508881101 ], [ 7.444274594121037, 52.046706508881101 ], [ 7.444274594121037, 52.046913688729504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 94.999999333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.044634657569524 ], [ 7.445429570914905, 52.044634657569524 ], [ 7.445429570914905, 52.044427467155586 ], [ 7.444274594121037, 52.044427467155586 ], [ 7.444274594121037, 52.044634657569524 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 87.200876333333326 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.444274594121037, 52.044013083446167 ], [ 7.445429570914905, 52.044013083446167 ], [ 7.445429570914905, 52.043805890150679 ], [ 7.444274594121037, 52.043805890150679 ], [ 7.444274594121037, 52.044013083446167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.046913688729504 ], [ 7.446584547708772, 52.046913688729504 ], [ 7.446584547708772, 52.046706508881101 ], [ 7.445429570914905, 52.046706508881101 ], [ 7.445429570914905, 52.046913688729504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.046292146302783 ], [ 7.446584547708772, 52.046292146302783 ], [ 7.446584547708772, 52.046084963572881 ], [ 7.445429570914905, 52.046084963572881 ], [ 7.445429570914905, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 92.7609455 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.046084963572881 ], [ 7.446584547708772, 52.046084963572881 ], [ 7.446584547708772, 52.045877779882488 ], [ 7.445429570914905, 52.045877779882488 ], [ 7.445429570914905, 52.046084963572881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "48892_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 85.953731714285723 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.445429570914905, 52.045877779882488 ], [ 7.446584547708772, 52.045877779882488 ], [ 7.446584547708772, 52.045670595231591 ], [ 7.445429570914905, 52.045670595231591 ], [ 7.445429570914905, 52.045877779882488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49150_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 118.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 50.598055378483465 ], [ 7.444274594121037, 50.598055378483465 ], [ 7.444274594121037, 50.59784154861746 ], [ 7.443119617327168, 50.59784154861746 ], [ 7.443119617327168, 50.598055378483465 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49151_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.443119617327168, 50.592352916265405 ], [ 7.444274594121037, 50.592352916265405 ], [ 7.444274594121037, 50.592139060493416 ], [ 7.443119617327168, 50.592139060493416 ], [ 7.443119617327168, 50.592352916265405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 53.326049722797968 ], [ 7.448637839786761, 53.326049722797968 ], [ 7.448637839786761, 53.325848524216596 ], [ 7.447482862992892, 53.325848524216596 ], [ 7.447482862992892, 53.326049722797968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.449792816580628, 53.325446124207517 ], [ 7.450947793374496, 53.325446124207517 ], [ 7.450947793374496, 53.325244922779824 ], [ 7.449792816580628, 53.325244922779824 ], [ 7.449792816580628, 53.325446124207517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 53.326854507635801 ], [ 7.452102770168365, 53.326854507635801 ], [ 7.452102770168365, 53.326653312849494 ], [ 7.450947793374496, 53.326653312849494 ], [ 7.450947793374496, 53.326854507635801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.327256894362129 ], [ 7.453257746962232, 53.327256894362129 ], [ 7.453257746962232, 53.327055701473341 ], [ 7.452102770168365, 53.327055701473341 ], [ 7.452102770168365, 53.327256894362129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 114.477041 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.326452117114414 ], [ 7.453257746962232, 53.326452117114414 ], [ 7.453257746962232, 53.326250920430581 ], [ 7.452102770168365, 53.326250920430581 ], [ 7.452102770168365, 53.326452117114414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.327256894362129 ], [ 7.454412723756099, 53.327256894362129 ], [ 7.454412723756099, 53.327055701473341 ], [ 7.453257746962232, 53.327055701473341 ], [ 7.453257746962232, 53.327256894362129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.326854507635801 ], [ 7.454412723756099, 53.326854507635801 ], [ 7.454412723756099, 53.326653312849494 ], [ 7.453257746962232, 53.326653312849494 ], [ 7.453257746962232, 53.326854507635801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 106.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.326250920430581 ], [ 7.454412723756099, 53.326250920430581 ], [ 7.454412723756099, 53.326049722797968 ], [ 7.453257746962232, 53.326049722797968 ], [ 7.453257746962232, 53.326250920430581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 104.188404 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.325848524216596 ], [ 7.454412723756099, 53.325848524216596 ], [ 7.454412723756099, 53.325647324686443 ], [ 7.453257746962232, 53.325647324686443 ], [ 7.453257746962232, 53.325848524216596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.325244922779824 ], [ 7.454412723756099, 53.325244922779824 ], [ 7.454412723756099, 53.325043720403336 ], [ 7.453257746962232, 53.325043720403336 ], [ 7.453257746962232, 53.325244922779824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 108.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.325848524216596 ], [ 7.455567700549969, 53.325848524216596 ], [ 7.455567700549969, 53.325647324686443 ], [ 7.454412723756099, 53.325647324686443 ], [ 7.454412723756099, 53.325848524216596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.325446124207517 ], [ 7.455567700549969, 53.325446124207517 ], [ 7.455567700549969, 53.325244922779824 ], [ 7.454412723756099, 53.325244922779824 ], [ 7.454412723756099, 53.325446124207517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49332_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.325244922779824 ], [ 7.455567700549969, 53.325244922779824 ], [ 7.455567700549969, 53.325043720403336 ], [ 7.454412723756099, 53.325043720403336 ], [ 7.454412723756099, 53.325244922779824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 53.320684102597838 ], [ 7.448637839786761, 53.320684102597838 ], [ 7.448637839786761, 53.320482878715175 ], [ 7.447482862992892, 53.320482878715175 ], [ 7.447482862992892, 53.320684102597838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.449792816580628, 53.32008042810336 ], [ 7.450947793374496, 53.32008042810336 ], [ 7.450947793374496, 53.319879201374206 ], [ 7.449792816580628, 53.319879201374206 ], [ 7.449792816580628, 53.32008042810336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 131.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 53.321488988640297 ], [ 7.452102770168365, 53.321488988640297 ], [ 7.452102770168365, 53.321287768552899 ], [ 7.450947793374496, 53.321287768552899 ], [ 7.450947793374496, 53.321488988640297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 116.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.321891425968609 ], [ 7.453257746962232, 53.321891425968609 ], [ 7.453257746962232, 53.32169020777885 ], [ 7.452102770168365, 53.32169020777885 ], [ 7.452102770168365, 53.321891425968609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 128.2276025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.321086547516714 ], [ 7.453257746962232, 53.321086547516714 ], [ 7.453257746962232, 53.320885325531684 ], [ 7.452102770168365, 53.320885325531684 ], [ 7.452102770168365, 53.321086547516714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.321891425968609 ], [ 7.454412723756099, 53.321891425968609 ], [ 7.454412723756099, 53.32169020777885 ], [ 7.453257746962232, 53.32169020777885 ], [ 7.453257746962232, 53.321891425968609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 121.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.321488988640297 ], [ 7.454412723756099, 53.321488988640297 ], [ 7.454412723756099, 53.321287768552899 ], [ 7.453257746962232, 53.321287768552899 ], [ 7.453257746962232, 53.321488988640297 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 105.9980244 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.320885325531684 ], [ 7.454412723756099, 53.320885325531684 ], [ 7.454412723756099, 53.320684102597838 ], [ 7.453257746962232, 53.320684102597838 ], [ 7.453257746962232, 53.320885325531684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 106.4000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.320482878715175 ], [ 7.454412723756099, 53.320482878715175 ], [ 7.454412723756099, 53.320281653883683 ], [ 7.453257746962232, 53.320281653883683 ], [ 7.453257746962232, 53.320482878715175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 101.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.319879201374206 ], [ 7.454412723756099, 53.319879201374206 ], [ 7.454412723756099, 53.31967797369623 ], [ 7.453257746962232, 53.31967797369623 ], [ 7.453257746962232, 53.319879201374206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 109.273506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.320482878715175 ], [ 7.455567700549969, 53.320482878715175 ], [ 7.455567700549969, 53.320281653883683 ], [ 7.454412723756099, 53.320281653883683 ], [ 7.454412723756099, 53.320482878715175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.32008042810336 ], [ 7.455567700549969, 53.32008042810336 ], [ 7.455567700549969, 53.319879201374206 ], [ 7.454412723756099, 53.319879201374206 ], [ 7.454412723756099, 53.32008042810336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49333_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 98.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.319879201374206 ], [ 7.455567700549969, 53.319879201374206 ], [ 7.455567700549969, 53.31967797369623 ], [ 7.454412723756099, 53.31967797369623 ], [ 7.454412723756099, 53.319879201374206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49334_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 53.316122794931246 ], [ 7.452102770168365, 53.316122794931246 ], [ 7.452102770168365, 53.315921549541365 ], [ 7.450947793374496, 53.315921549541365 ], [ 7.450947793374496, 53.316122794931246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49334_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.316525282864383 ], [ 7.453257746962232, 53.316525282864383 ], [ 7.453257746962232, 53.316324039372248 ], [ 7.452102770168365, 53.316324039372248 ], [ 7.452102770168365, 53.316525282864383 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49334_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.315720303202632 ], [ 7.453257746962232, 53.315720303202632 ], [ 7.453257746962232, 53.315519055915004 ], [ 7.452102770168365, 53.315519055915004 ], [ 7.452102770168365, 53.315720303202632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49334_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 107.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.315116558493145 ], [ 7.454412723756099, 53.315116558493145 ], [ 7.454412723756099, 53.314915308358884 ], [ 7.453257746962232, 53.314915308358884 ], [ 7.453257746962232, 53.315116558493145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49334_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.314512805243744 ], [ 7.454412723756099, 53.314512805243744 ], [ 7.454412723756099, 53.314311552262851 ], [ 7.453257746962232, 53.314311552262851 ], [ 7.453257746962232, 53.314512805243744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49334_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.314512805243744 ], [ 7.455567700549969, 53.314512805243744 ], [ 7.455567700549969, 53.314311552262851 ], [ 7.454412723756099, 53.314311552262851 ], [ 7.454412723756099, 53.314512805243744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 53.261617740630435 ], [ 7.448637839786761, 53.261617740630435 ], [ 7.448637839786761, 53.261416238340267 ], [ 7.447482862992892, 53.261416238340267 ], [ 7.447482862992892, 53.261617740630435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 118.56516825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 53.259602675005105 ], [ 7.448637839786761, 53.259602675005105 ], [ 7.448637839786761, 53.259401163220758 ], [ 7.447482862992892, 53.259401163220758 ], [ 7.447482862992892, 53.259602675005105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.449792816580628, 53.261013230911693 ], [ 7.450947793374496, 53.261013230911693 ], [ 7.450947793374496, 53.260811725773294 ], [ 7.449792816580628, 53.260811725773294 ], [ 7.449792816580628, 53.261013230911693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 53.262423740297073 ], [ 7.452102770168365, 53.262423740297073 ], [ 7.452102770168365, 53.262222241804508 ], [ 7.450947793374496, 53.262222241804508 ], [ 7.450947793374496, 53.262423740297073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 53.26121473510068 ], [ 7.452102770168365, 53.26121473510068 ], [ 7.452102770168365, 53.261013230911693 ], [ 7.450947793374496, 53.261013230911693 ], [ 7.450947793374496, 53.26121473510068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.262826734433986 ], [ 7.453257746962232, 53.262826734433986 ], [ 7.453257746962232, 53.262625237840233 ], [ 7.452102770168365, 53.262625237840233 ], [ 7.452102770168365, 53.262826734433986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 108.309701 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.262020742362552 ], [ 7.453257746962232, 53.262020742362552 ], [ 7.453257746962232, 53.261819241971196 ], [ 7.452102770168365, 53.261819241971196 ], [ 7.452102770168365, 53.262020742362552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 90.002525666666656 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 53.260408712648243 ], [ 7.453257746962232, 53.260408712648243 ], [ 7.453257746962232, 53.260207204661597 ], [ 7.452102770168365, 53.260207204661597 ], [ 7.452102770168365, 53.260408712648243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.262826734433986 ], [ 7.454412723756099, 53.262826734433986 ], [ 7.454412723756099, 53.262625237840233 ], [ 7.453257746962232, 53.262625237840233 ], [ 7.453257746962232, 53.262826734433986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.262423740297073 ], [ 7.454412723756099, 53.262423740297073 ], [ 7.454412723756099, 53.262222241804508 ], [ 7.453257746962232, 53.262222241804508 ], [ 7.453257746962232, 53.262423740297073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 107.9058026 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.261819241971196 ], [ 7.454412723756099, 53.261819241971196 ], [ 7.454412723756099, 53.261617740630435 ], [ 7.453257746962232, 53.261617740630435 ], [ 7.453257746962232, 53.261819241971196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 102.91469166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.261416238340267 ], [ 7.454412723756099, 53.261416238340267 ], [ 7.454412723756099, 53.26121473510068 ], [ 7.453257746962232, 53.26121473510068 ], [ 7.453257746962232, 53.261416238340267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.260811725773294 ], [ 7.454412723756099, 53.260811725773294 ], [ 7.454412723756099, 53.260610219685475 ], [ 7.453257746962232, 53.260610219685475 ], [ 7.453257746962232, 53.260811725773294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 105.4536504 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.260207204661597 ], [ 7.454412723756099, 53.260207204661597 ], [ 7.454412723756099, 53.260005695725511 ], [ 7.453257746962232, 53.260005695725511 ], [ 7.453257746962232, 53.260207204661597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.1989025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 53.259401163220758 ], [ 7.454412723756099, 53.259401163220758 ], [ 7.454412723756099, 53.259199650486991 ], [ 7.453257746962232, 53.259199650486991 ], [ 7.453257746962232, 53.259401163220758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 106.19478922222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.261617740630435 ], [ 7.455567700549969, 53.261617740630435 ], [ 7.455567700549969, 53.261416238340267 ], [ 7.454412723756099, 53.261416238340267 ], [ 7.454412723756099, 53.261617740630435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.63120957142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.261416238340267 ], [ 7.455567700549969, 53.261416238340267 ], [ 7.455567700549969, 53.26121473510068 ], [ 7.454412723756099, 53.26121473510068 ], [ 7.454412723756099, 53.261416238340267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 119.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.261013230911693 ], [ 7.455567700549969, 53.261013230911693 ], [ 7.455567700549969, 53.260811725773294 ], [ 7.454412723756099, 53.260811725773294 ], [ 7.454412723756099, 53.261013230911693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49344_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 53.260811725773294 ], [ 7.455567700549969, 53.260811725773294 ], [ 7.455567700549969, 53.260610219685475 ], [ 7.454412723756099, 53.260610219685475 ], [ 7.454412723756099, 53.260811725773294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49518_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.96412725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.317014680858961 ], [ 7.453257746962232, 52.317014680858961 ], [ 7.453257746962232, 52.316808755508113 ], [ 7.452102770168365, 52.316808755508113 ], [ 7.452102770168365, 52.317014680858961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49518_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 84.999999833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.315985044522961 ], [ 7.454412723756099, 52.315985044522961 ], [ 7.454412723756099, 52.315779114381208 ], [ 7.453257746962232, 52.315779114381208 ], [ 7.453257746962232, 52.315985044522961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49518_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 188.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.315367251223165 ], [ 7.454412723756099, 52.315367251223165 ], [ 7.454412723756099, 52.315161318206847 ], [ 7.453257746962232, 52.315161318206847 ], [ 7.453257746962232, 52.315367251223165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49518_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.31557318328128 ], [ 7.455567700549969, 52.31557318328128 ], [ 7.455567700549969, 52.315367251223165 ], [ 7.454412723756099, 52.315367251223165 ], [ 7.454412723756099, 52.31557318328128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49518_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 154.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.315161318206847 ], [ 7.455567700549969, 52.315161318206847 ], [ 7.455567700549969, 52.314955384232341 ], [ 7.454412723756099, 52.314955384232341 ], [ 7.454412723756099, 52.315161318206847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 71.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 52.046292146302783 ], [ 7.448637839786761, 52.046292146302783 ], [ 7.448637839786761, 52.046084963572881 ], [ 7.447482862992892, 52.046084963572881 ], [ 7.447482862992892, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.999999333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 52.044220275781136 ], [ 7.448637839786761, 52.044220275781136 ], [ 7.448637839786761, 52.044013083446167 ], [ 7.447482862992892, 52.044013083446167 ], [ 7.447482862992892, 52.044220275781136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 58.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.448637839786761, 52.046706508881101 ], [ 7.449792816580628, 52.046706508881101 ], [ 7.449792816580628, 52.046499328072187 ], [ 7.448637839786761, 52.046499328072187 ], [ 7.448637839786761, 52.046706508881101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 80.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.449792816580628, 52.046292146302783 ], [ 7.450947793374496, 52.046292146302783 ], [ 7.450947793374496, 52.046084963572881 ], [ 7.449792816580628, 52.046084963572881 ], [ 7.449792816580628, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 52.047535222511804 ], [ 7.452102770168365, 52.047535222511804 ], [ 7.452102770168365, 52.047328045544859 ], [ 7.450947793374496, 52.047328045544859 ], [ 7.450947793374496, 52.047535222511804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 52.046292146302783 ], [ 7.452102770168365, 52.046292146302783 ], [ 7.452102770168365, 52.046084963572881 ], [ 7.450947793374496, 52.046084963572881 ], [ 7.450947793374496, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 52.045463409620183 ], [ 7.452102770168365, 52.045463409620183 ], [ 7.452102770168365, 52.045256223048277 ], [ 7.450947793374496, 52.045256223048277 ], [ 7.450947793374496, 52.045463409620183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.048156747649728 ], [ 7.453257746962232, 52.048156747649728 ], [ 7.453257746962232, 52.047949573564232 ], [ 7.452102770168365, 52.047949573564232 ], [ 7.452102770168365, 52.048156747649728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.04774239851826 ], [ 7.453257746962232, 52.04774239851826 ], [ 7.453257746962232, 52.047535222511804 ], [ 7.452102770168365, 52.047535222511804 ], [ 7.452102770168365, 52.04774239851826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.045463409620183 ], [ 7.453257746962232, 52.045463409620183 ], [ 7.453257746962232, 52.045256223048277 ], [ 7.452102770168365, 52.045256223048277 ], [ 7.452102770168365, 52.045463409620183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.048156747649728 ], [ 7.454412723756099, 52.048156747649728 ], [ 7.454412723756099, 52.047949573564232 ], [ 7.453257746962232, 52.047949573564232 ], [ 7.453257746962232, 52.048156747649728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 92.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.04774239851826 ], [ 7.454412723756099, 52.04774239851826 ], [ 7.454412723756099, 52.047535222511804 ], [ 7.453257746962232, 52.047535222511804 ], [ 7.453257746962232, 52.04774239851826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 103.5566305 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.046913688729504 ], [ 7.454412723756099, 52.046913688729504 ], [ 7.454412723756099, 52.046706508881101 ], [ 7.453257746962232, 52.046706508881101 ], [ 7.453257746962232, 52.046913688729504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 98.333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.044634657569524 ], [ 7.454412723756099, 52.044634657569524 ], [ 7.454412723756099, 52.044427467155586 ], [ 7.453257746962232, 52.044427467155586 ], [ 7.453257746962232, 52.044634657569524 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.562762333333353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.044013083446167 ], [ 7.454412723756099, 52.044013083446167 ], [ 7.454412723756099, 52.043805890150679 ], [ 7.453257746962232, 52.043805890150679 ], [ 7.453257746962232, 52.044013083446167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 101.99246366666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.046913688729504 ], [ 7.455567700549969, 52.046913688729504 ], [ 7.455567700549969, 52.046706508881101 ], [ 7.454412723756099, 52.046706508881101 ], [ 7.454412723756099, 52.046913688729504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 87.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.046292146302783 ], [ 7.455567700549969, 52.046292146302783 ], [ 7.455567700549969, 52.046084963572881 ], [ 7.454412723756099, 52.046084963572881 ], [ 7.454412723756099, 52.046292146302783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.000000400000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.046084963572881 ], [ 7.455567700549969, 52.046084963572881 ], [ 7.455567700549969, 52.045877779882488 ], [ 7.454412723756099, 52.045877779882488 ], [ 7.454412723756099, 52.046084963572881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49567_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 93.09179775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.045877779882488 ], [ 7.455567700549969, 52.045877779882488 ], [ 7.455567700549969, 52.045670595231591 ], [ 7.454412723756099, 52.045670595231591 ], [ 7.454412723756099, 52.045877779882488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 52.04076694479653 ], [ 7.448637839786761, 52.04076694479653 ], [ 7.448637839786761, 52.040559736452728 ], [ 7.447482862992892, 52.040559736452728 ], [ 7.447482862992892, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.33034 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447482862992892, 52.038694818133813 ], [ 7.448637839786761, 52.038694818133813 ], [ 7.448637839786761, 52.038487600184489 ], [ 7.447482862992892, 52.038487600184489 ], [ 7.447482862992892, 52.038694818133813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 53.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.448637839786761, 52.0411813586025 ], [ 7.449792816580628, 52.0411813586025 ], [ 7.449792816580628, 52.040974152179771 ], [ 7.448637839786761, 52.040974152179771 ], [ 7.448637839786761, 52.0411813586025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.449792816580628, 52.04076694479653 ], [ 7.450947793374496, 52.04076694479653 ], [ 7.450947793374496, 52.040559736452728 ], [ 7.449792816580628, 52.040559736452728 ], [ 7.449792816580628, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 100.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 52.042010174687952 ], [ 7.452102770168365, 52.042010174687952 ], [ 7.452102770168365, 52.041802972107398 ], [ 7.450947793374496, 52.041802972107398 ], [ 7.450947793374496, 52.042010174687952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 52.04076694479653 ], [ 7.452102770168365, 52.04076694479653 ], [ 7.452102770168365, 52.040559736452728 ], [ 7.450947793374496, 52.040559736452728 ], [ 7.450947793374496, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.450947793374496, 52.039938105658052 ], [ 7.452102770168365, 52.039938105658052 ], [ 7.452102770168365, 52.039730893472075 ], [ 7.450947793374496, 52.039730893472075 ], [ 7.450947793374496, 52.039938105658052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.042631776666454 ], [ 7.453257746962232, 52.042631776666454 ], [ 7.453257746962232, 52.042424576967484 ], [ 7.452102770168365, 52.042424576967484 ], [ 7.452102770168365, 52.042631776666454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.042217376307988 ], [ 7.453257746962232, 52.042217376307988 ], [ 7.453257746962232, 52.042010174687952 ], [ 7.452102770168365, 52.042010174687952 ], [ 7.452102770168365, 52.042217376307988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 68.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 52.039938105658052 ], [ 7.453257746962232, 52.039938105658052 ], [ 7.453257746962232, 52.039730893472075 ], [ 7.452102770168365, 52.039730893472075 ], [ 7.452102770168365, 52.039938105658052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.042631776666454 ], [ 7.454412723756099, 52.042631776666454 ], [ 7.454412723756099, 52.042424576967484 ], [ 7.453257746962232, 52.042424576967484 ], [ 7.453257746962232, 52.042631776666454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 94.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.042217376307988 ], [ 7.454412723756099, 52.042217376307988 ], [ 7.454412723756099, 52.042010174687952 ], [ 7.453257746962232, 52.042010174687952 ], [ 7.453257746962232, 52.042217376307988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.96570725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.041388564064668 ], [ 7.454412723756099, 52.041388564064668 ], [ 7.454412723756099, 52.0411813586025 ], [ 7.453257746962232, 52.0411813586025 ], [ 7.453257746962232, 52.041388564064668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 95.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.039109251150784 ], [ 7.454412723756099, 52.039109251150784 ], [ 7.454412723756099, 52.038902035122575 ], [ 7.453257746962232, 52.038902035122575 ], [ 7.453257746962232, 52.039109251150784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 84.4000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.453257746962232, 52.038487600184489 ], [ 7.454412723756099, 52.038487600184489 ], [ 7.454412723756099, 52.038280381274589 ], [ 7.453257746962232, 52.038280381274589 ], [ 7.453257746962232, 52.038487600184489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 84.720663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.041388564064668 ], [ 7.455567700549969, 52.041388564064668 ], [ 7.455567700549969, 52.0411813586025 ], [ 7.454412723756099, 52.0411813586025 ], [ 7.454412723756099, 52.041388564064668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 88.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.04076694479653 ], [ 7.455567700549969, 52.04076694479653 ], [ 7.455567700549969, 52.040559736452728 ], [ 7.454412723756099, 52.040559736452728 ], [ 7.454412723756099, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.285714142857145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.040559736452728 ], [ 7.455567700549969, 52.040559736452728 ], [ 7.455567700549969, 52.040352527148393 ], [ 7.454412723756099, 52.040352527148393 ], [ 7.454412723756099, 52.040559736452728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49568_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 83.250651333333337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.454412723756099, 52.040352527148393 ], [ 7.455567700549969, 52.040352527148393 ], [ 7.455567700549969, 52.040145316883496 ], [ 7.454412723756099, 52.040145316883496 ], [ 7.454412723756099, 52.040352527148393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "49826_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.452102770168365, 50.592352916265405 ], [ 7.453257746962232, 50.592352916265405 ], [ 7.453257746962232, 50.592139060493416 ], [ 7.452102770168365, 50.592139060493416 ], [ 7.452102770168365, 50.592352916265405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.315317807678511 ], [ 7.457620992627956, 53.315317807678511 ], [ 7.457620992627956, 53.315116558493145 ], [ 7.456466015834087, 53.315116558493145 ], [ 7.456466015834087, 53.315317807678511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 41.835681545454548 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.31330527312501 ], [ 7.457620992627956, 53.31330527312501 ], [ 7.457620992627956, 53.313104014450765 ], [ 7.456466015834087, 53.313104014450765 ], [ 7.456466015834087, 53.31330527312501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 132.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.458775969421823, 53.314714057275765 ], [ 7.459930946215692, 53.314714057275765 ], [ 7.459930946215692, 53.314512805243744 ], [ 7.458775969421823, 53.314512805243744 ], [ 7.458775969421823, 53.314714057275765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.316122794931246 ], [ 7.461085923009558, 53.316122794931246 ], [ 7.461085923009558, 53.315921549541365 ], [ 7.459930946215692, 53.315921549541365 ], [ 7.459930946215692, 53.316122794931246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 41.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.314915308358884 ], [ 7.461085923009558, 53.314915308358884 ], [ 7.461085923009558, 53.314714057275765 ], [ 7.459930946215692, 53.314714057275765 ], [ 7.459930946215692, 53.314915308358884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 109.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.316525282864383 ], [ 7.462240899803427, 53.316525282864383 ], [ 7.462240899803427, 53.316324039372248 ], [ 7.461085923009558, 53.316324039372248 ], [ 7.461085923009558, 53.316525282864383 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 133.695432 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.315720303202632 ], [ 7.462240899803427, 53.315720303202632 ], [ 7.462240899803427, 53.315519055915004 ], [ 7.461085923009558, 53.315519055915004 ], [ 7.461085923009558, 53.315720303202632 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 45.139644375000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.314110298333063 ], [ 7.462240899803427, 53.314110298333063 ], [ 7.462240899803427, 53.313909043454387 ], [ 7.461085923009558, 53.313909043454387 ], [ 7.461085923009558, 53.314110298333063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.316525282864383 ], [ 7.463395876597295, 53.316525282864383 ], [ 7.463395876597295, 53.316324039372248 ], [ 7.462240899803427, 53.316324039372248 ], [ 7.462240899803427, 53.316525282864383 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.316122794931246 ], [ 7.463395876597295, 53.316122794931246 ], [ 7.463395876597295, 53.315921549541365 ], [ 7.462240899803427, 53.315921549541365 ], [ 7.462240899803427, 53.316122794931246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 111.1618776 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.315519055915004 ], [ 7.463395876597295, 53.315519055915004 ], [ 7.463395876597295, 53.315317807678511 ], [ 7.462240899803427, 53.315317807678511 ], [ 7.462240899803427, 53.315519055915004 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 76.01206091666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.315116558493145 ], [ 7.463395876597295, 53.315116558493145 ], [ 7.463395876597295, 53.314915308358884 ], [ 7.462240899803427, 53.314915308358884 ], [ 7.462240899803427, 53.315116558493145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.314512805243744 ], [ 7.463395876597295, 53.314512805243744 ], [ 7.463395876597295, 53.314311552262851 ], [ 7.462240899803427, 53.314311552262851 ], [ 7.462240899803427, 53.314512805243744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 54.465034125000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.313909043454387 ], [ 7.463395876597295, 53.313909043454387 ], [ 7.463395876597295, 53.313707787626825 ], [ 7.462240899803427, 53.313707787626825 ], [ 7.462240899803427, 53.313909043454387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 54.621264 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.313104014450765 ], [ 7.463395876597295, 53.313104014450765 ], [ 7.463395876597295, 53.312902754827604 ], [ 7.462240899803427, 53.312902754827604 ], [ 7.462240899803427, 53.313104014450765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 34.642051 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.315317807678511 ], [ 7.464550853391162, 53.315317807678511 ], [ 7.464550853391162, 53.315116558493145 ], [ 7.463395876597295, 53.315116558493145 ], [ 7.463395876597295, 53.315317807678511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 110.764176 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.315116558493145 ], [ 7.464550853391162, 53.315116558493145 ], [ 7.464550853391162, 53.314915308358884 ], [ 7.463395876597295, 53.314915308358884 ], [ 7.463395876597295, 53.315116558493145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.314714057275765 ], [ 7.464550853391162, 53.314714057275765 ], [ 7.464550853391162, 53.314512805243744 ], [ 7.463395876597295, 53.314512805243744 ], [ 7.463395876597295, 53.314714057275765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50009_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 101.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.314512805243744 ], [ 7.464550853391162, 53.314512805243744 ], [ 7.464550853391162, 53.314311552262851 ], [ 7.463395876597295, 53.314311552262851 ], [ 7.463395876597295, 53.314512805243744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.309950838002223 ], [ 7.457620992627956, 53.309950838002223 ], [ 7.457620992627956, 53.309749563512725 ], [ 7.456466015834087, 53.309749563512725 ], [ 7.456466015834087, 53.309950838002223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 60.8031125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.307938050405134 ], [ 7.457620992627956, 53.307938050405134 ], [ 7.457620992627956, 53.307736766426224 ], [ 7.456466015834087, 53.307736766426224 ], [ 7.456466015834087, 53.307938050405134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 134.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.458775969421823, 53.309347011686945 ], [ 7.459930946215692, 53.309347011686945 ], [ 7.459930946215692, 53.309145734350651 ], [ 7.458775969421823, 53.309145734350651 ], [ 7.458775969421823, 53.309347011686945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.310755926470904 ], [ 7.461085923009558, 53.310755926470904 ], [ 7.461085923009558, 53.310554655777118 ], [ 7.459930946215692, 53.310554655777118 ], [ 7.459930946215692, 53.310755926470904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 90.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.309548288074303 ], [ 7.461085923009558, 53.309548288074303 ], [ 7.461085923009558, 53.309347011686945 ], [ 7.459930946215692, 53.309347011686945 ], [ 7.459930946215692, 53.309548288074303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.311158465011701 ], [ 7.462240899803427, 53.311158465011701 ], [ 7.462240899803427, 53.310957196215767 ], [ 7.461085923009558, 53.310957196215767 ], [ 7.461085923009558, 53.311158465011701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 131.832423 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.310353384134416 ], [ 7.462240899803427, 53.310353384134416 ], [ 7.462240899803427, 53.310152111542777 ], [ 7.461085923009558, 53.310152111542777 ], [ 7.461085923009558, 53.310353384134416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 89.593407 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.308743176831257 ], [ 7.462240899803427, 53.308743176831257 ], [ 7.462240899803427, 53.308541896648144 ], [ 7.461085923009558, 53.308541896648144 ], [ 7.461085923009558, 53.308743176831257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.311158465011701 ], [ 7.463395876597295, 53.311158465011701 ], [ 7.463395876597295, 53.310957196215767 ], [ 7.462240899803427, 53.310957196215767 ], [ 7.462240899803427, 53.311158465011701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.310755926470904 ], [ 7.463395876597295, 53.310755926470904 ], [ 7.463395876597295, 53.310554655777118 ], [ 7.462240899803427, 53.310554655777118 ], [ 7.462240899803427, 53.310755926470904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 122.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.310152111542777 ], [ 7.463395876597295, 53.310152111542777 ], [ 7.463395876597295, 53.309950838002223 ], [ 7.462240899803427, 53.309950838002223 ], [ 7.462240899803427, 53.310152111542777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 77.465866 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.309749563512725 ], [ 7.463395876597295, 53.309749563512725 ], [ 7.463395876597295, 53.309548288074303 ], [ 7.462240899803427, 53.309548288074303 ], [ 7.462240899803427, 53.309749563512725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.309145734350651 ], [ 7.463395876597295, 53.309145734350651 ], [ 7.463395876597295, 53.308944456065426 ], [ 7.462240899803427, 53.308944456065426 ], [ 7.462240899803427, 53.309145734350651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 65.166666833333338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.308541896648144 ], [ 7.463395876597295, 53.308541896648144 ], [ 7.463395876597295, 53.30834061551608 ], [ 7.462240899803427, 53.30834061551608 ], [ 7.462240899803427, 53.308541896648144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 60.828431428571434 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.307736766426224 ], [ 7.463395876597295, 53.307736766426224 ], [ 7.463395876597295, 53.307535481498377 ], [ 7.462240899803427, 53.307535481498377 ], [ 7.462240899803427, 53.307736766426224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 58.618981888888889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.309950838002223 ], [ 7.464550853391162, 53.309950838002223 ], [ 7.464550853391162, 53.309749563512725 ], [ 7.463395876597295, 53.309749563512725 ], [ 7.463395876597295, 53.309950838002223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 76.171793777777779 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.309749563512725 ], [ 7.464550853391162, 53.309749563512725 ], [ 7.464550853391162, 53.309548288074303 ], [ 7.463395876597295, 53.309548288074303 ], [ 7.463395876597295, 53.309749563512725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 139.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.309347011686945 ], [ 7.464550853391162, 53.309347011686945 ], [ 7.464550853391162, 53.309145734350651 ], [ 7.463395876597295, 53.309145734350651 ], [ 7.463395876597295, 53.309347011686945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50010_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.309145734350651 ], [ 7.464550853391162, 53.309145734350651 ], [ 7.464550853391162, 53.308944456065426 ], [ 7.463395876597295, 53.308944456065426 ], [ 7.463395876597295, 53.309145734350651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.26699078481569 ], [ 7.457620992627956, 53.26699078481569 ], [ 7.457620992627956, 53.266789307842345 ], [ 7.456466015834087, 53.266789307842345 ], [ 7.456466015834087, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.26497597236105 ], [ 7.457620992627956, 53.26497597236105 ], [ 7.457620992627956, 53.264774485894058 ], [ 7.456466015834087, 53.264774485894058 ], [ 7.456466015834087, 53.26497597236105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.458775969421823, 53.266386351047601 ], [ 7.459930946215692, 53.266386351047601 ], [ 7.459930946215692, 53.266184871226194 ], [ 7.458775969421823, 53.266184871226194 ], [ 7.458775969421823, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.267796683215529 ], [ 7.461085923009558, 53.267796683215529 ], [ 7.461085923009558, 53.267595210039595 ], [ 7.459930946215692, 53.267595210039595 ], [ 7.459930946215692, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.266587829919658 ], [ 7.461085923009558, 53.266587829919658 ], [ 7.461085923009558, 53.266386351047601 ], [ 7.459930946215692, 53.266386351047601 ], [ 7.459930946215692, 53.266587829919658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.268199626719372 ], [ 7.462240899803427, 53.268199626719372 ], [ 7.462240899803427, 53.267998155442122 ], [ 7.461085923009558, 53.267998155442122 ], [ 7.461085923009558, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 115.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.267393735914311 ], [ 7.462240899803427, 53.267393735914311 ], [ 7.462240899803427, 53.267192260839678 ], [ 7.461085923009558, 53.267192260839678 ], [ 7.461085923009558, 53.267393735914311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 93.333331666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.265781908735278 ], [ 7.462240899803427, 53.265781908735278 ], [ 7.462240899803427, 53.265580426065775 ], [ 7.461085923009558, 53.265580426065775 ], [ 7.461085923009558, 53.265781908735278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.268199626719372 ], [ 7.463395876597295, 53.268199626719372 ], [ 7.463395876597295, 53.267998155442122 ], [ 7.462240899803427, 53.267998155442122 ], [ 7.462240899803427, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.267796683215529 ], [ 7.463395876597295, 53.267796683215529 ], [ 7.463395876597295, 53.267595210039595 ], [ 7.462240899803427, 53.267595210039595 ], [ 7.462240899803427, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 107.7551665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.267192260839678 ], [ 7.463395876597295, 53.267192260839678 ], [ 7.463395876597295, 53.26699078481569 ], [ 7.462240899803427, 53.26699078481569 ], [ 7.462240899803427, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 103.74999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.266789307842345 ], [ 7.463395876597295, 53.266789307842345 ], [ 7.463395876597295, 53.266587829919658 ], [ 7.462240899803427, 53.266587829919658 ], [ 7.462240899803427, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.266184871226194 ], [ 7.463395876597295, 53.266184871226194 ], [ 7.463395876597295, 53.265983390455418 ], [ 7.462240899803427, 53.265983390455418 ], [ 7.462240899803427, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.265580426065775 ], [ 7.463395876597295, 53.265580426065775 ], [ 7.463395876597295, 53.265378942446901 ], [ 7.462240899803427, 53.265378942446901 ], [ 7.462240899803427, 53.265580426065775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 100.8974825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.264774485894058 ], [ 7.463395876597295, 53.264774485894058 ], [ 7.463395876597295, 53.264572998477711 ], [ 7.462240899803427, 53.264572998477711 ], [ 7.462240899803427, 53.264774485894058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 103.11864433333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.26699078481569 ], [ 7.464550853391162, 53.26699078481569 ], [ 7.464550853391162, 53.266789307842345 ], [ 7.463395876597295, 53.266789307842345 ], [ 7.463395876597295, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 101.2644215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.266789307842345 ], [ 7.464550853391162, 53.266789307842345 ], [ 7.464550853391162, 53.266587829919658 ], [ 7.463395876597295, 53.266587829919658 ], [ 7.463395876597295, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.266386351047601 ], [ 7.464550853391162, 53.266386351047601 ], [ 7.464550853391162, 53.266184871226194 ], [ 7.463395876597295, 53.266184871226194 ], [ 7.463395876597295, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50018_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.266184871226194 ], [ 7.464550853391162, 53.266184871226194 ], [ 7.464550853391162, 53.265983390455418 ], [ 7.463395876597295, 53.265983390455418 ], [ 7.463395876597295, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.261617740630435 ], [ 7.457620992627956, 53.261617740630435 ], [ 7.457620992627956, 53.261416238340267 ], [ 7.456466015834087, 53.261416238340267 ], [ 7.456466015834087, 53.261617740630435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 123.2192715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 53.259602675005105 ], [ 7.457620992627956, 53.259602675005105 ], [ 7.457620992627956, 53.259401163220758 ], [ 7.456466015834087, 53.259401163220758 ], [ 7.456466015834087, 53.259602675005105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.458775969421823, 53.261013230911693 ], [ 7.459930946215692, 53.261013230911693 ], [ 7.459930946215692, 53.260811725773294 ], [ 7.458775969421823, 53.260811725773294 ], [ 7.458775969421823, 53.261013230911693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.262423740297073 ], [ 7.461085923009558, 53.262423740297073 ], [ 7.461085923009558, 53.262222241804508 ], [ 7.459930946215692, 53.262222241804508 ], [ 7.459930946215692, 53.262423740297073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 53.26121473510068 ], [ 7.461085923009558, 53.26121473510068 ], [ 7.461085923009558, 53.261013230911693 ], [ 7.459930946215692, 53.261013230911693 ], [ 7.459930946215692, 53.26121473510068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.262826734433986 ], [ 7.462240899803427, 53.262826734433986 ], [ 7.462240899803427, 53.262625237840233 ], [ 7.461085923009558, 53.262625237840233 ], [ 7.461085923009558, 53.262826734433986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 112.0000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.262020742362552 ], [ 7.462240899803427, 53.262020742362552 ], [ 7.462240899803427, 53.261819241971196 ], [ 7.461085923009558, 53.261819241971196 ], [ 7.461085923009558, 53.262020742362552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 92.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 53.260408712648243 ], [ 7.462240899803427, 53.260408712648243 ], [ 7.462240899803427, 53.260207204661597 ], [ 7.461085923009558, 53.260207204661597 ], [ 7.461085923009558, 53.260408712648243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.262826734433986 ], [ 7.463395876597295, 53.262826734433986 ], [ 7.463395876597295, 53.262625237840233 ], [ 7.462240899803427, 53.262625237840233 ], [ 7.462240899803427, 53.262826734433986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.262423740297073 ], [ 7.463395876597295, 53.262423740297073 ], [ 7.463395876597295, 53.262222241804508 ], [ 7.462240899803427, 53.262222241804508 ], [ 7.462240899803427, 53.262423740297073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 105.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.261819241971196 ], [ 7.463395876597295, 53.261819241971196 ], [ 7.463395876597295, 53.261617740630435 ], [ 7.462240899803427, 53.261617740630435 ], [ 7.462240899803427, 53.261819241971196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 104.9774275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.261416238340267 ], [ 7.463395876597295, 53.261416238340267 ], [ 7.463395876597295, 53.26121473510068 ], [ 7.462240899803427, 53.26121473510068 ], [ 7.462240899803427, 53.261416238340267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.260811725773294 ], [ 7.463395876597295, 53.260811725773294 ], [ 7.463395876597295, 53.260610219685475 ], [ 7.462240899803427, 53.260610219685475 ], [ 7.462240899803427, 53.260811725773294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.260207204661597 ], [ 7.463395876597295, 53.260207204661597 ], [ 7.463395876597295, 53.260005695725511 ], [ 7.462240899803427, 53.260005695725511 ], [ 7.462240899803427, 53.260207204661597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 102.82774133333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 53.259401163220758 ], [ 7.463395876597295, 53.259401163220758 ], [ 7.463395876597295, 53.259199650486991 ], [ 7.462240899803427, 53.259199650486991 ], [ 7.462240899803427, 53.259401163220758 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 109.42857185714286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.261617740630435 ], [ 7.464550853391162, 53.261617740630435 ], [ 7.464550853391162, 53.261416238340267 ], [ 7.463395876597295, 53.261416238340267 ], [ 7.463395876597295, 53.261617740630435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 105.95760716666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.261416238340267 ], [ 7.464550853391162, 53.261416238340267 ], [ 7.464550853391162, 53.26121473510068 ], [ 7.463395876597295, 53.26121473510068 ], [ 7.463395876597295, 53.261416238340267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.261013230911693 ], [ 7.464550853391162, 53.261013230911693 ], [ 7.464550853391162, 53.260811725773294 ], [ 7.463395876597295, 53.260811725773294 ], [ 7.463395876597295, 53.261013230911693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50019_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 53.260811725773294 ], [ 7.464550853391162, 53.260811725773294 ], [ 7.464550853391162, 53.260610219685475 ], [ 7.463395876597295, 53.260610219685475 ], [ 7.463395876597295, 53.260811725773294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50193_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.66666533333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 52.317014680858961 ], [ 7.462240899803427, 52.317014680858961 ], [ 7.462240899803427, 52.316808755508113 ], [ 7.461085923009558, 52.316808755508113 ], [ 7.461085923009558, 52.317014680858961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50193_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 87.5999996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.315985044522961 ], [ 7.463395876597295, 52.315985044522961 ], [ 7.463395876597295, 52.315779114381208 ], [ 7.462240899803427, 52.315779114381208 ], [ 7.462240899803427, 52.315985044522961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50193_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 189.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.315367251223165 ], [ 7.463395876597295, 52.315367251223165 ], [ 7.463395876597295, 52.315161318206847 ], [ 7.462240899803427, 52.315161318206847 ], [ 7.462240899803427, 52.315367251223165 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50193_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.31557318328128 ], [ 7.464550853391162, 52.31557318328128 ], [ 7.464550853391162, 52.315367251223165 ], [ 7.463395876597295, 52.315367251223165 ], [ 7.463395876597295, 52.31557318328128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50193_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.315161318206847 ], [ 7.464550853391162, 52.315161318206847 ], [ 7.464550853391162, 52.314955384232341 ], [ 7.463395876597295, 52.314955384232341 ], [ 7.463395876597295, 52.315161318206847 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50194_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 129.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 52.311523010255208 ], [ 7.462240899803427, 52.311523010255208 ], [ 7.462240899803427, 52.311317059352348 ], [ 7.461085923009558, 52.311317059352348 ], [ 7.461085923009558, 52.311523010255208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50194_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 171.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.310081333812448 ], [ 7.464550853391162, 52.310081333812448 ], [ 7.464550853391162, 52.30987537620198 ], [ 7.463395876597295, 52.30987537620198 ], [ 7.463395876597295, 52.310081333812448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 64.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 52.04076694479653 ], [ 7.457620992627956, 52.04076694479653 ], [ 7.457620992627956, 52.040559736452728 ], [ 7.456466015834087, 52.040559736452728 ], [ 7.456466015834087, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 85.3861272 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 52.038694818133813 ], [ 7.457620992627956, 52.038694818133813 ], [ 7.457620992627956, 52.038487600184489 ], [ 7.456466015834087, 52.038487600184489 ], [ 7.456466015834087, 52.038694818133813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 65.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.457620992627956, 52.0411813586025 ], [ 7.458775969421823, 52.0411813586025 ], [ 7.458775969421823, 52.040974152179771 ], [ 7.457620992627956, 52.040974152179771 ], [ 7.457620992627956, 52.0411813586025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 97.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.458775969421823, 52.04076694479653 ], [ 7.459930946215692, 52.04076694479653 ], [ 7.459930946215692, 52.040559736452728 ], [ 7.458775969421823, 52.040559736452728 ], [ 7.458775969421823, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 52.042010174687952 ], [ 7.461085923009558, 52.042010174687952 ], [ 7.461085923009558, 52.041802972107398 ], [ 7.459930946215692, 52.041802972107398 ], [ 7.459930946215692, 52.042010174687952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 52.04076694479653 ], [ 7.461085923009558, 52.04076694479653 ], [ 7.461085923009558, 52.040559736452728 ], [ 7.459930946215692, 52.040559736452728 ], [ 7.459930946215692, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 52.039938105658052 ], [ 7.461085923009558, 52.039938105658052 ], [ 7.461085923009558, 52.039730893472075 ], [ 7.459930946215692, 52.039730893472075 ], [ 7.459930946215692, 52.039938105658052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 113.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 52.042631776666454 ], [ 7.462240899803427, 52.042631776666454 ], [ 7.462240899803427, 52.042424576967484 ], [ 7.461085923009558, 52.042424576967484 ], [ 7.461085923009558, 52.042631776666454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 52.042217376307988 ], [ 7.462240899803427, 52.042217376307988 ], [ 7.462240899803427, 52.042010174687952 ], [ 7.461085923009558, 52.042010174687952 ], [ 7.461085923009558, 52.042217376307988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 69.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 52.039938105658052 ], [ 7.462240899803427, 52.039938105658052 ], [ 7.462240899803427, 52.039730893472075 ], [ 7.461085923009558, 52.039730893472075 ], [ 7.461085923009558, 52.039938105658052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.042631776666454 ], [ 7.463395876597295, 52.042631776666454 ], [ 7.463395876597295, 52.042424576967484 ], [ 7.462240899803427, 52.042424576967484 ], [ 7.462240899803427, 52.042631776666454 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.042217376307988 ], [ 7.463395876597295, 52.042217376307988 ], [ 7.463395876597295, 52.042010174687952 ], [ 7.462240899803427, 52.042010174687952 ], [ 7.462240899803427, 52.042217376307988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 100.9294435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.041388564064668 ], [ 7.463395876597295, 52.041388564064668 ], [ 7.463395876597295, 52.0411813586025 ], [ 7.462240899803427, 52.0411813586025 ], [ 7.462240899803427, 52.041388564064668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 93.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.039109251150784 ], [ 7.463395876597295, 52.039109251150784 ], [ 7.463395876597295, 52.038902035122575 ], [ 7.462240899803427, 52.038902035122575 ], [ 7.462240899803427, 52.039109251150784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 86.3497758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.038487600184489 ], [ 7.463395876597295, 52.038487600184489 ], [ 7.463395876597295, 52.038280381274589 ], [ 7.462240899803427, 52.038280381274589 ], [ 7.462240899803427, 52.038487600184489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 99.9455066 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.041388564064668 ], [ 7.464550853391162, 52.041388564064668 ], [ 7.464550853391162, 52.0411813586025 ], [ 7.463395876597295, 52.0411813586025 ], [ 7.463395876597295, 52.041388564064668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.04076694479653 ], [ 7.464550853391162, 52.04076694479653 ], [ 7.464550853391162, 52.040559736452728 ], [ 7.463395876597295, 52.040559736452728 ], [ 7.463395876597295, 52.04076694479653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.166598555555566 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.040559736452728 ], [ 7.464550853391162, 52.040559736452728 ], [ 7.464550853391162, 52.040352527148393 ], [ 7.463395876597295, 52.040352527148393 ], [ 7.463395876597295, 52.040559736452728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50243_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 83.217421909090916 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.040352527148393 ], [ 7.464550853391162, 52.040352527148393 ], [ 7.464550853391162, 52.040145316883496 ], [ 7.463395876597295, 52.040145316883496 ], [ 7.463395876597295, 52.040352527148393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 63.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 52.035241060237105 ], [ 7.457620992627956, 52.035241060237105 ], [ 7.457620992627956, 52.035033826278166 ], [ 7.456466015834087, 52.035033826278166 ], [ 7.456466015834087, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 50.350232 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456466015834087, 52.033168677420932 ], [ 7.457620992627956, 52.033168677420932 ], [ 7.457620992627956, 52.032961433856002 ], [ 7.456466015834087, 52.032961433856002 ], [ 7.456466015834087, 52.033168677420932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.457620992627956, 52.035655525273199 ], [ 7.458775969421823, 52.035655525273199 ], [ 7.458775969421823, 52.03544829323544 ], [ 7.457620992627956, 52.03544829323544 ], [ 7.457620992627956, 52.035655525273199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.458775969421823, 52.035241060237105 ], [ 7.459930946215692, 52.035241060237105 ], [ 7.459930946215692, 52.035033826278166 ], [ 7.458775969421823, 52.035033826278166 ], [ 7.458775969421823, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 52.035241060237105 ], [ 7.461085923009558, 52.035241060237105 ], [ 7.461085923009558, 52.035033826278166 ], [ 7.459930946215692, 52.035033826278166 ], [ 7.459930946215692, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.459930946215692, 52.034412118637803 ], [ 7.461085923009558, 52.034412118637803 ], [ 7.461085923009558, 52.034204880836505 ], [ 7.459930946215692, 52.034204880836505 ], [ 7.459930946215692, 52.034412118637803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 52.037106122641163 ], [ 7.462240899803427, 52.037106122641163 ], [ 7.462240899803427, 52.036898897327482 ], [ 7.461085923009558, 52.036898897327482 ], [ 7.461085923009558, 52.037106122641163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.037106122641163 ], [ 7.463395876597295, 52.037106122641163 ], [ 7.463395876597295, 52.036898897327482 ], [ 7.462240899803427, 52.036898897327482 ], [ 7.462240899803427, 52.037106122641163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.035862756350376 ], [ 7.463395876597295, 52.035862756350376 ], [ 7.463395876597295, 52.035655525273199 ], [ 7.462240899803427, 52.035655525273199 ], [ 7.462240899803427, 52.035862756350376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 92.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.462240899803427, 52.033583161668965 ], [ 7.463395876597295, 52.033583161668965 ], [ 7.463395876597295, 52.03337592002525 ], [ 7.462240899803427, 52.03337592002525 ], [ 7.462240899803427, 52.033583161668965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.035241060237105 ], [ 7.464550853391162, 52.035241060237105 ], [ 7.464550853391162, 52.035033826278166 ], [ 7.463395876597295, 52.035033826278166 ], [ 7.463395876597295, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 91.9236815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.035033826278166 ], [ 7.464550853391162, 52.035033826278166 ], [ 7.464550853391162, 52.034826591358652 ], [ 7.463395876597295, 52.034826591358652 ], [ 7.463395876597295, 52.035033826278166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50244_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 79.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.463395876597295, 52.034826591358652 ], [ 7.464550853391162, 52.034826591358652 ], [ 7.464550853391162, 52.034619355478526 ], [ 7.463395876597295, 52.034619355478526 ], [ 7.463395876597295, 52.034826591358652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50502_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.461085923009558, 50.586649763208044 ], [ 7.462240899803427, 50.586649763208044 ], [ 7.462240899803427, 50.586435881529042 ], [ 7.461085923009558, 50.586435881529042 ], [ 7.461085923009558, 50.586649763208044 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 71.73566825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.318671821073778 ], [ 7.466604145469151, 53.318671821073778 ], [ 7.466604145469151, 53.318470587702762 ], [ 7.465449168675282, 53.318470587702762 ], [ 7.465449168675282, 53.318671821073778 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 69.285714285714292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.320281653883683 ], [ 7.470069075850755, 53.320281653883683 ], [ 7.470069075850755, 53.32008042810336 ], [ 7.468914099056886, 53.32008042810336 ], [ 7.468914099056886, 53.320281653883683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 70.629420714285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.319476745069416 ], [ 7.471224052644622, 53.319476745069416 ], [ 7.471224052644622, 53.319275515493764 ], [ 7.470069075850755, 53.319275515493764 ], [ 7.470069075850755, 53.319476745069416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 74.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.320482878715175 ], [ 7.47237902943849, 53.320482878715175 ], [ 7.47237902943849, 53.320281653883683 ], [ 7.471224052644622, 53.320281653883683 ], [ 7.471224052644622, 53.320482878715175 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 57.999999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.319275515493764 ], [ 7.47237902943849, 53.319275515493764 ], [ 7.47237902943849, 53.319074284969275 ], [ 7.471224052644622, 53.319074284969275 ], [ 7.471224052644622, 53.319275515493764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 66.697472625000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.318470587702762 ], [ 7.47237902943849, 53.318470587702762 ], [ 7.47237902943849, 53.318269353382895 ], [ 7.471224052644622, 53.318269353382895 ], [ 7.471224052644622, 53.318470587702762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50683_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 71.572135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.320684102597838 ], [ 7.473534006232359, 53.320684102597838 ], [ 7.473534006232359, 53.320482878715175 ], [ 7.47237902943849, 53.320482878715175 ], [ 7.47237902943849, 53.320684102597838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 72.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.31330527312501 ], [ 7.466604145469151, 53.31330527312501 ], [ 7.466604145469151, 53.313104014450765 ], [ 7.465449168675282, 53.313104014450765 ], [ 7.465449168675282, 53.31330527312501 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 70.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.314915308358884 ], [ 7.470069075850755, 53.314915308358884 ], [ 7.470069075850755, 53.314714057275765 ], [ 7.468914099056886, 53.314714057275765 ], [ 7.468914099056886, 53.314915308358884 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.314110298333063 ], [ 7.471224052644622, 53.314110298333063 ], [ 7.471224052644622, 53.313909043454387 ], [ 7.470069075850755, 53.313909043454387 ], [ 7.470069075850755, 53.314110298333063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 79.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.315116558493145 ], [ 7.47237902943849, 53.315116558493145 ], [ 7.47237902943849, 53.314915308358884 ], [ 7.471224052644622, 53.314915308358884 ], [ 7.471224052644622, 53.315116558493145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 60.16105125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.313909043454387 ], [ 7.47237902943849, 53.313909043454387 ], [ 7.47237902943849, 53.313707787626825 ], [ 7.471224052644622, 53.313707787626825 ], [ 7.471224052644622, 53.313909043454387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 68.666667666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.313104014450765 ], [ 7.47237902943849, 53.313104014450765 ], [ 7.47237902943849, 53.312902754827604 ], [ 7.471224052644622, 53.312902754827604 ], [ 7.471224052644622, 53.313104014450765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50684_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 68.548812 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.315317807678511 ], [ 7.473534006232359, 53.315317807678511 ], [ 7.473534006232359, 53.315116558493145 ], [ 7.47237902943849, 53.315116558493145 ], [ 7.47237902943849, 53.315317807678511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.309950838002223 ], [ 7.466604145469151, 53.309950838002223 ], [ 7.466604145469151, 53.309749563512725 ], [ 7.465449168675282, 53.309749563512725 ], [ 7.465449168675282, 53.309950838002223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 95.805056333333326 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.307938050405134 ], [ 7.466604145469151, 53.307938050405134 ], [ 7.466604145469151, 53.307736766426224 ], [ 7.465449168675282, 53.307736766426224 ], [ 7.465449168675282, 53.307938050405134 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.467759122263018, 53.309347011686945 ], [ 7.468914099056886, 53.309347011686945 ], [ 7.468914099056886, 53.309145734350651 ], [ 7.467759122263018, 53.309145734350651 ], [ 7.467759122263018, 53.309347011686945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 133.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.310755926470904 ], [ 7.470069075850755, 53.310755926470904 ], [ 7.470069075850755, 53.310554655777118 ], [ 7.468914099056886, 53.310554655777118 ], [ 7.468914099056886, 53.310755926470904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 116.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.309548288074303 ], [ 7.470069075850755, 53.309548288074303 ], [ 7.470069075850755, 53.309347011686945 ], [ 7.468914099056886, 53.309347011686945 ], [ 7.468914099056886, 53.309548288074303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.311158465011701 ], [ 7.471224052644622, 53.311158465011701 ], [ 7.471224052644622, 53.310957196215767 ], [ 7.470069075850755, 53.310957196215767 ], [ 7.470069075850755, 53.311158465011701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 134.4400425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.310353384134416 ], [ 7.471224052644622, 53.310353384134416 ], [ 7.471224052644622, 53.310152111542777 ], [ 7.470069075850755, 53.310152111542777 ], [ 7.470069075850755, 53.310353384134416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.308743176831257 ], [ 7.471224052644622, 53.308743176831257 ], [ 7.471224052644622, 53.308541896648144 ], [ 7.470069075850755, 53.308541896648144 ], [ 7.470069075850755, 53.308743176831257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.311158465011701 ], [ 7.47237902943849, 53.311158465011701 ], [ 7.47237902943849, 53.310957196215767 ], [ 7.471224052644622, 53.310957196215767 ], [ 7.471224052644622, 53.311158465011701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 168.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.310755926470904 ], [ 7.47237902943849, 53.310755926470904 ], [ 7.47237902943849, 53.310554655777118 ], [ 7.471224052644622, 53.310554655777118 ], [ 7.471224052644622, 53.310755926470904 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 124.2894755 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.310152111542777 ], [ 7.47237902943849, 53.310152111542777 ], [ 7.47237902943849, 53.309950838002223 ], [ 7.471224052644622, 53.309950838002223 ], [ 7.471224052644622, 53.310152111542777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 101.0476582 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.309749563512725 ], [ 7.47237902943849, 53.309749563512725 ], [ 7.47237902943849, 53.309548288074303 ], [ 7.471224052644622, 53.309548288074303 ], [ 7.471224052644622, 53.309749563512725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 103.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.309145734350651 ], [ 7.47237902943849, 53.309145734350651 ], [ 7.47237902943849, 53.308944456065426 ], [ 7.471224052644622, 53.308944456065426 ], [ 7.471224052644622, 53.309145734350651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 92.328949 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.308541896648144 ], [ 7.47237902943849, 53.308541896648144 ], [ 7.47237902943849, 53.30834061551608 ], [ 7.471224052644622, 53.30834061551608 ], [ 7.471224052644622, 53.308541896648144 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 86.7993135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.307736766426224 ], [ 7.47237902943849, 53.307736766426224 ], [ 7.47237902943849, 53.307535481498377 ], [ 7.471224052644622, 53.307535481498377 ], [ 7.471224052644622, 53.307736766426224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 63.804022428571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.309950838002223 ], [ 7.473534006232359, 53.309950838002223 ], [ 7.473534006232359, 53.309749563512725 ], [ 7.47237902943849, 53.309749563512725 ], [ 7.47237902943849, 53.309950838002223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 88.4408234 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.309749563512725 ], [ 7.473534006232359, 53.309749563512725 ], [ 7.473534006232359, 53.309548288074303 ], [ 7.47237902943849, 53.309548288074303 ], [ 7.47237902943849, 53.309749563512725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.309347011686945 ], [ 7.473534006232359, 53.309347011686945 ], [ 7.473534006232359, 53.309145734350651 ], [ 7.47237902943849, 53.309145734350651 ], [ 7.47237902943849, 53.309347011686945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50685_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.309145734350651 ], [ 7.473534006232359, 53.309145734350651 ], [ 7.473534006232359, 53.308944456065426 ], [ 7.47237902943849, 53.308944456065426 ], [ 7.47237902943849, 53.309145734350651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 166.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.304583193531222 ], [ 7.466604145469151, 53.304583193531222 ], [ 7.466604145469151, 53.304381893736192 ], [ 7.465449168675282, 53.304381893736192 ], [ 7.465449168675282, 53.304583193531222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 113.34271875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.302570152876385 ], [ 7.466604145469151, 53.302570152876385 ], [ 7.466604145469151, 53.302368843591417 ], [ 7.465449168675282, 53.302368843591417 ], [ 7.465449168675282, 53.302570152876385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 176.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.467759122263018, 53.303979291299186 ], [ 7.468914099056886, 53.303979291299186 ], [ 7.468914099056886, 53.303777988657188 ], [ 7.467759122263018, 53.303777988657188 ], [ 7.467759122263018, 53.303979291299186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 175.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.305388383221512 ], [ 7.470069075850755, 53.305388383221512 ], [ 7.470069075850755, 53.305187087222414 ], [ 7.468914099056886, 53.305187087222414 ], [ 7.468914099056886, 53.305388383221512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 122.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.304180592992182 ], [ 7.470069075850755, 53.304180592992182 ], [ 7.470069075850755, 53.303979291299186 ], [ 7.468914099056886, 53.303979291299186 ], [ 7.468914099056886, 53.304180592992182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.305790972372805 ], [ 7.471224052644622, 53.305790972372805 ], [ 7.471224052644622, 53.305589678271652 ], [ 7.470069075850755, 53.305589678271652 ], [ 7.470069075850755, 53.305790972372805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 132.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.30498579027433 ], [ 7.471224052644622, 53.30498579027433 ], [ 7.471224052644622, 53.304784492377259 ], [ 7.470069075850755, 53.304784492377259 ], [ 7.470069075850755, 53.30498579027433 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 108.589809 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.303375380526241 ], [ 7.471224052644622, 53.303375380526241 ], [ 7.471224052644622, 53.303174075037276 ], [ 7.470069075850755, 53.303174075037276 ], [ 7.470069075850755, 53.303375380526241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.305790972372805 ], [ 7.47237902943849, 53.305790972372805 ], [ 7.47237902943849, 53.305589678271652 ], [ 7.471224052644622, 53.305589678271652 ], [ 7.471224052644622, 53.305790972372805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 189.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.305388383221512 ], [ 7.47237902943849, 53.305388383221512 ], [ 7.47237902943849, 53.305187087222414 ], [ 7.471224052644622, 53.305187087222414 ], [ 7.471224052644622, 53.305388383221512 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 125.7499985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.304784492377259 ], [ 7.47237902943849, 53.304784492377259 ], [ 7.47237902943849, 53.304583193531222 ], [ 7.471224052644622, 53.304583193531222 ], [ 7.471224052644622, 53.304784492377259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 108.6341308 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.304381893736192 ], [ 7.47237902943849, 53.304381893736192 ], [ 7.47237902943849, 53.304180592992182 ], [ 7.471224052644622, 53.304180592992182 ], [ 7.471224052644622, 53.304381893736192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.303777988657188 ], [ 7.47237902943849, 53.303777988657188 ], [ 7.47237902943849, 53.303576685066218 ], [ 7.471224052644622, 53.303576685066218 ], [ 7.471224052644622, 53.303777988657188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.303174075037276 ], [ 7.47237902943849, 53.303174075037276 ], [ 7.47237902943849, 53.302972768599311 ], [ 7.471224052644622, 53.302972768599311 ], [ 7.471224052644622, 53.303174075037276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 89.652325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.302368843591417 ], [ 7.47237902943849, 53.302368843591417 ], [ 7.47237902943849, 53.302167533357448 ], [ 7.471224052644622, 53.302167533357448 ], [ 7.471224052644622, 53.302368843591417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.304784492377259 ], [ 7.473534006232359, 53.304784492377259 ], [ 7.473534006232359, 53.304583193531222 ], [ 7.47237902943849, 53.304583193531222 ], [ 7.47237902943849, 53.304784492377259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 70.202547928571434 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.304583193531222 ], [ 7.473534006232359, 53.304583193531222 ], [ 7.473534006232359, 53.304381893736192 ], [ 7.47237902943849, 53.304381893736192 ], [ 7.47237902943849, 53.304583193531222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 106.2782443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.304381893736192 ], [ 7.473534006232359, 53.304381893736192 ], [ 7.473534006232359, 53.304180592992182 ], [ 7.47237902943849, 53.304180592992182 ], [ 7.47237902943849, 53.304381893736192 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.303979291299186 ], [ 7.473534006232359, 53.303979291299186 ], [ 7.473534006232359, 53.303777988657188 ], [ 7.47237902943849, 53.303777988657188 ], [ 7.47237902943849, 53.303979291299186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50686_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 110.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.303777988657188 ], [ 7.473534006232359, 53.303777988657188 ], [ 7.473534006232359, 53.303576685066218 ], [ 7.47237902943849, 53.303576685066218 ], [ 7.47237902943849, 53.303777988657188 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50687_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 119.264706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.297201580501067 ], [ 7.466604145469151, 53.297201580501067 ], [ 7.466604145469151, 53.297000245908613 ], [ 7.465449168675282, 53.297000245908613 ], [ 7.465449168675282, 53.297201580501067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50687_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.297805578584082 ], [ 7.47237902943849, 53.297805578584082 ], [ 7.47237902943849, 53.297604246838794 ], [ 7.471224052644622, 53.297604246838794 ], [ 7.471224052644622, 53.297805578584082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50687_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 92.030306 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.297000245908613 ], [ 7.47237902943849, 53.297000245908613 ], [ 7.47237902943849, 53.296798910367116 ], [ 7.471224052644622, 53.296798910367116 ], [ 7.471224052644622, 53.297000245908613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 106.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.26699078481569 ], [ 7.466604145469151, 53.26699078481569 ], [ 7.466604145469151, 53.266789307842345 ], [ 7.465449168675282, 53.266789307842345 ], [ 7.465449168675282, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 119.7500005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 53.26497597236105 ], [ 7.466604145469151, 53.26497597236105 ], [ 7.466604145469151, 53.264774485894058 ], [ 7.465449168675282, 53.264774485894058 ], [ 7.465449168675282, 53.26497597236105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.467759122263018, 53.266386351047601 ], [ 7.468914099056886, 53.266386351047601 ], [ 7.468914099056886, 53.266184871226194 ], [ 7.467759122263018, 53.266184871226194 ], [ 7.467759122263018, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 157.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.267796683215529 ], [ 7.470069075850755, 53.267796683215529 ], [ 7.470069075850755, 53.267595210039595 ], [ 7.468914099056886, 53.267595210039595 ], [ 7.468914099056886, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 53.266587829919658 ], [ 7.470069075850755, 53.266587829919658 ], [ 7.470069075850755, 53.266386351047601 ], [ 7.468914099056886, 53.266386351047601 ], [ 7.468914099056886, 53.266587829919658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.268199626719372 ], [ 7.471224052644622, 53.268199626719372 ], [ 7.471224052644622, 53.267998155442122 ], [ 7.470069075850755, 53.267998155442122 ], [ 7.470069075850755, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 119.4171195 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.267393735914311 ], [ 7.471224052644622, 53.267393735914311 ], [ 7.471224052644622, 53.267192260839678 ], [ 7.470069075850755, 53.267192260839678 ], [ 7.470069075850755, 53.267393735914311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 96.000000749999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 53.265781908735278 ], [ 7.471224052644622, 53.265781908735278 ], [ 7.471224052644622, 53.265580426065775 ], [ 7.470069075850755, 53.265580426065775 ], [ 7.470069075850755, 53.265781908735278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 110.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.268199626719372 ], [ 7.47237902943849, 53.268199626719372 ], [ 7.47237902943849, 53.267998155442122 ], [ 7.471224052644622, 53.267998155442122 ], [ 7.471224052644622, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.267796683215529 ], [ 7.47237902943849, 53.267796683215529 ], [ 7.47237902943849, 53.267595210039595 ], [ 7.471224052644622, 53.267595210039595 ], [ 7.471224052644622, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 108.25000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.267192260839678 ], [ 7.47237902943849, 53.267192260839678 ], [ 7.47237902943849, 53.26699078481569 ], [ 7.471224052644622, 53.26699078481569 ], [ 7.471224052644622, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 100.9363685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.266789307842345 ], [ 7.47237902943849, 53.266789307842345 ], [ 7.47237902943849, 53.266587829919658 ], [ 7.471224052644622, 53.266587829919658 ], [ 7.471224052644622, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.266184871226194 ], [ 7.47237902943849, 53.266184871226194 ], [ 7.47237902943849, 53.265983390455418 ], [ 7.471224052644622, 53.265983390455418 ], [ 7.471224052644622, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 99.2000022 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.265580426065775 ], [ 7.47237902943849, 53.265580426065775 ], [ 7.47237902943849, 53.265378942446901 ], [ 7.471224052644622, 53.265378942446901 ], [ 7.471224052644622, 53.265580426065775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 98.5407084 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 53.264774485894058 ], [ 7.47237902943849, 53.264774485894058 ], [ 7.47237902943849, 53.264572998477711 ], [ 7.471224052644622, 53.264572998477711 ], [ 7.471224052644622, 53.264774485894058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 103.45454545454545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.26699078481569 ], [ 7.473534006232359, 53.26699078481569 ], [ 7.473534006232359, 53.266789307842345 ], [ 7.47237902943849, 53.266789307842345 ], [ 7.47237902943849, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.042438714285709 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.266789307842345 ], [ 7.473534006232359, 53.266789307842345 ], [ 7.473534006232359, 53.266587829919658 ], [ 7.47237902943849, 53.266587829919658 ], [ 7.47237902943849, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.266386351047601 ], [ 7.473534006232359, 53.266386351047601 ], [ 7.473534006232359, 53.266184871226194 ], [ 7.47237902943849, 53.266184871226194 ], [ 7.47237902943849, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50693_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 53.266184871226194 ], [ 7.473534006232359, 53.266184871226194 ], [ 7.473534006232359, 53.265983390455418 ], [ 7.47237902943849, 53.265983390455418 ], [ 7.47237902943849, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50869_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.72933766666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 52.311523010255208 ], [ 7.471224052644622, 52.311523010255208 ], [ 7.471224052644622, 52.311317059352348 ], [ 7.470069075850755, 52.311317059352348 ], [ 7.470069075850755, 52.311523010255208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50869_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 97.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.310493246158671 ], [ 7.47237902943849, 52.310493246158671 ], [ 7.47237902943849, 52.310287290464679 ], [ 7.471224052644622, 52.310287290464679 ], [ 7.471224052644622, 52.310493246158671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50869_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 185.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.30987537620198 ], [ 7.47237902943849, 52.30987537620198 ], [ 7.47237902943849, 52.309669417633266 ], [ 7.471224052644622, 52.309669417633266 ], [ 7.471224052644622, 52.30987537620198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50869_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 52.310081333812448 ], [ 7.473534006232359, 52.310081333812448 ], [ 7.473534006232359, 52.30987537620198 ], [ 7.47237902943849, 52.30987537620198 ], [ 7.47237902943849, 52.310081333812448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50869_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 170.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 52.309669417633266 ], [ 7.473534006232359, 52.309669417633266 ], [ 7.473534006232359, 52.309463458106329 ], [ 7.47237902943849, 52.309463458106329 ], [ 7.47237902943849, 52.309669417633266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 77.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 52.035241060237105 ], [ 7.466604145469151, 52.035241060237105 ], [ 7.466604145469151, 52.035033826278166 ], [ 7.465449168675282, 52.035033826278166 ], [ 7.465449168675282, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 49.3140062 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465449168675282, 52.033168677420932 ], [ 7.466604145469151, 52.033168677420932 ], [ 7.466604145469151, 52.032961433856002 ], [ 7.465449168675282, 52.032961433856002 ], [ 7.465449168675282, 52.033168677420932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.466604145469151, 52.035655525273199 ], [ 7.467759122263018, 52.035655525273199 ], [ 7.467759122263018, 52.03544829323544 ], [ 7.466604145469151, 52.03544829323544 ], [ 7.466604145469151, 52.035655525273199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.467759122263018, 52.035241060237105 ], [ 7.468914099056886, 52.035241060237105 ], [ 7.468914099056886, 52.035033826278166 ], [ 7.467759122263018, 52.035033826278166 ], [ 7.467759122263018, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 98.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 52.036484443818374 ], [ 7.470069075850755, 52.036484443818374 ], [ 7.470069075850755, 52.03627721562296 ], [ 7.468914099056886, 52.03627721562296 ], [ 7.468914099056886, 52.036484443818374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 103.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 52.035241060237105 ], [ 7.470069075850755, 52.035241060237105 ], [ 7.470069075850755, 52.035033826278166 ], [ 7.468914099056886, 52.035033826278166 ], [ 7.468914099056886, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 89.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.468914099056886, 52.034412118637803 ], [ 7.470069075850755, 52.034412118637803 ], [ 7.470069075850755, 52.034204880836505 ], [ 7.468914099056886, 52.034204880836505 ], [ 7.468914099056886, 52.034412118637803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 52.037106122641163 ], [ 7.471224052644622, 52.037106122641163 ], [ 7.471224052644622, 52.036898897327482 ], [ 7.470069075850755, 52.036898897327482 ], [ 7.470069075850755, 52.037106122641163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 52.036691671053219 ], [ 7.471224052644622, 52.036691671053219 ], [ 7.471224052644622, 52.036484443818374 ], [ 7.470069075850755, 52.036484443818374 ], [ 7.470069075850755, 52.036691671053219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 73.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 52.034412118637803 ], [ 7.471224052644622, 52.034412118637803 ], [ 7.471224052644622, 52.034204880836505 ], [ 7.470069075850755, 52.034204880836505 ], [ 7.470069075850755, 52.034412118637803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 113.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.037106122641163 ], [ 7.47237902943849, 52.037106122641163 ], [ 7.47237902943849, 52.036898897327482 ], [ 7.471224052644622, 52.036898897327482 ], [ 7.471224052644622, 52.037106122641163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.036691671053219 ], [ 7.47237902943849, 52.036691671053219 ], [ 7.47237902943849, 52.036484443818374 ], [ 7.471224052644622, 52.036484443818374 ], [ 7.471224052644622, 52.036691671053219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 100.8397508 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.035862756350376 ], [ 7.47237902943849, 52.035862756350376 ], [ 7.47237902943849, 52.035655525273199 ], [ 7.471224052644622, 52.035655525273199 ], [ 7.471224052644622, 52.035862756350376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 92.166666333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.033583161668965 ], [ 7.47237902943849, 52.033583161668965 ], [ 7.47237902943849, 52.03337592002525 ], [ 7.471224052644622, 52.03337592002525 ], [ 7.471224052644622, 52.033583161668965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 85.466471 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.471224052644622, 52.032961433856002 ], [ 7.47237902943849, 52.032961433856002 ], [ 7.47237902943849, 52.032754189330468 ], [ 7.471224052644622, 52.032754189330468 ], [ 7.471224052644622, 52.032961433856002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.4114302 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 52.035862756350376 ], [ 7.473534006232359, 52.035862756350376 ], [ 7.473534006232359, 52.035655525273199 ], [ 7.47237902943849, 52.035655525273199 ], [ 7.47237902943849, 52.035862756350376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 77.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 52.035241060237105 ], [ 7.473534006232359, 52.035241060237105 ], [ 7.473534006232359, 52.035033826278166 ], [ 7.47237902943849, 52.035033826278166 ], [ 7.47237902943849, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 90.7954803 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 52.035033826278166 ], [ 7.473534006232359, 52.035033826278166 ], [ 7.473534006232359, 52.034826591358652 ], [ 7.47237902943849, 52.034826591358652 ], [ 7.47237902943849, 52.035033826278166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "50919_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 77.9426225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.47237902943849, 52.034826591358652 ], [ 7.473534006232359, 52.034826591358652 ], [ 7.473534006232359, 52.034619355478526 ], [ 7.47237902943849, 52.034619355478526 ], [ 7.47237902943849, 52.034826591358652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51178_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.470069075850755, 50.580945919284183 ], [ 7.471224052644622, 50.580945919284183 ], [ 7.471224052644622, 50.580732011697165 ], [ 7.470069075850755, 50.580732011697165 ], [ 7.470069075850755, 50.580945919284183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.329402892809007 ], [ 7.475587298310346, 53.329402892809007 ], [ 7.475587298310346, 53.329201710040216 ], [ 7.474432321516479, 53.329201710040216 ], [ 7.474432321516479, 53.329402892809007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.331012320804966 ], [ 7.479052228691948, 53.331012320804966 ], [ 7.479052228691948, 53.330811145626015 ], [ 7.477897251898082, 53.330811145626015 ], [ 7.477897251898082, 53.331012320804966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 82.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.330207614396812 ], [ 7.480207205485818, 53.330207614396812 ], [ 7.480207205485818, 53.330006435422966 ], [ 7.479052228691948, 53.330006435422966 ], [ 7.479052228691948, 53.330207614396812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.331213495035186 ], [ 7.481362182279685, 53.331213495035186 ], [ 7.481362182279685, 53.331012320804966 ], [ 7.480207205485818, 53.331012320804966 ], [ 7.480207205485818, 53.331213495035186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 67.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.330006435422966 ], [ 7.481362182279685, 53.330006435422966 ], [ 7.481362182279685, 53.329805255500375 ], [ 7.480207205485818, 53.329805255500375 ], [ 7.480207205485818, 53.330006435422966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 63.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.329201710040216 ], [ 7.481362182279685, 53.329201710040216 ], [ 7.481362182279685, 53.32900052632268 ], [ 7.480207205485818, 53.32900052632268 ], [ 7.480207205485818, 53.329201710040216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51356_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.331414668316704 ], [ 7.482517159073554, 53.331414668316704 ], [ 7.482517159073554, 53.331213495035186 ], [ 7.481362182279685, 53.331213495035186 ], [ 7.481362182279685, 53.331414668316704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 72.975131375000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.324037694289181 ], [ 7.475587298310346, 53.324037694289181 ], [ 7.475587298310346, 53.323836486219989 ], [ 7.474432321516479, 53.323836486219989 ], [ 7.474432321516479, 53.324037694289181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 72.857142857142861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.325647324686443 ], [ 7.479052228691948, 53.325647324686443 ], [ 7.479052228691948, 53.325446124207517 ], [ 7.477897251898082, 53.325446124207517 ], [ 7.477897251898082, 53.325647324686443 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 71.125001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.324842517078075 ], [ 7.480207205485818, 53.324842517078075 ], [ 7.480207205485818, 53.324641312804033 ], [ 7.479052228691948, 53.324641312804033 ], [ 7.479052228691948, 53.324842517078075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.325848524216596 ], [ 7.481362182279685, 53.325848524216596 ], [ 7.481362182279685, 53.325647324686443 ], [ 7.480207205485818, 53.325647324686443 ], [ 7.480207205485818, 53.325848524216596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 62.03329225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.324641312804033 ], [ 7.481362182279685, 53.324641312804033 ], [ 7.481362182279685, 53.324440107581196 ], [ 7.480207205485818, 53.324440107581196 ], [ 7.480207205485818, 53.324641312804033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 66.088234555555559 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.323836486219989 ], [ 7.481362182279685, 53.323836486219989 ], [ 7.481362182279685, 53.323635277201994 ], [ 7.480207205485818, 53.323635277201994 ], [ 7.480207205485818, 53.323836486219989 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51357_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 73.549577374999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.326049722797968 ], [ 7.482517159073554, 53.326049722797968 ], [ 7.482517159073554, 53.325848524216596 ], [ 7.481362182279685, 53.325848524216596 ], [ 7.481362182279685, 53.326049722797968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51358_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 61.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.319275515493764 ], [ 7.481362182279685, 53.319275515493764 ], [ 7.481362182279685, 53.319074284969275 ], [ 7.480207205485818, 53.319074284969275 ], [ 7.480207205485818, 53.319275515493764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51361_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.304180592992182 ], [ 7.479052228691948, 53.304180592992182 ], [ 7.479052228691948, 53.303979291299186 ], [ 7.477897251898082, 53.303979291299186 ], [ 7.477897251898082, 53.304180592992182 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 164.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.299214874227786 ], [ 7.475587298310346, 53.299214874227786 ], [ 7.475587298310346, 53.299013549125803 ], [ 7.474432321516479, 53.299013549125803 ], [ 7.474432321516479, 53.299214874227786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 121.108291 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.297201580501067 ], [ 7.475587298310346, 53.297201580501067 ], [ 7.475587298310346, 53.297000245908613 ], [ 7.474432321516479, 53.297000245908613 ], [ 7.474432321516479, 53.297201580501067 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.476742275104214, 53.298610896074742 ], [ 7.477897251898082, 53.298610896074742 ], [ 7.477897251898082, 53.298409568125642 ], [ 7.476742275104214, 53.298409568125642 ], [ 7.476742275104214, 53.298610896074742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 200.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.300020165145348 ], [ 7.479052228691948, 53.300020165145348 ], [ 7.479052228691948, 53.29981884383951 ], [ 7.477897251898082, 53.29981884383951 ], [ 7.477897251898082, 53.300020165145348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.298812223074798 ], [ 7.479052228691948, 53.298812223074798 ], [ 7.479052228691948, 53.298610896074742 ], [ 7.477897251898082, 53.298610896074742 ], [ 7.477897251898082, 53.298812223074798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 132.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.300422804909957 ], [ 7.480207205485818, 53.300422804909957 ], [ 7.480207205485818, 53.300221485502171 ], [ 7.479052228691948, 53.300221485502171 ], [ 7.479052228691948, 53.300422804909957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 135.15067675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.299617521584629 ], [ 7.480207205485818, 53.299617521584629 ], [ 7.480207205485818, 53.299416198380726 ], [ 7.479052228691948, 53.299416198380726 ], [ 7.479052228691948, 53.299617521584629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 110.315703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.298006909380312 ], [ 7.480207205485818, 53.298006909380312 ], [ 7.480207205485818, 53.297805578584082 ], [ 7.479052228691948, 53.297805578584082 ], [ 7.479052228691948, 53.298006909380312 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.300422804909957 ], [ 7.481362182279685, 53.300422804909957 ], [ 7.481362182279685, 53.300221485502171 ], [ 7.480207205485818, 53.300221485502171 ], [ 7.480207205485818, 53.300422804909957 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 187.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.300020165145348 ], [ 7.481362182279685, 53.300020165145348 ], [ 7.481362182279685, 53.29981884383951 ], [ 7.480207205485818, 53.29981884383951 ], [ 7.480207205485818, 53.300020165145348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 123.81718025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.299416198380726 ], [ 7.481362182279685, 53.299416198380726 ], [ 7.481362182279685, 53.299214874227786 ], [ 7.480207205485818, 53.299214874227786 ], [ 7.480207205485818, 53.299416198380726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 115.160549375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.299013549125803 ], [ 7.481362182279685, 53.299013549125803 ], [ 7.481362182279685, 53.298812223074798 ], [ 7.480207205485818, 53.298812223074798 ], [ 7.480207205485818, 53.299013549125803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.298409568125642 ], [ 7.481362182279685, 53.298409568125642 ], [ 7.481362182279685, 53.298208239227499 ], [ 7.480207205485818, 53.298208239227499 ], [ 7.480207205485818, 53.298409568125642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 99.2000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.297805578584082 ], [ 7.481362182279685, 53.297805578584082 ], [ 7.481362182279685, 53.297604246838794 ], [ 7.480207205485818, 53.297604246838794 ], [ 7.480207205485818, 53.297805578584082 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 96.9081076 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.297000245908613 ], [ 7.481362182279685, 53.297000245908613 ], [ 7.481362182279685, 53.296798910367116 ], [ 7.480207205485818, 53.296798910367116 ], [ 7.480207205485818, 53.297000245908613 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 113.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.299416198380726 ], [ 7.482517159073554, 53.299416198380726 ], [ 7.482517159073554, 53.299214874227786 ], [ 7.481362182279685, 53.299214874227786 ], [ 7.481362182279685, 53.299416198380726 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 77.934982615384627 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.299214874227786 ], [ 7.482517159073554, 53.299214874227786 ], [ 7.482517159073554, 53.299013549125803 ], [ 7.481362182279685, 53.299013549125803 ], [ 7.481362182279685, 53.299214874227786 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 118.1098521111111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.299013549125803 ], [ 7.482517159073554, 53.299013549125803 ], [ 7.482517159073554, 53.298812223074798 ], [ 7.481362182279685, 53.298812223074798 ], [ 7.481362182279685, 53.299013549125803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 147.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.298610896074742 ], [ 7.482517159073554, 53.298610896074742 ], [ 7.482517159073554, 53.298409568125642 ], [ 7.481362182279685, 53.298409568125642 ], [ 7.481362182279685, 53.298610896074742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51362_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 111.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.298409568125642 ], [ 7.482517159073554, 53.298409568125642 ], [ 7.482517159073554, 53.298208239227499 ], [ 7.481362182279685, 53.298208239227499 ], [ 7.481362182279685, 53.298409568125642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.293845880054207 ], [ 7.475587298310346, 53.293845880054207 ], [ 7.475587298310346, 53.293644529643871 ], [ 7.474432321516479, 53.293644529643871 ], [ 7.474432321516479, 53.293845880054207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 122.7115655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.291832333241466 ], [ 7.475587298310346, 53.291832333241466 ], [ 7.475587298310346, 53.291630973340126 ], [ 7.474432321516479, 53.291630973340126 ], [ 7.474432321516479, 53.291832333241466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 187.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.476742275104214, 53.293241825975905 ], [ 7.477897251898082, 53.293241825975905 ], [ 7.477897251898082, 53.293040472718296 ], [ 7.476742275104214, 53.293040472718296 ], [ 7.476742275104214, 53.293241825975905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 206.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.294651272204696 ], [ 7.479052228691948, 53.294651272204696 ], [ 7.479052228691948, 53.294449925590705 ], [ 7.477897251898082, 53.294449925590705 ], [ 7.477897251898082, 53.294651272204696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.293443178284441 ], [ 7.479052228691948, 53.293443178284441 ], [ 7.479052228691948, 53.293241825975905 ], [ 7.477897251898082, 53.293241825975905 ], [ 7.477897251898082, 53.293443178284441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.295053962585449 ], [ 7.480207205485818, 53.295053962585449 ], [ 7.480207205485818, 53.294852617869616 ], [ 7.479052228691948, 53.294852617869616 ], [ 7.479052228691948, 53.295053962585449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 137.000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.294248578027627 ], [ 7.480207205485818, 53.294248578027627 ], [ 7.480207205485818, 53.294047229515463 ], [ 7.479052228691948, 53.294047229515463 ], [ 7.479052228691948, 53.294248578027627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 112.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.292637763355764 ], [ 7.480207205485818, 53.292637763355764 ], [ 7.480207205485818, 53.29243640725084 ], [ 7.479052228691948, 53.29243640725084 ], [ 7.479052228691948, 53.292637763355764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.295053962585449 ], [ 7.481362182279685, 53.295053962585449 ], [ 7.481362182279685, 53.294852617869616 ], [ 7.480207205485818, 53.294852617869616 ], [ 7.480207205485818, 53.295053962585449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 182.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.294651272204696 ], [ 7.481362182279685, 53.294651272204696 ], [ 7.481362182279685, 53.294449925590705 ], [ 7.480207205485818, 53.294449925590705 ], [ 7.480207205485818, 53.294651272204696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 127.1518985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.294047229515463 ], [ 7.481362182279685, 53.294047229515463 ], [ 7.481362182279685, 53.293845880054207 ], [ 7.480207205485818, 53.293845880054207 ], [ 7.480207205485818, 53.294047229515463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 117.8431265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.293644529643871 ], [ 7.481362182279685, 53.293644529643871 ], [ 7.481362182279685, 53.293443178284441 ], [ 7.480207205485818, 53.293443178284441 ], [ 7.480207205485818, 53.293644529643871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.293040472718296 ], [ 7.481362182279685, 53.293040472718296 ], [ 7.481362182279685, 53.292839118511573 ], [ 7.480207205485818, 53.292839118511573 ], [ 7.480207205485818, 53.293040472718296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 102.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.29243640725084 ], [ 7.481362182279685, 53.29243640725084 ], [ 7.481362182279685, 53.292235050196822 ], [ 7.480207205485818, 53.292235050196822 ], [ 7.480207205485818, 53.29243640725084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 95.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.291630973340126 ], [ 7.481362182279685, 53.291630973340126 ], [ 7.481362182279685, 53.291429612489672 ], [ 7.480207205485818, 53.291429612489672 ], [ 7.480207205485818, 53.291630973340126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.294047229515463 ], [ 7.482517159073554, 53.294047229515463 ], [ 7.482517159073554, 53.293845880054207 ], [ 7.481362182279685, 53.293845880054207 ], [ 7.481362182279685, 53.294047229515463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 75.647852833333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.293845880054207 ], [ 7.482517159073554, 53.293845880054207 ], [ 7.482517159073554, 53.293644529643871 ], [ 7.481362182279685, 53.293644529643871 ], [ 7.481362182279685, 53.293845880054207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 120.52061725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.293644529643871 ], [ 7.482517159073554, 53.293644529643871 ], [ 7.482517159073554, 53.293443178284441 ], [ 7.481362182279685, 53.293443178284441 ], [ 7.481362182279685, 53.293644529643871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 152.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.293241825975905 ], [ 7.482517159073554, 53.293241825975905 ], [ 7.482517159073554, 53.293040472718296 ], [ 7.481362182279685, 53.293040472718296 ], [ 7.481362182279685, 53.293241825975905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51363_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.293040472718296 ], [ 7.482517159073554, 53.293040472718296 ], [ 7.482517159073554, 53.292839118511573 ], [ 7.481362182279685, 53.292839118511573 ], [ 7.481362182279685, 53.293040472718296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.26699078481569 ], [ 7.475587298310346, 53.26699078481569 ], [ 7.475587298310346, 53.266789307842345 ], [ 7.474432321516479, 53.266789307842345 ], [ 7.474432321516479, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 119.9427845 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 53.26497597236105 ], [ 7.475587298310346, 53.26497597236105 ], [ 7.475587298310346, 53.264774485894058 ], [ 7.474432321516479, 53.264774485894058 ], [ 7.474432321516479, 53.26497597236105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 148.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.476742275104214, 53.266386351047601 ], [ 7.477897251898082, 53.266386351047601 ], [ 7.477897251898082, 53.266184871226194 ], [ 7.476742275104214, 53.266184871226194 ], [ 7.476742275104214, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.267796683215529 ], [ 7.479052228691948, 53.267796683215529 ], [ 7.479052228691948, 53.267595210039595 ], [ 7.477897251898082, 53.267595210039595 ], [ 7.477897251898082, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 53.266587829919658 ], [ 7.479052228691948, 53.266587829919658 ], [ 7.479052228691948, 53.266386351047601 ], [ 7.477897251898082, 53.266386351047601 ], [ 7.477897251898082, 53.266587829919658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.268199626719372 ], [ 7.480207205485818, 53.268199626719372 ], [ 7.480207205485818, 53.267998155442122 ], [ 7.479052228691948, 53.267998155442122 ], [ 7.479052228691948, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 128.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.267393735914311 ], [ 7.480207205485818, 53.267393735914311 ], [ 7.480207205485818, 53.267192260839678 ], [ 7.479052228691948, 53.267192260839678 ], [ 7.479052228691948, 53.267393735914311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 98.000000599999993 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 53.265781908735278 ], [ 7.480207205485818, 53.265781908735278 ], [ 7.480207205485818, 53.265580426065775 ], [ 7.479052228691948, 53.265580426065775 ], [ 7.479052228691948, 53.265781908735278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.268199626719372 ], [ 7.481362182279685, 53.268199626719372 ], [ 7.481362182279685, 53.267998155442122 ], [ 7.480207205485818, 53.267998155442122 ], [ 7.480207205485818, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.267796683215529 ], [ 7.481362182279685, 53.267796683215529 ], [ 7.481362182279685, 53.267595210039595 ], [ 7.480207205485818, 53.267595210039595 ], [ 7.480207205485818, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 112.51190375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.267192260839678 ], [ 7.481362182279685, 53.267192260839678 ], [ 7.481362182279685, 53.26699078481569 ], [ 7.480207205485818, 53.26699078481569 ], [ 7.480207205485818, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 99.555556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.266789307842345 ], [ 7.481362182279685, 53.266789307842345 ], [ 7.481362182279685, 53.266587829919658 ], [ 7.480207205485818, 53.266587829919658 ], [ 7.480207205485818, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.266184871226194 ], [ 7.481362182279685, 53.266184871226194 ], [ 7.481362182279685, 53.265983390455418 ], [ 7.480207205485818, 53.265983390455418 ], [ 7.480207205485818, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 99.2500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.265580426065775 ], [ 7.481362182279685, 53.265580426065775 ], [ 7.481362182279685, 53.265378942446901 ], [ 7.480207205485818, 53.265378942446901 ], [ 7.480207205485818, 53.265580426065775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 97.62310575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 53.264774485894058 ], [ 7.481362182279685, 53.264774485894058 ], [ 7.481362182279685, 53.264572998477711 ], [ 7.480207205485818, 53.264572998477711 ], [ 7.480207205485818, 53.264774485894058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 104.12849892307692 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.26699078481569 ], [ 7.482517159073554, 53.26699078481569 ], [ 7.482517159073554, 53.266789307842345 ], [ 7.481362182279685, 53.266789307842345 ], [ 7.481362182279685, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 95.710396846153827 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.266789307842345 ], [ 7.482517159073554, 53.266789307842345 ], [ 7.482517159073554, 53.266587829919658 ], [ 7.481362182279685, 53.266587829919658 ], [ 7.481362182279685, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 119.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.266386351047601 ], [ 7.482517159073554, 53.266386351047601 ], [ 7.482517159073554, 53.266184871226194 ], [ 7.481362182279685, 53.266184871226194 ], [ 7.481362182279685, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51368_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 119.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 53.266184871226194 ], [ 7.482517159073554, 53.266184871226194 ], [ 7.482517159073554, 53.265983390455418 ], [ 7.481362182279685, 53.265983390455418 ], [ 7.481362182279685, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51544_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.311523010255208 ], [ 7.480207205485818, 52.311523010255208 ], [ 7.480207205485818, 52.311317059352348 ], [ 7.479052228691948, 52.311317059352348 ], [ 7.479052228691948, 52.311523010255208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51544_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.348278 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.310493246158671 ], [ 7.481362182279685, 52.310493246158671 ], [ 7.481362182279685, 52.310287290464679 ], [ 7.480207205485818, 52.310287290464679 ], [ 7.480207205485818, 52.310493246158671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51544_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 181.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.30987537620198 ], [ 7.481362182279685, 52.30987537620198 ], [ 7.481362182279685, 52.309669417633266 ], [ 7.480207205485818, 52.309669417633266 ], [ 7.480207205485818, 52.30987537620198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51544_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 181.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.310081333812448 ], [ 7.482517159073554, 52.310081333812448 ], [ 7.482517159073554, 52.30987537620198 ], [ 7.481362182279685, 52.30987537620198 ], [ 7.481362182279685, 52.310081333812448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51544_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 153.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.309669417633266 ], [ 7.482517159073554, 52.309669417633266 ], [ 7.482517159073554, 52.309463458106329 ], [ 7.481362182279685, 52.309463458106329 ], [ 7.481362182279685, 52.309669417633266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51545_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.306030658248098 ], [ 7.480207205485818, 52.306030658248098 ], [ 7.480207205485818, 52.305824681791947 ], [ 7.479052228691948, 52.305824681791947 ], [ 7.479052228691948, 52.306030658248098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51545_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.305000766384637 ], [ 7.481362182279685, 52.305000766384637 ], [ 7.481362182279685, 52.304794785137112 ], [ 7.480207205485818, 52.304794785137112 ], [ 7.480207205485818, 52.305000766384637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51545_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 174.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.304588802931313 ], [ 7.482517159073554, 52.304588802931313 ], [ 7.482517159073554, 52.30438281976722 ], [ 7.481362182279685, 52.30438281976722 ], [ 7.481362182279685, 52.304588802931313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51545_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.304176835644846 ], [ 7.482517159073554, 52.304176835644846 ], [ 7.482517159073554, 52.303970850564177 ], [ 7.481362182279685, 52.303970850564177 ], [ 7.481362182279685, 52.304176835644846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 52.035241060237105 ], [ 7.475587298310346, 52.035241060237105 ], [ 7.475587298310346, 52.035033826278166 ], [ 7.474432321516479, 52.035033826278166 ], [ 7.474432321516479, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.577806 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 52.033168677420932 ], [ 7.475587298310346, 52.033168677420932 ], [ 7.475587298310346, 52.032961433856002 ], [ 7.474432321516479, 52.032961433856002 ], [ 7.474432321516479, 52.033168677420932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.475587298310346, 52.035655525273199 ], [ 7.476742275104214, 52.035655525273199 ], [ 7.476742275104214, 52.03544829323544 ], [ 7.475587298310346, 52.03544829323544 ], [ 7.475587298310346, 52.035655525273199 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.476742275104214, 52.035241060237105 ], [ 7.477897251898082, 52.035241060237105 ], [ 7.477897251898082, 52.035033826278166 ], [ 7.476742275104214, 52.035033826278166 ], [ 7.476742275104214, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 52.036484443818374 ], [ 7.479052228691948, 52.036484443818374 ], [ 7.479052228691948, 52.03627721562296 ], [ 7.477897251898082, 52.03627721562296 ], [ 7.477897251898082, 52.036484443818374 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 52.035241060237105 ], [ 7.479052228691948, 52.035241060237105 ], [ 7.479052228691948, 52.035033826278166 ], [ 7.477897251898082, 52.035033826278166 ], [ 7.477897251898082, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 52.034412118637803 ], [ 7.479052228691948, 52.034412118637803 ], [ 7.479052228691948, 52.034204880836505 ], [ 7.477897251898082, 52.034204880836505 ], [ 7.477897251898082, 52.034412118637803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.037106122641163 ], [ 7.480207205485818, 52.037106122641163 ], [ 7.480207205485818, 52.036898897327482 ], [ 7.479052228691948, 52.036898897327482 ], [ 7.479052228691948, 52.037106122641163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 95.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.036691671053219 ], [ 7.480207205485818, 52.036691671053219 ], [ 7.480207205485818, 52.036484443818374 ], [ 7.479052228691948, 52.036484443818374 ], [ 7.479052228691948, 52.036691671053219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 73.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.034412118637803 ], [ 7.480207205485818, 52.034412118637803 ], [ 7.480207205485818, 52.034204880836505 ], [ 7.479052228691948, 52.034204880836505 ], [ 7.479052228691948, 52.034412118637803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.037106122641163 ], [ 7.481362182279685, 52.037106122641163 ], [ 7.481362182279685, 52.036898897327482 ], [ 7.480207205485818, 52.036898897327482 ], [ 7.480207205485818, 52.037106122641163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.036691671053219 ], [ 7.481362182279685, 52.036691671053219 ], [ 7.481362182279685, 52.036484443818374 ], [ 7.480207205485818, 52.036484443818374 ], [ 7.480207205485818, 52.036691671053219 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 97.960800333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.035862756350376 ], [ 7.481362182279685, 52.035862756350376 ], [ 7.481362182279685, 52.035655525273199 ], [ 7.480207205485818, 52.035655525273199 ], [ 7.480207205485818, 52.035862756350376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 93.000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.033583161668965 ], [ 7.481362182279685, 52.033583161668965 ], [ 7.481362182279685, 52.03337592002525 ], [ 7.480207205485818, 52.03337592002525 ], [ 7.480207205485818, 52.033583161668965 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 86.894091666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.032961433856002 ], [ 7.481362182279685, 52.032961433856002 ], [ 7.481362182279685, 52.032754189330468 ], [ 7.480207205485818, 52.032754189330468 ], [ 7.480207205485818, 52.032961433856002 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 111.27603466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.035862756350376 ], [ 7.482517159073554, 52.035862756350376 ], [ 7.482517159073554, 52.035655525273199 ], [ 7.481362182279685, 52.035655525273199 ], [ 7.481362182279685, 52.035862756350376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.035241060237105 ], [ 7.482517159073554, 52.035241060237105 ], [ 7.482517159073554, 52.035033826278166 ], [ 7.481362182279685, 52.035033826278166 ], [ 7.481362182279685, 52.035241060237105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.6905616 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.035033826278166 ], [ 7.482517159073554, 52.035033826278166 ], [ 7.482517159073554, 52.034826591358652 ], [ 7.481362182279685, 52.034826591358652 ], [ 7.481362182279685, 52.035033826278166 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51594_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 91.716013857142869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.034826591358652 ], [ 7.482517159073554, 52.034826591358652 ], [ 7.482517159073554, 52.034619355478526 ], [ 7.481362182279685, 52.034619355478526 ], [ 7.481362182279685, 52.034826591358652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 52.029714492591474 ], [ 7.475587298310346, 52.029714492591474 ], [ 7.475587298310346, 52.029507233016162 ], [ 7.474432321516479, 52.029507233016162 ], [ 7.474432321516479, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 108.67664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.474432321516479, 52.02764185360946 ], [ 7.475587298310346, 52.02764185360946 ], [ 7.475587298310346, 52.027434584427688 ], [ 7.474432321516479, 52.027434584427688 ], [ 7.474432321516479, 52.02764185360946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 102.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.475587298310346, 52.030129008860179 ], [ 7.476742275104214, 52.030129008860179 ], [ 7.476742275104214, 52.029921751206146 ], [ 7.475587298310346, 52.029921751206146 ], [ 7.475587298310346, 52.030129008860179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.476742275104214, 52.029714492591474 ], [ 7.477897251898082, 52.029714492591474 ], [ 7.477897251898082, 52.029507233016162 ], [ 7.476742275104214, 52.029507233016162 ], [ 7.476742275104214, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 52.030958029870021 ], [ 7.479052228691948, 52.030958029870021 ], [ 7.479052228691948, 52.030750776058497 ], [ 7.477897251898082, 52.030750776058497 ], [ 7.477897251898082, 52.030958029870021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 52.029714492591474 ], [ 7.479052228691948, 52.029714492591474 ], [ 7.479052228691948, 52.029507233016162 ], [ 7.477897251898082, 52.029507233016162 ], [ 7.477897251898082, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.477897251898082, 52.028885448526403 ], [ 7.479052228691948, 52.028885448526403 ], [ 7.479052228691948, 52.028678185108532 ], [ 7.477897251898082, 52.028678185108532 ], [ 7.477897251898082, 52.028885448526403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 124.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.031579785540814 ], [ 7.480207205485818, 52.031579785540814 ], [ 7.480207205485818, 52.03137253461118 ], [ 7.479052228691948, 52.03137253461118 ], [ 7.479052228691948, 52.031579785540814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 94.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.031165282720913 ], [ 7.480207205485818, 52.031165282720913 ], [ 7.480207205485818, 52.030958029870021 ], [ 7.479052228691948, 52.030958029870021 ], [ 7.479052228691948, 52.031165282720913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 52.028885448526403 ], [ 7.480207205485818, 52.028885448526403 ], [ 7.480207205485818, 52.028678185108532 ], [ 7.479052228691948, 52.028678185108532 ], [ 7.479052228691948, 52.028885448526403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.031579785540814 ], [ 7.481362182279685, 52.031579785540814 ], [ 7.481362182279685, 52.03137253461118 ], [ 7.480207205485818, 52.03137253461118 ], [ 7.480207205485818, 52.031579785540814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.031165282720913 ], [ 7.481362182279685, 52.031165282720913 ], [ 7.481362182279685, 52.030958029870021 ], [ 7.480207205485818, 52.030958029870021 ], [ 7.480207205485818, 52.031165282720913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 101.235348 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.030336265553586 ], [ 7.481362182279685, 52.030336265553586 ], [ 7.481362182279685, 52.030129008860179 ], [ 7.480207205485818, 52.030129008860179 ], [ 7.480207205485818, 52.030336265553586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 91.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.028056389091034 ], [ 7.481362182279685, 52.028056389091034 ], [ 7.481362182279685, 52.027849121830577 ], [ 7.480207205485818, 52.027849121830577 ], [ 7.480207205485818, 52.028056389091034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 91.241452 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.480207205485818, 52.027434584427688 ], [ 7.481362182279685, 52.027434584427688 ], [ 7.481362182279685, 52.02722731428527 ], [ 7.480207205485818, 52.02722731428527 ], [ 7.480207205485818, 52.027434584427688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 109.007739 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.030336265553586 ], [ 7.482517159073554, 52.030336265553586 ], [ 7.482517159073554, 52.030129008860179 ], [ 7.481362182279685, 52.030129008860179 ], [ 7.481362182279685, 52.030336265553586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.029714492591474 ], [ 7.482517159073554, 52.029714492591474 ], [ 7.482517159073554, 52.029507233016162 ], [ 7.481362182279685, 52.029507233016162 ], [ 7.481362182279685, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.54199057142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.029507233016162 ], [ 7.482517159073554, 52.029507233016162 ], [ 7.482517159073554, 52.029299972480217 ], [ 7.481362182279685, 52.029299972480217 ], [ 7.481362182279685, 52.029507233016162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51595_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 91.106545666666662 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.481362182279685, 52.029299972480217 ], [ 7.482517159073554, 52.029299972480217 ], [ 7.482517159073554, 52.029092710983626 ], [ 7.481362182279685, 52.029092710983626 ], [ 7.481362182279685, 52.029299972480217 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "51853_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.479052228691948, 50.580945919284183 ], [ 7.480207205485818, 50.580945919284183 ], [ 7.480207205485818, 50.580732011697165 ], [ 7.479052228691948, 50.580732011697165 ], [ 7.479052228691948, 50.580945919284183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52029_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 74.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.340935785115782 ], [ 7.489190358327012, 53.340935785115782 ], [ 7.489190358327012, 53.340734656738043 ], [ 7.488035381533145, 53.340734656738043 ], [ 7.488035381533145, 53.340935785115782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52029_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.342142535461143 ], [ 7.491500311914749, 53.342142535461143 ], [ 7.491500311914749, 53.341941412775121 ], [ 7.49034533512088, 53.341941412775121 ], [ 7.49034533512088, 53.342142535461143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 69.686446857142855 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.334968573192157 ], [ 7.484570451151543, 53.334968573192157 ], [ 7.484570451151543, 53.334767416671035 ], [ 7.483415474357672, 53.334767416671035 ], [ 7.483415474357672, 53.334968573192157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 73.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.336376642277038 ], [ 7.488035381533145, 53.336376642277038 ], [ 7.488035381533145, 53.336175492396642 ], [ 7.486880404739276, 53.336175492396642 ], [ 7.486880404739276, 53.336376642277038 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 76.42069 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.33557203706345 ], [ 7.489190358327012, 53.33557203706345 ], [ 7.489190358327012, 53.335370883388364 ], [ 7.488035381533145, 53.335370883388364 ], [ 7.488035381533145, 53.33557203706345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 68.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.336577791208754 ], [ 7.49034533512088, 53.336577791208754 ], [ 7.49034533512088, 53.336376642277038 ], [ 7.489190358327012, 53.336376642277038 ], [ 7.489190358327012, 53.336577791208754 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 68.999999142857149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.335370883388364 ], [ 7.49034533512088, 53.335370883388364 ], [ 7.49034533512088, 53.335169728764605 ], [ 7.489190358327012, 53.335169728764605 ], [ 7.489190358327012, 53.335370883388364 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 72.618182833333321 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.334566259201232 ], [ 7.49034533512088, 53.334566259201232 ], [ 7.49034533512088, 53.33436510078274 ], [ 7.489190358327012, 53.33436510078274 ], [ 7.489190358327012, 53.334566259201232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52030_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.68590566666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.336778939191809 ], [ 7.491500311914749, 53.336778939191809 ], [ 7.491500311914749, 53.336577791208754 ], [ 7.49034533512088, 53.336577791208754 ], [ 7.49034533512088, 53.336778939191809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 71.3493155 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.32960407462906 ], [ 7.484570451151543, 53.32960407462906 ], [ 7.484570451151543, 53.329402892809007 ], [ 7.483415474357672, 53.329402892809007 ], [ 7.483415474357672, 53.32960407462906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 74.3009452 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.329402892809007 ], [ 7.484570451151543, 53.329402892809007 ], [ 7.484570451151543, 53.329201710040216 ], [ 7.483415474357672, 53.329201710040216 ], [ 7.483415474357672, 53.329402892809007 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 73.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.331012320804966 ], [ 7.488035381533145, 53.331012320804966 ], [ 7.488035381533145, 53.330811145626015 ], [ 7.486880404739276, 53.330811145626015 ], [ 7.486880404739276, 53.331012320804966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 78.671614571428563 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.330207614396812 ], [ 7.489190358327012, 53.330207614396812 ], [ 7.489190358327012, 53.330006435422966 ], [ 7.488035381533145, 53.330006435422966 ], [ 7.488035381533145, 53.330207614396812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 79.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.331213495035186 ], [ 7.49034533512088, 53.331213495035186 ], [ 7.49034533512088, 53.331012320804966 ], [ 7.489190358327012, 53.331012320804966 ], [ 7.489190358327012, 53.331213495035186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 67.42857171428571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.330006435422966 ], [ 7.49034533512088, 53.330006435422966 ], [ 7.49034533512088, 53.329805255500375 ], [ 7.489190358327012, 53.329805255500375 ], [ 7.489190358327012, 53.330006435422966 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 69.743420375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.329201710040216 ], [ 7.49034533512088, 53.329201710040216 ], [ 7.49034533512088, 53.32900052632268 ], [ 7.489190358327012, 53.32900052632268 ], [ 7.489190358327012, 53.329201710040216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52031_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 73.359661428571442 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.331414668316704 ], [ 7.491500311914749, 53.331414668316704 ], [ 7.491500311914749, 53.331213495035186 ], [ 7.49034533512088, 53.331213495035186 ], [ 7.49034533512088, 53.331414668316704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.293845880054207 ], [ 7.484570451151543, 53.293845880054207 ], [ 7.484570451151543, 53.293644529643871 ], [ 7.483415474357672, 53.293644529643871 ], [ 7.483415474357672, 53.293845880054207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 119.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.291832333241466 ], [ 7.484570451151543, 53.291832333241466 ], [ 7.484570451151543, 53.291630973340126 ], [ 7.483415474357672, 53.291630973340126 ], [ 7.483415474357672, 53.291832333241466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.485725427945408, 53.293241825975905 ], [ 7.486880404739276, 53.293241825975905 ], [ 7.486880404739276, 53.293040472718296 ], [ 7.485725427945408, 53.293040472718296 ], [ 7.485725427945408, 53.293241825975905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 197.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.294651272204696 ], [ 7.488035381533145, 53.294651272204696 ], [ 7.488035381533145, 53.294449925590705 ], [ 7.486880404739276, 53.294449925590705 ], [ 7.486880404739276, 53.294651272204696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.293443178284441 ], [ 7.488035381533145, 53.293443178284441 ], [ 7.488035381533145, 53.293241825975905 ], [ 7.486880404739276, 53.293241825975905 ], [ 7.486880404739276, 53.293443178284441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.295053962585449 ], [ 7.489190358327012, 53.295053962585449 ], [ 7.489190358327012, 53.294852617869616 ], [ 7.488035381533145, 53.294852617869616 ], [ 7.488035381533145, 53.295053962585449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 136.002584 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.294248578027627 ], [ 7.489190358327012, 53.294248578027627 ], [ 7.489190358327012, 53.294047229515463 ], [ 7.488035381533145, 53.294047229515463 ], [ 7.488035381533145, 53.294248578027627 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 110.66666733333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.292637763355764 ], [ 7.489190358327012, 53.292637763355764 ], [ 7.489190358327012, 53.29243640725084 ], [ 7.488035381533145, 53.29243640725084 ], [ 7.488035381533145, 53.292637763355764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.295053962585449 ], [ 7.49034533512088, 53.295053962585449 ], [ 7.49034533512088, 53.294852617869616 ], [ 7.489190358327012, 53.294852617869616 ], [ 7.489190358327012, 53.295053962585449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 183.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.294651272204696 ], [ 7.49034533512088, 53.294651272204696 ], [ 7.49034533512088, 53.294449925590705 ], [ 7.489190358327012, 53.294449925590705 ], [ 7.489190358327012, 53.294651272204696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 125.17819066666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.294047229515463 ], [ 7.49034533512088, 53.294047229515463 ], [ 7.49034533512088, 53.293845880054207 ], [ 7.489190358327012, 53.293845880054207 ], [ 7.489190358327012, 53.294047229515463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 115.351204 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.293644529643871 ], [ 7.49034533512088, 53.293644529643871 ], [ 7.49034533512088, 53.293443178284441 ], [ 7.489190358327012, 53.293443178284441 ], [ 7.489190358327012, 53.293644529643871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.293040472718296 ], [ 7.49034533512088, 53.293040472718296 ], [ 7.49034533512088, 53.292839118511573 ], [ 7.489190358327012, 53.292839118511573 ], [ 7.489190358327012, 53.293040472718296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 105.33333233333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.29243640725084 ], [ 7.49034533512088, 53.29243640725084 ], [ 7.49034533512088, 53.292235050196822 ], [ 7.489190358327012, 53.292235050196822 ], [ 7.489190358327012, 53.29243640725084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.104479 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.291630973340126 ], [ 7.49034533512088, 53.291630973340126 ], [ 7.49034533512088, 53.291429612489672 ], [ 7.489190358327012, 53.291429612489672 ], [ 7.489190358327012, 53.291630973340126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.294047229515463 ], [ 7.491500311914749, 53.294047229515463 ], [ 7.491500311914749, 53.293845880054207 ], [ 7.49034533512088, 53.293845880054207 ], [ 7.49034533512088, 53.294047229515463 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.756185142857149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.293845880054207 ], [ 7.491500311914749, 53.293845880054207 ], [ 7.491500311914749, 53.293644529643871 ], [ 7.49034533512088, 53.293644529643871 ], [ 7.49034533512088, 53.293845880054207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 114.09232771428572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.293644529643871 ], [ 7.491500311914749, 53.293644529643871 ], [ 7.491500311914749, 53.293443178284441 ], [ 7.49034533512088, 53.293443178284441 ], [ 7.49034533512088, 53.293644529643871 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.293241825975905 ], [ 7.491500311914749, 53.293241825975905 ], [ 7.491500311914749, 53.293040472718296 ], [ 7.49034533512088, 53.293040472718296 ], [ 7.49034533512088, 53.293241825975905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52038_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 126.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.293040472718296 ], [ 7.491500311914749, 53.293040472718296 ], [ 7.491500311914749, 53.292839118511573 ], [ 7.49034533512088, 53.292839118511573 ], [ 7.49034533512088, 53.293040472718296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 166.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.288476210972796 ], [ 7.484570451151543, 53.288476210972796 ], [ 7.484570451151543, 53.288274835252679 ], [ 7.483415474357672, 53.288274835252679 ], [ 7.483415474357672, 53.288476210972796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 122.117728 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.286462411059901 ], [ 7.484570451151543, 53.286462411059901 ], [ 7.484570451151543, 53.286261025848262 ], [ 7.483415474357672, 53.286261025848262 ], [ 7.483415474357672, 53.286462411059901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 181.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.485725427945408, 53.287872080965016 ], [ 7.486880404739276, 53.287872080965016 ], [ 7.486880404739276, 53.287670702397456 ], [ 7.485725427945408, 53.287670702397456 ], [ 7.485725427945408, 53.287872080965016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 188.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.289281704361869 ], [ 7.488035381533145, 53.289281704361869 ], [ 7.488035381533145, 53.289080332438296 ], [ 7.486880404739276, 53.289080332438296 ], [ 7.486880404739276, 53.289281704361869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.288073458583419 ], [ 7.488035381533145, 53.288073458583419 ], [ 7.488035381533145, 53.287872080965016 ], [ 7.486880404739276, 53.287872080965016 ], [ 7.486880404739276, 53.288073458583419 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 105.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.289684445361587 ], [ 7.489190358327012, 53.289684445361587 ], [ 7.489190358327012, 53.289483075336285 ], [ 7.488035381533145, 53.289483075336285 ], [ 7.488035381533145, 53.289684445361587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 128.42562825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.288878959565608 ], [ 7.489190358327012, 53.288878959565608 ], [ 7.489190358327012, 53.28867758574377 ], [ 7.488035381533145, 53.28867758574377 ], [ 7.488035381533145, 53.288878959565608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 115.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.287267942414893 ], [ 7.489190358327012, 53.287267942414893 ], [ 7.489190358327012, 53.287066560999882 ], [ 7.488035381533145, 53.287066560999882 ], [ 7.488035381533145, 53.287267942414893 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.289684445361587 ], [ 7.49034533512088, 53.289684445361587 ], [ 7.49034533512088, 53.289483075336285 ], [ 7.489190358327012, 53.289483075336285 ], [ 7.489190358327012, 53.289684445361587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 192.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.289281704361869 ], [ 7.49034533512088, 53.289281704361869 ], [ 7.49034533512088, 53.289080332438296 ], [ 7.489190358327012, 53.289080332438296 ], [ 7.489190358327012, 53.289281704361869 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 124.79545625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.28867758574377 ], [ 7.49034533512088, 53.28867758574377 ], [ 7.49034533512088, 53.288476210972796 ], [ 7.489190358327012, 53.288476210972796 ], [ 7.489190358327012, 53.28867758574377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 114.65722357142856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.288274835252679 ], [ 7.49034533512088, 53.288274835252679 ], [ 7.49034533512088, 53.288073458583419 ], [ 7.489190358327012, 53.288073458583419 ], [ 7.489190358327012, 53.288274835252679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.287670702397456 ], [ 7.49034533512088, 53.287670702397456 ], [ 7.49034533512088, 53.287469322880746 ], [ 7.489190358327012, 53.287469322880746 ], [ 7.489190358327012, 53.287670702397456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 102.742426 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.287066560999882 ], [ 7.49034533512088, 53.287066560999882 ], [ 7.49034533512088, 53.286865178635722 ], [ 7.489190358327012, 53.286865178635722 ], [ 7.489190358327012, 53.287066560999882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 101.1302504 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.286261025848262 ], [ 7.49034533512088, 53.286261025848262 ], [ 7.49034533512088, 53.286059639687437 ], [ 7.489190358327012, 53.286059639687437 ], [ 7.489190358327012, 53.286261025848262 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.28867758574377 ], [ 7.491500311914749, 53.28867758574377 ], [ 7.491500311914749, 53.288476210972796 ], [ 7.49034533512088, 53.288476210972796 ], [ 7.49034533512088, 53.28867758574377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 81.869827166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.288476210972796 ], [ 7.491500311914749, 53.288476210972796 ], [ 7.491500311914749, 53.288274835252679 ], [ 7.49034533512088, 53.288274835252679 ], [ 7.49034533512088, 53.288476210972796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 115.51172541666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.288274835252679 ], [ 7.491500311914749, 53.288274835252679 ], [ 7.491500311914749, 53.288073458583419 ], [ 7.49034533512088, 53.288073458583419 ], [ 7.49034533512088, 53.288274835252679 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.287872080965016 ], [ 7.491500311914749, 53.287872080965016 ], [ 7.491500311914749, 53.287670702397456 ], [ 7.49034533512088, 53.287670702397456 ], [ 7.49034533512088, 53.287872080965016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52039_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.287670702397456 ], [ 7.491500311914749, 53.287670702397456 ], [ 7.491500311914749, 53.287469322880746 ], [ 7.49034533512088, 53.287469322880746 ], [ 7.49034533512088, 53.287670702397456 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 164.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.283105866945888 ], [ 7.484570451151543, 53.283105866945888 ], [ 7.484570451151543, 53.282904465914577 ], [ 7.483415474357672, 53.282904465914577 ], [ 7.483415474357672, 53.283105866945888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 121.33333466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.281091813918721 ], [ 7.484570451151543, 53.281091813918721 ], [ 7.484570451151543, 53.280890403395354 ], [ 7.483415474357672, 53.280890403395354 ], [ 7.483415474357672, 53.281091813918721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 183.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.485725427945408, 53.282501661004375 ], [ 7.486880404739276, 53.282501661004375 ], [ 7.486880404739276, 53.28230025712547 ], [ 7.485725427945408, 53.28230025712547 ], [ 7.485725427945408, 53.282501661004375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 168.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.283911461579173 ], [ 7.488035381533145, 53.283911461579173 ], [ 7.488035381533145, 53.283710064344632 ], [ 7.486880404739276, 53.283710064344632 ], [ 7.486880404739276, 53.283911461579173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.282703063934065 ], [ 7.488035381533145, 53.282703063934065 ], [ 7.488035381533145, 53.282501661004375 ], [ 7.486880404739276, 53.282501661004375 ], [ 7.486880404739276, 53.282703063934065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.284314253200691 ], [ 7.489190358327012, 53.284314253200691 ], [ 7.489190358327012, 53.284112857864521 ], [ 7.488035381533145, 53.284112857864521 ], [ 7.488035381533145, 53.284314253200691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 121.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.283508666160913 ], [ 7.489190358327012, 53.283508666160913 ], [ 7.489190358327012, 53.283307267027986 ], [ 7.488035381533145, 53.283307267027986 ], [ 7.488035381533145, 53.283508666160913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 118.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.281897446520048 ], [ 7.489190358327012, 53.281897446520048 ], [ 7.489190358327012, 53.28169603979353 ], [ 7.488035381533145, 53.28169603979353 ], [ 7.488035381533145, 53.281897446520048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.284314253200691 ], [ 7.49034533512088, 53.284314253200691 ], [ 7.49034533512088, 53.284112857864521 ], [ 7.489190358327012, 53.284112857864521 ], [ 7.489190358327012, 53.284314253200691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 186.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.283911461579173 ], [ 7.49034533512088, 53.283911461579173 ], [ 7.49034533512088, 53.283710064344632 ], [ 7.489190358327012, 53.283710064344632 ], [ 7.489190358327012, 53.283911461579173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 124.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.283307267027986 ], [ 7.49034533512088, 53.283307267027986 ], [ 7.49034533512088, 53.283105866945888 ], [ 7.489190358327012, 53.283105866945888 ], [ 7.489190358327012, 53.283307267027986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 117.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.282904465914577 ], [ 7.49034533512088, 53.282904465914577 ], [ 7.49034533512088, 53.282703063934065 ], [ 7.489190358327012, 53.282703063934065 ], [ 7.489190358327012, 53.282904465914577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.28230025712547 ], [ 7.49034533512088, 53.28230025712547 ], [ 7.49034533512088, 53.282098852297359 ], [ 7.489190358327012, 53.282098852297359 ], [ 7.489190358327012, 53.28230025712547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 104.97087466666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.28169603979353 ], [ 7.49034533512088, 53.28169603979353 ], [ 7.49034533512088, 53.281494632117813 ], [ 7.489190358327012, 53.281494632117813 ], [ 7.489190358327012, 53.28169603979353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.383150333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.280890403395354 ], [ 7.49034533512088, 53.280890403395354 ], [ 7.49034533512088, 53.280688991922766 ], [ 7.489190358327012, 53.280688991922766 ], [ 7.489190358327012, 53.280890403395354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.283307267027986 ], [ 7.491500311914749, 53.283307267027986 ], [ 7.491500311914749, 53.283105866945888 ], [ 7.49034533512088, 53.283105866945888 ], [ 7.49034533512088, 53.283307267027986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 85.666666333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.283105866945888 ], [ 7.491500311914749, 53.283105866945888 ], [ 7.491500311914749, 53.282904465914577 ], [ 7.49034533512088, 53.282904465914577 ], [ 7.49034533512088, 53.283105866945888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.93501757142857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.282904465914577 ], [ 7.491500311914749, 53.282904465914577 ], [ 7.491500311914749, 53.282703063934065 ], [ 7.49034533512088, 53.282703063934065 ], [ 7.49034533512088, 53.282904465914577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.282501661004375 ], [ 7.491500311914749, 53.282501661004375 ], [ 7.491500311914749, 53.28230025712547 ], [ 7.49034533512088, 53.28230025712547 ], [ 7.49034533512088, 53.282501661004375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52040_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.28230025712547 ], [ 7.491500311914749, 53.28230025712547 ], [ 7.491500311914749, 53.282098852297359 ], [ 7.49034533512088, 53.282098852297359 ], [ 7.49034533512088, 53.28230025712547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.26699078481569 ], [ 7.484570451151543, 53.26699078481569 ], [ 7.484570451151543, 53.266789307842345 ], [ 7.483415474357672, 53.266789307842345 ], [ 7.483415474357672, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 101.88151775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 53.26497597236105 ], [ 7.484570451151543, 53.26497597236105 ], [ 7.484570451151543, 53.264774485894058 ], [ 7.483415474357672, 53.264774485894058 ], [ 7.483415474357672, 53.26497597236105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.485725427945408, 53.266386351047601 ], [ 7.486880404739276, 53.266386351047601 ], [ 7.486880404739276, 53.266184871226194 ], [ 7.485725427945408, 53.266184871226194 ], [ 7.485725427945408, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.267796683215529 ], [ 7.488035381533145, 53.267796683215529 ], [ 7.488035381533145, 53.267595210039595 ], [ 7.486880404739276, 53.267595210039595 ], [ 7.486880404739276, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 53.266587829919658 ], [ 7.488035381533145, 53.266587829919658 ], [ 7.488035381533145, 53.266386351047601 ], [ 7.486880404739276, 53.266386351047601 ], [ 7.486880404739276, 53.266587829919658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 99.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.268199626719372 ], [ 7.489190358327012, 53.268199626719372 ], [ 7.489190358327012, 53.267998155442122 ], [ 7.488035381533145, 53.267998155442122 ], [ 7.488035381533145, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 124.77669066666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.267393735914311 ], [ 7.489190358327012, 53.267393735914311 ], [ 7.489190358327012, 53.267192260839678 ], [ 7.488035381533145, 53.267192260839678 ], [ 7.488035381533145, 53.267393735914311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 98.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 53.265781908735278 ], [ 7.489190358327012, 53.265781908735278 ], [ 7.489190358327012, 53.265580426065775 ], [ 7.488035381533145, 53.265580426065775 ], [ 7.488035381533145, 53.265781908735278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 81.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.268199626719372 ], [ 7.49034533512088, 53.268199626719372 ], [ 7.49034533512088, 53.267998155442122 ], [ 7.489190358327012, 53.267998155442122 ], [ 7.489190358327012, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.267796683215529 ], [ 7.49034533512088, 53.267796683215529 ], [ 7.49034533512088, 53.267595210039595 ], [ 7.489190358327012, 53.267595210039595 ], [ 7.489190358327012, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 113.5122915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.267192260839678 ], [ 7.49034533512088, 53.267192260839678 ], [ 7.49034533512088, 53.26699078481569 ], [ 7.489190358327012, 53.26699078481569 ], [ 7.489190358327012, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 98.273989125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.266789307842345 ], [ 7.49034533512088, 53.266789307842345 ], [ 7.49034533512088, 53.266587829919658 ], [ 7.489190358327012, 53.266587829919658 ], [ 7.489190358327012, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 89.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.266184871226194 ], [ 7.49034533512088, 53.266184871226194 ], [ 7.49034533512088, 53.265983390455418 ], [ 7.489190358327012, 53.265983390455418 ], [ 7.489190358327012, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 94.6495044 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.265580426065775 ], [ 7.49034533512088, 53.265580426065775 ], [ 7.49034533512088, 53.265378942446901 ], [ 7.489190358327012, 53.265378942446901 ], [ 7.489190358327012, 53.265580426065775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 91.7470844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 53.264774485894058 ], [ 7.49034533512088, 53.264774485894058 ], [ 7.49034533512088, 53.264572998477711 ], [ 7.489190358327012, 53.264572998477711 ], [ 7.489190358327012, 53.264774485894058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.267192260839678 ], [ 7.491500311914749, 53.267192260839678 ], [ 7.491500311914749, 53.26699078481569 ], [ 7.49034533512088, 53.26699078481569 ], [ 7.49034533512088, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 95.474598692307694 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.26699078481569 ], [ 7.491500311914749, 53.26699078481569 ], [ 7.491500311914749, 53.266789307842345 ], [ 7.49034533512088, 53.266789307842345 ], [ 7.49034533512088, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.879874866666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.266789307842345 ], [ 7.491500311914749, 53.266789307842345 ], [ 7.491500311914749, 53.266587829919658 ], [ 7.49034533512088, 53.266587829919658 ], [ 7.49034533512088, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.266386351047601 ], [ 7.491500311914749, 53.266386351047601 ], [ 7.491500311914749, 53.266184871226194 ], [ 7.49034533512088, 53.266184871226194 ], [ 7.49034533512088, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52043_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 53.266184871226194 ], [ 7.491500311914749, 53.266184871226194 ], [ 7.491500311914749, 53.265983390455418 ], [ 7.49034533512088, 53.265983390455418 ], [ 7.49034533512088, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52220_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 128.24999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.306030658248098 ], [ 7.489190358327012, 52.306030658248098 ], [ 7.489190358327012, 52.305824681791947 ], [ 7.488035381533145, 52.305824681791947 ], [ 7.488035381533145, 52.306030658248098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52220_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.22691966666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.305000766384637 ], [ 7.49034533512088, 52.305000766384637 ], [ 7.49034533512088, 52.304794785137112 ], [ 7.489190358327012, 52.304794785137112 ], [ 7.489190358327012, 52.305000766384637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52220_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.30438281976722 ], [ 7.49034533512088, 52.30438281976722 ], [ 7.49034533512088, 52.304176835644846 ], [ 7.489190358327012, 52.304176835644846 ], [ 7.489190358327012, 52.30438281976722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52220_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 164.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.304588802931313 ], [ 7.491500311914749, 52.304588802931313 ], [ 7.491500311914749, 52.30438281976722 ], [ 7.49034533512088, 52.30438281976722 ], [ 7.49034533512088, 52.304588802931313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52220_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.304176835644846 ], [ 7.491500311914749, 52.304176835644846 ], [ 7.491500311914749, 52.303970850564177 ], [ 7.49034533512088, 52.303970850564177 ], [ 7.49034533512088, 52.304176835644846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 52.029714492591474 ], [ 7.484570451151543, 52.029714492591474 ], [ 7.484570451151543, 52.029507233016162 ], [ 7.483415474357672, 52.029507233016162 ], [ 7.483415474357672, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.714165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 52.02764185360946 ], [ 7.484570451151543, 52.02764185360946 ], [ 7.484570451151543, 52.027434584427688 ], [ 7.483415474357672, 52.027434584427688 ], [ 7.483415474357672, 52.02764185360946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.484570451151543, 52.030129008860179 ], [ 7.485725427945408, 52.030129008860179 ], [ 7.485725427945408, 52.029921751206146 ], [ 7.484570451151543, 52.029921751206146 ], [ 7.484570451151543, 52.030129008860179 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.485725427945408, 52.029714492591474 ], [ 7.486880404739276, 52.029714492591474 ], [ 7.486880404739276, 52.029507233016162 ], [ 7.485725427945408, 52.029507233016162 ], [ 7.485725427945408, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 52.030958029870021 ], [ 7.488035381533145, 52.030958029870021 ], [ 7.488035381533145, 52.030750776058497 ], [ 7.486880404739276, 52.030750776058497 ], [ 7.486880404739276, 52.030958029870021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 104.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 52.029714492591474 ], [ 7.488035381533145, 52.029714492591474 ], [ 7.488035381533145, 52.029507233016162 ], [ 7.486880404739276, 52.029507233016162 ], [ 7.486880404739276, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 52.028885448526403 ], [ 7.488035381533145, 52.028885448526403 ], [ 7.488035381533145, 52.028678185108532 ], [ 7.486880404739276, 52.028678185108532 ], [ 7.486880404739276, 52.028885448526403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.031579785540814 ], [ 7.489190358327012, 52.031579785540814 ], [ 7.489190358327012, 52.03137253461118 ], [ 7.488035381533145, 52.03137253461118 ], [ 7.488035381533145, 52.031579785540814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.031165282720913 ], [ 7.489190358327012, 52.031165282720913 ], [ 7.489190358327012, 52.030958029870021 ], [ 7.488035381533145, 52.030958029870021 ], [ 7.488035381533145, 52.031165282720913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 98.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.028885448526403 ], [ 7.489190358327012, 52.028885448526403 ], [ 7.489190358327012, 52.028678185108532 ], [ 7.488035381533145, 52.028678185108532 ], [ 7.488035381533145, 52.028885448526403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.031579785540814 ], [ 7.49034533512088, 52.031579785540814 ], [ 7.49034533512088, 52.03137253461118 ], [ 7.489190358327012, 52.03137253461118 ], [ 7.489190358327012, 52.031579785540814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.031165282720913 ], [ 7.49034533512088, 52.031165282720913 ], [ 7.49034533512088, 52.030958029870021 ], [ 7.489190358327012, 52.030958029870021 ], [ 7.489190358327012, 52.031165282720913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 98.863227666666674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.030336265553586 ], [ 7.49034533512088, 52.030336265553586 ], [ 7.49034533512088, 52.030129008860179 ], [ 7.489190358327012, 52.030129008860179 ], [ 7.489190358327012, 52.030336265553586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.333334333333326 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.028056389091034 ], [ 7.49034533512088, 52.028056389091034 ], [ 7.49034533512088, 52.027849121830577 ], [ 7.489190358327012, 52.027849121830577 ], [ 7.489190358327012, 52.028056389091034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.1310435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.027434584427688 ], [ 7.49034533512088, 52.027434584427688 ], [ 7.49034533512088, 52.02722731428527 ], [ 7.489190358327012, 52.02722731428527 ], [ 7.489190358327012, 52.027434584427688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.63822833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.030336265553586 ], [ 7.491500311914749, 52.030336265553586 ], [ 7.491500311914749, 52.030129008860179 ], [ 7.49034533512088, 52.030129008860179 ], [ 7.49034533512088, 52.030336265553586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 68.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.029714492591474 ], [ 7.491500311914749, 52.029714492591474 ], [ 7.491500311914749, 52.029507233016162 ], [ 7.49034533512088, 52.029507233016162 ], [ 7.49034533512088, 52.029714492591474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.855154833333344 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.029507233016162 ], [ 7.491500311914749, 52.029507233016162 ], [ 7.491500311914749, 52.029299972480217 ], [ 7.49034533512088, 52.029299972480217 ], [ 7.49034533512088, 52.029507233016162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52270_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.101576 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.029299972480217 ], [ 7.491500311914749, 52.029299972480217 ], [ 7.491500311914749, 52.029092710983626 ], [ 7.49034533512088, 52.029092710983626 ], [ 7.49034533512088, 52.029299972480217 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 116.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 52.024187241826617 ], [ 7.484570451151543, 52.024187241826617 ], [ 7.484570451151543, 52.023979956633703 ], [ 7.483415474357672, 52.023979956633703 ], [ 7.483415474357672, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.999999500000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.483415474357672, 52.022114346666385 ], [ 7.484570451151543, 52.022114346666385 ], [ 7.484570451151543, 52.021907051866542 ], [ 7.483415474357672, 52.021907051866542 ], [ 7.483415474357672, 52.022114346666385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 88.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.484570451151543, 52.024601809330406 ], [ 7.485725427945408, 52.024601809330406 ], [ 7.485725427945408, 52.024394526058863 ], [ 7.484570451151543, 52.024394526058863 ], [ 7.484570451151543, 52.024601809330406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 94.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.485725427945408, 52.024187241826617 ], [ 7.486880404739276, 52.024187241826617 ], [ 7.486880404739276, 52.023979956633703 ], [ 7.485725427945408, 52.023979956633703 ], [ 7.485725427945408, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 52.025430932809876 ], [ 7.488035381533145, 52.025430932809876 ], [ 7.488035381533145, 52.025223653381019 ], [ 7.486880404739276, 52.025223653381019 ], [ 7.486880404739276, 52.025430932809876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 98.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 52.024187241826617 ], [ 7.488035381533145, 52.024187241826617 ], [ 7.488035381533145, 52.023979956633703 ], [ 7.486880404739276, 52.023979956633703 ], [ 7.486880404739276, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.486880404739276, 52.023358095290824 ], [ 7.488035381533145, 52.023358095290824 ], [ 7.488035381533145, 52.023150806255146 ], [ 7.486880404739276, 52.023150806255146 ], [ 7.486880404739276, 52.023358095290824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.026052765332388 ], [ 7.489190358327012, 52.026052765332388 ], [ 7.489190358327012, 52.025845488785556 ], [ 7.488035381533145, 52.025845488785556 ], [ 7.488035381533145, 52.026052765332388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.025638211278043 ], [ 7.489190358327012, 52.025638211278043 ], [ 7.489190358327012, 52.025430932809876 ], [ 7.488035381533145, 52.025430932809876 ], [ 7.488035381533145, 52.025638211278043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 52.023358095290824 ], [ 7.489190358327012, 52.023358095290824 ], [ 7.489190358327012, 52.023150806255146 ], [ 7.488035381533145, 52.023150806255146 ], [ 7.488035381533145, 52.023358095290824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 98.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.026052765332388 ], [ 7.49034533512088, 52.026052765332388 ], [ 7.49034533512088, 52.025845488785556 ], [ 7.489190358327012, 52.025845488785556 ], [ 7.489190358327012, 52.026052765332388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.025638211278043 ], [ 7.49034533512088, 52.025638211278043 ], [ 7.49034533512088, 52.025430932809876 ], [ 7.489190358327012, 52.025430932809876 ], [ 7.489190358327012, 52.025638211278043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 96.44232025000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.024809091641295 ], [ 7.49034533512088, 52.024809091641295 ], [ 7.49034533512088, 52.024601809330406 ], [ 7.489190358327012, 52.024601809330406 ], [ 7.489190358327012, 52.024809091641295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 97.2499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.022528933383981 ], [ 7.49034533512088, 52.022528933383981 ], [ 7.49034533512088, 52.022321640505531 ], [ 7.489190358327012, 52.022321640505531 ], [ 7.489190358327012, 52.022528933383981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 82.819025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.489190358327012, 52.021907051866542 ], [ 7.49034533512088, 52.021907051866542 ], [ 7.49034533512088, 52.021699756105996 ], [ 7.489190358327012, 52.021699756105996 ], [ 7.489190358327012, 52.021907051866542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 110.00000066666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.024809091641295 ], [ 7.491500311914749, 52.024809091641295 ], [ 7.491500311914749, 52.024601809330406 ], [ 7.49034533512088, 52.024601809330406 ], [ 7.49034533512088, 52.024809091641295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 72.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.024187241826617 ], [ 7.491500311914749, 52.024187241826617 ], [ 7.491500311914749, 52.023979956633703 ], [ 7.49034533512088, 52.023979956633703 ], [ 7.49034533512088, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.771857857142862 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.023979956633703 ], [ 7.491500311914749, 52.023979956633703 ], [ 7.491500311914749, 52.023772670480092 ], [ 7.49034533512088, 52.023772670480092 ], [ 7.49034533512088, 52.023979956633703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52271_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 86.013575888888894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49034533512088, 52.023772670480092 ], [ 7.491500311914749, 52.023772670480092 ], [ 7.491500311914749, 52.023565383365799 ], [ 7.49034533512088, 52.023565383365799 ], [ 7.49034533512088, 52.023772670480092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52528_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 50.580945919284183 ], [ 7.489190358327012, 50.580945919284183 ], [ 7.489190358327012, 50.580732011697165 ], [ 7.488035381533145, 50.580732011697165 ], [ 7.488035381533145, 50.580945919284183 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52529_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.488035381533145, 50.575241384466686 ], [ 7.489190358327012, 50.575241384466686 ], [ 7.489190358327012, 50.57502745097063 ], [ 7.488035381533145, 50.57502745097063 ], [ 7.488035381533145, 50.575241384466686 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 89.4999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.351058021321514 ], [ 7.493553603992736, 53.351058021321514 ], [ 7.493553603992736, 53.350856940688665 ], [ 7.492398627198869, 53.350856940688665 ], [ 7.492398627198869, 53.351058021321514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.352465559192886 ], [ 7.49701853437434, 53.352465559192886 ], [ 7.49701853437434, 53.352264485199662 ], [ 7.495863557580472, 53.352264485199662 ], [ 7.495863557580472, 53.352465559192886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 83.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.351661257528917 ], [ 7.498173511168208, 53.351661257528917 ], [ 7.498173511168208, 53.351460179741629 ], [ 7.49701853437434, 53.351460179741629 ], [ 7.49701853437434, 53.351661257528917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.352666632237607 ], [ 7.499328487962076, 53.352666632237607 ], [ 7.499328487962076, 53.352465559192886 ], [ 7.498173511168208, 53.352465559192886 ], [ 7.498173511168208, 53.352666632237607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 83.674931333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.351460179741629 ], [ 7.499328487962076, 53.351460179741629 ], [ 7.499328487962076, 53.351259101005844 ], [ 7.498173511168208, 53.351259101005844 ], [ 7.498173511168208, 53.351460179741629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 84.870629 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.350856940688665 ], [ 7.499328487962076, 53.350856940688665 ], [ 7.499328487962076, 53.350655859107306 ], [ 7.498173511168208, 53.350655859107306 ], [ 7.498173511168208, 53.350856940688665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52702_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 96.668712 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.352867704333818 ], [ 7.500483464755944, 53.352867704333818 ], [ 7.500483464755944, 53.352666632237607 ], [ 7.499328487962076, 53.352666632237607 ], [ 7.499328487962076, 53.352867704333818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 84.3131645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.345695546500544 ], [ 7.493553603992736, 53.345695546500544 ], [ 7.493553603992736, 53.345494440573034 ], [ 7.492398627198869, 53.345494440573034 ], [ 7.492398627198869, 53.345695546500544 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 75.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.347103261433148 ], [ 7.49701853437434, 53.347103261433148 ], [ 7.49701853437434, 53.346902162145625 ], [ 7.495863557580472, 53.346902162145625 ], [ 7.495863557580472, 53.347103261433148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 77.714285571428576 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.346298858591645 ], [ 7.498173511168208, 53.346298858591645 ], [ 7.498173511168208, 53.346097755509852 ], [ 7.49701853437434, 53.346097755509852 ], [ 7.49701853437434, 53.346298858591645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 83.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.347304359772117 ], [ 7.499328487962076, 53.347304359772117 ], [ 7.499328487962076, 53.347103261433148 ], [ 7.498173511168208, 53.347103261433148 ], [ 7.498173511168208, 53.347304359772117 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 78.502380666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.346097755509852 ], [ 7.499328487962076, 53.346097755509852 ], [ 7.499328487962076, 53.345896651479492 ], [ 7.498173511168208, 53.345896651479492 ], [ 7.498173511168208, 53.346097755509852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 74.244563142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.345494440573034 ], [ 7.499328487962076, 53.345494440573034 ], [ 7.499328487962076, 53.345293333696937 ], [ 7.498173511168208, 53.345293333696937 ], [ 7.498173511168208, 53.345494440573034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52703_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 79.820413666666681 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.347505457162519 ], [ 7.500483464755944, 53.347505457162519 ], [ 7.500483464755944, 53.347304359772117 ], [ 7.499328487962076, 53.347304359772117 ], [ 7.499328487962076, 53.347505457162519 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 71.299681666666672 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.340332397136713 ], [ 7.493553603992736, 53.340332397136713 ], [ 7.493553603992736, 53.340131265913108 ], [ 7.492398627198869, 53.340131265913108 ], [ 7.492398627198869, 53.340332397136713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 71.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.341740289140489 ], [ 7.49701853437434, 53.341740289140489 ], [ 7.49701853437434, 53.34153916455724 ], [ 7.495863557580472, 53.34153916455724 ], [ 7.495863557580472, 53.341740289140489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 73.2000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.340935785115782 ], [ 7.498173511168208, 53.340935785115782 ], [ 7.498173511168208, 53.340734656738043 ], [ 7.49701853437434, 53.340734656738043 ], [ 7.49701853437434, 53.340935785115782 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 64.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.341941412775121 ], [ 7.499328487962076, 53.341941412775121 ], [ 7.499328487962076, 53.341740289140489 ], [ 7.498173511168208, 53.341740289140489 ], [ 7.498173511168208, 53.341941412775121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 66.71428628571428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.340734656738043 ], [ 7.499328487962076, 53.340734656738043 ], [ 7.499328487962076, 53.340533527411701 ], [ 7.498173511168208, 53.340533527411701 ], [ 7.498173511168208, 53.340734656738043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 68.356294333333324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.340131265913108 ], [ 7.499328487962076, 53.340131265913108 ], [ 7.499328487962076, 53.339930133740857 ], [ 7.498173511168208, 53.339930133740857 ], [ 7.498173511168208, 53.340131265913108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 70.807873666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.339930133740857 ], [ 7.499328487962076, 53.339930133740857 ], [ 7.499328487962076, 53.33972900061999 ], [ 7.498173511168208, 53.33972900061999 ], [ 7.498173511168208, 53.339930133740857 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52704_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 70.621897 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.342142535461143 ], [ 7.500483464755944, 53.342142535461143 ], [ 7.500483464755944, 53.341941412775121 ], [ 7.499328487962076, 53.341941412775121 ], [ 7.499328487962076, 53.342142535461143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 159.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.283105866945888 ], [ 7.493553603992736, 53.283105866945888 ], [ 7.493553603992736, 53.282904465914577 ], [ 7.492398627198869, 53.282904465914577 ], [ 7.492398627198869, 53.283105866945888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.281091813918721 ], [ 7.493553603992736, 53.281091813918721 ], [ 7.493553603992736, 53.280890403395354 ], [ 7.492398627198869, 53.280890403395354 ], [ 7.492398627198869, 53.281091813918721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 180.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 53.282501661004375 ], [ 7.495863557580472, 53.282501661004375 ], [ 7.495863557580472, 53.28230025712547 ], [ 7.494708580786604, 53.28230025712547 ], [ 7.494708580786604, 53.282501661004375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.283911461579173 ], [ 7.49701853437434, 53.283911461579173 ], [ 7.49701853437434, 53.283710064344632 ], [ 7.495863557580472, 53.283710064344632 ], [ 7.495863557580472, 53.283911461579173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.282703063934065 ], [ 7.49701853437434, 53.282703063934065 ], [ 7.49701853437434, 53.282501661004375 ], [ 7.495863557580472, 53.282501661004375 ], [ 7.495863557580472, 53.282703063934065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 162.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.284314253200691 ], [ 7.498173511168208, 53.284314253200691 ], [ 7.498173511168208, 53.284112857864521 ], [ 7.49701853437434, 53.284112857864521 ], [ 7.49701853437434, 53.284314253200691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 119.7832585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.283508666160913 ], [ 7.498173511168208, 53.283508666160913 ], [ 7.498173511168208, 53.283307267027986 ], [ 7.49701853437434, 53.283307267027986 ], [ 7.49701853437434, 53.283508666160913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 118.500002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.281897446520048 ], [ 7.498173511168208, 53.281897446520048 ], [ 7.498173511168208, 53.28169603979353 ], [ 7.49701853437434, 53.28169603979353 ], [ 7.49701853437434, 53.281897446520048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.284314253200691 ], [ 7.499328487962076, 53.284314253200691 ], [ 7.499328487962076, 53.284112857864521 ], [ 7.498173511168208, 53.284112857864521 ], [ 7.498173511168208, 53.284314253200691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.283911461579173 ], [ 7.499328487962076, 53.283911461579173 ], [ 7.499328487962076, 53.283710064344632 ], [ 7.498173511168208, 53.283710064344632 ], [ 7.498173511168208, 53.283911461579173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 123.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.283307267027986 ], [ 7.499328487962076, 53.283307267027986 ], [ 7.499328487962076, 53.283105866945888 ], [ 7.498173511168208, 53.283105866945888 ], [ 7.498173511168208, 53.283307267027986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 118.2624555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.282904465914577 ], [ 7.499328487962076, 53.282904465914577 ], [ 7.499328487962076, 53.282703063934065 ], [ 7.498173511168208, 53.282703063934065 ], [ 7.498173511168208, 53.282904465914577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.28230025712547 ], [ 7.499328487962076, 53.28230025712547 ], [ 7.499328487962076, 53.282098852297359 ], [ 7.498173511168208, 53.282098852297359 ], [ 7.498173511168208, 53.28230025712547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 106.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.28169603979353 ], [ 7.499328487962076, 53.28169603979353 ], [ 7.499328487962076, 53.281494632117813 ], [ 7.498173511168208, 53.281494632117813 ], [ 7.498173511168208, 53.28169603979353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 102.316071 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.280890403395354 ], [ 7.499328487962076, 53.280890403395354 ], [ 7.499328487962076, 53.280688991922766 ], [ 7.498173511168208, 53.280688991922766 ], [ 7.498173511168208, 53.280890403395354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.283307267027986 ], [ 7.500483464755944, 53.283307267027986 ], [ 7.500483464755944, 53.283105866945888 ], [ 7.499328487962076, 53.283105866945888 ], [ 7.499328487962076, 53.283307267027986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 90.61090875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.283105866945888 ], [ 7.500483464755944, 53.283105866945888 ], [ 7.500483464755944, 53.282904465914577 ], [ 7.499328487962076, 53.282904465914577 ], [ 7.499328487962076, 53.283105866945888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 113.375706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.282904465914577 ], [ 7.500483464755944, 53.282904465914577 ], [ 7.500483464755944, 53.282703063934065 ], [ 7.499328487962076, 53.282703063934065 ], [ 7.499328487962076, 53.282904465914577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.282501661004375 ], [ 7.500483464755944, 53.282501661004375 ], [ 7.500483464755944, 53.28230025712547 ], [ 7.499328487962076, 53.28230025712547 ], [ 7.499328487962076, 53.282501661004375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52715_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.28230025712547 ], [ 7.500483464755944, 53.28230025712547 ], [ 7.500483464755944, 53.282098852297359 ], [ 7.499328487962076, 53.282098852297359 ], [ 7.499328487962076, 53.28230025712547 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.277734847935818 ], [ 7.493553603992736, 53.277734847935818 ], [ 7.493553603992736, 53.277533421591905 ], [ 7.492398627198869, 53.277533421591905 ], [ 7.492398627198869, 53.277734847935818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 120.65242075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.275720541780252 ], [ 7.493553603992736, 53.275720541780252 ], [ 7.493553603992736, 53.275519105943765 ], [ 7.492398627198869, 53.275519105943765 ], [ 7.492398627198869, 53.275720541780252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 53.277130566056343 ], [ 7.495863557580472, 53.277130566056343 ], [ 7.495863557580472, 53.276929136864673 ], [ 7.494708580786604, 53.276929136864673 ], [ 7.494708580786604, 53.277130566056343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 148.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.278540543818977 ], [ 7.49701853437434, 53.278540543818977 ], [ 7.49701853437434, 53.278339121272047 ], [ 7.495863557580472, 53.278339121272047 ], [ 7.495863557580472, 53.278540543818977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 111.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.277331994298748 ], [ 7.49701853437434, 53.277331994298748 ], [ 7.49701853437434, 53.277130566056343 ], [ 7.495863557580472, 53.277130566056343 ], [ 7.495863557580472, 53.277331994298748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.278943386065109 ], [ 7.498173511168208, 53.278943386065109 ], [ 7.498173511168208, 53.278741965416664 ], [ 7.49701853437434, 53.278741965416664 ], [ 7.49701853437434, 53.278943386065109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 113.63470433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.27813769777589 ], [ 7.498173511168208, 53.27813769777589 ], [ 7.498173511168208, 53.277936273330461 ], [ 7.49701853437434, 53.277936273330461 ], [ 7.49701853437434, 53.27813769777589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 116.33333433333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.276526275633586 ], [ 7.498173511168208, 53.276526275633586 ], [ 7.498173511168208, 53.276324843594146 ], [ 7.49701853437434, 53.276324843594146 ], [ 7.49701853437434, 53.276526275633586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 113.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.278943386065109 ], [ 7.499328487962076, 53.278943386065109 ], [ 7.499328487962076, 53.278741965416664 ], [ 7.498173511168208, 53.278741965416664 ], [ 7.498173511168208, 53.278943386065109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.278540543818977 ], [ 7.499328487962076, 53.278540543818977 ], [ 7.499328487962076, 53.278339121272047 ], [ 7.498173511168208, 53.278339121272047 ], [ 7.498173511168208, 53.278540543818977 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 113.5769015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.277936273330461 ], [ 7.499328487962076, 53.277936273330461 ], [ 7.499328487962076, 53.277734847935818 ], [ 7.498173511168208, 53.277734847935818 ], [ 7.498173511168208, 53.277936273330461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 116.18295114285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.277533421591905 ], [ 7.499328487962076, 53.277533421591905 ], [ 7.499328487962076, 53.277331994298748 ], [ 7.498173511168208, 53.277331994298748 ], [ 7.498173511168208, 53.277533421591905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.276929136864673 ], [ 7.499328487962076, 53.276929136864673 ], [ 7.499328487962076, 53.276727706723761 ], [ 7.498173511168208, 53.276727706723761 ], [ 7.498173511168208, 53.276929136864673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 104.9999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.276324843594146 ], [ 7.499328487962076, 53.276324843594146 ], [ 7.499328487962076, 53.27612341060545 ], [ 7.498173511168208, 53.27612341060545 ], [ 7.498173511168208, 53.276324843594146 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 99.47477275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.275519105943765 ], [ 7.499328487962076, 53.275519105943765 ], [ 7.499328487962076, 53.275317669157999 ], [ 7.498173511168208, 53.275317669157999 ], [ 7.498173511168208, 53.275519105943765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.277936273330461 ], [ 7.500483464755944, 53.277936273330461 ], [ 7.500483464755944, 53.277734847935818 ], [ 7.499328487962076, 53.277734847935818 ], [ 7.499328487962076, 53.277936273330461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 69.023712461538466 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.277734847935818 ], [ 7.500483464755944, 53.277734847935818 ], [ 7.500483464755944, 53.277533421591905 ], [ 7.499328487962076, 53.277533421591905 ], [ 7.499328487962076, 53.277734847935818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.46128978571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.277533421591905 ], [ 7.500483464755944, 53.277533421591905 ], [ 7.500483464755944, 53.277331994298748 ], [ 7.499328487962076, 53.277331994298748 ], [ 7.499328487962076, 53.277533421591905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 148.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.277130566056343 ], [ 7.500483464755944, 53.277130566056343 ], [ 7.500483464755944, 53.276929136864673 ], [ 7.499328487962076, 53.276929136864673 ], [ 7.499328487962076, 53.277130566056343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52716_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.276929136864673 ], [ 7.500483464755944, 53.276929136864673 ], [ 7.500483464755944, 53.276727706723761 ], [ 7.499328487962076, 53.276727706723761 ], [ 7.499328487962076, 53.276929136864673 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.272363153904955 ], [ 7.493553603992736, 53.272363153904955 ], [ 7.493553603992736, 53.27216170224704 ], [ 7.492398627198869, 53.27216170224704 ], [ 7.492398627198869, 53.272363153904955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 83.2245804 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.270348594606908 ], [ 7.493553603992736, 53.270348594606908 ], [ 7.493553603992736, 53.270147133455865 ], [ 7.492398627198869, 53.270147133455865 ], [ 7.492398627198869, 53.270348594606908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 53.271758796083283 ], [ 7.495863557580472, 53.271758796083283 ], [ 7.495863557580472, 53.271557341577449 ], [ 7.494708580786604, 53.271557341577449 ], [ 7.494708580786604, 53.271758796083283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.273168951043637 ], [ 7.49701853437434, 53.273168951043637 ], [ 7.49701853437434, 53.272967503182912 ], [ 7.495863557580472, 53.272967503182912 ], [ 7.495863557580472, 53.273168951043637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.271960249639818 ], [ 7.49701853437434, 53.271960249639818 ], [ 7.49701853437434, 53.271758796083283 ], [ 7.495863557580472, 53.271758796083283 ], [ 7.495863557580472, 53.271960249639818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.27357184391721 ], [ 7.498173511168208, 53.27357184391721 ], [ 7.498173511168208, 53.27337039795507 ], [ 7.49701853437434, 53.27337039795507 ], [ 7.49701853437434, 53.27357184391721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 100.758353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.272766054372887 ], [ 7.498173511168208, 53.272766054372887 ], [ 7.498173511168208, 53.272564604613564 ], [ 7.49701853437434, 53.272564604613564 ], [ 7.49701853437434, 53.272766054372887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 108.199999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.271154429717861 ], [ 7.498173511168208, 53.271154429717861 ], [ 7.498173511168208, 53.2709529723641 ], [ 7.49701853437434, 53.2709529723641 ], [ 7.49701853437434, 53.271154429717861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.27357184391721 ], [ 7.499328487962076, 53.27357184391721 ], [ 7.499328487962076, 53.27337039795507 ], [ 7.498173511168208, 53.27337039795507 ], [ 7.498173511168208, 53.27357184391721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.273168951043637 ], [ 7.499328487962076, 53.273168951043637 ], [ 7.499328487962076, 53.272967503182912 ], [ 7.498173511168208, 53.272967503182912 ], [ 7.498173511168208, 53.273168951043637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 95.5819312 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.272564604613564 ], [ 7.499328487962076, 53.272564604613564 ], [ 7.499328487962076, 53.272363153904955 ], [ 7.498173511168208, 53.272363153904955 ], [ 7.498173511168208, 53.272564604613564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 99.897461555555552 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.27216170224704 ], [ 7.499328487962076, 53.27216170224704 ], [ 7.499328487962076, 53.271960249639818 ], [ 7.498173511168208, 53.271960249639818 ], [ 7.498173511168208, 53.27216170224704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 99.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.271557341577449 ], [ 7.499328487962076, 53.271557341577449 ], [ 7.499328487962076, 53.271355886122315 ], [ 7.498173511168208, 53.271355886122315 ], [ 7.498173511168208, 53.271557341577449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 81.000000400000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.2709529723641 ], [ 7.499328487962076, 53.2709529723641 ], [ 7.499328487962076, 53.270751514061011 ], [ 7.498173511168208, 53.270751514061011 ], [ 7.498173511168208, 53.2709529723641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 80.6299785 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.270147133455865 ], [ 7.499328487962076, 53.270147133455865 ], [ 7.499328487962076, 53.269945671355515 ], [ 7.498173511168208, 53.269945671355515 ], [ 7.498173511168208, 53.270147133455865 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 84.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.272564604613564 ], [ 7.500483464755944, 53.272564604613564 ], [ 7.500483464755944, 53.272363153904955 ], [ 7.499328487962076, 53.272363153904955 ], [ 7.499328487962076, 53.272564604613564 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.725406363636367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.272363153904955 ], [ 7.500483464755944, 53.272363153904955 ], [ 7.500483464755944, 53.27216170224704 ], [ 7.499328487962076, 53.27216170224704 ], [ 7.499328487962076, 53.272363153904955 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 80.873960333333315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.27216170224704 ], [ 7.500483464755944, 53.27216170224704 ], [ 7.500483464755944, 53.271960249639818 ], [ 7.499328487962076, 53.271960249639818 ], [ 7.499328487962076, 53.27216170224704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.271758796083283 ], [ 7.500483464755944, 53.271758796083283 ], [ 7.500483464755944, 53.271557341577449 ], [ 7.499328487962076, 53.271557341577449 ], [ 7.499328487962076, 53.271758796083283 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52717_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 74.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.271557341577449 ], [ 7.500483464755944, 53.271557341577449 ], [ 7.500483464755944, 53.271355886122315 ], [ 7.499328487962076, 53.271355886122315 ], [ 7.499328487962076, 53.271557341577449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_0_11", "Weekday": 0, "hour": 11, "Speed_value_mean": 61.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.26699078481569 ], [ 7.493553603992736, 53.26699078481569 ], [ 7.493553603992736, 53.266789307842345 ], [ 7.492398627198869, 53.266789307842345 ], [ 7.492398627198869, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_0_21", "Weekday": 0, "hour": 21, "Speed_value_mean": 67.5959826 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 53.26497597236105 ], [ 7.493553603992736, 53.26497597236105 ], [ 7.493553603992736, 53.264774485894058 ], [ 7.492398627198869, 53.264774485894058 ], [ 7.492398627198869, 53.26497597236105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 97.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 53.266386351047601 ], [ 7.495863557580472, 53.266386351047601 ], [ 7.495863557580472, 53.266184871226194 ], [ 7.494708580786604, 53.266184871226194 ], [ 7.494708580786604, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 87.111111111111114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.267796683215529 ], [ 7.49701853437434, 53.267796683215529 ], [ 7.49701853437434, 53.267595210039595 ], [ 7.495863557580472, 53.267595210039595 ], [ 7.495863557580472, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 53.266587829919658 ], [ 7.49701853437434, 53.266587829919658 ], [ 7.49701853437434, 53.266386351047601 ], [ 7.495863557580472, 53.266386351047601 ], [ 7.495863557580472, 53.266587829919658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.268199626719372 ], [ 7.498173511168208, 53.268199626719372 ], [ 7.498173511168208, 53.267998155442122 ], [ 7.49701853437434, 53.267998155442122 ], [ 7.49701853437434, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 89.6050992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.267393735914311 ], [ 7.498173511168208, 53.267393735914311 ], [ 7.498173511168208, 53.267192260839678 ], [ 7.49701853437434, 53.267192260839678 ], [ 7.49701853437434, 53.267393735914311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 87.5668635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 53.265781908735278 ], [ 7.498173511168208, 53.265781908735278 ], [ 7.498173511168208, 53.265580426065775 ], [ 7.49701853437434, 53.265580426065775 ], [ 7.49701853437434, 53.265781908735278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.268199626719372 ], [ 7.499328487962076, 53.268199626719372 ], [ 7.499328487962076, 53.267998155442122 ], [ 7.498173511168208, 53.267998155442122 ], [ 7.498173511168208, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 96.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.267796683215529 ], [ 7.499328487962076, 53.267796683215529 ], [ 7.499328487962076, 53.267595210039595 ], [ 7.498173511168208, 53.267595210039595 ], [ 7.498173511168208, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 80.590450272727281 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.267192260839678 ], [ 7.499328487962076, 53.267192260839678 ], [ 7.499328487962076, 53.26699078481569 ], [ 7.498173511168208, 53.26699078481569 ], [ 7.498173511168208, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 82.199905666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.266789307842345 ], [ 7.499328487962076, 53.266789307842345 ], [ 7.499328487962076, 53.266587829919658 ], [ 7.498173511168208, 53.266587829919658 ], [ 7.498173511168208, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_15", "Weekday": 5, "hour": 15, "Speed_value_mean": 69.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.266184871226194 ], [ 7.499328487962076, 53.266184871226194 ], [ 7.499328487962076, 53.265983390455418 ], [ 7.498173511168208, 53.265983390455418 ], [ 7.498173511168208, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 72.5999992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.265580426065775 ], [ 7.499328487962076, 53.265580426065775 ], [ 7.499328487962076, 53.265378942446901 ], [ 7.498173511168208, 53.265378942446901 ], [ 7.498173511168208, 53.265580426065775 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_5_22", "Weekday": 5, "hour": 22, "Speed_value_mean": 66.2563084 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 53.264774485894058 ], [ 7.499328487962076, 53.264774485894058 ], [ 7.499328487962076, 53.264572998477711 ], [ 7.498173511168208, 53.264572998477711 ], [ 7.498173511168208, 53.264774485894058 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_6_10", "Weekday": 6, "hour": 10, "Speed_value_mean": 67.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.267192260839678 ], [ 7.500483464755944, 53.267192260839678 ], [ 7.500483464755944, 53.26699078481569 ], [ 7.499328487962076, 53.26699078481569 ], [ 7.499328487962076, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.600458187499996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.26699078481569 ], [ 7.500483464755944, 53.26699078481569 ], [ 7.500483464755944, 53.266789307842345 ], [ 7.499328487962076, 53.266789307842345 ], [ 7.499328487962076, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 66.345723533333341 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.266789307842345 ], [ 7.500483464755944, 53.266789307842345 ], [ 7.500483464755944, 53.266587829919658 ], [ 7.499328487962076, 53.266587829919658 ], [ 7.499328487962076, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 63.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.266386351047601 ], [ 7.500483464755944, 53.266386351047601 ], [ 7.500483464755944, 53.266184871226194 ], [ 7.499328487962076, 53.266184871226194 ], [ 7.499328487962076, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52718_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 61.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 53.266184871226194 ], [ 7.500483464755944, 53.266184871226194 ], [ 7.500483464755944, 53.265983390455418 ], [ 7.499328487962076, 53.265983390455418 ], [ 7.499328487962076, 53.266184871226194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52895_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.306030658248098 ], [ 7.498173511168208, 52.306030658248098 ], [ 7.498173511168208, 52.305824681791947 ], [ 7.49701853437434, 52.305824681791947 ], [ 7.49701853437434, 52.306030658248098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52895_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 109.999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.305000766384637 ], [ 7.499328487962076, 52.305000766384637 ], [ 7.499328487962076, 52.304794785137112 ], [ 7.498173511168208, 52.304794785137112 ], [ 7.498173511168208, 52.305000766384637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52895_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.30438281976722 ], [ 7.499328487962076, 52.30438281976722 ], [ 7.499328487962076, 52.304176835644846 ], [ 7.498173511168208, 52.304176835644846 ], [ 7.498173511168208, 52.30438281976722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52895_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.304588802931313 ], [ 7.500483464755944, 52.304588802931313 ], [ 7.500483464755944, 52.30438281976722 ], [ 7.499328487962076, 52.30438281976722 ], [ 7.499328487962076, 52.304588802931313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52895_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.304176835644846 ], [ 7.500483464755944, 52.304176835644846 ], [ 7.500483464755944, 52.303970850564177 ], [ 7.499328487962076, 52.303970850564177 ], [ 7.499328487962076, 52.304176835644846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52896_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.99999966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.300537624803567 ], [ 7.498173511168208, 52.300537624803567 ], [ 7.498173511168208, 52.300331622792854 ], [ 7.49701853437434, 52.300331622792854 ], [ 7.49701853437434, 52.300537624803567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52896_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 112.76190566666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.299507605166802 ], [ 7.499328487962076, 52.299507605166802 ], [ 7.499328487962076, 52.299301598364472 ], [ 7.498173511168208, 52.299301598364472 ], [ 7.498173511168208, 52.299507605166802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52896_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.298889581884815 ], [ 7.499328487962076, 52.298889581884815 ], [ 7.499328487962076, 52.298683572207494 ], [ 7.498173511168208, 52.298683572207494 ], [ 7.498173511168208, 52.298889581884815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52896_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 172.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.299095590603812 ], [ 7.500483464755944, 52.299095590603812 ], [ 7.500483464755944, 52.298889581884815 ], [ 7.499328487962076, 52.298889581884815 ], [ 7.499328487962076, 52.299095590603812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52896_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.298683572207494 ], [ 7.500483464755944, 52.298683572207494 ], [ 7.500483464755944, 52.298477561571822 ], [ 7.499328487962076, 52.298477561571822 ], [ 7.499328487962076, 52.298683572207494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 52.024187241826617 ], [ 7.493553603992736, 52.024187241826617 ], [ 7.493553603992736, 52.023979956633703 ], [ 7.492398627198869, 52.023979956633703 ], [ 7.492398627198869, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.5000015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 52.022114346666385 ], [ 7.493553603992736, 52.022114346666385 ], [ 7.493553603992736, 52.021907051866542 ], [ 7.492398627198869, 52.021907051866542 ], [ 7.492398627198869, 52.022114346666385 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.493553603992736, 52.024601809330406 ], [ 7.494708580786604, 52.024601809330406 ], [ 7.494708580786604, 52.024394526058863 ], [ 7.493553603992736, 52.024394526058863 ], [ 7.493553603992736, 52.024601809330406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 52.024187241826617 ], [ 7.495863557580472, 52.024187241826617 ], [ 7.495863557580472, 52.023979956633703 ], [ 7.494708580786604, 52.023979956633703 ], [ 7.494708580786604, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.025430932809876 ], [ 7.49701853437434, 52.025430932809876 ], [ 7.49701853437434, 52.025223653381019 ], [ 7.495863557580472, 52.025223653381019 ], [ 7.495863557580472, 52.025430932809876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.024187241826617 ], [ 7.49701853437434, 52.024187241826617 ], [ 7.49701853437434, 52.023979956633703 ], [ 7.495863557580472, 52.023979956633703 ], [ 7.495863557580472, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 71.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.023358095290824 ], [ 7.49701853437434, 52.023358095290824 ], [ 7.49701853437434, 52.023150806255146 ], [ 7.495863557580472, 52.023150806255146 ], [ 7.495863557580472, 52.023358095290824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.026052765332388 ], [ 7.498173511168208, 52.026052765332388 ], [ 7.498173511168208, 52.025845488785556 ], [ 7.49701853437434, 52.025845488785556 ], [ 7.49701853437434, 52.026052765332388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.025638211278043 ], [ 7.498173511168208, 52.025638211278043 ], [ 7.498173511168208, 52.025430932809876 ], [ 7.49701853437434, 52.025430932809876 ], [ 7.49701853437434, 52.025638211278043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.023358095290824 ], [ 7.498173511168208, 52.023358095290824 ], [ 7.498173511168208, 52.023150806255146 ], [ 7.49701853437434, 52.023150806255146 ], [ 7.49701853437434, 52.023358095290824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 98.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.026052765332388 ], [ 7.499328487962076, 52.026052765332388 ], [ 7.499328487962076, 52.025845488785556 ], [ 7.498173511168208, 52.025845488785556 ], [ 7.498173511168208, 52.026052765332388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 74.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.025638211278043 ], [ 7.499328487962076, 52.025638211278043 ], [ 7.499328487962076, 52.025430932809876 ], [ 7.498173511168208, 52.025430932809876 ], [ 7.498173511168208, 52.025638211278043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 90.87042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.024809091641295 ], [ 7.499328487962076, 52.024809091641295 ], [ 7.499328487962076, 52.024601809330406 ], [ 7.498173511168208, 52.024601809330406 ], [ 7.498173511168208, 52.024809091641295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 96.7199985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.022528933383981 ], [ 7.499328487962076, 52.022528933383981 ], [ 7.499328487962076, 52.022321640505531 ], [ 7.498173511168208, 52.022321640505531 ], [ 7.498173511168208, 52.022528933383981 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 78.92278433333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.021907051866542 ], [ 7.499328487962076, 52.021907051866542 ], [ 7.499328487962076, 52.021699756105996 ], [ 7.498173511168208, 52.021699756105996 ], [ 7.498173511168208, 52.021907051866542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 108.0000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.024809091641295 ], [ 7.500483464755944, 52.024809091641295 ], [ 7.500483464755944, 52.024601809330406 ], [ 7.499328487962076, 52.024601809330406 ], [ 7.499328487962076, 52.024809091641295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 77.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.024187241826617 ], [ 7.500483464755944, 52.024187241826617 ], [ 7.500483464755944, 52.023979956633703 ], [ 7.499328487962076, 52.023979956633703 ], [ 7.499328487962076, 52.024187241826617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 95.79976975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.023979956633703 ], [ 7.500483464755944, 52.023979956633703 ], [ 7.500483464755944, 52.023772670480092 ], [ 7.499328487962076, 52.023772670480092 ], [ 7.499328487962076, 52.023979956633703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52946_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 84.135772 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.023772670480092 ], [ 7.500483464755944, 52.023772670480092 ], [ 7.500483464755944, 52.023565383365799 ], [ 7.499328487962076, 52.023565383365799 ], [ 7.499328487962076, 52.023772670480092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 52.018659307909552 ], [ 7.493553603992736, 52.018659307909552 ], [ 7.493553603992736, 52.018451997097785 ], [ 7.492398627198869, 52.018451997097785 ], [ 7.492398627198869, 52.018659307909552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.4408724 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 52.016586156558738 ], [ 7.493553603992736, 52.016586156558738 ], [ 7.493553603992736, 52.01637883613958 ], [ 7.492398627198869, 52.01637883613958 ], [ 7.492398627198869, 52.016586156558738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.493553603992736, 52.019073926650897 ], [ 7.494708580786604, 52.019073926650897 ], [ 7.494708580786604, 52.018866617760594 ], [ 7.493553603992736, 52.018866617760594 ], [ 7.493553603992736, 52.019073926650897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 52.018659307909552 ], [ 7.495863557580472, 52.018659307909552 ], [ 7.495863557580472, 52.018451997097785 ], [ 7.494708580786604, 52.018451997097785 ], [ 7.494708580786604, 52.018659307909552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 96.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.019903152604925 ], [ 7.49701853437434, 52.019903152604925 ], [ 7.49701853437434, 52.0196958475575 ], [ 7.495863557580472, 52.0196958475575 ], [ 7.495863557580472, 52.019903152604925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.018659307909552 ], [ 7.49701853437434, 52.018659307909552 ], [ 7.49701853437434, 52.018451997097785 ], [ 7.495863557580472, 52.018451997097785 ], [ 7.495863557580472, 52.018659307909552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 60.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.017830058898078 ], [ 7.49701853437434, 52.017830058898078 ], [ 7.49701853437434, 52.017622744243361 ], [ 7.495863557580472, 52.017622744243361 ], [ 7.495863557580472, 52.017830058898078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 65.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.020525061982887 ], [ 7.498173511168208, 52.020525061982887 ], [ 7.498173511168208, 52.020317759817615 ], [ 7.49701853437434, 52.020317759817615 ], [ 7.49701853437434, 52.020525061982887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 94.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.020110456691626 ], [ 7.498173511168208, 52.020110456691626 ], [ 7.498173511168208, 52.019903152604925 ], [ 7.49701853437434, 52.019903152604925 ], [ 7.49701853437434, 52.020110456691626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 66.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.017830058898078 ], [ 7.498173511168208, 52.017830058898078 ], [ 7.498173511168208, 52.017622744243361 ], [ 7.49701853437434, 52.017622744243361 ], [ 7.49701853437434, 52.017830058898078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 98.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.020525061982887 ], [ 7.499328487962076, 52.020525061982887 ], [ 7.499328487962076, 52.020317759817615 ], [ 7.498173511168208, 52.020317759817615 ], [ 7.498173511168208, 52.020525061982887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 73.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.020110456691626 ], [ 7.499328487962076, 52.020110456691626 ], [ 7.499328487962076, 52.019903152604925 ], [ 7.498173511168208, 52.019903152604925 ], [ 7.498173511168208, 52.020110456691626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 90.513212666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.019281234580497 ], [ 7.499328487962076, 52.019281234580497 ], [ 7.499328487962076, 52.019073926650897 ], [ 7.498173511168208, 52.019073926650897 ], [ 7.498173511168208, 52.019281234580497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 99.8000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.017000794514821 ], [ 7.499328487962076, 52.017000794514821 ], [ 7.499328487962076, 52.016793476017149 ], [ 7.498173511168208, 52.016793476017149 ], [ 7.498173511168208, 52.017000794514821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 82.804606833333324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.01637883613958 ], [ 7.499328487962076, 52.01637883613958 ], [ 7.499328487962076, 52.016171514759669 ], [ 7.498173511168208, 52.016171514759669 ], [ 7.498173511168208, 52.01637883613958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 104.951118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.019281234580497 ], [ 7.500483464755944, 52.019281234580497 ], [ 7.500483464755944, 52.019073926650897 ], [ 7.499328487962076, 52.019073926650897 ], [ 7.499328487962076, 52.019281234580497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.018659307909552 ], [ 7.500483464755944, 52.018659307909552 ], [ 7.500483464755944, 52.018451997097785 ], [ 7.499328487962076, 52.018451997097785 ], [ 7.499328487962076, 52.018659307909552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.2279948 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.018451997097785 ], [ 7.500483464755944, 52.018451997097785 ], [ 7.500483464755944, 52.018244685325271 ], [ 7.499328487962076, 52.018244685325271 ], [ 7.499328487962076, 52.018451997097785 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52947_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 83.02269 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.018244685325271 ], [ 7.500483464755944, 52.018244685325271 ], [ 7.500483464755944, 52.018037372592048 ], [ 7.499328487962076, 52.018037372592048 ], [ 7.499328487962076, 52.018244685325271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 52.013130690807294 ], [ 7.493553603992736, 52.013130690807294 ], [ 7.493553603992736, 52.012923354375438 ], [ 7.492398627198869, 52.012923354375438 ], [ 7.492398627198869, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.333333666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.492398627198869, 52.011057283253542 ], [ 7.493553603992736, 52.011057283253542 ], [ 7.493553603992736, 52.010849937213834 ], [ 7.492398627198869, 52.010849937213834 ], [ 7.492398627198869, 52.011057283253542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.493553603992736, 52.013545360788683 ], [ 7.494708580786604, 52.013545360788683 ], [ 7.494708580786604, 52.013338026278376 ], [ 7.493553603992736, 52.013338026278376 ], [ 7.493553603992736, 52.013545360788683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.494708580786604, 52.013130690807294 ], [ 7.495863557580472, 52.013130690807294 ], [ 7.495863557580472, 52.012923354375438 ], [ 7.494708580786604, 52.012923354375438 ], [ 7.494708580786604, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.014374689222215 ], [ 7.49701853437434, 52.014374689222215 ], [ 7.49701853437434, 52.014167358554978 ], [ 7.495863557580472, 52.014167358554978 ], [ 7.495863557580472, 52.014374689222215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.013130690807294 ], [ 7.49701853437434, 52.013130690807294 ], [ 7.49701853437434, 52.012923354375438 ], [ 7.495863557580472, 52.012923354375438 ], [ 7.495863557580472, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 42.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.495863557580472, 52.012301339315194 ], [ 7.49701853437434, 52.012301339315194 ], [ 7.49701853437434, 52.012093999040225 ], [ 7.495863557580472, 52.012093999040225 ], [ 7.495863557580472, 52.012301339315194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 65.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.014996675459315 ], [ 7.498173511168208, 52.014996675459315 ], [ 7.498173511168208, 52.014789347674373 ], [ 7.49701853437434, 52.014789347674373 ], [ 7.49701853437434, 52.014996675459315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.014582018928671 ], [ 7.498173511168208, 52.014582018928671 ], [ 7.498173511168208, 52.014374689222215 ], [ 7.49701853437434, 52.014374689222215 ], [ 7.49701853437434, 52.014582018928671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 68.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 52.012301339315194 ], [ 7.498173511168208, 52.012301339315194 ], [ 7.498173511168208, 52.012093999040225 ], [ 7.49701853437434, 52.012093999040225 ], [ 7.49701853437434, 52.012301339315194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.014996675459315 ], [ 7.499328487962076, 52.014996675459315 ], [ 7.499328487962076, 52.014789347674373 ], [ 7.498173511168208, 52.014789347674373 ], [ 7.498173511168208, 52.014996675459315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.014582018928671 ], [ 7.499328487962076, 52.014582018928671 ], [ 7.499328487962076, 52.014374689222215 ], [ 7.498173511168208, 52.014374689222215 ], [ 7.498173511168208, 52.014582018928671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.013752694338216 ], [ 7.499328487962076, 52.013752694338216 ], [ 7.499328487962076, 52.013545360788683 ], [ 7.498173511168208, 52.013545360788683 ], [ 7.498173511168208, 52.013752694338216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 103.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.011471972450579 ], [ 7.499328487962076, 52.011471972450579 ], [ 7.499328487962076, 52.011264628332455 ], [ 7.498173511168208, 52.011264628332455 ], [ 7.498173511168208, 52.011471972450579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 80.8057435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.498173511168208, 52.010849937213834 ], [ 7.499328487962076, 52.010849937213834 ], [ 7.499328487962076, 52.01064259021333 ], [ 7.498173511168208, 52.01064259021333 ], [ 7.498173511168208, 52.010849937213834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.013752694338216 ], [ 7.500483464755944, 52.013752694338216 ], [ 7.500483464755944, 52.013545360788683 ], [ 7.499328487962076, 52.013545360788683 ], [ 7.499328487962076, 52.013752694338216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.013130690807294 ], [ 7.500483464755944, 52.013130690807294 ], [ 7.500483464755944, 52.012923354375438 ], [ 7.499328487962076, 52.012923354375438 ], [ 7.499328487962076, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.9128775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.012923354375438 ], [ 7.500483464755944, 52.012923354375438 ], [ 7.500483464755944, 52.0127160169828 ], [ 7.499328487962076, 52.0127160169828 ], [ 7.499328487962076, 52.012923354375438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "52948_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 84.24999875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.499328487962076, 52.0127160169828 ], [ 7.500483464755944, 52.0127160169828 ], [ 7.500483464755944, 52.012508678629388 ], [ 7.499328487962076, 52.012508678629388 ], [ 7.499328487962076, 52.0127160169828 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53204_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.49701853437434, 50.575241384466686 ], [ 7.498173511168208, 50.575241384466686 ], [ 7.498173511168208, 50.57502745097063 ], [ 7.49701853437434, 50.57502745097063 ], [ 7.49701853437434, 50.575241384466686 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 82.75736666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.501381780040064, 53.356419821637488 ], [ 7.502536756833933, 53.356419821637488 ], [ 7.502536756833933, 53.356218766297893 ], [ 7.501381780040064, 53.356218766297893 ], [ 7.501381780040064, 53.356419821637488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 77.285714285714292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 53.357827182457576 ], [ 7.506001687215535, 53.357827182457576 ], [ 7.506001687215535, 53.357626133757229 ], [ 7.504846710421668, 53.357626133757229 ], [ 7.504846710421668, 53.357827182457576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 79.606442 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 53.35702298196545 ], [ 7.507156664009404, 53.35702298196545 ], [ 7.507156664009404, 53.356821929471259 ], [ 7.506001687215535, 53.356821929471259 ], [ 7.506001687215535, 53.35702298196545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.35802823020947 ], [ 7.50831164080327, 53.35802823020947 ], [ 7.50831164080327, 53.357827182457576 ], [ 7.507156664009404, 53.357827182457576 ], [ 7.507156664009404, 53.35802823020947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 76.002381428571425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.356821929471259 ], [ 7.50831164080327, 53.356821929471259 ], [ 7.50831164080327, 53.356620876028607 ], [ 7.507156664009404, 53.356620876028607 ], [ 7.507156664009404, 53.356821929471259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 81.532256 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.356218766297893 ], [ 7.50831164080327, 53.356218766297893 ], [ 7.50831164080327, 53.356017710009844 ], [ 7.507156664009404, 53.356017710009844 ], [ 7.507156664009404, 53.356218766297893 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53376_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 76.5990345 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 53.358229277012903 ], [ 7.50946661759714, 53.358229277012903 ], [ 7.50946661759714, 53.35802823020947 ], [ 7.50831164080327, 53.35802823020947 ], [ 7.50831164080327, 53.358229277012903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 87.25000125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.501381780040064, 53.351058021321514 ], [ 7.502536756833933, 53.351058021321514 ], [ 7.502536756833933, 53.350856940688665 ], [ 7.501381780040064, 53.350856940688665 ], [ 7.501381780040064, 53.351058021321514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 53.352465559192886 ], [ 7.506001687215535, 53.352465559192886 ], [ 7.506001687215535, 53.352264485199662 ], [ 7.504846710421668, 53.352264485199662 ], [ 7.504846710421668, 53.352465559192886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 81.49999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 53.351661257528917 ], [ 7.507156664009404, 53.351661257528917 ], [ 7.507156664009404, 53.351460179741629 ], [ 7.506001687215535, 53.351460179741629 ], [ 7.506001687215535, 53.351661257528917 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.352666632237607 ], [ 7.50831164080327, 53.352666632237607 ], [ 7.50831164080327, 53.352465559192886 ], [ 7.507156664009404, 53.352465559192886 ], [ 7.507156664009404, 53.352666632237607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 80.666666333333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.351460179741629 ], [ 7.50831164080327, 53.351460179741629 ], [ 7.50831164080327, 53.351259101005844 ], [ 7.507156664009404, 53.351259101005844 ], [ 7.507156664009404, 53.351460179741629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 82.999999000000003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.350856940688665 ], [ 7.50831164080327, 53.350856940688665 ], [ 7.50831164080327, 53.350655859107306 ], [ 7.507156664009404, 53.350655859107306 ], [ 7.507156664009404, 53.350856940688665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53377_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 95.91063325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 53.352867704333818 ], [ 7.50946661759714, 53.352867704333818 ], [ 7.50946661759714, 53.352666632237607 ], [ 7.50831164080327, 53.352666632237607 ], [ 7.50831164080327, 53.352867704333818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_2_14", "Weekday": 2, "hour": 14, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.503691733627798, 53.266386351047601 ], [ 7.504846710421668, 53.266386351047601 ], [ 7.504846710421668, 53.266184871226194 ], [ 7.503691733627798, 53.266184871226194 ], [ 7.503691733627798, 53.266386351047601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_3_7", "Weekday": 3, "hour": 7, "Speed_value_mean": 55.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 53.267796683215529 ], [ 7.506001687215535, 53.267796683215529 ], [ 7.506001687215535, 53.267595210039595 ], [ 7.504846710421668, 53.267595210039595 ], [ 7.504846710421668, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 58.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 53.266587829919658 ], [ 7.506001687215535, 53.266587829919658 ], [ 7.506001687215535, 53.266386351047601 ], [ 7.504846710421668, 53.266386351047601 ], [ 7.504846710421668, 53.266587829919658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 41.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 53.268199626719372 ], [ 7.507156664009404, 53.268199626719372 ], [ 7.507156664009404, 53.267998155442122 ], [ 7.506001687215535, 53.267998155442122 ], [ 7.506001687215535, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_4_9", "Weekday": 4, "hour": 9, "Speed_value_mean": 49.748168666666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 53.267393735914311 ], [ 7.507156664009404, 53.267393735914311 ], [ 7.507156664009404, 53.267192260839678 ], [ 7.506001687215535, 53.267192260839678 ], [ 7.506001687215535, 53.267393735914311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 52.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 53.265781908735278 ], [ 7.507156664009404, 53.265781908735278 ], [ 7.507156664009404, 53.265580426065775 ], [ 7.506001687215535, 53.265580426065775 ], [ 7.506001687215535, 53.265781908735278 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 53.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.268199626719372 ], [ 7.50831164080327, 53.268199626719372 ], [ 7.50831164080327, 53.267998155442122 ], [ 7.507156664009404, 53.267998155442122 ], [ 7.507156664009404, 53.268199626719372 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_5_7", "Weekday": 5, "hour": 7, "Speed_value_mean": 56.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.267796683215529 ], [ 7.50831164080327, 53.267796683215529 ], [ 7.50831164080327, 53.267595210039595 ], [ 7.507156664009404, 53.267595210039595 ], [ 7.507156664009404, 53.267796683215529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_5_10", "Weekday": 5, "hour": 10, "Speed_value_mean": 48.829794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.267192260839678 ], [ 7.50831164080327, 53.267192260839678 ], [ 7.50831164080327, 53.26699078481569 ], [ 7.507156664009404, 53.26699078481569 ], [ 7.507156664009404, 53.267192260839678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 52.563167666666665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 53.266789307842345 ], [ 7.50831164080327, 53.266789307842345 ], [ 7.50831164080327, 53.266587829919658 ], [ 7.507156664009404, 53.266587829919658 ], [ 7.507156664009404, 53.266789307842345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53393_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 48.125052 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 53.26699078481569 ], [ 7.50946661759714, 53.26699078481569 ], [ 7.50946661759714, 53.266789307842345 ], [ 7.50831164080327, 53.266789307842345 ], [ 7.50831164080327, 53.26699078481569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53571_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 129.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.300537624803567 ], [ 7.507156664009404, 52.300537624803567 ], [ 7.507156664009404, 52.300331622792854 ], [ 7.506001687215535, 52.300331622792854 ], [ 7.506001687215535, 52.300537624803567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53571_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.8920894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.299507605166802 ], [ 7.50831164080327, 52.299507605166802 ], [ 7.50831164080327, 52.299301598364472 ], [ 7.507156664009404, 52.299301598364472 ], [ 7.507156664009404, 52.299507605166802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53571_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 135.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.298889581884815 ], [ 7.50831164080327, 52.298889581884815 ], [ 7.50831164080327, 52.298683572207494 ], [ 7.507156664009404, 52.298683572207494 ], [ 7.507156664009404, 52.298889581884815 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53571_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 173.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.299095590603812 ], [ 7.50946661759714, 52.299095590603812 ], [ 7.50946661759714, 52.298889581884815 ], [ 7.50831164080327, 52.298889581884815 ], [ 7.50831164080327, 52.299095590603812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53571_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.298683572207494 ], [ 7.50946661759714, 52.298683572207494 ], [ 7.50946661759714, 52.298477561571822 ], [ 7.50831164080327, 52.298477561571822 ], [ 7.50831164080327, 52.298683572207494 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53572_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.29339566252073 ], [ 7.50831164080327, 52.29339566252073 ], [ 7.50831164080327, 52.293189627287177 ], [ 7.507156664009404, 52.293189627287177 ], [ 7.507156664009404, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53572_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.293601696795903 ], [ 7.50946661759714, 52.293601696795903 ], [ 7.50946661759714, 52.29339566252073 ], [ 7.50831164080327, 52.29339566252073 ], [ 7.50831164080327, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53572_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.293189627287177 ], [ 7.50946661759714, 52.293189627287177 ], [ 7.50946661759714, 52.292983591095251 ], [ 7.50831164080327, 52.292983591095251 ], [ 7.50831164080327, 52.293189627287177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 115.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.501381780040064, 52.013130690807294 ], [ 7.502536756833933, 52.013130690807294 ], [ 7.502536756833933, 52.012923354375438 ], [ 7.501381780040064, 52.012923354375438 ], [ 7.501381780040064, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.999999333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.501381780040064, 52.011057283253542 ], [ 7.502536756833933, 52.011057283253542 ], [ 7.502536756833933, 52.010849937213834 ], [ 7.501381780040064, 52.010849937213834 ], [ 7.501381780040064, 52.011057283253542 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 101.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.502536756833933, 52.013545360788683 ], [ 7.503691733627798, 52.013545360788683 ], [ 7.503691733627798, 52.013338026278376 ], [ 7.502536756833933, 52.013338026278376 ], [ 7.502536756833933, 52.013545360788683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 72.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.503691733627798, 52.013130690807294 ], [ 7.504846710421668, 52.013130690807294 ], [ 7.504846710421668, 52.012923354375438 ], [ 7.503691733627798, 52.012923354375438 ], [ 7.503691733627798, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 96.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 52.014374689222215 ], [ 7.506001687215535, 52.014374689222215 ], [ 7.506001687215535, 52.014167358554978 ], [ 7.504846710421668, 52.014167358554978 ], [ 7.504846710421668, 52.014374689222215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 52.013130690807294 ], [ 7.506001687215535, 52.013130690807294 ], [ 7.506001687215535, 52.012923354375438 ], [ 7.504846710421668, 52.012923354375438 ], [ 7.504846710421668, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 20.357142857142858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 52.012301339315194 ], [ 7.506001687215535, 52.012301339315194 ], [ 7.506001687215535, 52.012093999040225 ], [ 7.504846710421668, 52.012093999040225 ], [ 7.504846710421668, 52.012301339315194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 77.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.014996675459315 ], [ 7.507156664009404, 52.014996675459315 ], [ 7.507156664009404, 52.014789347674373 ], [ 7.506001687215535, 52.014789347674373 ], [ 7.506001687215535, 52.014996675459315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.014582018928671 ], [ 7.507156664009404, 52.014582018928671 ], [ 7.507156664009404, 52.014374689222215 ], [ 7.506001687215535, 52.014374689222215 ], [ 7.506001687215535, 52.014582018928671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 93.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.012301339315194 ], [ 7.507156664009404, 52.012301339315194 ], [ 7.507156664009404, 52.012093999040225 ], [ 7.506001687215535, 52.012093999040225 ], [ 7.506001687215535, 52.012301339315194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 102.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.014996675459315 ], [ 7.50831164080327, 52.014996675459315 ], [ 7.50831164080327, 52.014789347674373 ], [ 7.507156664009404, 52.014789347674373 ], [ 7.507156664009404, 52.014996675459315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 82.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.014582018928671 ], [ 7.50831164080327, 52.014582018928671 ], [ 7.50831164080327, 52.014374689222215 ], [ 7.507156664009404, 52.014374689222215 ], [ 7.507156664009404, 52.014582018928671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 93.666667666666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.013752694338216 ], [ 7.50831164080327, 52.013752694338216 ], [ 7.50831164080327, 52.013545360788683 ], [ 7.507156664009404, 52.013545360788683 ], [ 7.507156664009404, 52.013752694338216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 109.64393966666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.011471972450579 ], [ 7.50831164080327, 52.011471972450579 ], [ 7.50831164080327, 52.011264628332455 ], [ 7.507156664009404, 52.011264628332455 ], [ 7.507156664009404, 52.011471972450579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 93.88763075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.010849937213834 ], [ 7.50831164080327, 52.010849937213834 ], [ 7.50831164080327, 52.01064259021333 ], [ 7.507156664009404, 52.01064259021333 ], [ 7.507156664009404, 52.010849937213834 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 106.09192675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.013752694338216 ], [ 7.50946661759714, 52.013752694338216 ], [ 7.50946661759714, 52.013545360788683 ], [ 7.50831164080327, 52.013545360788683 ], [ 7.50831164080327, 52.013752694338216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.013130690807294 ], [ 7.50946661759714, 52.013130690807294 ], [ 7.50946661759714, 52.012923354375438 ], [ 7.50831164080327, 52.012923354375438 ], [ 7.50831164080327, 52.013130690807294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 96.666666166666673 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.012923354375438 ], [ 7.50946661759714, 52.012923354375438 ], [ 7.50946661759714, 52.0127160169828 ], [ 7.50831164080327, 52.0127160169828 ], [ 7.50831164080327, 52.012923354375438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53623_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 87.956269285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.0127160169828 ], [ 7.50946661759714, 52.0127160169828 ], [ 7.50946661759714, 52.012508678629388 ], [ 7.50831164080327, 52.012508678629388 ], [ 7.50831164080327, 52.0127160169828 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 126.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.501381780040064, 52.007601390486897 ], [ 7.502536756833933, 52.007601390486897 ], [ 7.502536756833933, 52.007394028433723 ], [ 7.501381780040064, 52.007394028433723 ], [ 7.501381780040064, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.1999988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.501381780040064, 52.005527726717851 ], [ 7.502536756833933, 52.005527726717851 ], [ 7.502536756833933, 52.005320355056355 ], [ 7.501381780040064, 52.005320355056355 ], [ 7.501381780040064, 52.005527726717851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.502536756833933, 52.008016111710788 ], [ 7.503691733627798, 52.008016111710788 ], [ 7.503691733627798, 52.007808751579248 ], [ 7.502536756833933, 52.007808751579248 ], [ 7.502536756833933, 52.008016111710788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 85.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.503691733627798, 52.007601390486897 ], [ 7.504846710421668, 52.007601390486897 ], [ 7.504846710421668, 52.007394028433723 ], [ 7.503691733627798, 52.007394028433723 ], [ 7.503691733627798, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 52.008845542628762 ], [ 7.506001687215535, 52.008845542628762 ], [ 7.506001687215535, 52.008638186340498 ], [ 7.504846710421668, 52.008638186340498 ], [ 7.504846710421668, 52.008845542628762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 52.007601390486897 ], [ 7.506001687215535, 52.007601390486897 ], [ 7.506001687215535, 52.007394028433723 ], [ 7.504846710421668, 52.007394028433723 ], [ 7.504846710421668, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 19.526315789473685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.504846710421668, 52.006771936509232 ], [ 7.506001687215535, 52.006771936509232 ], [ 7.506001687215535, 52.00656457061276 ], [ 7.504846710421668, 52.00656457061276 ], [ 7.504846710421668, 52.006771936509232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.009467605728723 ], [ 7.507156664009404, 52.009467605728723 ], [ 7.507156664009404, 52.009260252322875 ], [ 7.506001687215535, 52.009260252322875 ], [ 7.506001687215535, 52.009467605728723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.009052897956224 ], [ 7.507156664009404, 52.009052897956224 ], [ 7.507156664009404, 52.008845542628762 ], [ 7.506001687215535, 52.008845542628762 ], [ 7.506001687215535, 52.009052897956224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 52.006771936509232 ], [ 7.507156664009404, 52.006771936509232 ], [ 7.507156664009404, 52.00656457061276 ], [ 7.506001687215535, 52.00656457061276 ], [ 7.506001687215535, 52.006771936509232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 104.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.009467605728723 ], [ 7.50831164080327, 52.009467605728723 ], [ 7.50831164080327, 52.009260252322875 ], [ 7.507156664009404, 52.009260252322875 ], [ 7.507156664009404, 52.009467605728723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.009052897956224 ], [ 7.50831164080327, 52.009052897956224 ], [ 7.50831164080327, 52.008845542628762 ], [ 7.507156664009404, 52.008845542628762 ], [ 7.507156664009404, 52.009052897956224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 93.2985526 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.008223470881511 ], [ 7.50831164080327, 52.008223470881511 ], [ 7.50831164080327, 52.008016111710788 ], [ 7.507156664009404, 52.008016111710788 ], [ 7.507156664009404, 52.008223470881511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 110.83464375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.00594246715832 ], [ 7.50831164080327, 52.00594246715832 ], [ 7.50831164080327, 52.005735097418501 ], [ 7.507156664009404, 52.005735097418501 ], [ 7.507156664009404, 52.00594246715832 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 96.080582333333325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.507156664009404, 52.005320355056355 ], [ 7.50831164080327, 52.005320355056355 ], [ 7.50831164080327, 52.005112982434035 ], [ 7.507156664009404, 52.005112982434035 ], [ 7.507156664009404, 52.005320355056355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 105.6777935 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.008223470881511 ], [ 7.50946661759714, 52.008223470881511 ], [ 7.50946661759714, 52.008016111710788 ], [ 7.50831164080327, 52.008016111710788 ], [ 7.50831164080327, 52.008223470881511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 88.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.007601390486897 ], [ 7.50946661759714, 52.007601390486897 ], [ 7.50946661759714, 52.007394028433723 ], [ 7.50831164080327, 52.007394028433723 ], [ 7.50831164080327, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 97.155256222222235 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.007394028433723 ], [ 7.50946661759714, 52.007394028433723 ], [ 7.50946661759714, 52.007186665419717 ], [ 7.50831164080327, 52.007186665419717 ], [ 7.50831164080327, 52.007394028433723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53624_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 104.08118355555557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.50831164080327, 52.007186665419717 ], [ 7.50946661759714, 52.007186665419717 ], [ 7.50946661759714, 52.006979301444893 ], [ 7.50831164080327, 52.006979301444893 ], [ 7.50831164080327, 52.007186665419717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53879_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 50.575241384466686 ], [ 7.507156664009404, 50.575241384466686 ], [ 7.507156664009404, 50.57502745097063 ], [ 7.506001687215535, 50.57502745097063 ], [ 7.506001687215535, 50.575241384466686 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "53880_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.506001687215535, 50.569536158728404 ], [ 7.507156664009404, 50.569536158728404 ], [ 7.507156664009404, 50.569322199322286 ], [ 7.506001687215535, 50.569322199322286 ], [ 7.506001687215535, 50.569536158728404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 64.9125392 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.510364932881259, 53.361780947486359 ], [ 7.511519909675128, 53.361780947486359 ], [ 7.511519909675128, 53.361579917438604 ], [ 7.510364932881259, 53.361579917438604 ], [ 7.510364932881259, 53.361780947486359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 67.625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 53.363188131265126 ], [ 7.51498484005673, 53.363188131265126 ], [ 7.51498484005673, 53.362987107856235 ], [ 7.513829863262862, 53.362987107856235 ], [ 7.513829863262862, 53.363188131265126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 59.6000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 53.362384031939136 ], [ 7.516139816850598, 53.362384031939136 ], [ 7.516139816850598, 53.362183004736629 ], [ 7.51498484005673, 53.362183004736629 ], [ 7.51498484005673, 53.362384031939136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 68.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 53.363389153725599 ], [ 7.517294793644466, 53.363389153725599 ], [ 7.517294793644466, 53.363188131265126 ], [ 7.516139816850598, 53.363188131265126 ], [ 7.516139816850598, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_5_18", "Weekday": 5, "hour": 18, "Speed_value_mean": 63.114715166666663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 53.362183004736629 ], [ 7.517294793644466, 53.362183004736629 ], [ 7.517294793644466, 53.361981976585696 ], [ 7.516139816850598, 53.361981976585696 ], [ 7.516139816850598, 53.362183004736629 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 60.0400248 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 53.361579917438604 ], [ 7.517294793644466, 53.361579917438604 ], [ 7.517294793644466, 53.361378886442424 ], [ 7.516139816850598, 53.361378886442424 ], [ 7.516139816850598, 53.361579917438604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54050_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 62.4394744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 53.36359017523769 ], [ 7.518449770438334, 53.36359017523769 ], [ 7.518449770438334, 53.363389153725599 ], [ 7.517294793644466, 53.363389153725599 ], [ 7.517294793644466, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54051_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 71.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 53.35702298196545 ], [ 7.516139816850598, 53.35702298196545 ], [ 7.516139816850598, 53.356821929471259 ], [ 7.51498484005673, 53.356821929471259 ], [ 7.51498484005673, 53.35702298196545 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54051_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 79.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 53.356218766297893 ], [ 7.517294793644466, 53.356218766297893 ], [ 7.517294793644466, 53.356017710009844 ], [ 7.516139816850598, 53.356017710009844 ], [ 7.516139816850598, 53.356218766297893 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54247_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 127.25601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.295043909887561 ], [ 7.516139816850598, 52.295043909887561 ], [ 7.516139816850598, 52.294837882321012 ], [ 7.51498484005673, 52.294837882321012 ], [ 7.51498484005673, 52.295043909887561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54247_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 89.9354165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.294013762471096 ], [ 7.517294793644466, 52.294013762471096 ], [ 7.517294793644466, 52.293807730112697 ], [ 7.516139816850598, 52.293807730112697 ], [ 7.516139816850598, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54247_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 154.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.29339566252073 ], [ 7.517294793644466, 52.29339566252073 ], [ 7.517294793644466, 52.293189627287177 ], [ 7.516139816850598, 52.293189627287177 ], [ 7.516139816850598, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54247_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.293601696795903 ], [ 7.518449770438334, 52.293601696795903 ], [ 7.518449770438334, 52.29339566252073 ], [ 7.517294793644466, 52.29339566252073 ], [ 7.517294793644466, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54247_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.293189627287177 ], [ 7.518449770438334, 52.293189627287177 ], [ 7.518449770438334, 52.292983591095251 ], [ 7.517294793644466, 52.292983591095251 ], [ 7.517294793644466, 52.293189627287177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.510364932881259, 52.007601390486897 ], [ 7.511519909675128, 52.007601390486897 ], [ 7.511519909675128, 52.007394028433723 ], [ 7.510364932881259, 52.007394028433723 ], [ 7.510364932881259, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.510364932881259, 52.005527726717851 ], [ 7.511519909675128, 52.005527726717851 ], [ 7.511519909675128, 52.005320355056355 ], [ 7.510364932881259, 52.005320355056355 ], [ 7.510364932881259, 52.005527726717851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.511519909675128, 52.008016111710788 ], [ 7.512674886468994, 52.008016111710788 ], [ 7.512674886468994, 52.007808751579248 ], [ 7.511519909675128, 52.007808751579248 ], [ 7.511519909675128, 52.008016111710788 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.512674886468994, 52.007601390486897 ], [ 7.513829863262862, 52.007601390486897 ], [ 7.513829863262862, 52.007394028433723 ], [ 7.512674886468994, 52.007394028433723 ], [ 7.512674886468994, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 52.008845542628762 ], [ 7.51498484005673, 52.008845542628762 ], [ 7.51498484005673, 52.008638186340498 ], [ 7.513829863262862, 52.008638186340498 ], [ 7.513829863262862, 52.008845542628762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 52.007601390486897 ], [ 7.51498484005673, 52.007601390486897 ], [ 7.51498484005673, 52.007394028433723 ], [ 7.513829863262862, 52.007394028433723 ], [ 7.513829863262862, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 63.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 52.006771936509232 ], [ 7.51498484005673, 52.006771936509232 ], [ 7.51498484005673, 52.00656457061276 ], [ 7.513829863262862, 52.00656457061276 ], [ 7.513829863262862, 52.006771936509232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.009467605728723 ], [ 7.516139816850598, 52.009467605728723 ], [ 7.516139816850598, 52.009260252322875 ], [ 7.51498484005673, 52.009260252322875 ], [ 7.51498484005673, 52.009467605728723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.009052897956224 ], [ 7.516139816850598, 52.009052897956224 ], [ 7.516139816850598, 52.008845542628762 ], [ 7.51498484005673, 52.008845542628762 ], [ 7.51498484005673, 52.009052897956224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.006771936509232 ], [ 7.516139816850598, 52.006771936509232 ], [ 7.516139816850598, 52.00656457061276 ], [ 7.51498484005673, 52.00656457061276 ], [ 7.51498484005673, 52.006771936509232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.009467605728723 ], [ 7.517294793644466, 52.009467605728723 ], [ 7.517294793644466, 52.009260252322875 ], [ 7.516139816850598, 52.009260252322875 ], [ 7.516139816850598, 52.009467605728723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.009052897956224 ], [ 7.517294793644466, 52.009052897956224 ], [ 7.517294793644466, 52.008845542628762 ], [ 7.516139816850598, 52.008845542628762 ], [ 7.516139816850598, 52.009052897956224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 90.500001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.008223470881511 ], [ 7.517294793644466, 52.008223470881511 ], [ 7.517294793644466, 52.008016111710788 ], [ 7.516139816850598, 52.008016111710788 ], [ 7.516139816850598, 52.008223470881511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.00594246715832 ], [ 7.517294793644466, 52.00594246715832 ], [ 7.517294793644466, 52.005735097418501 ], [ 7.516139816850598, 52.005735097418501 ], [ 7.516139816850598, 52.00594246715832 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 105.999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.008223470881511 ], [ 7.518449770438334, 52.008223470881511 ], [ 7.518449770438334, 52.008016111710788 ], [ 7.517294793644466, 52.008016111710788 ], [ 7.517294793644466, 52.008223470881511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.007601390486897 ], [ 7.518449770438334, 52.007601390486897 ], [ 7.518449770438334, 52.007394028433723 ], [ 7.517294793644466, 52.007394028433723 ], [ 7.517294793644466, 52.007601390486897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.007394028433723 ], [ 7.518449770438334, 52.007394028433723 ], [ 7.518449770438334, 52.007186665419717 ], [ 7.517294793644466, 52.007186665419717 ], [ 7.517294793644466, 52.007394028433723 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54299_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 99.200919666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.007186665419717 ], [ 7.518449770438334, 52.007186665419717 ], [ 7.518449770438334, 52.006979301444893 ], [ 7.517294793644466, 52.006979301444893 ], [ 7.517294793644466, 52.007186665419717 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.510364932881259, 52.002071406915441 ], [ 7.511519909675128, 52.002071406915441 ], [ 7.511519909675128, 52.001864019239697 ], [ 7.510364932881259, 52.001864019239697 ], [ 7.510364932881259, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.2000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.510364932881259, 51.999997486918751 ], [ 7.511519909675128, 51.999997486918751 ], [ 7.511519909675128, 51.999790089634239 ], [ 7.510364932881259, 51.999790089634239 ], [ 7.510364932881259, 51.999997486918751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.511519909675128, 52.002486179384299 ], [ 7.512674886468994, 52.002486179384299 ], [ 7.512674886468994, 52.002278793630296 ], [ 7.511519909675128, 52.002278793630296 ], [ 7.511519909675128, 52.002486179384299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.512674886468994, 52.002071406915441 ], [ 7.513829863262862, 52.002071406915441 ], [ 7.513829863262862, 52.001864019239697 ], [ 7.512674886468994, 52.001864019239697 ], [ 7.512674886468994, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 52.003315712791661 ], [ 7.51498484005673, 52.003315712791661 ], [ 7.51498484005673, 52.003108330881112 ], [ 7.513829863262862, 52.003108330881112 ], [ 7.513829863262862, 52.003315712791661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 52.002071406915441 ], [ 7.51498484005673, 52.002071406915441 ], [ 7.51498484005673, 52.001864019239697 ], [ 7.513829863262862, 52.001864019239697 ], [ 7.513829863262862, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.513829863262862, 52.001241850447272 ], [ 7.51498484005673, 52.001241850447272 ], [ 7.51498484005673, 52.001034458928054 ], [ 7.513829863262862, 52.001034458928054 ], [ 7.513829863262862, 52.001241850447272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.003937852758177 ], [ 7.516139816850598, 52.003937852758177 ], [ 7.516139816850598, 52.003730473730201 ], [ 7.51498484005673, 52.003730473730201 ], [ 7.51498484005673, 52.003937852758177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 107.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.003523093741357 ], [ 7.516139816850598, 52.003523093741357 ], [ 7.516139816850598, 52.003315712791661 ], [ 7.51498484005673, 52.003315712791661 ], [ 7.51498484005673, 52.003523093741357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 104.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 52.001241850447272 ], [ 7.516139816850598, 52.001241850447272 ], [ 7.516139816850598, 52.001034458928054 ], [ 7.51498484005673, 52.001034458928054 ], [ 7.51498484005673, 52.001241850447272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.003937852758177 ], [ 7.517294793644466, 52.003937852758177 ], [ 7.517294793644466, 52.003730473730201 ], [ 7.516139816850598, 52.003730473730201 ], [ 7.516139816850598, 52.003937852758177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.003523093741357 ], [ 7.517294793644466, 52.003523093741357 ], [ 7.517294793644466, 52.003315712791661 ], [ 7.516139816850598, 52.003315712791661 ], [ 7.516139816850598, 52.003523093741357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 88.7706032 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.002693564177434 ], [ 7.517294793644466, 52.002693564177434 ], [ 7.517294793644466, 52.002486179384299 ], [ 7.516139816850598, 52.002486179384299 ], [ 7.516139816850598, 52.002693564177434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 110.499999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 52.000412278605118 ], [ 7.517294793644466, 52.000412278605118 ], [ 7.517294793644466, 52.000204883242368 ], [ 7.516139816850598, 52.000204883242368 ], [ 7.516139816850598, 52.000412278605118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 93.8698225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.516139816850598, 51.999790089634239 ], [ 7.517294793644466, 51.999790089634239 ], [ 7.517294793644466, 51.999582691388845 ], [ 7.516139816850598, 51.999582691388845 ], [ 7.516139816850598, 51.999790089634239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 104.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.002693564177434 ], [ 7.518449770438334, 52.002693564177434 ], [ 7.518449770438334, 52.002486179384299 ], [ 7.517294793644466, 52.002486179384299 ], [ 7.517294793644466, 52.002693564177434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.002071406915441 ], [ 7.518449770438334, 52.002071406915441 ], [ 7.518449770438334, 52.001864019239697 ], [ 7.517294793644466, 52.001864019239697 ], [ 7.517294793644466, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 93.736885625000014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.001864019239697 ], [ 7.518449770438334, 52.001864019239697 ], [ 7.518449770438334, 52.001656630603101 ], [ 7.517294793644466, 52.001656630603101 ], [ 7.517294793644466, 52.001864019239697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54300_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 95.559867124999997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.517294793644466, 52.001656630603101 ], [ 7.518449770438334, 52.001656630603101 ], [ 7.518449770438334, 52.001449241005623 ], [ 7.517294793644466, 52.001449241005623 ], [ 7.517294793644466, 52.001656630603101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54555_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.51498484005673, 50.569536158728404 ], [ 7.516139816850598, 50.569536158728404 ], [ 7.516139816850598, 50.569322199322286 ], [ 7.51498484005673, 50.569322199322286 ], [ 7.51498484005673, 50.569536158728404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54722_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 53.379266931324068 ], [ 7.523967992897926, 53.379266931324068 ], [ 7.523967992897926, 53.379065983781025 ], [ 7.522813016104058, 53.379065983781025 ], [ 7.522813016104058, 53.379266931324068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54722_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 53.378463135462425 ], [ 7.525122969691794, 53.378463135462425 ], [ 7.525122969691794, 53.378262184126378 ], [ 7.523967992897926, 53.378262184126378 ], [ 7.523967992897926, 53.378463135462425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54722_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.379467877918877 ], [ 7.526277946485662, 53.379467877918877 ], [ 7.526277946485662, 53.379266931324068 ], [ 7.525122969691794, 53.379266931324068 ], [ 7.525122969691794, 53.379467877918877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54722_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 93.783991 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 53.379668823565439 ], [ 7.527432923279529, 53.379668823565439 ], [ 7.527432923279529, 53.379467877918877 ], [ 7.526277946485662, 53.379467877918877 ], [ 7.526277946485662, 53.379668823565439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54723_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 84.982522166666669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 53.37250117593446 ], [ 7.520503062516323, 53.37250117593446 ], [ 7.520503062516323, 53.372300196466099 ], [ 7.519348085722454, 53.372300196466099 ], [ 7.519348085722454, 53.37250117593446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54723_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 88.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 53.373908005660418 ], [ 7.523967992897926, 53.373908005660418 ], [ 7.523967992897926, 53.373707032830183 ], [ 7.522813016104058, 53.373707032830183 ], [ 7.522813016104058, 53.373908005660418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54723_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 83.800001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 53.373104108649684 ], [ 7.525122969691794, 53.373104108649684 ], [ 7.525122969691794, 53.372903132026238 ], [ 7.523967992897926, 53.372903132026238 ], [ 7.523967992897926, 53.373104108649684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54723_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 88.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.374108977542356 ], [ 7.526277946485662, 53.374108977542356 ], [ 7.526277946485662, 53.373908005660418 ], [ 7.525122969691794, 53.373908005660418 ], [ 7.525122969691794, 53.374108977542356 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54723_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 80.305587 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.372300196466099 ], [ 7.526277946485662, 53.372300196466099 ], [ 7.526277946485662, 53.372099216049428 ], [ 7.525122969691794, 53.372099216049428 ], [ 7.525122969691794, 53.372300196466099 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54723_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 95.6000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 53.374309948476011 ], [ 7.527432923279529, 53.374309948476011 ], [ 7.527432923279529, 53.374108977542356 ], [ 7.526277946485662, 53.374108977542356 ], [ 7.526277946485662, 53.374309948476011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54724_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 57.922345111111113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 53.367141398906035 ], [ 7.520503062516323, 53.367141398906035 ], [ 7.520503062516323, 53.366940394148692 ], [ 7.519348085722454, 53.366940394148692 ], [ 7.519348085722454, 53.367141398906035 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54724_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 60.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 53.368548405653428 ], [ 7.523967992897926, 53.368548405653428 ], [ 7.523967992897926, 53.368347407534579 ], [ 7.522813016104058, 53.368347407534579 ], [ 7.522813016104058, 53.368548405653428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54724_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 63.429710111111113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 53.367744407487912 ], [ 7.525122969691794, 53.367744407487912 ], [ 7.525122969691794, 53.367543405575653 ], [ 7.523967992897926, 53.367543405575653 ], [ 7.523967992897926, 53.367744407487912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54724_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 34.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.368749402823923 ], [ 7.526277946485662, 53.368749402823923 ], [ 7.526277946485662, 53.368548405653428 ], [ 7.525122969691794, 53.368548405653428 ], [ 7.525122969691794, 53.368749402823923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54724_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 64.726493333333337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.366940394148692 ], [ 7.526277946485662, 53.366940394148692 ], [ 7.526277946485662, 53.36673938844298 ], [ 7.525122969691794, 53.36673938844298 ], [ 7.525122969691794, 53.366940394148692 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54724_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 65.924254 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 53.368950399046078 ], [ 7.527432923279529, 53.368950399046078 ], [ 7.527432923279529, 53.368749402823923 ], [ 7.526277946485662, 53.368749402823923 ], [ 7.526277946485662, 53.368950399046078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54725_0_20", "Weekday": 0, "hour": 20, "Speed_value_mean": 46.950458 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 53.361780947486359 ], [ 7.520503062516323, 53.361780947486359 ], [ 7.520503062516323, 53.361579917438604 ], [ 7.519348085722454, 53.361579917438604 ], [ 7.519348085722454, 53.361780947486359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54725_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 53.363188131265126 ], [ 7.523967992897926, 53.363188131265126 ], [ 7.523967992897926, 53.362987107856235 ], [ 7.522813016104058, 53.362987107856235 ], [ 7.522813016104058, 53.363188131265126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54725_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 48.666667666666662 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 53.362384031939136 ], [ 7.525122969691794, 53.362384031939136 ], [ 7.525122969691794, 53.362183004736629 ], [ 7.523967992897926, 53.362183004736629 ], [ 7.523967992897926, 53.362384031939136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54725_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 41.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.363389153725599 ], [ 7.526277946485662, 53.363389153725599 ], [ 7.526277946485662, 53.363188131265126 ], [ 7.525122969691794, 53.363188131265126 ], [ 7.525122969691794, 53.363389153725599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54725_5_21", "Weekday": 5, "hour": 21, "Speed_value_mean": 48.315572666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 53.361579917438604 ], [ 7.526277946485662, 53.361579917438604 ], [ 7.526277946485662, 53.361378886442424 ], [ 7.525122969691794, 53.361378886442424 ], [ 7.525122969691794, 53.361579917438604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54725_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 53.820996666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 53.36359017523769 ], [ 7.527432923279529, 53.36359017523769 ], [ 7.527432923279529, 53.363389153725599 ], [ 7.526277946485662, 53.363389153725599 ], [ 7.526277946485662, 53.36359017523769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54922_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 125.50000075 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 52.295043909887561 ], [ 7.525122969691794, 52.295043909887561 ], [ 7.525122969691794, 52.294837882321012 ], [ 7.523967992897926, 52.294837882321012 ], [ 7.523967992897926, 52.295043909887561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54922_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 94.2000012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 52.294013762471096 ], [ 7.526277946485662, 52.294013762471096 ], [ 7.526277946485662, 52.293807730112697 ], [ 7.525122969691794, 52.293807730112697 ], [ 7.525122969691794, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54922_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 172.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 52.29339566252073 ], [ 7.526277946485662, 52.29339566252073 ], [ 7.526277946485662, 52.293189627287177 ], [ 7.525122969691794, 52.293189627287177 ], [ 7.525122969691794, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54922_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 158.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 52.293601696795903 ], [ 7.527432923279529, 52.293601696795903 ], [ 7.527432923279529, 52.29339566252073 ], [ 7.526277946485662, 52.29339566252073 ], [ 7.526277946485662, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54922_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 52.293189627287177 ], [ 7.527432923279529, 52.293189627287177 ], [ 7.527432923279529, 52.292983591095251 ], [ 7.526277946485662, 52.292983591095251 ], [ 7.526277946485662, 52.293189627287177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 84.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 52.002071406915441 ], [ 7.520503062516323, 52.002071406915441 ], [ 7.520503062516323, 52.001864019239697 ], [ 7.519348085722454, 52.001864019239697 ], [ 7.519348085722454, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 94.070677666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 51.999997486918751 ], [ 7.520503062516323, 51.999997486918751 ], [ 7.520503062516323, 51.999790089634239 ], [ 7.519348085722454, 51.999790089634239 ], [ 7.519348085722454, 51.999997486918751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 89.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.520503062516323, 52.002486179384299 ], [ 7.52165803931019, 52.002486179384299 ], [ 7.52165803931019, 52.002278793630296 ], [ 7.520503062516323, 52.002278793630296 ], [ 7.520503062516323, 52.002486179384299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.52165803931019, 52.002071406915441 ], [ 7.522813016104058, 52.002071406915441 ], [ 7.522813016104058, 52.001864019239697 ], [ 7.52165803931019, 52.001864019239697 ], [ 7.52165803931019, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 78.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 52.003315712791661 ], [ 7.523967992897926, 52.003315712791661 ], [ 7.523967992897926, 52.003108330881112 ], [ 7.522813016104058, 52.003108330881112 ], [ 7.522813016104058, 52.003315712791661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 52.002071406915441 ], [ 7.523967992897926, 52.002071406915441 ], [ 7.523967992897926, 52.001864019239697 ], [ 7.522813016104058, 52.001864019239697 ], [ 7.522813016104058, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 78.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 52.001241850447272 ], [ 7.523967992897926, 52.001241850447272 ], [ 7.523967992897926, 52.001034458928054 ], [ 7.522813016104058, 52.001034458928054 ], [ 7.522813016104058, 52.001241850447272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 101.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 52.003937852758177 ], [ 7.525122969691794, 52.003937852758177 ], [ 7.525122969691794, 52.003730473730201 ], [ 7.523967992897926, 52.003730473730201 ], [ 7.523967992897926, 52.003937852758177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 96.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 52.003523093741357 ], [ 7.525122969691794, 52.003523093741357 ], [ 7.525122969691794, 52.003315712791661 ], [ 7.523967992897926, 52.003315712791661 ], [ 7.523967992897926, 52.003523093741357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 94.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 52.001241850447272 ], [ 7.525122969691794, 52.001241850447272 ], [ 7.525122969691794, 52.001034458928054 ], [ 7.523967992897926, 52.001034458928054 ], [ 7.523967992897926, 52.001241850447272 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 103.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 52.003937852758177 ], [ 7.526277946485662, 52.003937852758177 ], [ 7.526277946485662, 52.003730473730201 ], [ 7.525122969691794, 52.003730473730201 ], [ 7.525122969691794, 52.003937852758177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 52.003523093741357 ], [ 7.526277946485662, 52.003523093741357 ], [ 7.526277946485662, 52.003315712791661 ], [ 7.525122969691794, 52.003315712791661 ], [ 7.525122969691794, 52.003523093741357 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 83.551450666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 52.002693564177434 ], [ 7.526277946485662, 52.002693564177434 ], [ 7.526277946485662, 52.002486179384299 ], [ 7.525122969691794, 52.002486179384299 ], [ 7.525122969691794, 52.002693564177434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 52.000412278605118 ], [ 7.526277946485662, 52.000412278605118 ], [ 7.526277946485662, 52.000204883242368 ], [ 7.525122969691794, 52.000204883242368 ], [ 7.525122969691794, 52.000412278605118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 94.322111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 51.999790089634239 ], [ 7.526277946485662, 51.999790089634239 ], [ 7.526277946485662, 51.999582691388845 ], [ 7.525122969691794, 51.999582691388845 ], [ 7.525122969691794, 51.999790089634239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 98.520715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 52.002693564177434 ], [ 7.527432923279529, 52.002693564177434 ], [ 7.527432923279529, 52.002486179384299 ], [ 7.526277946485662, 52.002486179384299 ], [ 7.526277946485662, 52.002693564177434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 77.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 52.002071406915441 ], [ 7.527432923279529, 52.002071406915441 ], [ 7.527432923279529, 52.001864019239697 ], [ 7.526277946485662, 52.001864019239697 ], [ 7.526277946485662, 52.002071406915441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 94.999999400000007 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 52.001864019239697 ], [ 7.527432923279529, 52.001864019239697 ], [ 7.527432923279529, 52.001656630603101 ], [ 7.526277946485662, 52.001656630603101 ], [ 7.526277946485662, 52.001864019239697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54975_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 93.2547012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 52.001656630603101 ], [ 7.527432923279529, 52.001656630603101 ], [ 7.527432923279529, 52.001449241005623 ], [ 7.526277946485662, 52.001449241005623 ], [ 7.526277946485662, 52.001656630603101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 85.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 51.996540740059999 ], [ 7.520503062516323, 51.996540740059999 ], [ 7.520503062516323, 51.996333326760471 ], [ 7.519348085722454, 51.996333326760471 ], [ 7.519348085722454, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 96.999999666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.519348085722454, 51.994466563823337 ], [ 7.520503062516323, 51.994466563823337 ], [ 7.520503062516323, 51.994259140914579 ], [ 7.519348085722454, 51.994259140914579 ], [ 7.519348085722454, 51.994466563823337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.520503062516323, 51.996955563776289 ], [ 7.52165803931019, 51.996955563776289 ], [ 7.52165803931019, 51.996748152398609 ], [ 7.520503062516323, 51.996748152398609 ], [ 7.520503062516323, 51.996955563776289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.52165803931019, 51.996540740059999 ], [ 7.522813016104058, 51.996540740059999 ], [ 7.522813016104058, 51.996333326760471 ], [ 7.52165803931019, 51.996333326760471 ], [ 7.52165803931019, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 80.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 51.997785199677985 ], [ 7.523967992897926, 51.997785199677985 ], [ 7.523967992897926, 51.997577792143929 ], [ 7.522813016104058, 51.997577792143929 ], [ 7.522813016104058, 51.997785199677985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 51.996540740059999 ], [ 7.523967992897926, 51.996540740059999 ], [ 7.523967992897926, 51.996333326760471 ], [ 7.522813016104058, 51.996333326760471 ], [ 7.522813016104058, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 75.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.522813016104058, 51.99571108109641 ], [ 7.523967992897926, 51.99571108109641 ], [ 7.523967992897926, 51.995503663953208 ], [ 7.522813016104058, 51.995503663953208 ], [ 7.522813016104058, 51.99571108109641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 51.998407416514752 ], [ 7.525122969691794, 51.998407416514752 ], [ 7.525122969691794, 51.998200011863403 ], [ 7.523967992897926, 51.998200011863403 ], [ 7.523967992897926, 51.998407416514752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 51.997992606251145 ], [ 7.525122969691794, 51.997992606251145 ], [ 7.525122969691794, 51.997785199677985 ], [ 7.523967992897926, 51.997785199677985 ], [ 7.523967992897926, 51.997992606251145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 51.99571108109641 ], [ 7.525122969691794, 51.99571108109641 ], [ 7.525122969691794, 51.995503663953208 ], [ 7.523967992897926, 51.995503663953208 ], [ 7.523967992897926, 51.99571108109641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 51.998407416514752 ], [ 7.526277946485662, 51.998407416514752 ], [ 7.526277946485662, 51.998200011863403 ], [ 7.525122969691794, 51.998200011863403 ], [ 7.525122969691794, 51.998407416514752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 78.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 51.997992606251145 ], [ 7.526277946485662, 51.997992606251145 ], [ 7.526277946485662, 51.997785199677985 ], [ 7.525122969691794, 51.997785199677985 ], [ 7.525122969691794, 51.997992606251145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 87.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 51.997162974193081 ], [ 7.526277946485662, 51.997162974193081 ], [ 7.526277946485662, 51.996955563776289 ], [ 7.525122969691794, 51.996955563776289 ], [ 7.525122969691794, 51.997162974193081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 93.729646 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.525122969691794, 51.994259140914579 ], [ 7.526277946485662, 51.994259140914579 ], [ 7.526277946485662, 51.99405171704489 ], [ 7.525122969691794, 51.99405171704489 ], [ 7.525122969691794, 51.994259140914579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 51.997162974193081 ], [ 7.527432923279529, 51.997162974193081 ], [ 7.527432923279529, 51.996955563776289 ], [ 7.526277946485662, 51.996955563776289 ], [ 7.526277946485662, 51.997162974193081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 51.996540740059999 ], [ 7.527432923279529, 51.996540740059999 ], [ 7.527432923279529, 51.996333326760471 ], [ 7.526277946485662, 51.996333326760471 ], [ 7.526277946485662, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 51.996333326760471 ], [ 7.527432923279529, 51.996333326760471 ], [ 7.527432923279529, 51.996125912500034 ], [ 7.526277946485662, 51.996125912500034 ], [ 7.526277946485662, 51.996333326760471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "54976_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 94.361552374999988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.526277946485662, 51.996125912500034 ], [ 7.527432923279529, 51.996125912500034 ], [ 7.527432923279529, 51.995918497278673 ], [ 7.526277946485662, 51.995918497278673 ], [ 7.526277946485662, 51.996125912500034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55230_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 50.569536158728404 ], [ 7.525122969691794, 50.569536158728404 ], [ 7.525122969691794, 50.569322199322286 ], [ 7.523967992897926, 50.569322199322286 ], [ 7.523967992897926, 50.569536158728404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55231_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 125.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.523967992897926, 50.563830242042251 ], [ 7.525122969691794, 50.563830242042251 ], [ 7.525122969691794, 50.563616256725062 ], [ 7.523967992897926, 50.563616256725062 ], [ 7.523967992897926, 50.563830242042251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55396_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 67.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 53.384625182682342 ], [ 7.53295114573912, 53.384625182682342 ], [ 7.53295114573912, 53.384424260425064 ], [ 7.531796168945254, 53.384424260425064 ], [ 7.531796168945254, 53.384625182682342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55396_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 67.811445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 53.38382148796407 ], [ 7.53410612253299, 53.38382148796407 ], [ 7.53410612253299, 53.383620561914015 ], [ 7.53295114573912, 53.383620561914015 ], [ 7.53295114573912, 53.38382148796407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55396_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 60.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 53.384826103991436 ], [ 7.535261099326856, 53.384826103991436 ], [ 7.535261099326856, 53.384625182682342 ], [ 7.53410612253299, 53.384625182682342 ], [ 7.53410612253299, 53.384826103991436 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55396_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 65.448312166666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 53.385027024352325 ], [ 7.536416076120724, 53.385027024352325 ], [ 7.536416076120724, 53.384826103991436 ], [ 7.535261099326856, 53.384826103991436 ], [ 7.535261099326856, 53.385027024352325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55397_3_13", "Weekday": 3, "hour": 13, "Speed_value_mean": 74.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 53.379266931324068 ], [ 7.53295114573912, 53.379266931324068 ], [ 7.53295114573912, 53.379065983781025 ], [ 7.531796168945254, 53.379065983781025 ], [ 7.531796168945254, 53.379266931324068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55397_4_17", "Weekday": 4, "hour": 17, "Speed_value_mean": 69.101770333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 53.378463135462425 ], [ 7.53410612253299, 53.378463135462425 ], [ 7.53410612253299, 53.378262184126378 ], [ 7.53295114573912, 53.378262184126378 ], [ 7.53295114573912, 53.378463135462425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55397_5_12", "Weekday": 5, "hour": 12, "Speed_value_mean": 72.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 53.379467877918877 ], [ 7.535261099326856, 53.379467877918877 ], [ 7.535261099326856, 53.379266931324068 ], [ 7.53410612253299, 53.379266931324068 ], [ 7.53410612253299, 53.379467877918877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55397_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 72.181432 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 53.379668823565439 ], [ 7.536416076120724, 53.379668823565439 ], [ 7.536416076120724, 53.379467877918877 ], [ 7.535261099326856, 53.379467877918877 ], [ 7.535261099326856, 53.379668823565439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55597_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 122.9999975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 52.295043909887561 ], [ 7.53410612253299, 52.295043909887561 ], [ 7.53410612253299, 52.294837882321012 ], [ 7.53295114573912, 52.294837882321012 ], [ 7.53295114573912, 52.295043909887561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55597_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 93.999998333333338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 52.294013762471096 ], [ 7.535261099326856, 52.294013762471096 ], [ 7.535261099326856, 52.293807730112697 ], [ 7.53410612253299, 52.293807730112697 ], [ 7.53410612253299, 52.294013762471096 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55597_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 52.29339566252073 ], [ 7.535261099326856, 52.29339566252073 ], [ 7.535261099326856, 52.293189627287177 ], [ 7.53410612253299, 52.293189627287177 ], [ 7.53410612253299, 52.29339566252073 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55597_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 176.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 52.293601696795903 ], [ 7.536416076120724, 52.293601696795903 ], [ 7.536416076120724, 52.29339566252073 ], [ 7.535261099326856, 52.29339566252073 ], [ 7.535261099326856, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55597_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 152.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 52.293189627287177 ], [ 7.536416076120724, 52.293189627287177 ], [ 7.536416076120724, 52.292983591095251 ], [ 7.535261099326856, 52.292983591095251 ], [ 7.535261099326856, 52.293189627287177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55598_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 52.289549513466049 ], [ 7.53410612253299, 52.289549513466049 ], [ 7.53410612253299, 52.28934346034238 ], [ 7.53295114573912, 52.28934346034238 ], [ 7.53295114573912, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55598_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 95.4999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 52.288519238263518 ], [ 7.535261099326856, 52.288519238263518 ], [ 7.535261099326856, 52.288313180347757 ], [ 7.53410612253299, 52.288313180347757 ], [ 7.53410612253299, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55598_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 52.28790106164093 ], [ 7.535261099326856, 52.28790106164093 ], [ 7.535261099326856, 52.28769500084988 ], [ 7.53410612253299, 52.28769500084988 ], [ 7.53410612253299, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55598_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 52.288107121473551 ], [ 7.536416076120724, 52.288107121473551 ], [ 7.536416076120724, 52.28790106164093 ], [ 7.535261099326856, 52.28790106164093 ], [ 7.535261099326856, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55598_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 52.28769500084988 ], [ 7.536416076120724, 52.28769500084988 ], [ 7.536416076120724, 52.287488939100399 ], [ 7.535261099326856, 52.287488939100399 ], [ 7.535261099326856, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.52833123856365, 51.996540740059999 ], [ 7.529486215357518, 51.996540740059999 ], [ 7.529486215357518, 51.996333326760471 ], [ 7.52833123856365, 51.996333326760471 ], [ 7.52833123856365, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 97.5614905 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.52833123856365, 51.994466563823337 ], [ 7.529486215357518, 51.994466563823337 ], [ 7.529486215357518, 51.994259140914579 ], [ 7.52833123856365, 51.994259140914579 ], [ 7.52833123856365, 51.994466563823337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 98.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.529486215357518, 51.996955563776289 ], [ 7.530641192151384, 51.996955563776289 ], [ 7.530641192151384, 51.996748152398609 ], [ 7.529486215357518, 51.996748152398609 ], [ 7.529486215357518, 51.996955563776289 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.530641192151384, 51.996540740059999 ], [ 7.531796168945254, 51.996540740059999 ], [ 7.531796168945254, 51.996333326760471 ], [ 7.530641192151384, 51.996333326760471 ], [ 7.530641192151384, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 51.997785199677985 ], [ 7.53295114573912, 51.997785199677985 ], [ 7.53295114573912, 51.997577792143929 ], [ 7.531796168945254, 51.997577792143929 ], [ 7.531796168945254, 51.997785199677985 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 51.996540740059999 ], [ 7.53295114573912, 51.996540740059999 ], [ 7.53295114573912, 51.996333326760471 ], [ 7.531796168945254, 51.996333326760471 ], [ 7.531796168945254, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 51.99571108109641 ], [ 7.53295114573912, 51.99571108109641 ], [ 7.53295114573912, 51.995503663953208 ], [ 7.531796168945254, 51.995503663953208 ], [ 7.531796168945254, 51.99571108109641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 51.998407416514752 ], [ 7.53410612253299, 51.998407416514752 ], [ 7.53410612253299, 51.998200011863403 ], [ 7.53295114573912, 51.998200011863403 ], [ 7.53295114573912, 51.998407416514752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 89.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 51.997992606251145 ], [ 7.53410612253299, 51.997992606251145 ], [ 7.53410612253299, 51.997785199677985 ], [ 7.53295114573912, 51.997785199677985 ], [ 7.53295114573912, 51.997992606251145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 51.99571108109641 ], [ 7.53410612253299, 51.99571108109641 ], [ 7.53410612253299, 51.995503663953208 ], [ 7.53295114573912, 51.995503663953208 ], [ 7.53295114573912, 51.99571108109641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.998407416514752 ], [ 7.535261099326856, 51.998407416514752 ], [ 7.535261099326856, 51.998200011863403 ], [ 7.53410612253299, 51.998200011863403 ], [ 7.53410612253299, 51.998407416514752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.997992606251145 ], [ 7.535261099326856, 51.997992606251145 ], [ 7.535261099326856, 51.997785199677985 ], [ 7.53410612253299, 51.997785199677985 ], [ 7.53410612253299, 51.997992606251145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 92.9960062 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.997162974193081 ], [ 7.535261099326856, 51.997162974193081 ], [ 7.535261099326856, 51.996955563776289 ], [ 7.53410612253299, 51.996955563776289 ], [ 7.53410612253299, 51.997162974193081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.994881406758068 ], [ 7.535261099326856, 51.994881406758068 ], [ 7.535261099326856, 51.994673985771172 ], [ 7.53410612253299, 51.994673985771172 ], [ 7.53410612253299, 51.994881406758068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 100.411733 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.994259140914579 ], [ 7.535261099326856, 51.994259140914579 ], [ 7.535261099326856, 51.99405171704489 ], [ 7.53410612253299, 51.99405171704489 ], [ 7.53410612253299, 51.994259140914579 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 102.0000004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.997162974193081 ], [ 7.536416076120724, 51.997162974193081 ], [ 7.536416076120724, 51.996955563776289 ], [ 7.535261099326856, 51.996955563776289 ], [ 7.535261099326856, 51.997162974193081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 90.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.996540740059999 ], [ 7.536416076120724, 51.996540740059999 ], [ 7.536416076120724, 51.996333326760471 ], [ 7.535261099326856, 51.996333326760471 ], [ 7.535261099326856, 51.996540740059999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 94.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.996333326760471 ], [ 7.536416076120724, 51.996333326760471 ], [ 7.536416076120724, 51.996125912500034 ], [ 7.535261099326856, 51.996125912500034 ], [ 7.535261099326856, 51.996333326760471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55651_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 96.656771461538469 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.996125912500034 ], [ 7.536416076120724, 51.996125912500034 ], [ 7.536416076120724, 51.995918497278673 ], [ 7.535261099326856, 51.995918497278673 ], [ 7.535261099326856, 51.996125912500034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 98.9999985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.52833123856365, 51.98893495739874 ], [ 7.529486215357518, 51.98893495739874 ], [ 7.529486215357518, 51.9887275088645 ], [ 7.52833123856365, 51.9887275088645 ], [ 7.52833123856365, 51.98893495739874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 97.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.529486215357518, 51.991424264853897 ], [ 7.530641192151384, 51.991424264853897 ], [ 7.530641192151384, 51.991216827851275 ], [ 7.529486215357518, 51.991216827851275 ], [ 7.529486215357518, 51.991424264853897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.530641192151384, 51.991009389887687 ], [ 7.531796168945254, 51.991009389887687 ], [ 7.531796168945254, 51.990801950963153 ], [ 7.530641192151384, 51.990801950963153 ], [ 7.530641192151384, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 51.99225400325485 ], [ 7.53295114573912, 51.99225400325485 ], [ 7.53295114573912, 51.992046570096036 ], [ 7.531796168945254, 51.992046570096036 ], [ 7.531796168945254, 51.99225400325485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 51.991009389887687 ], [ 7.53295114573912, 51.991009389887687 ], [ 7.53295114573912, 51.990801950963153 ], [ 7.531796168945254, 51.990801950963153 ], [ 7.531796168945254, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.531796168945254, 51.990179628423739 ], [ 7.53295114573912, 51.990179628423739 ], [ 7.53295114573912, 51.989972185655326 ], [ 7.531796168945254, 51.989972185655326 ], [ 7.531796168945254, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 51.992876296965569 ], [ 7.53410612253299, 51.992876296965569 ], [ 7.53410612253299, 51.992668866689606 ], [ 7.53295114573912, 51.992668866689606 ], [ 7.53295114573912, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 51.992461435452697 ], [ 7.53410612253299, 51.992461435452697 ], [ 7.53410612253299, 51.99225400325485 ], [ 7.53295114573912, 51.99225400325485 ], [ 7.53295114573912, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 51.990179628423739 ], [ 7.53410612253299, 51.990179628423739 ], [ 7.53410612253299, 51.989972185655326 ], [ 7.53295114573912, 51.989972185655326 ], [ 7.53295114573912, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.992876296965569 ], [ 7.535261099326856, 51.992876296965569 ], [ 7.535261099326856, 51.992668866689606 ], [ 7.53410612253299, 51.992668866689606 ], [ 7.53410612253299, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.992461435452697 ], [ 7.535261099326856, 51.992461435452697 ], [ 7.535261099326856, 51.99225400325485 ], [ 7.53410612253299, 51.99225400325485 ], [ 7.53410612253299, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 93.357868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.991631700895567 ], [ 7.535261099326856, 51.991631700895567 ], [ 7.535261099326856, 51.991424264853897 ], [ 7.53410612253299, 51.991424264853897 ], [ 7.53410612253299, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.989349851584294 ], [ 7.535261099326856, 51.989349851584294 ], [ 7.535261099326856, 51.989142404972 ], [ 7.53410612253299, 51.989142404972 ], [ 7.53410612253299, 51.989349851584294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 104.2850885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53410612253299, 51.9887275088645 ], [ 7.535261099326856, 51.9887275088645 ], [ 7.535261099326856, 51.988520059369272 ], [ 7.53410612253299, 51.988520059369272 ], [ 7.53410612253299, 51.9887275088645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 100.999999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.991631700895567 ], [ 7.536416076120724, 51.991631700895567 ], [ 7.536416076120724, 51.991424264853897 ], [ 7.535261099326856, 51.991424264853897 ], [ 7.535261099326856, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.991009389887687 ], [ 7.536416076120724, 51.991009389887687 ], [ 7.536416076120724, 51.990801950963153 ], [ 7.535261099326856, 51.990801950963153 ], [ 7.535261099326856, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.990801950963153 ], [ 7.536416076120724, 51.990801950963153 ], [ 7.536416076120724, 51.990594511077639 ], [ 7.535261099326856, 51.990594511077639 ], [ 7.535261099326856, 51.990801950963153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55652_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.89634125000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.535261099326856, 51.990594511077639 ], [ 7.536416076120724, 51.990594511077639 ], [ 7.536416076120724, 51.990387070231165 ], [ 7.535261099326856, 51.990387070231165 ], [ 7.535261099326856, 51.990594511077639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55906_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 50.563830242042251 ], [ 7.53410612253299, 50.563830242042251 ], [ 7.53410612253299, 50.563616256725062 ], [ 7.53295114573912, 50.563616256725062 ], [ 7.53295114573912, 50.563830242042251 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "55907_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53295114573912, 50.558123634381118 ], [ 7.53410612253299, 50.558123634381118 ], [ 7.53410612253299, 50.557909623151858 ], [ 7.53295114573912, 50.557909623151858 ], [ 7.53295114573912, 50.558123634381118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56071_6_11", "Weekday": 6, "hour": 11, "Speed_value_mean": 68.600237 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 53.385027024352325 ], [ 7.545399228961919, 53.385027024352325 ], [ 7.545399228961919, 53.384826103991436 ], [ 7.544244252168052, 53.384826103991436 ], [ 7.544244252168052, 53.385027024352325 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56273_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 123.48685275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.541934298580315, 52.289549513466049 ], [ 7.543089275374184, 52.289549513466049 ], [ 7.543089275374184, 52.28934346034238 ], [ 7.541934298580315, 52.28934346034238 ], [ 7.541934298580315, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56273_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 99.249999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 52.288519238263518 ], [ 7.544244252168052, 52.288519238263518 ], [ 7.544244252168052, 52.288313180347757 ], [ 7.543089275374184, 52.288313180347757 ], [ 7.543089275374184, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56273_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 52.28790106164093 ], [ 7.544244252168052, 52.28790106164093 ], [ 7.544244252168052, 52.28769500084988 ], [ 7.543089275374184, 52.28769500084988 ], [ 7.543089275374184, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56273_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 52.288107121473551 ], [ 7.545399228961919, 52.288107121473551 ], [ 7.545399228961919, 52.28790106164093 ], [ 7.544244252168052, 52.28790106164093 ], [ 7.544244252168052, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56273_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 154.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 52.28769500084988 ], [ 7.545399228961919, 52.28769500084988 ], [ 7.545399228961919, 52.287488939100399 ], [ 7.544244252168052, 52.287488939100399 ], [ 7.544244252168052, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 119.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.537314391404844, 51.991009389887687 ], [ 7.538469368198712, 51.991009389887687 ], [ 7.538469368198712, 51.990801950963153 ], [ 7.537314391404844, 51.990801950963153 ], [ 7.537314391404844, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 89.5392118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.537314391404844, 51.98893495739874 ], [ 7.538469368198712, 51.98893495739874 ], [ 7.538469368198712, 51.9887275088645 ], [ 7.537314391404844, 51.9887275088645 ], [ 7.537314391404844, 51.98893495739874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 96.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.538469368198712, 51.991424264853897 ], [ 7.53962434499258, 51.991424264853897 ], [ 7.53962434499258, 51.991216827851275 ], [ 7.538469368198712, 51.991216827851275 ], [ 7.538469368198712, 51.991424264853897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 109.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.53962434499258, 51.991009389887687 ], [ 7.540779321786448, 51.991009389887687 ], [ 7.540779321786448, 51.990801950963153 ], [ 7.53962434499258, 51.990801950963153 ], [ 7.53962434499258, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.540779321786448, 51.99225400325485 ], [ 7.541934298580315, 51.99225400325485 ], [ 7.541934298580315, 51.992046570096036 ], [ 7.540779321786448, 51.992046570096036 ], [ 7.540779321786448, 51.99225400325485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.540779321786448, 51.991009389887687 ], [ 7.541934298580315, 51.991009389887687 ], [ 7.541934298580315, 51.990801950963153 ], [ 7.540779321786448, 51.990801950963153 ], [ 7.540779321786448, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.540779321786448, 51.990179628423739 ], [ 7.541934298580315, 51.990179628423739 ], [ 7.541934298580315, 51.989972185655326 ], [ 7.540779321786448, 51.989972185655326 ], [ 7.540779321786448, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 107.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.541934298580315, 51.992876296965569 ], [ 7.543089275374184, 51.992876296965569 ], [ 7.543089275374184, 51.992668866689606 ], [ 7.541934298580315, 51.992668866689606 ], [ 7.541934298580315, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 99.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.541934298580315, 51.992461435452697 ], [ 7.543089275374184, 51.992461435452697 ], [ 7.543089275374184, 51.99225400325485 ], [ 7.541934298580315, 51.99225400325485 ], [ 7.541934298580315, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.541934298580315, 51.990179628423739 ], [ 7.543089275374184, 51.990179628423739 ], [ 7.543089275374184, 51.989972185655326 ], [ 7.541934298580315, 51.989972185655326 ], [ 7.541934298580315, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 51.992876296965569 ], [ 7.544244252168052, 51.992876296965569 ], [ 7.544244252168052, 51.992668866689606 ], [ 7.543089275374184, 51.992668866689606 ], [ 7.543089275374184, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 51.992461435452697 ], [ 7.544244252168052, 51.992461435452697 ], [ 7.544244252168052, 51.99225400325485 ], [ 7.543089275374184, 51.99225400325485 ], [ 7.543089275374184, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 90.1835755 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 51.991631700895567 ], [ 7.544244252168052, 51.991631700895567 ], [ 7.544244252168052, 51.991424264853897 ], [ 7.543089275374184, 51.991424264853897 ], [ 7.543089275374184, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 109.199999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 51.989349851584294 ], [ 7.544244252168052, 51.989349851584294 ], [ 7.544244252168052, 51.989142404972 ], [ 7.543089275374184, 51.989142404972 ], [ 7.543089275374184, 51.989349851584294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 104.330499 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.543089275374184, 51.9887275088645 ], [ 7.544244252168052, 51.9887275088645 ], [ 7.544244252168052, 51.988520059369272 ], [ 7.543089275374184, 51.988520059369272 ], [ 7.543089275374184, 51.9887275088645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 100.3660646 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 51.991631700895567 ], [ 7.545399228961919, 51.991631700895567 ], [ 7.545399228961919, 51.991424264853897 ], [ 7.544244252168052, 51.991424264853897 ], [ 7.544244252168052, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 106.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 51.991009389887687 ], [ 7.545399228961919, 51.991009389887687 ], [ 7.545399228961919, 51.990801950963153 ], [ 7.544244252168052, 51.990801950963153 ], [ 7.544244252168052, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 91.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 51.990801950963153 ], [ 7.545399228961919, 51.990801950963153 ], [ 7.545399228961919, 51.990594511077639 ], [ 7.544244252168052, 51.990594511077639 ], [ 7.544244252168052, 51.990801950963153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56327_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 98.656900071428581 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.544244252168052, 51.990594511077639 ], [ 7.545399228961919, 51.990594511077639 ], [ 7.545399228961919, 51.990387070231165 ], [ 7.544244252168052, 51.990387070231165 ], [ 7.544244252168052, 51.990594511077639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56582_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.541934298580315, 50.558123634381118 ], [ 7.543089275374184, 50.558123634381118 ], [ 7.543089275374184, 50.557909623151858 ], [ 7.541934298580315, 50.557909623151858 ], [ 7.541934298580315, 50.558123634381118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56948_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 116.56090533333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 52.289549513466049 ], [ 7.552072428215379, 52.289549513466049 ], [ 7.552072428215379, 52.28934346034238 ], [ 7.550917451421512, 52.28934346034238 ], [ 7.550917451421512, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56948_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 107.000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 52.288519238263518 ], [ 7.553227405009248, 52.288519238263518 ], [ 7.553227405009248, 52.288313180347757 ], [ 7.552072428215379, 52.288313180347757 ], [ 7.552072428215379, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56948_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 177.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 52.28790106164093 ], [ 7.553227405009248, 52.28790106164093 ], [ 7.553227405009248, 52.28769500084988 ], [ 7.552072428215379, 52.28769500084988 ], [ 7.552072428215379, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56948_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 178.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.553227405009248, 52.288107121473551 ], [ 7.554382381803116, 52.288107121473551 ], [ 7.554382381803116, 52.28790106164093 ], [ 7.553227405009248, 52.28790106164093 ], [ 7.553227405009248, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "56948_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 156.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.553227405009248, 52.28769500084988 ], [ 7.554382381803116, 52.28769500084988 ], [ 7.554382381803116, 52.287488939100399 ], [ 7.553227405009248, 52.287488939100399 ], [ 7.553227405009248, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 114.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.54629754424604, 51.991009389887687 ], [ 7.547452521039908, 51.991009389887687 ], [ 7.547452521039908, 51.990801950963153 ], [ 7.54629754424604, 51.990801950963153 ], [ 7.54629754424604, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 76.333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.54629754424604, 51.98893495739874 ], [ 7.547452521039908, 51.98893495739874 ], [ 7.547452521039908, 51.9887275088645 ], [ 7.54629754424604, 51.9887275088645 ], [ 7.54629754424604, 51.98893495739874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 85.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.991424264853897 ], [ 7.548607497833776, 51.991424264853897 ], [ 7.548607497833776, 51.991216827851275 ], [ 7.547452521039908, 51.991216827851275 ], [ 7.547452521039908, 51.991424264853897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.548607497833776, 51.991009389887687 ], [ 7.549762474627644, 51.991009389887687 ], [ 7.549762474627644, 51.990801950963153 ], [ 7.548607497833776, 51.990801950963153 ], [ 7.548607497833776, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 93.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.549762474627644, 51.99225400325485 ], [ 7.550917451421512, 51.99225400325485 ], [ 7.550917451421512, 51.992046570096036 ], [ 7.549762474627644, 51.992046570096036 ], [ 7.549762474627644, 51.99225400325485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.549762474627644, 51.991216827851275 ], [ 7.550917451421512, 51.991216827851275 ], [ 7.550917451421512, 51.991009389887687 ], [ 7.549762474627644, 51.991009389887687 ], [ 7.549762474627644, 51.991216827851275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_3_12", "Weekday": 3, "hour": 12, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.549762474627644, 51.991009389887687 ], [ 7.550917451421512, 51.991009389887687 ], [ 7.550917451421512, 51.990801950963153 ], [ 7.549762474627644, 51.990801950963153 ], [ 7.549762474627644, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 94.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.549762474627644, 51.990179628423739 ], [ 7.550917451421512, 51.990179628423739 ], [ 7.550917451421512, 51.989972185655326 ], [ 7.549762474627644, 51.989972185655326 ], [ 7.549762474627644, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.992876296965569 ], [ 7.552072428215379, 51.992876296965569 ], [ 7.552072428215379, 51.992668866689606 ], [ 7.550917451421512, 51.992668866689606 ], [ 7.550917451421512, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.992461435452697 ], [ 7.552072428215379, 51.992461435452697 ], [ 7.552072428215379, 51.99225400325485 ], [ 7.550917451421512, 51.99225400325485 ], [ 7.550917451421512, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.990179628423739 ], [ 7.552072428215379, 51.990179628423739 ], [ 7.552072428215379, 51.989972185655326 ], [ 7.550917451421512, 51.989972185655326 ], [ 7.550917451421512, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 94.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 51.992876296965569 ], [ 7.553227405009248, 51.992876296965569 ], [ 7.553227405009248, 51.992668866689606 ], [ 7.552072428215379, 51.992668866689606 ], [ 7.552072428215379, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 51.992461435452697 ], [ 7.553227405009248, 51.992461435452697 ], [ 7.553227405009248, 51.99225400325485 ], [ 7.552072428215379, 51.99225400325485 ], [ 7.552072428215379, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 87.5631292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 51.991631700895567 ], [ 7.553227405009248, 51.991631700895567 ], [ 7.553227405009248, 51.991424264853897 ], [ 7.552072428215379, 51.991424264853897 ], [ 7.552072428215379, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 108.00000025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 51.989349851584294 ], [ 7.553227405009248, 51.989349851584294 ], [ 7.553227405009248, 51.989142404972 ], [ 7.552072428215379, 51.989142404972 ], [ 7.552072428215379, 51.989349851584294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 97.6889798 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.552072428215379, 51.9887275088645 ], [ 7.553227405009248, 51.9887275088645 ], [ 7.553227405009248, 51.988520059369272 ], [ 7.552072428215379, 51.988520059369272 ], [ 7.552072428215379, 51.9887275088645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 98.49689075000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.553227405009248, 51.991631700895567 ], [ 7.554382381803116, 51.991631700895567 ], [ 7.554382381803116, 51.991424264853897 ], [ 7.553227405009248, 51.991424264853897 ], [ 7.553227405009248, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.553227405009248, 51.991009389887687 ], [ 7.554382381803116, 51.991009389887687 ], [ 7.554382381803116, 51.990801950963153 ], [ 7.553227405009248, 51.990801950963153 ], [ 7.553227405009248, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 88.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.553227405009248, 51.990801950963153 ], [ 7.554382381803116, 51.990801950963153 ], [ 7.554382381803116, 51.990594511077639 ], [ 7.553227405009248, 51.990594511077639 ], [ 7.553227405009248, 51.990801950963153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57002_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 92.5124664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.553227405009248, 51.990594511077639 ], [ 7.554382381803116, 51.990594511077639 ], [ 7.554382381803116, 51.990387070231165 ], [ 7.553227405009248, 51.990387070231165 ], [ 7.553227405009248, 51.990594511077639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57003_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.985892282584238 ], [ 7.548607497833776, 51.985892282584238 ], [ 7.548607497833776, 51.985684819955452 ], [ 7.547452521039908, 51.985684819955452 ], [ 7.547452521039908, 51.985892282584238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57003_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.986929581313149 ], [ 7.552072428215379, 51.986929581313149 ], [ 7.552072428215379, 51.986722123489365 ], [ 7.550917451421512, 51.986722123489365 ], [ 7.550917451421512, 51.986929581313149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57004_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.980359616934464 ], [ 7.548607497833776, 51.980359616934464 ], [ 7.548607497833776, 51.980152128678277 ], [ 7.547452521039908, 51.980152128678277 ], [ 7.547452521039908, 51.980359616934464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57004_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 101.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.981397043799646 ], [ 7.552072428215379, 51.981397043799646 ], [ 7.552072428215379, 51.981189560348696 ], [ 7.550917451421512, 51.981189560348696 ], [ 7.550917451421512, 51.981397043799646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57005_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.974826267871748 ], [ 7.548607497833776, 51.974826267871748 ], [ 7.548607497833776, 51.974618753986945 ], [ 7.547452521039908, 51.974618753986945 ], [ 7.547452521039908, 51.974826267871748 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57005_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 115.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.975863822879361 ], [ 7.552072428215379, 51.975863822879361 ], [ 7.552072428215379, 51.975656313800016 ], [ 7.550917451421512, 51.975656313800016 ], [ 7.550917451421512, 51.975863822879361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57006_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 122.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.969292235363305 ], [ 7.548607497833776, 51.969292235363305 ], [ 7.548607497833776, 51.969084695848643 ], [ 7.547452521039908, 51.969084695848643 ], [ 7.547452521039908, 51.969292235363305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57006_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.970329918519489 ], [ 7.552072428215379, 51.970329918519489 ], [ 7.552072428215379, 51.970122383810519 ], [ 7.550917451421512, 51.970122383810519 ], [ 7.550917451421512, 51.970329918519489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57007_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.96375751937633 ], [ 7.548607497833776, 51.96375751937633 ], [ 7.548607497833776, 51.963549954230601 ], [ 7.547452521039908, 51.963549954230601 ], [ 7.547452521039908, 51.96375751937633 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57007_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.964795330687238 ], [ 7.552072428215379, 51.964795330687238 ], [ 7.552072428215379, 51.964587770347421 ], [ 7.550917451421512, 51.964587770347421 ], [ 7.550917451421512, 51.964795330687238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57008_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.958222119878087 ], [ 7.548607497833776, 51.958222119878087 ], [ 7.548607497833776, 51.958014529100048 ], [ 7.547452521039908, 51.958014529100048 ], [ 7.547452521039908, 51.958222119878087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57008_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.959260059349852 ], [ 7.552072428215379, 51.959260059349852 ], [ 7.552072428215379, 51.959052473377959 ], [ 7.550917451421512, 51.959052473377959 ], [ 7.550917451421512, 51.959260059349852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57009_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.952686036835829 ], [ 7.548607497833776, 51.952686036835829 ], [ 7.548607497833776, 51.952478420424242 ], [ 7.547452521039908, 51.952478420424242 ], [ 7.547452521039908, 51.952686036835829 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57009_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 123.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.953724104474588 ], [ 7.552072428215379, 51.953724104474588 ], [ 7.552072428215379, 51.953516492869383 ], [ 7.550917451421512, 51.953516492869383 ], [ 7.550917451421512, 51.953724104474588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57010_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.947149270216833 ], [ 7.548607497833776, 51.947149270216833 ], [ 7.548607497833776, 51.946941628170478 ], [ 7.547452521039908, 51.946941628170478 ], [ 7.547452521039908, 51.947149270216833 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57010_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.948187466028713 ], [ 7.552072428215379, 51.948187466028713 ], [ 7.552072428215379, 51.947979828788981 ], [ 7.550917451421512, 51.947979828788981 ], [ 7.550917451421512, 51.948187466028713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57011_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 130.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.941611819988402 ], [ 7.548607497833776, 51.941611819988402 ], [ 7.548607497833776, 51.941404152306063 ], [ 7.547452521039908, 51.941404152306063 ], [ 7.547452521039908, 51.941611819988402 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57011_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.942650143979556 ], [ 7.552072428215379, 51.942650143979556 ], [ 7.552072428215379, 51.942442481104045 ], [ 7.550917451421512, 51.942442481104045 ], [ 7.550917451421512, 51.942650143979556 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57012_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.936073686117872 ], [ 7.548607497833776, 51.936073686117872 ], [ 7.548607497833776, 51.93586599279832 ], [ 7.547452521039908, 51.93586599279832 ], [ 7.547452521039908, 51.936073686117872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57012_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.937112138294395 ], [ 7.552072428215379, 51.937112138294395 ], [ 7.552072428215379, 51.936904449781913 ], [ 7.550917451421512, 51.936904449781913 ], [ 7.550917451421512, 51.937112138294395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57013_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 98.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.547452521039908, 51.930534868572586 ], [ 7.548607497833776, 51.930534868572586 ], [ 7.548607497833776, 51.930327149614591 ], [ 7.547452521039908, 51.930327149614591 ], [ 7.547452521039908, 51.930534868572586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57013_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 51.931573448940611 ], [ 7.552072428215379, 51.931573448940611 ], [ 7.552072428215379, 51.931365734789928 ], [ 7.550917451421512, 51.931365734789928 ], [ 7.550917451421512, 51.931573448940611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57257_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.550917451421512, 50.558123634381118 ], [ 7.552072428215379, 50.558123634381118 ], [ 7.552072428215379, 50.557909623151858 ], [ 7.550917451421512, 50.557909623151858 ], [ 7.550917451421512, 50.558123634381118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57623_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 120.66029925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.559900604262705, 52.289549513466049 ], [ 7.561055581056576, 52.289549513466049 ], [ 7.561055581056576, 52.28934346034238 ], [ 7.559900604262705, 52.28934346034238 ], [ 7.559900604262705, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57623_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 104.6000006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 52.288519238263518 ], [ 7.562210557850442, 52.288519238263518 ], [ 7.562210557850442, 52.288313180347757 ], [ 7.561055581056576, 52.288313180347757 ], [ 7.561055581056576, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57623_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 163.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 52.28790106164093 ], [ 7.562210557850442, 52.28790106164093 ], [ 7.562210557850442, 52.28769500084988 ], [ 7.561055581056576, 52.28769500084988 ], [ 7.561055581056576, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57623_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 161.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.562210557850442, 52.288107121473551 ], [ 7.563365534644309, 52.288107121473551 ], [ 7.563365534644309, 52.28790106164093 ], [ 7.562210557850442, 52.28790106164093 ], [ 7.562210557850442, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57623_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.562210557850442, 52.28769500084988 ], [ 7.563365534644309, 52.28769500084988 ], [ 7.563365534644309, 52.287488939100399 ], [ 7.562210557850442, 52.287488939100399 ], [ 7.562210557850442, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.555280697087234, 51.991009389887687 ], [ 7.556435673881103, 51.991009389887687 ], [ 7.556435673881103, 51.990801950963153 ], [ 7.555280697087234, 51.990801950963153 ], [ 7.555280697087234, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 80.524821666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.555280697087234, 51.98893495739874 ], [ 7.556435673881103, 51.98893495739874 ], [ 7.556435673881103, 51.9887275088645 ], [ 7.555280697087234, 51.9887275088645 ], [ 7.555280697087234, 51.98893495739874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 60.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.991424264853897 ], [ 7.55759065067497, 51.991424264853897 ], [ 7.55759065067497, 51.991216827851275 ], [ 7.556435673881103, 51.991216827851275 ], [ 7.556435673881103, 51.991424264853897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.55759065067497, 51.991009389887687 ], [ 7.55874562746884, 51.991009389887687 ], [ 7.55874562746884, 51.990801950963153 ], [ 7.55759065067497, 51.990801950963153 ], [ 7.55759065067497, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.55874562746884, 51.99225400325485 ], [ 7.559900604262705, 51.99225400325485 ], [ 7.559900604262705, 51.992046570096036 ], [ 7.55874562746884, 51.992046570096036 ], [ 7.55874562746884, 51.99225400325485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 90.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.55874562746884, 51.991216827851275 ], [ 7.559900604262705, 51.991216827851275 ], [ 7.559900604262705, 51.991009389887687 ], [ 7.55874562746884, 51.991009389887687 ], [ 7.55874562746884, 51.991216827851275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 74.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.55874562746884, 51.990179628423739 ], [ 7.559900604262705, 51.990179628423739 ], [ 7.559900604262705, 51.989972185655326 ], [ 7.55874562746884, 51.989972185655326 ], [ 7.55874562746884, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 109.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.559900604262705, 51.992876296965569 ], [ 7.561055581056576, 51.992876296965569 ], [ 7.561055581056576, 51.992668866689606 ], [ 7.559900604262705, 51.992668866689606 ], [ 7.559900604262705, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 69.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.559900604262705, 51.992461435452697 ], [ 7.561055581056576, 51.992461435452697 ], [ 7.561055581056576, 51.99225400325485 ], [ 7.559900604262705, 51.99225400325485 ], [ 7.559900604262705, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 81.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.559900604262705, 51.990179628423739 ], [ 7.561055581056576, 51.990179628423739 ], [ 7.561055581056576, 51.989972185655326 ], [ 7.559900604262705, 51.989972185655326 ], [ 7.559900604262705, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 51.992876296965569 ], [ 7.562210557850442, 51.992876296965569 ], [ 7.562210557850442, 51.992668866689606 ], [ 7.561055581056576, 51.992668866689606 ], [ 7.561055581056576, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 108.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 51.992461435452697 ], [ 7.562210557850442, 51.992461435452697 ], [ 7.562210557850442, 51.99225400325485 ], [ 7.561055581056576, 51.99225400325485 ], [ 7.561055581056576, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 77.7358901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 51.991631700895567 ], [ 7.562210557850442, 51.991631700895567 ], [ 7.562210557850442, 51.991424264853897 ], [ 7.561055581056576, 51.991424264853897 ], [ 7.561055581056576, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 102.7499995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 51.989349851584294 ], [ 7.562210557850442, 51.989349851584294 ], [ 7.562210557850442, 51.989142404972 ], [ 7.561055581056576, 51.989142404972 ], [ 7.561055581056576, 51.989349851584294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 95.9331728 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.561055581056576, 51.9887275088645 ], [ 7.562210557850442, 51.9887275088645 ], [ 7.562210557850442, 51.988520059369272 ], [ 7.561055581056576, 51.988520059369272 ], [ 7.561055581056576, 51.9887275088645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 94.7722884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.562210557850442, 51.991631700895567 ], [ 7.563365534644309, 51.991631700895567 ], [ 7.563365534644309, 51.991424264853897 ], [ 7.562210557850442, 51.991424264853897 ], [ 7.562210557850442, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 94.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.562210557850442, 51.991009389887687 ], [ 7.563365534644309, 51.991009389887687 ], [ 7.563365534644309, 51.990801950963153 ], [ 7.562210557850442, 51.990801950963153 ], [ 7.562210557850442, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.562210557850442, 51.990801950963153 ], [ 7.563365534644309, 51.990801950963153 ], [ 7.563365534644309, 51.990594511077639 ], [ 7.562210557850442, 51.990594511077639 ], [ 7.562210557850442, 51.990801950963153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57677_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 84.093819624999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.562210557850442, 51.990594511077639 ], [ 7.563365534644309, 51.990594511077639 ], [ 7.563365534644309, 51.990387070231165 ], [ 7.562210557850442, 51.990387070231165 ], [ 7.562210557850442, 51.990594511077639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57678_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 74.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.985892282584238 ], [ 7.55759065067497, 51.985892282584238 ], [ 7.55759065067497, 51.985684819955452 ], [ 7.556435673881103, 51.985684819955452 ], [ 7.556435673881103, 51.985892282584238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57678_4_5", "Weekday": 4, "hour": 5, "Speed_value_mean": 99.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.559900604262705, 51.986929581313149 ], [ 7.561055581056576, 51.986929581313149 ], [ 7.561055581056576, 51.986722123489365 ], [ 7.559900604262705, 51.986722123489365 ], [ 7.559900604262705, 51.986929581313149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57688_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.930534868572586 ], [ 7.55759065067497, 51.930534868572586 ], [ 7.55759065067497, 51.930327149614591 ], [ 7.556435673881103, 51.930327149614591 ], [ 7.556435673881103, 51.930534868572586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57689_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.924995367319909 ], [ 7.55759065067497, 51.924995367319909 ], [ 7.55759065067497, 51.924787622722263 ], [ 7.556435673881103, 51.924787622722263 ], [ 7.556435673881103, 51.924995367319909 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57690_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.919455182327241 ], [ 7.55759065067497, 51.919455182327241 ], [ 7.55759065067497, 51.919247412088701 ], [ 7.556435673881103, 51.919247412088701 ], [ 7.556435673881103, 51.919455182327241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57691_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 116.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.913914313561982 ], [ 7.55759065067497, 51.913914313561982 ], [ 7.55759065067497, 51.913706517681341 ], [ 7.556435673881103, 51.913706517681341 ], [ 7.556435673881103, 51.913914313561982 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57692_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.556435673881103, 51.908372760991583 ], [ 7.55759065067497, 51.908372760991583 ], [ 7.55759065067497, 51.908164939467611 ], [ 7.556435673881103, 51.908164939467611 ], [ 7.556435673881103, 51.908372760991583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "57932_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.559900604262705, 50.558123634381118 ], [ 7.561055581056576, 50.558123634381118 ], [ 7.561055581056576, 50.557909623151858 ], [ 7.559900604262705, 50.557909623151858 ], [ 7.559900604262705, 50.558123634381118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58298_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 118.74999925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.568883757103902, 52.289549513466049 ], [ 7.570038733897769, 52.289549513466049 ], [ 7.570038733897769, 52.28934346034238 ], [ 7.568883757103902, 52.28934346034238 ], [ 7.568883757103902, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58298_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 52.288519238263518 ], [ 7.571193710691638, 52.288519238263518 ], [ 7.571193710691638, 52.288313180347757 ], [ 7.570038733897769, 52.288313180347757 ], [ 7.570038733897769, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58298_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 52.28790106164093 ], [ 7.571193710691638, 52.28790106164093 ], [ 7.571193710691638, 52.28769500084988 ], [ 7.570038733897769, 52.28769500084988 ], [ 7.570038733897769, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58298_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 165.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.571193710691638, 52.288107121473551 ], [ 7.572348687485506, 52.288107121473551 ], [ 7.572348687485506, 52.28790106164093 ], [ 7.571193710691638, 52.28790106164093 ], [ 7.571193710691638, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58298_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 141.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.571193710691638, 52.28769500084988 ], [ 7.572348687485506, 52.28769500084988 ], [ 7.572348687485506, 52.287488939100399 ], [ 7.571193710691638, 52.287488939100399 ], [ 7.571193710691638, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58350_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 109.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 52.002693564177434 ], [ 7.571193710691638, 52.002693564177434 ], [ 7.571193710691638, 52.002486179384299 ], [ 7.570038733897769, 52.002486179384299 ], [ 7.570038733897769, 52.002693564177434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58351_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 51.997162974193081 ], [ 7.571193710691638, 51.997162974193081 ], [ 7.571193710691638, 51.996955563776289 ], [ 7.570038733897769, 51.996955563776289 ], [ 7.570038733897769, 51.997162974193081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56426384992843, 51.991009389887687 ], [ 7.565418826722298, 51.991009389887687 ], [ 7.565418826722298, 51.990801950963153 ], [ 7.56426384992843, 51.990801950963153 ], [ 7.56426384992843, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 79.999999833333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56426384992843, 51.98893495739874 ], [ 7.565418826722298, 51.98893495739874 ], [ 7.565418826722298, 51.9887275088645 ], [ 7.56426384992843, 51.9887275088645 ], [ 7.56426384992843, 51.98893495739874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 92.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.566573803516166, 51.991009389887687 ], [ 7.567728780310034, 51.991009389887687 ], [ 7.567728780310034, 51.990801950963153 ], [ 7.566573803516166, 51.990801950963153 ], [ 7.566573803516166, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.567728780310034, 51.99225400325485 ], [ 7.568883757103902, 51.99225400325485 ], [ 7.568883757103902, 51.992046570096036 ], [ 7.567728780310034, 51.992046570096036 ], [ 7.567728780310034, 51.99225400325485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 87.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.567728780310034, 51.991216827851275 ], [ 7.568883757103902, 51.991216827851275 ], [ 7.568883757103902, 51.991009389887687 ], [ 7.567728780310034, 51.991009389887687 ], [ 7.567728780310034, 51.991216827851275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 86.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.567728780310034, 51.990179628423739 ], [ 7.568883757103902, 51.990179628423739 ], [ 7.568883757103902, 51.989972185655326 ], [ 7.567728780310034, 51.989972185655326 ], [ 7.567728780310034, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 106.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.568883757103902, 51.992876296965569 ], [ 7.570038733897769, 51.992876296965569 ], [ 7.570038733897769, 51.992668866689606 ], [ 7.568883757103902, 51.992668866689606 ], [ 7.568883757103902, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 79.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.568883757103902, 51.990179628423739 ], [ 7.570038733897769, 51.990179628423739 ], [ 7.570038733897769, 51.989972185655326 ], [ 7.568883757103902, 51.989972185655326 ], [ 7.568883757103902, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 85.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 51.992876296965569 ], [ 7.571193710691638, 51.992876296965569 ], [ 7.571193710691638, 51.992668866689606 ], [ 7.570038733897769, 51.992668866689606 ], [ 7.570038733897769, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 51.992461435452697 ], [ 7.571193710691638, 51.992461435452697 ], [ 7.571193710691638, 51.99225400325485 ], [ 7.570038733897769, 51.99225400325485 ], [ 7.570038733897769, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 84.500104583333339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 51.991631700895567 ], [ 7.571193710691638, 51.991631700895567 ], [ 7.571193710691638, 51.991424264853897 ], [ 7.570038733897769, 51.991424264853897 ], [ 7.570038733897769, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 98.9086604 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 51.989349851584294 ], [ 7.571193710691638, 51.989349851584294 ], [ 7.571193710691638, 51.989142404972 ], [ 7.570038733897769, 51.989142404972 ], [ 7.570038733897769, 51.989349851584294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 92.5835276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.570038733897769, 51.9887275088645 ], [ 7.571193710691638, 51.9887275088645 ], [ 7.571193710691638, 51.988520059369272 ], [ 7.570038733897769, 51.988520059369272 ], [ 7.570038733897769, 51.9887275088645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 92.2168876 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.571193710691638, 51.991631700895567 ], [ 7.572348687485506, 51.991631700895567 ], [ 7.572348687485506, 51.991424264853897 ], [ 7.571193710691638, 51.991424264853897 ], [ 7.571193710691638, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.571193710691638, 51.991009389887687 ], [ 7.572348687485506, 51.991009389887687 ], [ 7.572348687485506, 51.990801950963153 ], [ 7.571193710691638, 51.990801950963153 ], [ 7.571193710691638, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.571193710691638, 51.990801950963153 ], [ 7.572348687485506, 51.990801950963153 ], [ 7.572348687485506, 51.990594511077639 ], [ 7.571193710691638, 51.990594511077639 ], [ 7.571193710691638, 51.990801950963153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58352_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 83.588586764705866 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.571193710691638, 51.990594511077639 ], [ 7.572348687485506, 51.990594511077639 ], [ 7.572348687485506, 51.990387070231165 ], [ 7.571193710691638, 51.990387070231165 ], [ 7.571193710691638, 51.990594511077639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58367_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.565418826722298, 51.908372760991583 ], [ 7.566573803516166, 51.908372760991583 ], [ 7.566573803516166, 51.908164939467611 ], [ 7.565418826722298, 51.908164939467611 ], [ 7.565418826722298, 51.908372760991583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58368_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.565418826722298, 51.902830524583479 ], [ 7.566573803516166, 51.902830524583479 ], [ 7.566573803516166, 51.902622677414961 ], [ 7.565418826722298, 51.902622677414961 ], [ 7.565418826722298, 51.902830524583479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58369_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 112.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.565418826722298, 51.897287604305163 ], [ 7.566573803516166, 51.897287604305163 ], [ 7.566573803516166, 51.897079731490884 ], [ 7.565418826722298, 51.897079731490884 ], [ 7.565418826722298, 51.897287604305163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58370_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.565418826722298, 51.89174400012412 ], [ 7.566573803516166, 51.89174400012412 ], [ 7.566573803516166, 51.891536101662865 ], [ 7.565418826722298, 51.891536101662865 ], [ 7.565418826722298, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58371_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 17.333333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.565418826722298, 51.886199712007887 ], [ 7.566573803516166, 51.886199712007887 ], [ 7.566573803516166, 51.885991787898419 ], [ 7.565418826722298, 51.885991787898419 ], [ 7.565418826722298, 51.886199712007887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58607_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.568883757103902, 50.558123634381118 ], [ 7.570038733897769, 50.558123634381118 ], [ 7.570038733897769, 50.557909623151858 ], [ 7.568883757103902, 50.557909623151858 ], [ 7.568883757103902, 50.558123634381118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58973_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 126.19005633333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.577866909945097, 52.289549513466049 ], [ 7.579021886738966, 52.289549513466049 ], [ 7.579021886738966, 52.28934346034238 ], [ 7.577866909945097, 52.28934346034238 ], [ 7.577866909945097, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58973_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 97.8000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 52.288519238263518 ], [ 7.580176863532832, 52.288519238263518 ], [ 7.580176863532832, 52.288313180347757 ], [ 7.579021886738966, 52.288313180347757 ], [ 7.579021886738966, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58973_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 52.28790106164093 ], [ 7.580176863532832, 52.28790106164093 ], [ 7.580176863532832, 52.28769500084988 ], [ 7.579021886738966, 52.28769500084988 ], [ 7.579021886738966, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58973_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 169.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 52.288107121473551 ], [ 7.581331840326701, 52.288107121473551 ], [ 7.581331840326701, 52.28790106164093 ], [ 7.580176863532832, 52.28790106164093 ], [ 7.580176863532832, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "58973_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 52.28769500084988 ], [ 7.581331840326701, 52.28769500084988 ], [ 7.581331840326701, 52.287488939100399 ], [ 7.580176863532832, 52.287488939100399 ], [ 7.580176863532832, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59023_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 52.013752694338216 ], [ 7.580176863532832, 52.013752694338216 ], [ 7.580176863532832, 52.013545360788683 ], [ 7.579021886738966, 52.013545360788683 ], [ 7.579021886738966, 52.013752694338216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59024_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 52.008223470881511 ], [ 7.580176863532832, 52.008223470881511 ], [ 7.580176863532832, 52.008016111710788 ], [ 7.579021886738966, 52.008016111710788 ], [ 7.579021886738966, 52.008223470881511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59025_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 52.002693564177434 ], [ 7.580176863532832, 52.002693564177434 ], [ 7.580176863532832, 52.002486179384299 ], [ 7.579021886738966, 52.002486179384299 ], [ 7.579021886738966, 52.002693564177434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.573247002769626, 51.991009389887687 ], [ 7.574401979563493, 51.991009389887687 ], [ 7.574401979563493, 51.990801950963153 ], [ 7.573247002769626, 51.990801950963153 ], [ 7.573247002769626, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 79.810318333333328 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.573247002769626, 51.98893495739874 ], [ 7.574401979563493, 51.98893495739874 ], [ 7.574401979563493, 51.9887275088645 ], [ 7.573247002769626, 51.9887275088645 ], [ 7.573247002769626, 51.98893495739874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 94.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.575556956357362, 51.991009389887687 ], [ 7.57671193315123, 51.991009389887687 ], [ 7.57671193315123, 51.990801950963153 ], [ 7.575556956357362, 51.990801950963153 ], [ 7.575556956357362, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 92.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.57671193315123, 51.99225400325485 ], [ 7.577866909945097, 51.99225400325485 ], [ 7.577866909945097, 51.992046570096036 ], [ 7.57671193315123, 51.992046570096036 ], [ 7.57671193315123, 51.99225400325485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 76.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.57671193315123, 51.991216827851275 ], [ 7.577866909945097, 51.991216827851275 ], [ 7.577866909945097, 51.991009389887687 ], [ 7.57671193315123, 51.991009389887687 ], [ 7.57671193315123, 51.991216827851275 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.57671193315123, 51.990179628423739 ], [ 7.577866909945097, 51.990179628423739 ], [ 7.577866909945097, 51.989972185655326 ], [ 7.57671193315123, 51.989972185655326 ], [ 7.57671193315123, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 97.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.577866909945097, 51.992876296965569 ], [ 7.579021886738966, 51.992876296965569 ], [ 7.579021886738966, 51.992668866689606 ], [ 7.577866909945097, 51.992668866689606 ], [ 7.577866909945097, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 69.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.577866909945097, 51.990179628423739 ], [ 7.579021886738966, 51.990179628423739 ], [ 7.579021886738966, 51.989972185655326 ], [ 7.577866909945097, 51.989972185655326 ], [ 7.577866909945097, 51.990179628423739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 78.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.992876296965569 ], [ 7.580176863532832, 51.992876296965569 ], [ 7.580176863532832, 51.992668866689606 ], [ 7.579021886738966, 51.992668866689606 ], [ 7.579021886738966, 51.992876296965569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 97.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.992461435452697 ], [ 7.580176863532832, 51.992461435452697 ], [ 7.580176863532832, 51.99225400325485 ], [ 7.579021886738966, 51.99225400325485 ], [ 7.579021886738966, 51.992461435452697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 80.10664875000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.991631700895567 ], [ 7.580176863532832, 51.991631700895567 ], [ 7.580176863532832, 51.991424264853897 ], [ 7.579021886738966, 51.991424264853897 ], [ 7.579021886738966, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 82.000000749999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.989349851584294 ], [ 7.580176863532832, 51.989349851584294 ], [ 7.580176863532832, 51.989142404972 ], [ 7.579021886738966, 51.989142404972 ], [ 7.579021886738966, 51.989349851584294 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 76.04515425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.9887275088645 ], [ 7.580176863532832, 51.9887275088645 ], [ 7.580176863532832, 51.988520059369272 ], [ 7.579021886738966, 51.988520059369272 ], [ 7.579021886738966, 51.9887275088645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 83.99783925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.991631700895567 ], [ 7.581331840326701, 51.991631700895567 ], [ 7.581331840326701, 51.991424264853897 ], [ 7.580176863532832, 51.991424264853897 ], [ 7.580176863532832, 51.991631700895567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 82.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.991009389887687 ], [ 7.581331840326701, 51.991009389887687 ], [ 7.581331840326701, 51.990801950963153 ], [ 7.580176863532832, 51.990801950963153 ], [ 7.580176863532832, 51.991009389887687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 78.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.990801950963153 ], [ 7.581331840326701, 51.990801950963153 ], [ 7.581331840326701, 51.990594511077639 ], [ 7.580176863532832, 51.990594511077639 ], [ 7.580176863532832, 51.990801950963153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59027_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 76.785945909090913 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.990594511077639 ], [ 7.581331840326701, 51.990594511077639 ], [ 7.581331840326701, 51.990387070231165 ], [ 7.580176863532832, 51.990387070231165 ], [ 7.580176863532832, 51.990594511077639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 34.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.573247002769626, 51.985477356365649 ], [ 7.574401979563493, 51.985477356365649 ], [ 7.574401979563493, 51.985269891814859 ], [ 7.573247002769626, 51.985269891814859 ], [ 7.573247002769626, 51.985477356365649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 69.802702666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.573247002769626, 51.983402667612083 ], [ 7.574401979563493, 51.983402667612083 ], [ 7.574401979563493, 51.983195193451131 ], [ 7.573247002769626, 51.983195193451131 ], [ 7.573247002769626, 51.983402667612083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 17.111111111111111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.575556956357362, 51.985477356365649 ], [ 7.57671193315123, 51.985477356365649 ], [ 7.57671193315123, 51.985269891814859 ], [ 7.575556956357362, 51.985269891814859 ], [ 7.575556956357362, 51.985477356365649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.57671193315123, 51.986722123489365 ], [ 7.577866909945097, 51.986722123489365 ], [ 7.577866909945097, 51.986514664704572 ], [ 7.57671193315123, 51.986514664704572 ], [ 7.57671193315123, 51.986722123489365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 28.333333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.57671193315123, 51.985684819955452 ], [ 7.577866909945097, 51.985684819955452 ], [ 7.577866909945097, 51.985477356365649 ], [ 7.57671193315123, 51.985477356365649 ], [ 7.57671193315123, 51.985684819955452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 27.333333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.57671193315123, 51.984647492396412 ], [ 7.577866909945097, 51.984647492396412 ], [ 7.577866909945097, 51.984440024001557 ], [ 7.57671193315123, 51.984440024001557 ], [ 7.57671193315123, 51.984647492396412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_4_3", "Weekday": 4, "hour": 3, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.577866909945097, 51.987344494077746 ], [ 7.579021886738966, 51.987344494077746 ], [ 7.579021886738966, 51.987137038175945 ], [ 7.577866909945097, 51.987137038175945 ], [ 7.577866909945097, 51.987344494077746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 6.6363636363636367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.577866909945097, 51.984647492396412 ], [ 7.579021886738966, 51.984647492396412 ], [ 7.579021886738966, 51.984440024001557 ], [ 7.577866909945097, 51.984440024001557 ], [ 7.577866909945097, 51.984647492396412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 65.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.987344494077746 ], [ 7.580176863532832, 51.987344494077746 ], [ 7.580176863532832, 51.987137038175945 ], [ 7.579021886738966, 51.987137038175945 ], [ 7.579021886738966, 51.987344494077746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.986929581313149 ], [ 7.580176863532832, 51.986929581313149 ], [ 7.580176863532832, 51.986722123489365 ], [ 7.579021886738966, 51.986722123489365 ], [ 7.579021886738966, 51.986929581313149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 26.025921166666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.986099744252016 ], [ 7.580176863532832, 51.986099744252016 ], [ 7.580176863532832, 51.985892282584238 ], [ 7.579021886738966, 51.985892282584238 ], [ 7.579021886738966, 51.986099744252016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 75.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.983817613050938 ], [ 7.580176863532832, 51.983817613050938 ], [ 7.580176863532832, 51.983610140812019 ], [ 7.579021886738966, 51.983610140812019 ], [ 7.579021886738966, 51.983817613050938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 72.000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.983195193451131 ], [ 7.580176863532832, 51.983195193451131 ], [ 7.580176863532832, 51.982987718329134 ], [ 7.579021886738966, 51.982987718329134 ], [ 7.579021886738966, 51.983195193451131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 28.6295464 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.986099744252016 ], [ 7.581331840326701, 51.986099744252016 ], [ 7.581331840326701, 51.985892282584238 ], [ 7.580176863532832, 51.985892282584238 ], [ 7.580176863532832, 51.986099744252016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.985477356365649 ], [ 7.581331840326701, 51.985477356365649 ], [ 7.581331840326701, 51.985269891814859 ], [ 7.580176863532832, 51.985269891814859 ], [ 7.580176863532832, 51.985477356365649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.985269891814859 ], [ 7.581331840326701, 51.985269891814859 ], [ 7.581331840326701, 51.985062426303053 ], [ 7.580176863532832, 51.985062426303053 ], [ 7.580176863532832, 51.985269891814859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59028_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 45.9650668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.580176863532832, 51.985062426303053 ], [ 7.581331840326701, 51.985062426303053 ], [ 7.581331840326701, 51.984854959830237 ], [ 7.580176863532832, 51.984854959830237 ], [ 7.580176863532832, 51.985062426303053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59030_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 21.141943222222224 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.972751085774142 ], [ 7.580176863532832, 51.972751085774142 ], [ 7.580176863532832, 51.972543562278283 ], [ 7.579021886738966, 51.972543562278283 ], [ 7.579021886738966, 51.972751085774142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59031_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 33.763298 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.579021886738966, 51.96721679696509 ], [ 7.580176863532832, 51.96721679696509 ], [ 7.580176863532832, 51.967009247838917 ], [ 7.579021886738966, 51.967009247838917 ], [ 7.579021886738966, 51.96721679696509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59045_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 52.545454545454547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.574401979563493, 51.89174400012412 ], [ 7.575556956357362, 51.89174400012412 ], [ 7.575556956357362, 51.891536101662865 ], [ 7.574401979563493, 51.891536101662865 ], [ 7.574401979563493, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59046_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 43.785714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.574401979563493, 51.886199712007887 ], [ 7.575556956357362, 51.886199712007887 ], [ 7.575556956357362, 51.885991787898419 ], [ 7.574401979563493, 51.885991787898419 ], [ 7.574401979563493, 51.886199712007887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59283_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.577866909945097, 50.552416335717979 ], [ 7.579021886738966, 50.552416335717979 ], [ 7.579021886738966, 50.552202298575601 ], [ 7.577866909945097, 50.552202298575601 ], [ 7.577866909945097, 50.552416335717979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59648_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 115.93475225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.586850062786292, 52.289549513466049 ], [ 7.588005039580159, 52.289549513466049 ], [ 7.588005039580159, 52.28934346034238 ], [ 7.586850062786292, 52.28934346034238 ], [ 7.586850062786292, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59648_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 96.2500015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 52.288519238263518 ], [ 7.589160016374027, 52.288519238263518 ], [ 7.589160016374027, 52.288313180347757 ], [ 7.588005039580159, 52.288313180347757 ], [ 7.588005039580159, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59648_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 194.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 52.28790106164093 ], [ 7.589160016374027, 52.28790106164093 ], [ 7.589160016374027, 52.28769500084988 ], [ 7.588005039580159, 52.28769500084988 ], [ 7.588005039580159, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59648_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 163.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 52.288107121473551 ], [ 7.590314993167896, 52.288107121473551 ], [ 7.590314993167896, 52.28790106164093 ], [ 7.589160016374027, 52.28790106164093 ], [ 7.589160016374027, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59648_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 52.28769500084988 ], [ 7.590314993167896, 52.28769500084988 ], [ 7.590314993167896, 52.287488939100399 ], [ 7.589160016374027, 52.287488939100399 ], [ 7.589160016374027, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59697_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 52.019281234580497 ], [ 7.589160016374027, 52.019281234580497 ], [ 7.589160016374027, 52.019073926650897 ], [ 7.588005039580159, 52.019073926650897 ], [ 7.588005039580159, 52.019281234580497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59698_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 52.013752694338216 ], [ 7.589160016374027, 52.013752694338216 ], [ 7.589160016374027, 52.013545360788683 ], [ 7.588005039580159, 52.013545360788683 ], [ 7.588005039580159, 52.013752694338216 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58223015561082, 51.985477356365649 ], [ 7.58338513240469, 51.985477356365649 ], [ 7.58338513240469, 51.985269891814859 ], [ 7.58223015561082, 51.985269891814859 ], [ 7.58223015561082, 51.985477356365649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 69.205768777777777 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58223015561082, 51.983402667612083 ], [ 7.58338513240469, 51.983402667612083 ], [ 7.58338513240469, 51.983195193451131 ], [ 7.58223015561082, 51.983195193451131 ], [ 7.58223015561082, 51.983402667612083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 44.81818181818182 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.584540109198556, 51.985477356365649 ], [ 7.585695085992425, 51.985477356365649 ], [ 7.585695085992425, 51.985269891814859 ], [ 7.584540109198556, 51.985269891814859 ], [ 7.584540109198556, 51.985477356365649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_3_5", "Weekday": 3, "hour": 5, "Speed_value_mean": 21.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.585695085992425, 51.986929581313149 ], [ 7.586850062786292, 51.986929581313149 ], [ 7.586850062786292, 51.986722123489365 ], [ 7.585695085992425, 51.986722123489365 ], [ 7.585695085992425, 51.986929581313149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_3_6", "Weekday": 3, "hour": 6, "Speed_value_mean": 71.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.585695085992425, 51.986722123489365 ], [ 7.586850062786292, 51.986722123489365 ], [ 7.586850062786292, 51.986514664704572 ], [ 7.585695085992425, 51.986514664704572 ], [ 7.585695085992425, 51.986722123489365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 36.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.585695085992425, 51.985684819955452 ], [ 7.586850062786292, 51.985684819955452 ], [ 7.586850062786292, 51.985477356365649 ], [ 7.585695085992425, 51.985477356365649 ], [ 7.585695085992425, 51.985684819955452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 28.94736842105263 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.585695085992425, 51.984647492396412 ], [ 7.586850062786292, 51.984647492396412 ], [ 7.586850062786292, 51.984440024001557 ], [ 7.585695085992425, 51.984440024001557 ], [ 7.585695085992425, 51.984647492396412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 40.272727272727273 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.586850062786292, 51.984647492396412 ], [ 7.588005039580159, 51.984647492396412 ], [ 7.588005039580159, 51.984440024001557 ], [ 7.586850062786292, 51.984440024001557 ], [ 7.586850062786292, 51.984647492396412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 65.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.987344494077746 ], [ 7.589160016374027, 51.987344494077746 ], [ 7.589160016374027, 51.987137038175945 ], [ 7.588005039580159, 51.987137038175945 ], [ 7.588005039580159, 51.987344494077746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 72.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.986929581313149 ], [ 7.589160016374027, 51.986929581313149 ], [ 7.589160016374027, 51.986722123489365 ], [ 7.588005039580159, 51.986722123489365 ], [ 7.588005039580159, 51.986929581313149 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 36.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.986307204958798 ], [ 7.589160016374027, 51.986307204958798 ], [ 7.589160016374027, 51.986099744252016 ], [ 7.588005039580159, 51.986099744252016 ], [ 7.588005039580159, 51.986307204958798 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 40.401178647058821 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.986099744252016 ], [ 7.589160016374027, 51.986099744252016 ], [ 7.589160016374027, 51.985892282584238 ], [ 7.588005039580159, 51.985892282584238 ], [ 7.588005039580159, 51.986099744252016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 53.169109909090906 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.983817613050938 ], [ 7.589160016374027, 51.983817613050938 ], [ 7.589160016374027, 51.983610140812019 ], [ 7.588005039580159, 51.983610140812019 ], [ 7.588005039580159, 51.983817613050938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 70.761771624999994 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.983195193451131 ], [ 7.589160016374027, 51.983195193451131 ], [ 7.589160016374027, 51.982987718329134 ], [ 7.588005039580159, 51.982987718329134 ], [ 7.588005039580159, 51.983195193451131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 43.780581642857136 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.986099744252016 ], [ 7.590314993167896, 51.986099744252016 ], [ 7.590314993167896, 51.985892282584238 ], [ 7.589160016374027, 51.985892282584238 ], [ 7.589160016374027, 51.986099744252016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 75.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.985477356365649 ], [ 7.590314993167896, 51.985477356365649 ], [ 7.590314993167896, 51.985269891814859 ], [ 7.589160016374027, 51.985269891814859 ], [ 7.589160016374027, 51.985477356365649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 55.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.985269891814859 ], [ 7.590314993167896, 51.985269891814859 ], [ 7.590314993167896, 51.985062426303053 ], [ 7.589160016374027, 51.985062426303053 ], [ 7.589160016374027, 51.985269891814859 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59703_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 66.137279625000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.985062426303053 ], [ 7.590314993167896, 51.985062426303053 ], [ 7.590314993167896, 51.984854959830237 ], [ 7.589160016374027, 51.984854959830237 ], [ 7.589160016374027, 51.985062426303053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 36.501659857142855 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58223015561082, 51.972336037821321 ], [ 7.58338513240469, 51.972336037821321 ], [ 7.58338513240469, 51.972128512403231 ], [ 7.58223015561082, 51.972128512403231 ], [ 7.58223015561082, 51.972336037821321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 25.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.585695085992425, 51.974618753986945 ], [ 7.586850062786292, 51.974618753986945 ], [ 7.586850062786292, 51.974411239141048 ], [ 7.585695085992425, 51.974411239141048 ], [ 7.585695085992425, 51.974618753986945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 25.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.585695085992425, 51.973581170146446 ], [ 7.586850062786292, 51.973581170146446 ], [ 7.586850062786292, 51.973373650495027 ], [ 7.585695085992425, 51.973373650495027 ], [ 7.585695085992425, 51.973581170146446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 27.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.975241292758064 ], [ 7.589160016374027, 51.975241292758064 ], [ 7.589160016374027, 51.975033780795449 ], [ 7.588005039580159, 51.975033780795449 ], [ 7.588005039580159, 51.975241292758064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 29.071161 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.975033780795449 ], [ 7.589160016374027, 51.975033780795449 ], [ 7.589160016374027, 51.974826267871748 ], [ 7.588005039580159, 51.974826267871748 ], [ 7.588005039580159, 51.975033780795449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 36.272749857142855 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.972751085774142 ], [ 7.589160016374027, 51.972751085774142 ], [ 7.589160016374027, 51.972543562278283 ], [ 7.588005039580159, 51.972543562278283 ], [ 7.588005039580159, 51.972751085774142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 37.839786833333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.972128512403231 ], [ 7.589160016374027, 51.972128512403231 ], [ 7.589160016374027, 51.971920986024038 ], [ 7.588005039580159, 51.971920986024038 ], [ 7.588005039580159, 51.972128512403231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 44.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.974411239141048 ], [ 7.590314993167896, 51.974411239141048 ], [ 7.590314993167896, 51.97420372333405 ], [ 7.589160016374027, 51.97420372333405 ], [ 7.589160016374027, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 38.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.97420372333405 ], [ 7.590314993167896, 51.97420372333405 ], [ 7.590314993167896, 51.973996206565943 ], [ 7.589160016374027, 51.973996206565943 ], [ 7.589160016374027, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59705_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 41.344216818181813 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.973996206565943 ], [ 7.590314993167896, 51.973996206565943 ], [ 7.590314993167896, 51.973788688836748 ], [ 7.589160016374027, 51.973788688836748 ], [ 7.589160016374027, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59706_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 39.326647636363639 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58223015561082, 51.966801697751592 ], [ 7.58338513240469, 51.966801697751592 ], [ 7.58338513240469, 51.966594146703102 ], [ 7.58223015561082, 51.966594146703102 ], [ 7.58223015561082, 51.966801697751592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59706_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 46.79482925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.96721679696509 ], [ 7.589160016374027, 51.96721679696509 ], [ 7.589160016374027, 51.967009247838917 ], [ 7.588005039580159, 51.967009247838917 ], [ 7.588005039580159, 51.96721679696509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59706_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 36.171547571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.588005039580159, 51.966594146703102 ], [ 7.589160016374027, 51.966594146703102 ], [ 7.589160016374027, 51.966386594693454 ], [ 7.588005039580159, 51.966386594693454 ], [ 7.588005039580159, 51.966594146703102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59706_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 31.833333333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.968877155372851 ], [ 7.590314993167896, 51.968877155372851 ], [ 7.590314993167896, 51.968669613935901 ], [ 7.589160016374027, 51.968669613935901 ], [ 7.589160016374027, 51.968877155372851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59706_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 39.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.968669613935901 ], [ 7.590314993167896, 51.968669613935901 ], [ 7.590314993167896, 51.968462071537814 ], [ 7.589160016374027, 51.968462071537814 ], [ 7.589160016374027, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59706_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 43.343885352941179 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.589160016374027, 51.968462071537814 ], [ 7.590314993167896, 51.968462071537814 ], [ 7.590314993167896, 51.968254528178569 ], [ 7.589160016374027, 51.968254528178569 ], [ 7.589160016374027, 51.968462071537814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59707_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 11.882871928571427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58223015561082, 51.961266674188607 ], [ 7.58338513240469, 51.961266674188607 ], [ 7.58338513240469, 51.961059097508475 ], [ 7.58223015561082, 51.961059097508475 ], [ 7.58223015561082, 51.961266674188607 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59720_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 36.583333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58338513240469, 51.89174400012412 ], [ 7.584540109198556, 51.89174400012412 ], [ 7.584540109198556, 51.891536101662865 ], [ 7.58338513240469, 51.891536101662865 ], [ 7.58338513240469, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59959_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 134.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.586850062786292, 50.54670834602576 ], [ 7.588005039580159, 50.54670834602576 ], [ 7.588005039580159, 50.546494282969263 ], [ 7.586850062786292, 50.546494282969263 ], [ 7.586850062786292, 50.54670834602576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "59960_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.586850062786292, 50.540999665277475 ], [ 7.588005039580159, 50.540999665277475 ], [ 7.588005039580159, 50.540785576305844 ], [ 7.586850062786292, 50.540785576305844 ], [ 7.586850062786292, 50.540999665277475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60323_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 64.778666428571427 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.595833215627487, 52.289549513466049 ], [ 7.596988192421356, 52.289549513466049 ], [ 7.596988192421356, 52.28934346034238 ], [ 7.595833215627487, 52.28934346034238 ], [ 7.595833215627487, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60323_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 66.24343525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 52.288519238263518 ], [ 7.598143169215223, 52.288519238263518 ], [ 7.598143169215223, 52.288313180347757 ], [ 7.596988192421356, 52.288313180347757 ], [ 7.596988192421356, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60323_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 184.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 52.28790106164093 ], [ 7.598143169215223, 52.28790106164093 ], [ 7.598143169215223, 52.28769500084988 ], [ 7.596988192421356, 52.28769500084988 ], [ 7.596988192421356, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60323_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 147.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 52.288107121473551 ], [ 7.599298146009091, 52.288107121473551 ], [ 7.599298146009091, 52.28790106164093 ], [ 7.598143169215223, 52.28790106164093 ], [ 7.598143169215223, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60323_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 157.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 52.28769500084988 ], [ 7.599298146009091, 52.28769500084988 ], [ 7.599298146009091, 52.287488939100399 ], [ 7.598143169215223, 52.287488939100399 ], [ 7.598143169215223, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60371_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 140.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 52.024809091641295 ], [ 7.598143169215223, 52.024809091641295 ], [ 7.598143169215223, 52.024601809330406 ], [ 7.596988192421356, 52.024601809330406 ], [ 7.596988192421356, 52.024809091641295 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60372_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 52.019281234580497 ], [ 7.598143169215223, 52.019281234580497 ], [ 7.598143169215223, 52.019073926650897 ], [ 7.596988192421356, 52.019073926650897 ], [ 7.596988192421356, 52.019281234580497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60378_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.983195193451131 ], [ 7.598143169215223, 51.983195193451131 ], [ 7.598143169215223, 51.982987718329134 ], [ 7.596988192421356, 51.982987718329134 ], [ 7.596988192421356, 51.983195193451131 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 51.9 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.591213308452016, 51.979944639461046 ], [ 7.592368285245883, 51.979944639461046 ], [ 7.592368285245883, 51.979737149282769 ], [ 7.591213308452016, 51.979737149282769 ], [ 7.591213308452016, 51.979944639461046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 51.232672666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.591213308452016, 51.977869694430559 ], [ 7.592368285245883, 51.977869694430559 ], [ 7.592368285245883, 51.977662194641638 ], [ 7.591213308452016, 51.977662194641638 ], [ 7.591213308452016, 51.977869694430559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 44.545454545454547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.593523262039752, 51.979944639461046 ], [ 7.59467823883362, 51.979944639461046 ], [ 7.59467823883362, 51.979737149282769 ], [ 7.593523262039752, 51.979737149282769 ], [ 7.593523262039752, 51.979944639461046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 27.45 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59467823883362, 51.980152128678277 ], [ 7.595833215627487, 51.980152128678277 ], [ 7.595833215627487, 51.979944639461046 ], [ 7.59467823883362, 51.979944639461046 ], [ 7.59467823883362, 51.980152128678277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 36.533333333333331 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59467823883362, 51.979114672981581 ], [ 7.595833215627487, 51.979114672981581 ], [ 7.595833215627487, 51.978907178959076 ], [ 7.59467823883362, 51.978907178959076 ], [ 7.59467823883362, 51.979114672981581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 33.642857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.595833215627487, 51.979114672981581 ], [ 7.596988192421356, 51.979114672981581 ], [ 7.596988192421356, 51.978907178959076 ], [ 7.595833215627487, 51.978907178959076 ], [ 7.595833215627487, 51.979114672981581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 74.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.981812007818426 ], [ 7.598143169215223, 51.981812007818426 ], [ 7.598143169215223, 51.981604526289559 ], [ 7.596988192421356, 51.981604526289559 ], [ 7.596988192421356, 51.981812007818426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_5_5", "Weekday": 5, "hour": 5, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.981397043799646 ], [ 7.598143169215223, 51.981397043799646 ], [ 7.598143169215223, 51.981189560348696 ], [ 7.596988192421356, 51.981189560348696 ], [ 7.596988192421356, 51.981397043799646 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 28.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.980774590563676 ], [ 7.598143169215223, 51.980774590563676 ], [ 7.598143169215223, 51.980567104229586 ], [ 7.596988192421356, 51.980567104229586 ], [ 7.596988192421356, 51.980774590563676 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 27.055769869565214 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.980567104229586 ], [ 7.598143169215223, 51.980567104229586 ], [ 7.598143169215223, 51.980359616934464 ], [ 7.596988192421356, 51.980359616934464 ], [ 7.596988192421356, 51.980567104229586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 60.5114631 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.978284691125154 ], [ 7.598143169215223, 51.978284691125154 ], [ 7.598143169215223, 51.978077193258393 ], [ 7.596988192421356, 51.978077193258393 ], [ 7.596988192421356, 51.978284691125154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 46.979956692307695 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.977662194641638 ], [ 7.598143169215223, 51.977662194641638 ], [ 7.598143169215223, 51.977454693891666 ], [ 7.596988192421356, 51.977454693891666 ], [ 7.596988192421356, 51.977662194641638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_6_9", "Weekday": 6, "hour": 9, "Speed_value_mean": 74.898362 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.980567104229586 ], [ 7.599298146009091, 51.980567104229586 ], [ 7.599298146009091, 51.980359616934464 ], [ 7.598143169215223, 51.980359616934464 ], [ 7.598143169215223, 51.980567104229586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 36.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.979944639461046 ], [ 7.599298146009091, 51.979944639461046 ], [ 7.599298146009091, 51.979737149282769 ], [ 7.598143169215223, 51.979737149282769 ], [ 7.598143169215223, 51.979944639461046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 54.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.979737149282769 ], [ 7.599298146009091, 51.979737149282769 ], [ 7.599298146009091, 51.979529658143427 ], [ 7.598143169215223, 51.979529658143427 ], [ 7.598143169215223, 51.979737149282769 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60379_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 47.883687948717949 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.979529658143427 ], [ 7.599298146009091, 51.979529658143427 ], [ 7.599298146009091, 51.979322166043033 ], [ 7.598143169215223, 51.979322166043033 ], [ 7.598143169215223, 51.979529658143427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_0_22", "Weekday": 0, "hour": 22, "Speed_value_mean": 38.67338588888888 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.591213308452016, 51.972336037821321 ], [ 7.592368285245883, 51.972336037821321 ], [ 7.592368285245883, 51.972128512403231 ], [ 7.591213308452016, 51.972128512403231 ], [ 7.591213308452016, 51.972336037821321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 44.615384615384613 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59467823883362, 51.974618753986945 ], [ 7.595833215627487, 51.974618753986945 ], [ 7.595833215627487, 51.974411239141048 ], [ 7.59467823883362, 51.974411239141048 ], [ 7.59467823883362, 51.974618753986945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 46.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59467823883362, 51.973581170146446 ], [ 7.595833215627487, 51.973581170146446 ], [ 7.595833215627487, 51.973373650495027 ], [ 7.59467823883362, 51.973373650495027 ], [ 7.59467823883362, 51.973581170146446 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 50.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.975241292758064 ], [ 7.598143169215223, 51.975241292758064 ], [ 7.598143169215223, 51.975033780795449 ], [ 7.596988192421356, 51.975033780795449 ], [ 7.596988192421356, 51.975241292758064 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 47.7787125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.975033780795449 ], [ 7.598143169215223, 51.975033780795449 ], [ 7.598143169215223, 51.974826267871748 ], [ 7.596988192421356, 51.974826267871748 ], [ 7.596988192421356, 51.975033780795449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_5_20", "Weekday": 5, "hour": 20, "Speed_value_mean": 45.659449124999995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.972751085774142 ], [ 7.598143169215223, 51.972751085774142 ], [ 7.598143169215223, 51.972543562278283 ], [ 7.596988192421356, 51.972543562278283 ], [ 7.596988192421356, 51.972751085774142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 39.904089111111112 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.972128512403231 ], [ 7.598143169215223, 51.972128512403231 ], [ 7.598143169215223, 51.971920986024038 ], [ 7.596988192421356, 51.971920986024038 ], [ 7.596988192421356, 51.972128512403231 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 50.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.974411239141048 ], [ 7.599298146009091, 51.974411239141048 ], [ 7.599298146009091, 51.97420372333405 ], [ 7.598143169215223, 51.97420372333405 ], [ 7.598143169215223, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 45.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.97420372333405 ], [ 7.599298146009091, 51.97420372333405 ], [ 7.599298146009091, 51.973996206565943 ], [ 7.598143169215223, 51.973996206565943 ], [ 7.598143169215223, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60380_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 42.684541625000008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.973996206565943 ], [ 7.599298146009091, 51.973996206565943 ], [ 7.599298146009091, 51.973788688836748 ], [ 7.598143169215223, 51.973788688836748 ], [ 7.598143169215223, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60381_3_11", "Weekday": 3, "hour": 11, "Speed_value_mean": 32.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59467823883362, 51.969084695848643 ], [ 7.595833215627487, 51.969084695848643 ], [ 7.595833215627487, 51.968877155372851 ], [ 7.59467823883362, 51.968877155372851 ], [ 7.59467823883362, 51.969084695848643 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60381_3_16", "Weekday": 3, "hour": 16, "Speed_value_mean": 34.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59467823883362, 51.96804698385818 ], [ 7.595833215627487, 51.96804698385818 ], [ 7.595833215627487, 51.96783943857664 ], [ 7.59467823883362, 51.96783943857664 ], [ 7.59467823883362, 51.96804698385818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60381_5_8", "Weekday": 5, "hour": 8, "Speed_value_mean": 24.473684210526315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.96970731150919 ], [ 7.598143169215223, 51.96970731150919 ], [ 7.598143169215223, 51.969499773916816 ], [ 7.596988192421356, 51.969499773916816 ], [ 7.596988192421356, 51.96970731150919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60381_5_23", "Weekday": 5, "hour": 23, "Speed_value_mean": 48.7681706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.596988192421356, 51.966594146703102 ], [ 7.598143169215223, 51.966594146703102 ], [ 7.598143169215223, 51.966386594693454 ], [ 7.596988192421356, 51.966386594693454 ], [ 7.596988192421356, 51.966594146703102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60381_6_12", "Weekday": 6, "hour": 12, "Speed_value_mean": 63.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.968877155372851 ], [ 7.599298146009091, 51.968877155372851 ], [ 7.599298146009091, 51.968669613935901 ], [ 7.598143169215223, 51.968669613935901 ], [ 7.598143169215223, 51.968877155372851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60381_6_13", "Weekday": 6, "hour": 13, "Speed_value_mean": 68.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.598143169215223, 51.968669613935901 ], [ 7.599298146009091, 51.968669613935901 ], [ 7.599298146009091, 51.968462071537814 ], [ 7.598143169215223, 51.968462071537814 ], [ 7.598143169215223, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60395_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 52.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.592368285245883, 51.89174400012412 ], [ 7.593523262039752, 51.89174400012412 ], [ 7.593523262039752, 51.891536101662865 ], [ 7.592368285245883, 51.891536101662865 ], [ 7.592368285245883, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60635_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.595833215627487, 50.540999665277475 ], [ 7.596988192421356, 50.540999665277475 ], [ 7.596988192421356, 50.540785576305844 ], [ 7.595833215627487, 50.540785576305844 ], [ 7.595833215627487, 50.540999665277475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60636_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.595833215627487, 50.535290293446124 ], [ 7.596988192421356, 50.535290293446124 ], [ 7.596988192421356, 50.53507617855837 ], [ 7.595833215627487, 50.53507617855837 ], [ 7.595833215627487, 50.535290293446124 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60998_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 52.817161833333337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.604816368468682, 52.289549513466049 ], [ 7.605971345262551, 52.289549513466049 ], [ 7.605971345262551, 52.28934346034238 ], [ 7.604816368468682, 52.28934346034238 ], [ 7.604816368468682, 52.289549513466049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60998_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 51.869079333333332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.288519238263518 ], [ 7.607126322056417, 52.288519238263518 ], [ 7.607126322056417, 52.288313180347757 ], [ 7.605971345262551, 52.288313180347757 ], [ 7.605971345262551, 52.288519238263518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60998_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 173.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.28790106164093 ], [ 7.607126322056417, 52.28790106164093 ], [ 7.607126322056417, 52.28769500084988 ], [ 7.605971345262551, 52.28769500084988 ], [ 7.605971345262551, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60998_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 152.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.607126322056417, 52.288107121473551 ], [ 7.608281298850287, 52.288107121473551 ], [ 7.608281298850287, 52.28790106164093 ], [ 7.607126322056417, 52.28790106164093 ], [ 7.607126322056417, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60998_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 152.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.607126322056417, 52.28769500084988 ], [ 7.608281298850287, 52.28769500084988 ], [ 7.608281298850287, 52.287488939100399 ], [ 7.607126322056417, 52.287488939100399 ], [ 7.607126322056417, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60999_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 65.00407844444446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.604816368468682, 52.28405443550502 ], [ 7.605971345262551, 52.28405443550502 ], [ 7.605971345262551, 52.283848356822958 ], [ 7.604816368468682, 52.283848356822958 ], [ 7.604816368468682, 52.28405443550502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "60999_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 63.3429114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.283024032510049 ], [ 7.607126322056417, 52.283024032510049 ], [ 7.607126322056417, 52.282817949035646 ], [ 7.605971345262551, 52.282817949035646 ], [ 7.605971345262551, 52.283024032510049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61000_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 56.538321428571429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.604816368468682, 52.278558675970487 ], [ 7.605971345262551, 52.278558675970487 ], [ 7.605971345262551, 52.278352571728753 ], [ 7.604816368468682, 52.278352571728753 ], [ 7.604816368468682, 52.278558675970487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61000_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 54.916168374999998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.277528145176703 ], [ 7.607126322056417, 52.277528145176703 ], [ 7.607126322056417, 52.277322036142387 ], [ 7.605971345262551, 52.277322036142387 ], [ 7.605971345262551, 52.277528145176703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61030_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 23.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.607126322056417, 52.111506911385106 ], [ 7.608281298850287, 52.111506911385106 ], [ 7.608281298850287, 52.111300031125317 ], [ 7.607126322056417, 52.111300031125317 ], [ 7.607126322056417, 52.111506911385106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61043_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.041388564064668 ], [ 7.607126322056417, 52.041388564064668 ], [ 7.607126322056417, 52.0411813586025 ], [ 7.605971345262551, 52.0411813586025 ], [ 7.605971345262551, 52.041388564064668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61044_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 140.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.035862756350376 ], [ 7.607126322056417, 52.035862756350376 ], [ 7.607126322056417, 52.035655525273199 ], [ 7.605971345262551, 52.035655525273199 ], [ 7.605971345262551, 52.035862756350376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61045_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 52.030336265553586 ], [ 7.607126322056417, 52.030336265553586 ], [ 7.607126322056417, 52.030129008860179 ], [ 7.605971345262551, 52.030129008860179 ], [ 7.605971345262551, 52.030336265553586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61054_0_12", "Weekday": 0, "hour": 12, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.600196461293211, 51.979944639461046 ], [ 7.60135143808708, 51.979944639461046 ], [ 7.60135143808708, 51.979737149282769 ], [ 7.600196461293211, 51.979737149282769 ], [ 7.600196461293211, 51.979944639461046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61054_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 64.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.602506414880947, 51.979944639461046 ], [ 7.603661391674815, 51.979944639461046 ], [ 7.603661391674815, 51.979737149282769 ], [ 7.602506414880947, 51.979737149282769 ], [ 7.602506414880947, 51.979944639461046 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61054_4_16", "Weekday": 4, "hour": 16, "Speed_value_mean": 7.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.604816368468682, 51.979114672981581 ], [ 7.605971345262551, 51.979114672981581 ], [ 7.605971345262551, 51.978907178959076 ], [ 7.604816368468682, 51.978907178959076 ], [ 7.604816368468682, 51.979114672981581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61054_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 6.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 51.981812007818426 ], [ 7.607126322056417, 51.981812007818426 ], [ 7.607126322056417, 51.981604526289559 ], [ 7.605971345262551, 51.981604526289559 ], [ 7.605971345262551, 51.981812007818426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61054_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 52.836316 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.607126322056417, 51.979529658143427 ], [ 7.608281298850287, 51.979529658143427 ], [ 7.608281298850287, 51.979322166043033 ], [ 7.607126322056417, 51.979322166043033 ], [ 7.607126322056417, 51.979529658143427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61055_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 30.133333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.600196461293211, 51.97420372333405 ], [ 7.60135143808708, 51.97420372333405 ], [ 7.60135143808708, 51.973996206565943 ], [ 7.600196461293211, 51.973996206565943 ], [ 7.600196461293211, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61055_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 28.666666666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.602506414880947, 51.974411239141048 ], [ 7.603661391674815, 51.974411239141048 ], [ 7.603661391674815, 51.97420372333405 ], [ 7.602506414880947, 51.97420372333405 ], [ 7.602506414880947, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61055_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 44.909090909090907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.605971345262551, 51.976278838154791 ], [ 7.607126322056417, 51.976278838154791 ], [ 7.607126322056417, 51.976071330997613 ], [ 7.605971345262551, 51.976071330997613 ], [ 7.605971345262551, 51.976278838154791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61055_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 32.621989529411771 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.607126322056417, 51.973996206565943 ], [ 7.608281298850287, 51.973996206565943 ], [ 7.608281298850287, 51.973788688836748 ], [ 7.607126322056417, 51.973788688836748 ], [ 7.607126322056417, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61070_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 37.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.60135143808708, 51.89174400012412 ], [ 7.602506414880947, 51.89174400012412 ], [ 7.602506414880947, 51.891536101662865 ], [ 7.60135143808708, 51.891536101662865 ], [ 7.60135143808708, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61071_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 60.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.60135143808708, 51.886199712007887 ], [ 7.602506414880947, 51.886199712007887 ], [ 7.602506414880947, 51.885991787898419 ], [ 7.60135143808708, 51.885991787898419 ], [ 7.60135143808708, 51.886199712007887 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61312_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.604816368468682, 50.529580230504749 ], [ 7.605971345262551, 50.529580230504749 ], [ 7.605971345262551, 50.529366089699849 ], [ 7.604816368468682, 50.529366089699849 ], [ 7.604816368468682, 50.529580230504749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61673_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 167.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.28790106164093 ], [ 7.616109474897613, 52.28790106164093 ], [ 7.616109474897613, 52.28769500084988 ], [ 7.614954498103746, 52.28769500084988 ], [ 7.614954498103746, 52.28790106164093 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61673_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 144.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 52.288107121473551 ], [ 7.617264451691481, 52.288107121473551 ], [ 7.617264451691481, 52.28790106164093 ], [ 7.616109474897613, 52.28790106164093 ], [ 7.616109474897613, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61673_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 150.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 52.28769500084988 ], [ 7.617264451691481, 52.28769500084988 ], [ 7.617264451691481, 52.287488939100399 ], [ 7.616109474897613, 52.287488939100399 ], [ 7.616109474897613, 52.28769500084988 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61675_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 84.8465895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.613799521309877, 52.278558675970487 ], [ 7.614954498103746, 52.278558675970487 ], [ 7.614954498103746, 52.278352571728753 ], [ 7.613799521309877, 52.278352571728753 ], [ 7.613799521309877, 52.278558675970487 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61675_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 71.5000005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.277528145176703 ], [ 7.616109474897613, 52.277528145176703 ], [ 7.616109474897613, 52.277322036142387 ], [ 7.614954498103746, 52.277322036142387 ], [ 7.614954498103746, 52.277528145176703 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61676_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 76.2658156 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.613799521309877, 52.27306223482848 ], [ 7.614954498103746, 52.27306223482848 ], [ 7.614954498103746, 52.272856105025802 ], [ 7.613799521309877, 52.272856105025802 ], [ 7.613799521309877, 52.27306223482848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61676_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 70.9006132 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.272031576229509 ], [ 7.616109474897613, 52.272031576229509 ], [ 7.616109474897613, 52.271825441634022 ], [ 7.614954498103746, 52.271825441634022 ], [ 7.614954498103746, 52.272031576229509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61677_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 45.406021 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.613799521309877, 52.267771266451327 ], [ 7.614954498103746, 52.267771266451327 ], [ 7.614954498103746, 52.267565112045041 ], [ 7.613799521309877, 52.267565112045041 ], [ 7.613799521309877, 52.267771266451327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61677_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 35.1878043 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.266534325634538 ], [ 7.616109474897613, 52.266534325634538 ], [ 7.616109474897613, 52.266328165476601 ], [ 7.614954498103746, 52.266328165476601 ], [ 7.614954498103746, 52.266534325634538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61703_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 52.122539134430617 ], [ 7.617264451691481, 52.122539134430617 ], [ 7.617264451691481, 52.122332305365475 ], [ 7.616109474897613, 52.122332305365475 ], [ 7.616109474897613, 52.122539134430617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61704_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 86.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 52.117023364205203 ], [ 7.617264451691481, 52.117023364205203 ], [ 7.617264451691481, 52.116816509543362 ], [ 7.616109474897613, 52.116816509543362 ], [ 7.616109474897613, 52.117023364205203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61705_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 32.529411764705884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 52.111506911385106 ], [ 7.617264451691481, 52.111506911385106 ], [ 7.617264451691481, 52.111300031125317 ], [ 7.616109474897613, 52.111300031125317 ], [ 7.616109474897613, 52.111506911385106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61706_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 52.105989775937012 ], [ 7.617264451691481, 52.105989775937012 ], [ 7.617264451691481, 52.105782870078016 ], [ 7.616109474897613, 52.105782870078016 ], [ 7.616109474897613, 52.105989775937012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61716_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.052438130377958 ], [ 7.616109474897613, 52.052438130377958 ], [ 7.616109474897613, 52.052230976142063 ], [ 7.614954498103746, 52.052230976142063 ], [ 7.614954498103746, 52.052438130377958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61717_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 147.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.046913688729504 ], [ 7.616109474897613, 52.046913688729504 ], [ 7.616109474897613, 52.046706508881101 ], [ 7.614954498103746, 52.046706508881101 ], [ 7.614954498103746, 52.046913688729504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61718_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 52.041388564064668 ], [ 7.616109474897613, 52.041388564064668 ], [ 7.616109474897613, 52.0411813586025 ], [ 7.614954498103746, 52.0411813586025 ], [ 7.614954498103746, 52.041388564064668 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61730_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 52.714285714285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.609179614134406, 51.97420372333405 ], [ 7.610334590928275, 51.97420372333405 ], [ 7.610334590928275, 51.973996206565943 ], [ 7.609179614134406, 51.973996206565943 ], [ 7.609179614134406, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61730_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 34.636363636363633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.611489567722142, 51.974411239141048 ], [ 7.61264454451601, 51.974411239141048 ], [ 7.61264454451601, 51.97420372333405 ], [ 7.611489567722142, 51.97420372333405 ], [ 7.611489567722142, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61730_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 21.882352941176471 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.614954498103746, 51.976278838154791 ], [ 7.616109474897613, 51.976278838154791 ], [ 7.616109474897613, 51.976071330997613 ], [ 7.614954498103746, 51.976071330997613 ], [ 7.614954498103746, 51.976278838154791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61730_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 42.4321186 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.616109474897613, 51.973996206565943 ], [ 7.617264451691481, 51.973996206565943 ], [ 7.617264451691481, 51.973788688836748 ], [ 7.616109474897613, 51.973788688836748 ], [ 7.616109474897613, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61744_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 46.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.610334590928275, 51.897287604305163 ], [ 7.611489567722142, 51.897287604305163 ], [ 7.611489567722142, 51.897079731490884 ], [ 7.610334590928275, 51.897079731490884 ], [ 7.610334590928275, 51.897287604305163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61745_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 76.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.610334590928275, 51.89174400012412 ], [ 7.611489567722142, 51.89174400012412 ], [ 7.611489567722142, 51.891536101662865 ], [ 7.610334590928275, 51.891536101662865 ], [ 7.610334590928275, 51.89174400012412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61987_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.613799521309877, 50.529580230504749 ], [ 7.614954498103746, 50.529580230504749 ], [ 7.614954498103746, 50.529366089699849 ], [ 7.613799521309877, 50.529366089699849 ], [ 7.613799521309877, 50.529580230504749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "61988_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 155.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.613799521309877, 50.523869476426427 ], [ 7.614954498103746, 50.523869476426427 ], [ 7.614954498103746, 50.523655309703358 ], [ 7.613799521309877, 50.523655309703358 ], [ 7.613799521309877, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62348_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.288107121473551 ], [ 7.626247604532677, 52.288107121473551 ], [ 7.626247604532677, 52.28790106164093 ], [ 7.625092627738809, 52.28790106164093 ], [ 7.625092627738809, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62349_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 174.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.282405779211416 ], [ 7.625092627738809, 52.282405779211416 ], [ 7.625092627738809, 52.282199692861589 ], [ 7.623937650944941, 52.282199692861589 ], [ 7.623937650944941, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62349_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 139.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.282611864602764 ], [ 7.626247604532677, 52.282611864602764 ], [ 7.626247604532677, 52.282405779211416 ], [ 7.625092627738809, 52.282405779211416 ], [ 7.625092627738809, 52.282611864602764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62349_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 151.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.282199692861589 ], [ 7.626247604532677, 52.282199692861589 ], [ 7.626247604532677, 52.281993605553289 ], [ 7.625092627738809, 52.281993605553289 ], [ 7.625092627738809, 52.282199692861589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62351_4_8", "Weekday": 4, "hour": 8, "Speed_value_mean": 59.5107655 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.622782674151074, 52.27306223482848 ], [ 7.623937650944941, 52.27306223482848 ], [ 7.623937650944941, 52.272856105025802 ], [ 7.622782674151074, 52.272856105025802 ], [ 7.622782674151074, 52.27306223482848 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62351_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 61.099206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.272031576229509 ], [ 7.625092627738809, 52.272031576229509 ], [ 7.625092627738809, 52.271825441634022 ], [ 7.623937650944941, 52.271825441634022 ], [ 7.623937650944941, 52.272031576229509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62352_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 62.7483105 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.622782674151074, 52.267771266451327 ], [ 7.623937650944941, 52.267771266451327 ], [ 7.623937650944941, 52.267565112045041 ], [ 7.622782674151074, 52.267565112045041 ], [ 7.622782674151074, 52.267771266451327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62352_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 60.722534 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.266534325634538 ], [ 7.625092627738809, 52.266534325634538 ], [ 7.625092627738809, 52.266328165476601 ], [ 7.623937650944941, 52.266328165476601 ], [ 7.623937650944941, 52.266534325634538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62353_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 29.524664944444446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.622782674151074, 52.262273487555994 ], [ 7.623937650944941, 52.262273487555994 ], [ 7.623937650944941, 52.262067307586271 ], [ 7.622782674151074, 52.262067307586271 ], [ 7.622782674151074, 52.262273487555994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62353_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 34.01951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.261036393357863 ], [ 7.625092627738809, 52.261036393357863 ], [ 7.625092627738809, 52.260830207636204 ], [ 7.623937650944941, 52.260830207636204 ], [ 7.623937650944941, 52.261036393357863 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62354_4_7", "Weekday": 4, "hour": 7, "Speed_value_mean": 19.091613615384613 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.622782674151074, 52.256775026952674 ], [ 7.623937650944941, 52.256775026952674 ], [ 7.623937650944941, 52.256568821418242 ], [ 7.622782674151074, 52.256568821418242 ], [ 7.622782674151074, 52.256775026952674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62354_5_13", "Weekday": 5, "hour": 13, "Speed_value_mean": 23.999999800000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.255537779365575 ], [ 7.625092627738809, 52.255537779365575 ], [ 7.625092627738809, 52.255331568078923 ], [ 7.623937650944941, 52.255331568078923 ], [ 7.623937650944941, 52.255537779365575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62375_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.139082349872425 ], [ 7.626247604532677, 52.139082349872425 ], [ 7.626247604532677, 52.138875597589866 ], [ 7.625092627738809, 52.138875597589866 ], [ 7.625092627738809, 52.139082349872425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62376_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 102.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.133568627230851 ], [ 7.626247604532677, 52.133568627230851 ], [ 7.626247604532677, 52.133361849355346 ], [ 7.625092627738809, 52.133361849355346 ], [ 7.625092627738809, 52.133568627230851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62377_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 82.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.128054222094711 ], [ 7.626247604532677, 52.128054222094711 ], [ 7.626247604532677, 52.127847418625009 ], [ 7.625092627738809, 52.127847418625009 ], [ 7.625092627738809, 52.128054222094711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62378_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.122539134430617 ], [ 7.626247604532677, 52.122539134430617 ], [ 7.626247604532677, 52.122332305365475 ], [ 7.625092627738809, 52.122332305365475 ], [ 7.625092627738809, 52.122539134430617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62381_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 28.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 52.105989775937012 ], [ 7.626247604532677, 52.105989775937012 ], [ 7.626247604532677, 52.105782870078016 ], [ 7.625092627738809, 52.105782870078016 ], [ 7.625092627738809, 52.105989775937012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62389_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.063484964758032 ], [ 7.625092627738809, 52.063484964758032 ], [ 7.625092627738809, 52.063277861743444 ], [ 7.623937650944941, 52.063277861743444 ], [ 7.623937650944941, 52.063484964758032 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62390_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 52.057961889043092 ], [ 7.625092627738809, 52.057961889043092 ], [ 7.625092627738809, 52.057754760418476 ], [ 7.623937650944941, 52.057754760418476 ], [ 7.623937650944941, 52.057961889043092 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62405_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 54.857142857142854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.618162766975601, 51.97420372333405 ], [ 7.61931774376947, 51.97420372333405 ], [ 7.61931774376947, 51.973996206565943 ], [ 7.618162766975601, 51.973996206565943 ], [ 7.618162766975601, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62405_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 22.266666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.620472720563337, 51.974411239141048 ], [ 7.621627697357205, 51.974411239141048 ], [ 7.621627697357205, 51.97420372333405 ], [ 7.620472720563337, 51.97420372333405 ], [ 7.620472720563337, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62405_5_3", "Weekday": 5, "hour": 3, "Speed_value_mean": 52.166666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.623937650944941, 51.976278838154791 ], [ 7.625092627738809, 51.976278838154791 ], [ 7.625092627738809, 51.976071330997613 ], [ 7.623937650944941, 51.976071330997613 ], [ 7.623937650944941, 51.976278838154791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62405_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 54.750000375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.625092627738809, 51.973996206565943 ], [ 7.626247604532677, 51.973996206565943 ], [ 7.626247604532677, 51.973788688836748 ], [ 7.625092627738809, 51.973788688836748 ], [ 7.625092627738809, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62418_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 10.961538461538462 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.61931774376947, 51.902830524583479 ], [ 7.620472720563337, 51.902830524583479 ], [ 7.620472720563337, 51.902622677414961 ], [ 7.61931774376947, 51.902622677414961 ], [ 7.61931774376947, 51.902830524583479 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62419_1_10", "Weekday": 1, "hour": 10, "Speed_value_mean": 40.1 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.61931774376947, 51.897287604305163 ], [ 7.620472720563337, 51.897287604305163 ], [ 7.620472720563337, 51.897079731490884 ], [ 7.61931774376947, 51.897079731490884 ], [ 7.61931774376947, 51.897287604305163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "62663_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.622782674151074, 50.523869476426427 ], [ 7.623937650944941, 50.523869476426427 ], [ 7.623937650944941, 50.523655309703358 ], [ 7.622782674151074, 50.523655309703358 ], [ 7.622782674151074, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63024_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 178.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.632920803786137, 52.282405779211416 ], [ 7.634075780580003, 52.282405779211416 ], [ 7.634075780580003, 52.282199692861589 ], [ 7.632920803786137, 52.282199692861589 ], [ 7.632920803786137, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63024_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.282611864602764 ], [ 7.635230757373873, 52.282611864602764 ], [ 7.635230757373873, 52.282405779211416 ], [ 7.634075780580003, 52.282405779211416 ], [ 7.634075780580003, 52.282611864602764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63024_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 156.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.282199692861589 ], [ 7.635230757373873, 52.282199692861589 ], [ 7.635230757373873, 52.281993605553289 ], [ 7.634075780580003, 52.281993605553289 ], [ 7.634075780580003, 52.282199692861589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63048_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.150107747805578 ], [ 7.635230757373873, 52.150107747805578 ], [ 7.635230757373873, 52.149901046705153 ], [ 7.634075780580003, 52.149901046705153 ], [ 7.634075780580003, 52.150107747805578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63049_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 87.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.144595390052856 ], [ 7.635230757373873, 52.144595390052856 ], [ 7.635230757373873, 52.144388663361987 ], [ 7.634075780580003, 52.144388663361987 ], [ 7.634075780580003, 52.144595390052856 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63050_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.139082349872425 ], [ 7.635230757373873, 52.139082349872425 ], [ 7.635230757373873, 52.138875597589866 ], [ 7.634075780580003, 52.138875597589866 ], [ 7.634075780580003, 52.139082349872425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63056_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 34.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.105989775937012 ], [ 7.635230757373873, 52.105989775937012 ], [ 7.635230757373873, 52.105782870078016 ], [ 7.634075780580003, 52.105782870078016 ], [ 7.634075780580003, 52.105989775937012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63057_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.100471957827601 ], [ 7.635230757373873, 52.100471957827601 ], [ 7.635230757373873, 52.100265026368156 ], [ 7.634075780580003, 52.100265026368156 ], [ 7.634075780580003, 52.100471957827601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63058_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.094953457023578 ], [ 7.635230757373873, 52.094953457023578 ], [ 7.635230757373873, 52.094746499962447 ], [ 7.634075780580003, 52.094746499962447 ], [ 7.634075780580003, 52.094953457023578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63059_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 83.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 52.089434273491683 ], [ 7.635230757373873, 52.089434273491683 ], [ 7.635230757373873, 52.089227290827615 ], [ 7.634075780580003, 52.089227290827615 ], [ 7.634075780580003, 52.089434273491683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63062_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.632920803786137, 52.074529067469783 ], [ 7.634075780580003, 52.074529067469783 ], [ 7.634075780580003, 52.074322015671541 ], [ 7.632920803786137, 52.074322015671541 ], [ 7.632920803786137, 52.074529067469783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63063_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 135.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.632920803786137, 52.069007357555883 ], [ 7.634075780580003, 52.069007357555883 ], [ 7.634075780580003, 52.068800280150086 ], [ 7.632920803786137, 52.068800280150086 ], [ 7.632920803786137, 52.069007357555883 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63080_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 21.222222222222221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.627145919816797, 51.97420372333405 ], [ 7.628300896610665, 51.97420372333405 ], [ 7.628300896610665, 51.973996206565943 ], [ 7.627145919816797, 51.973996206565943 ], [ 7.627145919816797, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63080_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 23.666666666666668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.629455873404532, 51.974411239141048 ], [ 7.630610850198401, 51.974411239141048 ], [ 7.630610850198401, 51.97420372333405 ], [ 7.629455873404532, 51.97420372333405 ], [ 7.629455873404532, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63080_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 53.153108875000001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.634075780580003, 51.973996206565943 ], [ 7.635230757373873, 51.973996206565943 ], [ 7.635230757373873, 51.973788688836748 ], [ 7.634075780580003, 51.973788688836748 ], [ 7.634075780580003, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63081_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 45.222222222222221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.629455873404532, 51.968877155372851 ], [ 7.630610850198401, 51.968877155372851 ], [ 7.630610850198401, 51.968669613935901 ], [ 7.629455873404532, 51.968669613935901 ], [ 7.629455873404532, 51.968877155372851 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63082_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 19.823529411764707 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.629455873404532, 51.963342388123671 ], [ 7.630610850198401, 51.963342388123671 ], [ 7.630610850198401, 51.963134821055554 ], [ 7.629455873404532, 51.963134821055554 ], [ 7.629455873404532, 51.963342388123671 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63083_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 5.2666666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.629455873404532, 51.957806937360765 ], [ 7.630610850198401, 51.957806937360765 ], [ 7.630610850198401, 51.957599344660238 ], [ 7.629455873404532, 51.957599344660238 ], [ 7.629455873404532, 51.957806937360765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63338_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.631765826992267, 50.523869476426427 ], [ 7.632920803786137, 50.523869476426427 ], [ 7.632920803786137, 50.523655309703358 ], [ 7.631765826992267, 50.523655309703358 ], [ 7.631765826992267, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63699_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 166.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.641903956627331, 52.282405779211416 ], [ 7.643058933421199, 52.282405779211416 ], [ 7.643058933421199, 52.282199692861589 ], [ 7.641903956627331, 52.282199692861589 ], [ 7.641903956627331, 52.282405779211416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63699_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 157.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.282611864602764 ], [ 7.644213910215067, 52.282611864602764 ], [ 7.644213910215067, 52.282405779211416 ], [ 7.643058933421199, 52.282405779211416 ], [ 7.643058933421199, 52.282611864602764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63700_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 156.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.641903956627331, 52.276909815198202 ], [ 7.643058933421199, 52.276909815198202 ], [ 7.643058933421199, 52.276703703288327 ], [ 7.641903956627331, 52.276703703288327 ], [ 7.641903956627331, 52.276909815198202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63700_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 149.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.277115926149563 ], [ 7.644213910215067, 52.277115926149563 ], [ 7.644213910215067, 52.276909815198202 ], [ 7.643058933421199, 52.276909815198202 ], [ 7.643058933421199, 52.277115926149563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63700_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 150.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.276703703288327 ], [ 7.644213910215067, 52.276703703288327 ], [ 7.644213910215067, 52.276497590419929 ], [ 7.643058933421199, 52.276497590419929 ], [ 7.643058933421199, 52.276703703288327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63721_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 96.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.161130416161747 ], [ 7.644213910215067, 52.161130416161747 ], [ 7.644213910215067, 52.160923766238419 ], [ 7.643058933421199, 52.160923766238419 ], [ 7.643058933421199, 52.161130416161747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63722_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 103.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.155619423164048 ], [ 7.644213910215067, 52.155619423164048 ], [ 7.644213910215067, 52.15541274765279 ], [ 7.643058933421199, 52.15541274765279 ], [ 7.643058933421199, 52.155619423164048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63723_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.150107747805578 ], [ 7.644213910215067, 52.150107747805578 ], [ 7.644213910215067, 52.149901046705153 ], [ 7.643058933421199, 52.149901046705153 ], [ 7.643058933421199, 52.150107747805578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63734_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 101.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.089434273491683 ], [ 7.644213910215067, 52.089434273491683 ], [ 7.644213910215067, 52.089227290827615 ], [ 7.643058933421199, 52.089227290827615 ], [ 7.643058933421199, 52.089434273491683 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63735_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.641903956627331, 52.085570438778475 ], [ 7.643058933421199, 52.085570438778475 ], [ 7.643058933421199, 52.0853634381916 ], [ 7.641903956627331, 52.0853634381916 ], [ 7.641903956627331, 52.085570438778475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63735_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 77.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 52.083914407198677 ], [ 7.644213910215067, 52.083914407198677 ], [ 7.644213910215067, 52.083707398930422 ], [ 7.643058933421199, 52.083707398930422 ], [ 7.643058933421199, 52.083914407198677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63736_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.641903956627331, 52.080050094532922 ], [ 7.643058933421199, 52.080050094532922 ], [ 7.643058933421199, 52.079843068340985 ], [ 7.641903956627331, 52.079843068340985 ], [ 7.641903956627331, 52.080050094532922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63755_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 48.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.636129072657991, 51.97420372333405 ], [ 7.637284049451861, 51.97420372333405 ], [ 7.637284049451861, 51.973996206565943 ], [ 7.636129072657991, 51.973996206565943 ], [ 7.636129072657991, 51.97420372333405 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63755_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 7.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.638439026245727, 51.974411239141048 ], [ 7.639594003039595, 51.974411239141048 ], [ 7.639594003039595, 51.97420372333405 ], [ 7.638439026245727, 51.97420372333405 ], [ 7.638439026245727, 51.974411239141048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63755_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 52.8892255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 51.973996206565943 ], [ 7.644213910215067, 51.973996206565943 ], [ 7.644213910215067, 51.973788688836748 ], [ 7.643058933421199, 51.973788688836748 ], [ 7.643058933421199, 51.973996206565943 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63756_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 30.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.636129072657991, 51.968669613935901 ], [ 7.637284049451861, 51.968669613935901 ], [ 7.637284049451861, 51.968462071537814 ], [ 7.636129072657991, 51.968462071537814 ], [ 7.636129072657991, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63756_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 49.714285857142855 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.643058933421199, 51.968462071537814 ], [ 7.644213910215067, 51.968462071537814 ], [ 7.644213910215067, 51.968254528178569 ], [ 7.643058933421199, 51.968254528178569 ], [ 7.643058933421199, 51.968462071537814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "63758_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 27.533333333333335 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.638439026245727, 51.957806937360765 ], [ 7.639594003039595, 51.957806937360765 ], [ 7.639594003039595, 51.957599344660238 ], [ 7.638439026245727, 51.957599344660238 ], [ 7.638439026245727, 51.957806937360765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64013_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 155.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.640748979833464, 50.523869476426427 ], [ 7.641903956627331, 50.523869476426427 ], [ 7.641903956627331, 50.523655309703358 ], [ 7.640748979833464, 50.523655309703358 ], [ 7.640748979833464, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64371_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 55.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.299095590603812 ], [ 7.653197063056263, 52.299095590603812 ], [ 7.653197063056263, 52.298889581884815 ], [ 7.652042086262395, 52.298889581884815 ], [ 7.652042086262395, 52.299095590603812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64375_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 138.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.650887109468527, 52.276909815198202 ], [ 7.652042086262395, 52.276909815198202 ], [ 7.652042086262395, 52.276703703288327 ], [ 7.650887109468527, 52.276703703288327 ], [ 7.650887109468527, 52.276909815198202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64375_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 140.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.277115926149563 ], [ 7.653197063056263, 52.277115926149563 ], [ 7.653197063056263, 52.276909815198202 ], [ 7.652042086262395, 52.276909815198202 ], [ 7.652042086262395, 52.277115926149563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64375_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 153.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.276703703288327 ], [ 7.653197063056263, 52.276703703288327 ], [ 7.653197063056263, 52.276497590419929 ], [ 7.652042086262395, 52.276497590419929 ], [ 7.652042086262395, 52.276703703288327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64376_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.650887109468527, 52.271413169567339 ], [ 7.652042086262395, 52.271413169567339 ], [ 7.652042086262395, 52.271207032096143 ], [ 7.650887109468527, 52.271207032096143 ], [ 7.650887109468527, 52.271413169567339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64376_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.27161930607997 ], [ 7.653197063056263, 52.27161930607997 ], [ 7.653197063056263, 52.271413169567339 ], [ 7.652042086262395, 52.271413169567339 ], [ 7.652042086262395, 52.27161930607997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64376_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.271207032096143 ], [ 7.653197063056263, 52.271207032096143 ], [ 7.653197063056263, 52.271000893666368 ], [ 7.652042086262395, 52.271000893666368 ], [ 7.652042086262395, 52.271207032096143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64391_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.188675146911841 ], [ 7.653197063056263, 52.188675146911841 ], [ 7.653197063056263, 52.188468624909277 ], [ 7.652042086262395, 52.188468624909277 ], [ 7.652042086262395, 52.188675146911841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64392_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.183167565215101 ], [ 7.653197063056263, 52.183167565215101 ], [ 7.653197063056263, 52.182961017630902 ], [ 7.652042086262395, 52.182961017630902 ], [ 7.652042086262395, 52.183167565215101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64393_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.177659301325299 ], [ 7.653197063056263, 52.177659301325299 ], [ 7.653197063056263, 52.177452728158208 ], [ 7.652042086262395, 52.177452728158208 ], [ 7.652042086262395, 52.177659301325299 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64394_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.172150355208849 ], [ 7.653197063056263, 52.172150355208849 ], [ 7.653197063056263, 52.171943756457594 ], [ 7.652042086262395, 52.171943756457594 ], [ 7.652042086262395, 52.172150355208849 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64395_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 104.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.166640726832178 ], [ 7.653197063056263, 52.166640726832178 ], [ 7.653197063056263, 52.166434102495508 ], [ 7.652042086262395, 52.166434102495508 ], [ 7.652042086262395, 52.166640726832178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64409_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 128.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.650887109468527, 52.091090100239661 ], [ 7.652042086262395, 52.091090100239661 ], [ 7.652042086262395, 52.090883125256596 ], [ 7.650887109468527, 52.090883125256596 ], [ 7.650887109468527, 52.091090100239661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64410_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.650887109468527, 52.085570438778475 ], [ 7.652042086262395, 52.085570438778475 ], [ 7.652042086262395, 52.0853634381916 ], [ 7.650887109468527, 52.0853634381916 ], [ 7.650887109468527, 52.085570438778475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64410_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.083914407198677 ], [ 7.653197063056263, 52.083914407198677 ], [ 7.653197063056263, 52.083707398930422 ], [ 7.652042086262395, 52.083707398930422 ], [ 7.652042086262395, 52.083914407198677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64411_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 52.078393858111333 ], [ 7.653197063056263, 52.078393858111333 ], [ 7.653197063056263, 52.07818682423764 ], [ 7.652042086262395, 52.07818682423764 ], [ 7.652042086262395, 52.078393858111333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64431_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 25.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.645112225499187, 51.968669613935901 ], [ 7.646267202293055, 51.968669613935901 ], [ 7.646267202293055, 51.968462071537814 ], [ 7.645112225499187, 51.968462071537814 ], [ 7.645112225499187, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64431_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 44.2000002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 51.968462071537814 ], [ 7.653197063056263, 51.968462071537814 ], [ 7.653197063056263, 51.968254528178569 ], [ 7.652042086262395, 51.968254528178569 ], [ 7.652042086262395, 51.968462071537814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64432_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 23.523809523809526 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.645112225499187, 51.963134821055554 ], [ 7.646267202293055, 51.963134821055554 ], [ 7.646267202293055, 51.962927253026244 ], [ 7.645112225499187, 51.962927253026244 ], [ 7.645112225499187, 51.963134821055554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64432_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 18.378469478260868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 51.962927253026244 ], [ 7.653197063056263, 51.962927253026244 ], [ 7.653197063056263, 51.962719684035733 ], [ 7.652042086262395, 51.962719684035733 ], [ 7.652042086262395, 51.962927253026244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64433_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 19.222222222222221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.647422179086923, 51.957806937360765 ], [ 7.648577155880791, 51.957806937360765 ], [ 7.648577155880791, 51.957599344660238 ], [ 7.647422179086923, 51.957599344660238 ], [ 7.647422179086923, 51.957806937360765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64433_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 18.721513722222223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 51.957391750998475 ], [ 7.653197063056263, 51.957391750998475 ], [ 7.653197063056263, 51.957184156375476 ], [ 7.652042086262395, 51.957184156375476 ], [ 7.652042086262395, 51.957391750998475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64434_2_12", "Weekday": 2, "hour": 12, "Speed_value_mean": 12.526315789473685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.647422179086923, 51.952270803051377 ], [ 7.648577155880791, 51.952270803051377 ], [ 7.648577155880791, 51.952063184717233 ], [ 7.647422179086923, 51.952063184717233 ], [ 7.647422179086923, 51.952270803051377 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64434_6_14", "Weekday": 6, "hour": 14, "Speed_value_mean": 5.28578875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.652042086262395, 51.951855565421795 ], [ 7.653197063056263, 51.951855565421795 ], [ 7.653197063056263, 51.951647945165071 ], [ 7.652042086262395, 51.951647945165071 ], [ 7.652042086262395, 51.951855565421795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "64688_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.649732132674659, 50.523869476426427 ], [ 7.650887109468527, 50.523869476426427 ], [ 7.650887109468527, 50.523655309703358 ], [ 7.649732132674659, 50.523655309703358 ], [ 7.649732132674659, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65046_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 54.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.299095590603812 ], [ 7.662180215897457, 52.299095590603812 ], [ 7.662180215897457, 52.298889581884815 ], [ 7.661025239103589, 52.298889581884815 ], [ 7.661025239103589, 52.299095590603812 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65047_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 55.714285714285715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.293601696795903 ], [ 7.662180215897457, 52.293601696795903 ], [ 7.662180215897457, 52.29339566252073 ], [ 7.661025239103589, 52.29339566252073 ], [ 7.661025239103589, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65051_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 100.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.659870262309723, 52.271413169567339 ], [ 7.661025239103589, 52.271413169567339 ], [ 7.661025239103589, 52.271207032096143 ], [ 7.659870262309723, 52.271207032096143 ], [ 7.659870262309723, 52.271413169567339 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65051_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 74.454545454545453 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.27161930607997 ], [ 7.662180215897457, 52.27161930607997 ], [ 7.662180215897457, 52.271413169567339 ], [ 7.661025239103589, 52.271413169567339 ], [ 7.661025239103589, 52.27161930607997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65051_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 160.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.271207032096143 ], [ 7.662180215897457, 52.271207032096143 ], [ 7.662180215897457, 52.271000893666368 ], [ 7.661025239103589, 52.271000893666368 ], [ 7.661025239103589, 52.271207032096143 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65052_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.659870262309723, 52.265915842284862 ], [ 7.661025239103589, 52.265915842284862 ], [ 7.661025239103589, 52.265709679251074 ], [ 7.659870262309723, 52.265709679251074 ], [ 7.659870262309723, 52.265915842284862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65065_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.194182046449129 ], [ 7.662180215897457, 52.194182046449129 ], [ 7.662180215897457, 52.19397555002692 ], [ 7.661025239103589, 52.19397555002692 ], [ 7.661025239103589, 52.194182046449129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65066_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.188675146911841 ], [ 7.662180215897457, 52.188675146911841 ], [ 7.662180215897457, 52.188468624909277 ], [ 7.661025239103589, 52.188468624909277 ], [ 7.661025239103589, 52.188675146911841 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65084_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.659870262309723, 52.091090100239661 ], [ 7.661025239103589, 52.091090100239661 ], [ 7.661025239103589, 52.090883125256596 ], [ 7.659870262309723, 52.090883125256596 ], [ 7.659870262309723, 52.091090100239661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65086_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 106.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.078393858111333 ], [ 7.662180215897457, 52.078393858111333 ], [ 7.662180215897457, 52.07818682423764 ], [ 7.661025239103589, 52.07818682423764 ], [ 7.661025239103589, 52.078393858111333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65087_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 52.072872626196464 ], [ 7.662180215897457, 52.072872626196464 ], [ 7.662180215897457, 52.072665566716076 ], [ 7.661025239103589, 52.072665566716076 ], [ 7.661025239103589, 52.072872626196464 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65103_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 34.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.661025239103589, 51.984440024001557 ], [ 7.662180215897457, 51.984440024001557 ], [ 7.662180215897457, 51.984232554645715 ], [ 7.661025239103589, 51.984232554645715 ], [ 7.661025239103589, 51.984440024001557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65106_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 21.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.654095378340383, 51.968669613935901 ], [ 7.655250355134251, 51.968669613935901 ], [ 7.655250355134251, 51.968462071537814 ], [ 7.654095378340383, 51.968462071537814 ], [ 7.654095378340383, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65363_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 134.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.658715285515854, 50.523869476426427 ], [ 7.659870262309723, 50.523869476426427 ], [ 7.659870262309723, 50.523655309703358 ], [ 7.658715285515854, 50.523655309703358 ], [ 7.658715285515854, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65722_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 75.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.293601696795903 ], [ 7.671163368738653, 52.293601696795903 ], [ 7.671163368738653, 52.29339566252073 ], [ 7.670008391944785, 52.29339566252073 ], [ 7.670008391944785, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65724_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 64.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.282611864602764 ], [ 7.671163368738653, 52.282611864602764 ], [ 7.671163368738653, 52.282405779211416 ], [ 7.670008391944785, 52.282405779211416 ], [ 7.670008391944785, 52.282611864602764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65725_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 55.444444444444443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.277115926149563 ], [ 7.671163368738653, 52.277115926149563 ], [ 7.671163368738653, 52.276909815198202 ], [ 7.670008391944785, 52.276909815198202 ], [ 7.670008391944785, 52.277115926149563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65726_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 78.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.27161930607997 ], [ 7.671163368738653, 52.27161930607997 ], [ 7.671163368738653, 52.271413169567339 ], [ 7.670008391944785, 52.271413169567339 ], [ 7.670008391944785, 52.27161930607997 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65727_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.668853415150917, 52.265915842284862 ], [ 7.670008391944785, 52.265915842284862 ], [ 7.670008391944785, 52.265709679251074 ], [ 7.668853415150917, 52.265709679251074 ], [ 7.668853415150917, 52.265915842284862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65727_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.265709679251074 ], [ 7.671163368738653, 52.265709679251074 ], [ 7.671163368738653, 52.265503515258651 ], [ 7.670008391944785, 52.265503515258651 ], [ 7.670008391944785, 52.265709679251074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65738_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 97.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.205193799179824 ], [ 7.671163368738653, 52.205193799179824 ], [ 7.671163368738653, 52.204987353914575 ], [ 7.670008391944785, 52.204987353914575 ], [ 7.670008391944785, 52.205193799179824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65739_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.199688263860573 ], [ 7.671163368738653, 52.199688263860573 ], [ 7.671163368738653, 52.199481793017476 ], [ 7.670008391944785, 52.199481793017476 ], [ 7.670008391944785, 52.199688263860573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65740_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.194182046449129 ], [ 7.671163368738653, 52.194182046449129 ], [ 7.671163368738653, 52.19397555002692 ], [ 7.670008391944785, 52.19397555002692 ], [ 7.670008391944785, 52.194182046449129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65758_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.668853415150917, 52.09660907894969 ], [ 7.670008391944785, 52.09660907894969 ], [ 7.670008391944785, 52.096402129569199 ], [ 7.668853415150917, 52.096402129569199 ], [ 7.668853415150917, 52.09660907894969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65763_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.067350711420843 ], [ 7.671163368738653, 52.067350711420843 ], [ 7.671163368738653, 52.067143626332545 ], [ 7.670008391944785, 52.067143626332545 ], [ 7.670008391944785, 52.067350711420843 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65764_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.061828113751353 ], [ 7.671163368738653, 52.061828113751353 ], [ 7.671163368738653, 52.06162100305388 ], [ 7.670008391944785, 52.06162100305388 ], [ 7.670008391944785, 52.061828113751353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65775_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 52.001034458928054 ], [ 7.671163368738653, 52.001034458928054 ], [ 7.671163368738653, 52.000827066447954 ], [ 7.670008391944785, 52.000827066447954 ], [ 7.670008391944785, 52.001034458928054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65776_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 51.995503663953208 ], [ 7.671163368738653, 51.995503663953208 ], [ 7.671163368738653, 51.995296245849083 ], [ 7.670008391944785, 51.995296245849083 ], [ 7.670008391944785, 51.995503663953208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65777_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 43.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 51.989972185655326 ], [ 7.671163368738653, 51.989972185655326 ], [ 7.671163368738653, 51.98976474192596 ], [ 7.670008391944785, 51.98976474192596 ], [ 7.670008391944785, 51.989972185655326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65778_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 47.916666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.670008391944785, 51.984440024001557 ], [ 7.671163368738653, 51.984440024001557 ], [ 7.671163368738653, 51.984232554645715 ], [ 7.670008391944785, 51.984232554645715 ], [ 7.670008391944785, 51.984440024001557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "65781_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 42.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.663078531181577, 51.968669613935901 ], [ 7.664233507975445, 51.968669613935901 ], [ 7.664233507975445, 51.968462071537814 ], [ 7.663078531181577, 51.968462071537814 ], [ 7.663078531181577, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66038_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 147.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.667698438357049, 50.523869476426427 ], [ 7.668853415150917, 50.523869476426427 ], [ 7.668853415150917, 50.523655309703358 ], [ 7.667698438357049, 50.523655309703358 ], [ 7.667698438357049, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66397_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 5.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.293601696795903 ], [ 7.680146521579848, 52.293601696795903 ], [ 7.680146521579848, 52.29339566252073 ], [ 7.678991544785979, 52.29339566252073 ], [ 7.678991544785979, 52.293601696795903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66398_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 37.89473684210526 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.288107121473551 ], [ 7.680146521579848, 52.288107121473551 ], [ 7.680146521579848, 52.28790106164093 ], [ 7.678991544785979, 52.28790106164093 ], [ 7.678991544785979, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66399_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 72.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.282611864602764 ], [ 7.680146521579848, 52.282611864602764 ], [ 7.680146521579848, 52.282405779211416 ], [ 7.678991544785979, 52.282405779211416 ], [ 7.678991544785979, 52.282611864602764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66402_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 125.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.677836567992113, 52.265915842284862 ], [ 7.678991544785979, 52.265915842284862 ], [ 7.678991544785979, 52.265709679251074 ], [ 7.677836567992113, 52.265709679251074 ], [ 7.677836567992113, 52.265915842284862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66402_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 158.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.265709679251074 ], [ 7.680146521579848, 52.265709679251074 ], [ 7.680146521579848, 52.265503515258651 ], [ 7.678991544785979, 52.265503515258651 ], [ 7.678991544785979, 52.265709679251074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66410_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 110.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.221706312921221 ], [ 7.680146521579848, 52.221706312921221 ], [ 7.680146521579848, 52.221499944381954 ], [ 7.678991544785979, 52.221499944381954 ], [ 7.678991544785979, 52.221706312921221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66411_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.21620282367644 ], [ 7.680146521579848, 52.21620282367644 ], [ 7.680146521579848, 52.21599642956312 ], [ 7.678991544785979, 52.21599642956312 ], [ 7.678991544785979, 52.21620282367644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66412_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 90.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.210698652440541 ], [ 7.680146521579848, 52.210698652440541 ], [ 7.680146521579848, 52.210492232751896 ], [ 7.678991544785979, 52.210492232751896 ], [ 7.678991544785979, 52.210698652440541 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66413_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 100.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.205193799179824 ], [ 7.680146521579848, 52.205193799179824 ], [ 7.680146521579848, 52.204987353914575 ], [ 7.678991544785979, 52.204987353914575 ], [ 7.678991544785979, 52.205193799179824 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66432_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.677836567992113, 52.102127374941844 ], [ 7.678991544785979, 52.102127374941844 ], [ 7.678991544785979, 52.101920451162663 ], [ 7.677836567992113, 52.101920451162663 ], [ 7.677836567992113, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66439_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.061828113751353 ], [ 7.680146521579848, 52.061828113751353 ], [ 7.680146521579848, 52.06162100305388 ], [ 7.678991544785979, 52.06162100305388 ], [ 7.678991544785979, 52.061828113751353 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66440_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 101.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.056304833154826 ], [ 7.680146521579848, 52.056304833154826 ], [ 7.680146521579848, 52.056097696846969 ], [ 7.678991544785979, 52.056097696846969 ], [ 7.678991544785979, 52.056304833154826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66441_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 101.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.050780869598171 ], [ 7.680146521579848, 52.050780869598171 ], [ 7.680146521579848, 52.050573707678652 ], [ 7.678991544785979, 52.050573707678652 ], [ 7.678991544785979, 52.050780869598171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66444_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.034204880836505 ], [ 7.680146521579848, 52.034204880836505 ], [ 7.680146521579848, 52.033997642074588 ], [ 7.678991544785979, 52.033997642074588 ], [ 7.678991544785979, 52.034204880836505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66445_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.028678185108532 ], [ 7.680146521579848, 52.028678185108532 ], [ 7.680146521579848, 52.028470920730008 ], [ 7.678991544785979, 52.028470920730008 ], [ 7.678991544785979, 52.028678185108532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66447_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 88.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.017622744243361 ], [ 7.680146521579848, 52.017622744243361 ], [ 7.680146521579848, 52.017415428627928 ], [ 7.678991544785979, 52.017415428627928 ], [ 7.678991544785979, 52.017622744243361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66448_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.012093999040225 ], [ 7.680146521579848, 52.012093999040225 ], [ 7.680146521579848, 52.01188665780446 ], [ 7.678991544785979, 52.01188665780446 ], [ 7.678991544785979, 52.012093999040225 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66449_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.00656457061276 ], [ 7.680146521579848, 52.00656457061276 ], [ 7.680146521579848, 52.006357203755442 ], [ 7.678991544785979, 52.006357203755442 ], [ 7.678991544785979, 52.00656457061276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66450_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 52.001034458928054 ], [ 7.680146521579848, 52.001034458928054 ], [ 7.680146521579848, 52.000827066447954 ], [ 7.678991544785979, 52.000827066447954 ], [ 7.678991544785979, 52.001034458928054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66452_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 45.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 51.989972185655326 ], [ 7.680146521579848, 51.989972185655326 ], [ 7.680146521579848, 51.98976474192596 ], [ 7.678991544785979, 51.98976474192596 ], [ 7.678991544785979, 51.989972185655326 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66453_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 68.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 51.984440024001557 ], [ 7.680146521579848, 51.984440024001557 ], [ 7.680146521579848, 51.984232554645715 ], [ 7.678991544785979, 51.984232554645715 ], [ 7.678991544785979, 51.984440024001557 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66454_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.678991544785979, 51.978907178959076 ], [ 7.680146521579848, 51.978907178959076 ], [ 7.680146521579848, 51.978699683975499 ], [ 7.678991544785979, 51.978699683975499 ], [ 7.678991544785979, 51.978907178959076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66456_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 47.636363636363633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.672061684022773, 51.968669613935901 ], [ 7.673216660816641, 51.968669613935901 ], [ 7.673216660816641, 51.968462071537814 ], [ 7.672061684022773, 51.968462071537814 ], [ 7.672061684022773, 51.968669613935901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66457_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 36.93333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.672061684022773, 51.963134821055554 ], [ 7.673216660816641, 51.963134821055554 ], [ 7.673216660816641, 51.962927253026244 ], [ 7.672061684022773, 51.962927253026244 ], [ 7.672061684022773, 51.963134821055554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "66713_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 148.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.676681591198244, 50.523869476426427 ], [ 7.677836567992113, 50.523869476426427 ], [ 7.677836567992113, 50.523655309703358 ], [ 7.676681591198244, 50.523655309703358 ], [ 7.676681591198244, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67073_6_15", "Weekday": 6, "hour": 15, "Speed_value_mean": 36.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.288107121473551 ], [ 7.689129674421043, 52.288107121473551 ], [ 7.689129674421043, 52.28790106164093 ], [ 7.687974697627175, 52.28790106164093 ], [ 7.687974697627175, 52.288107121473551 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67078_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 141.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.686819720833308, 52.260417833316872 ], [ 7.687974697627175, 52.260417833316872 ], [ 7.687974697627175, 52.260211644719213 ], [ 7.686819720833308, 52.260211644719213 ], [ 7.686819720833308, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67078_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.260211644719213 ], [ 7.689129674421043, 52.260211644719213 ], [ 7.689129674421043, 52.260005455162883 ], [ 7.687974697627175, 52.260005455162883 ], [ 7.687974697627175, 52.260211644719213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67084_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 68.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.227209120208606 ], [ 7.689129674421043, 52.227209120208606 ], [ 7.689129674421043, 52.22700277724212 ], [ 7.687974697627175, 52.22700277724212 ], [ 7.687974697627175, 52.227209120208606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67085_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 56.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.221706312921221 ], [ 7.689129674421043, 52.221706312921221 ], [ 7.689129674421043, 52.221499944381954 ], [ 7.687974697627175, 52.221499944381954 ], [ 7.687974697627175, 52.221706312921221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67106_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 120.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.686819720833308, 52.107644988249362 ], [ 7.687974697627175, 52.107644988249362 ], [ 7.687974697627175, 52.107438090070261 ], [ 7.686819720833308, 52.107438090070261 ], [ 7.686819720833308, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67107_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.686819720833308, 52.102127374941844 ], [ 7.687974697627175, 52.102127374941844 ], [ 7.687974697627175, 52.101920451162663 ], [ 7.686819720833308, 52.101920451162663 ], [ 7.686819720833308, 52.102127374941844 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67116_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.050780869598171 ], [ 7.689129674421043, 52.050780869598171 ], [ 7.689129674421043, 52.050573707678652 ], [ 7.687974697627175, 52.050573707678652 ], [ 7.687974697627175, 52.050780869598171 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67117_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.045256223048277 ], [ 7.689129674421043, 52.045256223048277 ], [ 7.689129674421043, 52.045049035515866 ], [ 7.687974697627175, 52.045049035515866 ], [ 7.687974697627175, 52.045256223048277 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67118_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.039730893472075 ], [ 7.689129674421043, 52.039730893472075 ], [ 7.689129674421043, 52.03952368032553 ], [ 7.687974697627175, 52.03952368032553 ], [ 7.687974697627175, 52.039730893472075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67119_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.034204880836505 ], [ 7.689129674421043, 52.034204880836505 ], [ 7.689129674421043, 52.033997642074588 ], [ 7.687974697627175, 52.033997642074588 ], [ 7.687974697627175, 52.034204880836505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67120_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.028678185108532 ], [ 7.689129674421043, 52.028678185108532 ], [ 7.689129674421043, 52.028470920730008 ], [ 7.687974697627175, 52.028470920730008 ], [ 7.687974697627175, 52.028678185108532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67121_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 105.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.023150806255146 ], [ 7.689129674421043, 52.023150806255146 ], [ 7.689129674421043, 52.022943516258785 ], [ 7.687974697627175, 52.022943516258785 ], [ 7.687974697627175, 52.023150806255146 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67122_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.687974697627175, 52.017622744243361 ], [ 7.689129674421043, 52.017622744243361 ], [ 7.689129674421043, 52.017415428627928 ], [ 7.687974697627175, 52.017415428627928 ], [ 7.687974697627175, 52.017622744243361 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67132_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 36.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.681044836863967, 51.963134821055554 ], [ 7.682199813657837, 51.963134821055554 ], [ 7.682199813657837, 51.962927253026244 ], [ 7.681044836863967, 51.962927253026244 ], [ 7.681044836863967, 51.963134821055554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67388_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.685664744039439, 50.523869476426427 ], [ 7.686819720833308, 50.523869476426427 ], [ 7.686819720833308, 50.523655309703358 ], [ 7.685664744039439, 50.523655309703358 ], [ 7.685664744039439, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67753_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 124.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.695802873674503, 52.260417833316872 ], [ 7.696957850468371, 52.260417833316872 ], [ 7.696957850468371, 52.260211644719213 ], [ 7.695802873674503, 52.260211644719213 ], [ 7.695802873674503, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67753_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.696957850468371, 52.260211644719213 ], [ 7.698112827262238, 52.260211644719213 ], [ 7.698112827262238, 52.260005455162883 ], [ 7.696957850468371, 52.260005455162883 ], [ 7.696957850468371, 52.260211644719213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67755_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.696957850468371, 52.249213530459549 ], [ 7.698112827262238, 52.249213530459549 ], [ 7.698112827262238, 52.249007289771583 ], [ 7.696957850468371, 52.249007289771583 ], [ 7.696957850468371, 52.249213530459549 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67756_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 70.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.696957850468371, 52.243713450664018 ], [ 7.698112827262238, 52.243713450664018 ], [ 7.698112827262238, 52.243507184408323 ], [ 7.696957850468371, 52.243507184408323 ], [ 7.696957850468371, 52.243713450664018 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67757_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.696957850468371, 52.238212689046215 ], [ 7.698112827262238, 52.238212689046215 ], [ 7.698112827262238, 52.238006397221525 ], [ 7.696957850468371, 52.238006397221525 ], [ 7.696957850468371, 52.238212689046215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67758_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 69.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.696957850468371, 52.232711245572347 ], [ 7.698112827262238, 52.232711245572347 ], [ 7.698112827262238, 52.232504928177391 ], [ 7.696957850468371, 52.232504928177391 ], [ 7.696957850468371, 52.232711245572347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67780_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.695802873674503, 52.113161918905561 ], [ 7.696957850468371, 52.113161918905561 ], [ 7.696957850468371, 52.11295504632529 ], [ 7.695802873674503, 52.11295504632529 ], [ 7.695802873674503, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67781_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 122.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.695802873674503, 52.107644988249362 ], [ 7.696957850468371, 52.107644988249362 ], [ 7.696957850468371, 52.107438090070261 ], [ 7.695802873674503, 52.107438090070261 ], [ 7.695802873674503, 52.107644988249362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "67807_0_13", "Weekday": 0, "hour": 13, "Speed_value_mean": 10.833333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.690027989705163, 51.963134821055554 ], [ 7.691182966499031, 51.963134821055554 ], [ 7.691182966499031, 51.962927253026244 ], [ 7.690027989705163, 51.962927253026244 ], [ 7.690027989705163, 51.963134821055554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68063_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.694647896880634, 50.523869476426427 ], [ 7.695802873674503, 50.523869476426427 ], [ 7.695802873674503, 50.523655309703358 ], [ 7.694647896880634, 50.523655309703358 ], [ 7.694647896880634, 50.523869476426427 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68064_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.694647896880634, 50.518158031184228 ], [ 7.695802873674503, 50.518158031184228 ], [ 7.695802873674503, 50.517943838541981 ], [ 7.694647896880634, 50.517943838541981 ], [ 7.694647896880634, 50.518158031184228 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68428_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.704786026515698, 52.260417833316872 ], [ 7.705941003309565, 52.260417833316872 ], [ 7.705941003309565, 52.260211644719213 ], [ 7.704786026515698, 52.260211644719213 ], [ 7.704786026515698, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68428_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.705941003309565, 52.260211644719213 ], [ 7.707095980103435, 52.260211644719213 ], [ 7.707095980103435, 52.260005455162883 ], [ 7.705941003309565, 52.260005455162883 ], [ 7.705941003309565, 52.260211644719213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68429_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.704786026515698, 52.254919142629468 ], [ 7.705941003309565, 52.254919142629468 ], [ 7.705941003309565, 52.254712928466674 ], [ 7.704786026515698, 52.254712928466674 ], [ 7.704786026515698, 52.254919142629468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68429_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 92.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.705941003309565, 52.254712928466674 ], [ 7.707095980103435, 52.254712928466674 ], [ 7.707095980103435, 52.254506713345144 ], [ 7.705941003309565, 52.254506713345144 ], [ 7.705941003309565, 52.254712928466674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68430_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 70.285714285714292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.705941003309565, 52.249213530459549 ], [ 7.707095980103435, 52.249213530459549 ], [ 7.707095980103435, 52.249007289771583 ], [ 7.705941003309565, 52.249007289771583 ], [ 7.705941003309565, 52.249213530459549 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68454_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.704786026515698, 52.118678166943752 ], [ 7.705941003309565, 52.118678166943752 ], [ 7.705941003309565, 52.118471319961046 ], [ 7.704786026515698, 52.118471319961046 ], [ 7.704786026515698, 52.118678166943752 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68455_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.704786026515698, 52.113161918905561 ], [ 7.705941003309565, 52.113161918905561 ], [ 7.705941003309565, 52.11295504632529 ], [ 7.704786026515698, 52.11295504632529 ], [ 7.704786026515698, 52.113161918905561 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "68740_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.703631049721831, 50.512445894751252 ], [ 7.704786026515698, 50.512445894751252 ], [ 7.704786026515698, 50.51223167618884 ], [ 7.703631049721831, 50.51223167618884 ], [ 7.703631049721831, 50.512445894751252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69103_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 42.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.713769179356893, 52.260417833316872 ], [ 7.714924156150761, 52.260417833316872 ], [ 7.714924156150761, 52.260211644719213 ], [ 7.713769179356893, 52.260211644719213 ], [ 7.713769179356893, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69104_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 28.727272727272727 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.713769179356893, 52.254919142629468 ], [ 7.714924156150761, 52.254919142629468 ], [ 7.714924156150761, 52.254712928466674 ], [ 7.713769179356893, 52.254712928466674 ], [ 7.713769179356893, 52.254919142629468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69104_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 56.875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.714924156150761, 52.254712928466674 ], [ 7.716079132944628, 52.254712928466674 ], [ 7.716079132944628, 52.254506713345144 ], [ 7.714924156150761, 52.254506713345144 ], [ 7.714924156150761, 52.254712928466674 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69105_6_17", "Weekday": 6, "hour": 17, "Speed_value_mean": 77.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.714924156150761, 52.249213530459549 ], [ 7.716079132944628, 52.249213530459549 ], [ 7.716079132944628, 52.249007289771583 ], [ 7.714924156150761, 52.249007289771583 ], [ 7.714924156150761, 52.249213530459549 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69127_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 154.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.713769179356893, 52.129708615299471 ], [ 7.714924156150761, 52.129708615299471 ], [ 7.714924156150761, 52.129501819508157 ], [ 7.713769179356893, 52.129501819508157 ], [ 7.713769179356893, 52.129708615299471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69128_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.713769179356893, 52.124193732397266 ], [ 7.714924156150761, 52.124193732397266 ], [ 7.714924156150761, 52.123986911010881 ], [ 7.713769179356893, 52.123986911010881 ], [ 7.713769179356893, 52.124193732397266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69416_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.712614202563024, 50.506733067100647 ], [ 7.713769179356893, 50.506733067100647 ], [ 7.713769179356893, 50.506518822617046 ], [ 7.712614202563024, 50.506518822617046 ], [ 7.712614202563024, 50.506733067100647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69778_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 50.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.722752332198088, 52.260417833316872 ], [ 7.723907308991956, 52.260417833316872 ], [ 7.723907308991956, 52.260211644719213 ], [ 7.722752332198088, 52.260211644719213 ], [ 7.722752332198088, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69779_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 50.833333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.722752332198088, 52.254919142629468 ], [ 7.723907308991956, 52.254919142629468 ], [ 7.723907308991956, 52.254712928466674 ], [ 7.722752332198088, 52.254712928466674 ], [ 7.722752332198088, 52.254919142629468 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69801_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 143.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.722752332198088, 52.135222815683733 ], [ 7.723907308991956, 52.135222815683733 ], [ 7.723907308991956, 52.135016045486246 ], [ 7.722752332198088, 52.135016045486246 ], [ 7.722752332198088, 52.135222815683733 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "69802_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 155.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.722752332198088, 52.129708615299471 ], [ 7.723907308991956, 52.129708615299471 ], [ 7.723907308991956, 52.129501819508157 ], [ 7.722752332198088, 52.129501819508157 ], [ 7.722752332198088, 52.129708615299471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "70091_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 119.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.721597355404221, 50.506733067100647 ], [ 7.722752332198088, 50.506733067100647 ], [ 7.722752332198088, 50.506518822617046 ], [ 7.721597355404221, 50.506518822617046 ], [ 7.721597355404221, 50.506733067100647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "70453_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 49.222222222222221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.731735485039284, 52.260417833316872 ], [ 7.732890461833151, 52.260417833316872 ], [ 7.732890461833151, 52.260211644719213 ], [ 7.731735485039284, 52.260211644719213 ], [ 7.731735485039284, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "70474_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 151.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.731735485039284, 52.14624916903206 ], [ 7.732890461833151, 52.14624916903206 ], [ 7.732890461833151, 52.146042450018456 ], [ 7.731735485039284, 52.146042450018456 ], [ 7.731735485039284, 52.14624916903206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "70475_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 149.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.731735485039284, 52.140736333583448 ], [ 7.732890461833151, 52.140736333583448 ], [ 7.732890461833151, 52.140529588978531 ], [ 7.731735485039284, 52.140529588978531 ], [ 7.731735485039284, 52.140736333583448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "70767_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.730580508245414, 50.501019548205569 ], [ 7.731735485039284, 50.501019548205569 ], [ 7.731735485039284, 50.500805277799792 ], [ 7.730580508245414, 50.500805277799792 ], [ 7.730580508245414, 50.501019548205569 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "70768_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.730580508245414, 50.495305338039202 ], [ 7.731735485039284, 50.495305338039202 ], [ 7.731735485039284, 50.495091041710232 ], [ 7.730580508245414, 50.495091041710232 ], [ 7.730580508245414, 50.495305338039202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71127_5_17", "Weekday": 5, "hour": 17, "Speed_value_mean": 33.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.740718637880478, 52.265709679251074 ], [ 7.741873614674346, 52.265709679251074 ], [ 7.741873614674346, 52.265503515258651 ], [ 7.740718637880478, 52.265503515258651 ], [ 7.740718637880478, 52.265709679251074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71128_5_16", "Weekday": 5, "hour": 16, "Speed_value_mean": 59.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.740718637880478, 52.260417833316872 ], [ 7.741873614674346, 52.260417833316872 ], [ 7.741873614674346, 52.260211644719213 ], [ 7.740718637880478, 52.260211644719213 ], [ 7.740718637880478, 52.260417833316872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71128_5_17", "Weekday": 5, "hour": 17, "Speed_value_mean": 52.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.740718637880478, 52.260211644719213 ], [ 7.741873614674346, 52.260211644719213 ], [ 7.741873614674346, 52.260005455162883 ], [ 7.740718637880478, 52.260005455162883 ], [ 7.740718637880478, 52.260211644719213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71147_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 117.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.740718637880478, 52.157272792709719 ], [ 7.741873614674346, 52.157272792709719 ], [ 7.741873614674346, 52.157066124874973 ], [ 7.740718637880478, 52.157066124874973 ], [ 7.740718637880478, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71148_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.740718637880478, 52.151761322062995 ], [ 7.741873614674346, 52.151761322062995 ], [ 7.741873614674346, 52.151554628639445 ], [ 7.740718637880478, 52.151554628639445 ], [ 7.740718637880478, 52.151761322062995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71443_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.739563661086611, 50.495305338039202 ], [ 7.740718637880478, 50.495305338039202 ], [ 7.740718637880478, 50.495091041710232 ], [ 7.739563661086611, 50.495091041710232 ], [ 7.739563661086611, 50.495305338039202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71444_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.739563661086611, 50.489590436574751 ], [ 7.740718637880478, 50.489590436574751 ], [ 7.740718637880478, 50.48937611432158 ], [ 7.739563661086611, 50.48937611432158 ], [ 7.739563661086611, 50.489590436574751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71772_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 12.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.749701790721674, 52.431566249889087 ], [ 7.750856767515542, 52.431566249889087 ], [ 7.750856767515542, 52.431360857962368 ], [ 7.749701790721674, 52.431360857962368 ], [ 7.749701790721674, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71802_5_17", "Weekday": 5, "hour": 17, "Speed_value_mean": 23.636363636363637 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.749701790721674, 52.265709679251074 ], [ 7.750856767515542, 52.265709679251074 ], [ 7.750856767515542, 52.265503515258651 ], [ 7.749701790721674, 52.265503515258651 ], [ 7.749701790721674, 52.265709679251074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71803_5_17", "Weekday": 5, "hour": 17, "Speed_value_mean": 28.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.749701790721674, 52.260211644719213 ], [ 7.750856767515542, 52.260211644719213 ], [ 7.750856767515542, 52.260005455162883 ], [ 7.749701790721674, 52.260005455162883 ], [ 7.749701790721674, 52.260211644719213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71821_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 134.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.749701790721674, 52.162783581005719 ], [ 7.750856767515542, 52.162783581005719 ], [ 7.750856767515542, 52.162576938758519 ], [ 7.749701790721674, 52.162576938758519 ], [ 7.749701790721674, 52.162783581005719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "71822_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.749701790721674, 52.157272792709719 ], [ 7.750856767515542, 52.157272792709719 ], [ 7.750856767515542, 52.157066124874973 ], [ 7.749701790721674, 52.157066124874973 ], [ 7.749701790721674, 52.157272792709719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72119_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.748546813927806, 50.489590436574751 ], [ 7.749701790721674, 50.489590436574751 ], [ 7.749701790721674, 50.48937611432158 ], [ 7.748546813927806, 50.48937611432158 ], [ 7.748546813927806, 50.489590436574751 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72120_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.748546813927806, 50.483874843785458 ], [ 7.749701790721674, 50.483874843785458 ], [ 7.749701790721674, 50.483660495607076 ], [ 7.748546813927806, 50.483660495607076 ], [ 7.748546813927806, 50.483874843785458 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72446_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 70.142857142857139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.75868494356287, 52.437043014852641 ], [ 7.759839920356736, 52.437043014852641 ], [ 7.759839920356736, 52.436837648449746 ], [ 7.75868494356287, 52.436837648449746 ], [ 7.75868494356287, 52.437043014852641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72447_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 58.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.75868494356287, 52.431566249889087 ], [ 7.759839920356736, 52.431566249889087 ], [ 7.759839920356736, 52.431360857962368 ], [ 7.75868494356287, 52.431360857962368 ], [ 7.75868494356287, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72495_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.75868494356287, 52.168293686984484 ], [ 7.759839920356736, 52.168293686984484 ], [ 7.759839920356736, 52.168087070323587 ], [ 7.75868494356287, 52.168087070323587 ], [ 7.75868494356287, 52.168293686984484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72795_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.757529966769001, 50.483874843785458 ], [ 7.75868494356287, 50.483874843785458 ], [ 7.75868494356287, 50.483660495607076 ], [ 7.757529966769001, 50.483660495607076 ], [ 7.757529966769001, 50.483874843785458 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72796_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.757529966769001, 50.478158559644555 ], [ 7.75868494356287, 50.478158559644555 ], [ 7.75868494356287, 50.477944185539968 ], [ 7.757529966769001, 50.477944185539968 ], [ 7.757529966769001, 50.478158559644555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "72797_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.757529966769001, 50.472441584125342 ], [ 7.75868494356287, 50.472441584125342 ], [ 7.75868494356287, 50.472227184093541 ], [ 7.757529966769001, 50.472227184093541 ], [ 7.757529966769001, 50.472441584125342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73120_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 82.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.767668096404064, 52.442519099198343 ], [ 7.768823073197932, 52.442519099198343 ], [ 7.768823073197932, 52.442313758317994 ], [ 7.767668096404064, 52.442313758317994 ], [ 7.767668096404064, 52.442519099198343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73121_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.767668096404064, 52.437043014852641 ], [ 7.768823073197932, 52.437043014852641 ], [ 7.768823073197932, 52.436837648449746 ], [ 7.767668096404064, 52.436837648449746 ], [ 7.767668096404064, 52.437043014852641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73122_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 82.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.767668096404064, 52.431566249889087 ], [ 7.768823073197932, 52.431566249889087 ], [ 7.768823073197932, 52.431360857962368 ], [ 7.767668096404064, 52.431360857962368 ], [ 7.767668096404064, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73169_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.767668096404064, 52.173803110679572 ], [ 7.768823073197932, 52.173803110679572 ], [ 7.768823073197932, 52.173596519603699 ], [ 7.767668096404064, 52.173596519603699 ], [ 7.767668096404064, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73472_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 134.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.766513119610196, 50.472441584125342 ], [ 7.767668096404064, 50.472441584125342 ], [ 7.767668096404064, 50.472227184093541 ], [ 7.766513119610196, 50.472227184093541 ], [ 7.766513119610196, 50.472441584125342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73473_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.766513119610196, 50.466723917201108 ], [ 7.767668096404064, 50.466723917201108 ], [ 7.767668096404064, 50.466509491241119 ], [ 7.766513119610196, 50.466509491241119 ], [ 7.766513119610196, 50.466723917201108 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73474_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 147.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.766513119610196, 50.461005558845194 ], [ 7.767668096404064, 50.461005558845194 ], [ 7.767668096404064, 50.460791106955995 ], [ 7.766513119610196, 50.460791106955995 ], [ 7.766513119610196, 50.461005558845194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73782_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 26.555555555555557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.514056290765389 ], [ 7.777806226039128, 52.514056290765389 ], [ 7.777806226039128, 52.513851283472739 ], [ 7.77665124924526, 52.513851283472739 ], [ 7.77665124924526, 52.514056290765389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73782_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 19.818181818181817 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.513646275223657 ], [ 7.777806226039128, 52.513646275223657 ], [ 7.777806226039128, 52.513441266018127 ], [ 7.77665124924526, 52.513441266018127 ], [ 7.77665124924526, 52.513646275223657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73783_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.508589102309863 ], [ 7.777806226039128, 52.508589102309863 ], [ 7.777806226039128, 52.508384069511663 ], [ 7.77665124924526, 52.508384069511663 ], [ 7.77665124924526, 52.508589102309863 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73783_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 60.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.508179035757003 ], [ 7.777806226039128, 52.508179035757003 ], [ 7.777806226039128, 52.507974001045852 ], [ 7.77665124924526, 52.507974001045852 ], [ 7.77665124924526, 52.508179035757003 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73784_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 53.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.503121233690052 ], [ 7.777806226039128, 52.503121233690052 ], [ 7.777806226039128, 52.502916175385032 ], [ 7.77665124924526, 52.502916175385032 ], [ 7.77665124924526, 52.503121233690052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73784_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 28.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.502711116123471 ], [ 7.777806226039128, 52.502711116123471 ], [ 7.777806226039128, 52.502506055905378 ], [ 7.77665124924526, 52.502506055905378 ], [ 7.77665124924526, 52.502711116123471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73794_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.447994502960761 ], [ 7.777806226039128, 52.447994502960761 ], [ 7.777806226039128, 52.447789187601657 ], [ 7.77665124924526, 52.447789187601657 ], [ 7.77665124924526, 52.447994502960761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73795_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.442519099198343 ], [ 7.777806226039128, 52.442519099198343 ], [ 7.777806226039128, 52.442313758317994 ], [ 7.77665124924526, 52.442313758317994 ], [ 7.77665124924526, 52.442519099198343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73797_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 77.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.431566249889087 ], [ 7.777806226039128, 52.431566249889087 ], [ 7.777806226039128, 52.431360857962368 ], [ 7.77665124924526, 52.431360857962368 ], [ 7.77665124924526, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73843_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 142.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.179311852124513 ], [ 7.777806226039128, 52.179311852124513 ], [ 7.777806226039128, 52.179105286632414 ], [ 7.77665124924526, 52.179105286632414 ], [ 7.77665124924526, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "73844_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.77665124924526, 52.173803110679572 ], [ 7.777806226039128, 52.173803110679572 ], [ 7.777806226039128, 52.173596519603699 ], [ 7.77665124924526, 52.173596519603699 ], [ 7.77665124924526, 52.173803110679572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74150_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 152.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.775496272451392, 50.455286509030948 ], [ 7.77665124924526, 50.455286509030948 ], [ 7.77665124924526, 50.455072031211543 ], [ 7.775496272451392, 50.455072031211543 ], [ 7.775496272451392, 50.455286509030948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74151_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.775496272451392, 50.449566767731753 ], [ 7.77665124924526, 50.449566767731753 ], [ 7.77665124924526, 50.449352263981133 ], [ 7.775496272451392, 50.449352263981133 ], [ 7.775496272451392, 50.449566767731753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74457_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 47.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.514056290765389 ], [ 7.786789378880322, 52.514056290765389 ], [ 7.786789378880322, 52.513851283472739 ], [ 7.785634402086456, 52.513851283472739 ], [ 7.785634402086456, 52.514056290765389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74457_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 36.555555555555557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.513646275223657 ], [ 7.786789378880322, 52.513646275223657 ], [ 7.786789378880322, 52.513441266018127 ], [ 7.785634402086456, 52.513441266018127 ], [ 7.785634402086456, 52.513646275223657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74459_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.503121233690052 ], [ 7.786789378880322, 52.503121233690052 ], [ 7.786789378880322, 52.502916175385032 ], [ 7.785634402086456, 52.502916175385032 ], [ 7.785634402086456, 52.503121233690052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74459_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.502711116123471 ], [ 7.786789378880322, 52.502711116123471 ], [ 7.786789378880322, 52.502506055905378 ], [ 7.785634402086456, 52.502506055905378 ], [ 7.785634402086456, 52.502711116123471 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74460_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 68.285714285714292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.497652684871156 ], [ 7.786789378880322, 52.497652684871156 ], [ 7.786789378880322, 52.497447601057992 ], [ 7.785634402086456, 52.497447601057992 ], [ 7.785634402086456, 52.497652684871156 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74460_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 75.857142857142861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.497242516288239 ], [ 7.786789378880322, 52.497242516288239 ], [ 7.786789378880322, 52.497037430561917 ], [ 7.785634402086456, 52.497037430561917 ], [ 7.785634402086456, 52.497242516288239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74461_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 73.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.492183455818378 ], [ 7.786789378880322, 52.492183455818378 ], [ 7.786789378880322, 52.491978346495763 ], [ 7.785634402086456, 52.491978346495763 ], [ 7.785634402086456, 52.492183455818378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74461_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.49177323621651 ], [ 7.786789378880322, 52.49177323621651 ], [ 7.786789378880322, 52.491568124980645 ], [ 7.785634402086456, 52.491568124980645 ], [ 7.785634402086456, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74465_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 94.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.469889312869597 ], [ 7.786789378880322, 52.469889312869597 ], [ 7.786789378880322, 52.469684099582508 ], [ 7.785634402086456, 52.469684099582508 ], [ 7.785634402086456, 52.469889312869597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74466_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.464416631094252 ], [ 7.786789378880322, 52.464416631094252 ], [ 7.786789378880322, 52.464211392291112 ], [ 7.785634402086456, 52.464211392291112 ], [ 7.785634402086456, 52.464416631094252 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74467_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 81.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.458943268874094 ], [ 7.786789378880322, 52.458943268874094 ], [ 7.786789378880322, 52.458738004553602 ], [ 7.785634402086456, 52.458738004553602 ], [ 7.785634402086456, 52.458943268874094 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74468_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 68.142857142857139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.453469226174469 ], [ 7.786789378880322, 52.453469226174469 ], [ 7.786789378880322, 52.453263936335325 ], [ 7.785634402086456, 52.453263936335325 ], [ 7.785634402086456, 52.453469226174469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74469_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.447994502960761 ], [ 7.786789378880322, 52.447994502960761 ], [ 7.786789378880322, 52.447789187601657 ], [ 7.785634402086456, 52.447789187601657 ], [ 7.785634402086456, 52.447994502960761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74472_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 76.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.431566249889087 ], [ 7.786789378880322, 52.431566249889087 ], [ 7.786789378880322, 52.431360857962368 ], [ 7.785634402086456, 52.431360857962368 ], [ 7.785634402086456, 52.431566249889087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74473_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 79.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.426088804273135 ], [ 7.786789378880322, 52.426088804273135 ], [ 7.786789378880322, 52.425883386821269 ], [ 7.785634402086456, 52.425883386821269 ], [ 7.785634402086456, 52.426088804273135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74517_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 129.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.184819911352868 ], [ 7.786789378880322, 52.184819911352868 ], [ 7.786789378880322, 52.184613371443284 ], [ 7.785634402086456, 52.184613371443284 ], [ 7.785634402086456, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74518_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.785634402086456, 52.179311852124513 ], [ 7.786789378880322, 52.179311852124513 ], [ 7.786789378880322, 52.179105286632414 ], [ 7.785634402086456, 52.179105286632414 ], [ 7.785634402086456, 52.179311852124513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "74826_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.784479425292586, 50.449566767731753 ], [ 7.785634402086456, 50.449566767731753 ], [ 7.785634402086456, 50.449352263981133 ], [ 7.784479425292586, 50.449352263981133 ], [ 7.784479425292586, 50.449566767731753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75136_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 83.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.492183455818378 ], [ 7.795772531721518, 52.492183455818378 ], [ 7.795772531721518, 52.491978346495763 ], [ 7.79461755492765, 52.491978346495763 ], [ 7.79461755492765, 52.492183455818378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75136_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 80.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.49177323621651 ], [ 7.795772531721518, 52.49177323621651 ], [ 7.795772531721518, 52.491568124980645 ], [ 7.79461755492765, 52.491568124980645 ], [ 7.79461755492765, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75138_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.480832635224537 ], [ 7.795772531721518, 52.480832635224537 ], [ 7.795772531721518, 52.480627472965658 ], [ 7.79461755492765, 52.480627472965658 ], [ 7.79461755492765, 52.480832635224537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75139_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 84.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.475361314234796 ], [ 7.795772531721518, 52.475361314234796 ], [ 7.795772531721518, 52.475156126462466 ], [ 7.79461755492765, 52.475156126462466 ], [ 7.79461755492765, 52.475361314234796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75140_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.469889312869597 ], [ 7.795772531721518, 52.469889312869597 ], [ 7.795772531721518, 52.469684099582508 ], [ 7.79461755492765, 52.469684099582508 ], [ 7.79461755492765, 52.469889312869597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75190_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.195833983294236 ], [ 7.795772531721518, 52.195833983294236 ], [ 7.795772531721518, 52.195627494545903 ], [ 7.79461755492765, 52.195627494545903 ], [ 7.79461755492765, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75191_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 113.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.190327288398244 ], [ 7.795772531721518, 52.190327288398244 ], [ 7.795772531721518, 52.190120774069918 ], [ 7.79461755492765, 52.190120774069918 ], [ 7.79461755492765, 52.190327288398244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75192_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.79461755492765, 52.184819911352868 ], [ 7.795772531721518, 52.184819911352868 ], [ 7.795772531721518, 52.184613371443284 ], [ 7.79461755492765, 52.184613371443284 ], [ 7.79461755492765, 52.184819911352868 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75501_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.793462578133782, 50.449566767731753 ], [ 7.79461755492765, 50.449566767731753 ], [ 7.79461755492765, 50.449352263981133 ], [ 7.793462578133782, 50.449352263981133 ], [ 7.793462578133782, 50.449566767731753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75502_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.793462578133782, 50.443846334920991 ], [ 7.79461755492765, 50.443846334920991 ], [ 7.79461755492765, 50.443631805238169 ], [ 7.793462578133782, 50.443631805238169 ], [ 7.793462578133782, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75811_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 79.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.492183455818378 ], [ 7.804755684562712, 52.492183455818378 ], [ 7.804755684562712, 52.491978346495763 ], [ 7.803600707768846, 52.491978346495763 ], [ 7.803600707768846, 52.492183455818378 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75811_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.49177323621651 ], [ 7.804755684562712, 52.49177323621651 ], [ 7.804755684562712, 52.491568124980645 ], [ 7.803600707768846, 52.491568124980645 ], [ 7.803600707768846, 52.49177323621651 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75812_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 79.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.486713546496951 ], [ 7.804755684562712, 52.486713546496951 ], [ 7.804755684562712, 52.486508411663578 ], [ 7.803600707768846, 52.486508411663578 ], [ 7.803600707768846, 52.486713546496951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75812_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 65.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.486303275873532 ], [ 7.804755684562712, 52.486303275873532 ], [ 7.804755684562712, 52.486098139126817 ], [ 7.803600707768846, 52.486098139126817 ], [ 7.803600707768846, 52.486303275873532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75823_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 75.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.426088804273135 ], [ 7.804755684562712, 52.426088804273135 ], [ 7.804755684562712, 52.425883386821269 ], [ 7.803600707768846, 52.425883386821269 ], [ 7.803600707768846, 52.426088804273135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75864_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 85.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.201339996074488 ], [ 7.804755684562712, 52.201339996074488 ], [ 7.804755684562712, 52.20113353290489 ], [ 7.803600707768846, 52.20113353290489 ], [ 7.803600707768846, 52.201339996074488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "75865_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 77.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.803600707768846, 52.195833983294236 ], [ 7.804755684562712, 52.195833983294236 ], [ 7.804755684562712, 52.195627494545903 ], [ 7.803600707768846, 52.195627494545903 ], [ 7.803600707768846, 52.195833983294236 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "76177_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.802445730974978, 50.443846334920991 ], [ 7.803600707768846, 50.443846334920991 ], [ 7.803600707768846, 50.443631805238169 ], [ 7.802445730974978, 50.443631805238169 ], [ 7.802445730974978, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "76487_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 71.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.812583860610041, 52.486713546496951 ], [ 7.813738837403908, 52.486713546496951 ], [ 7.813738837403908, 52.486508411663578 ], [ 7.812583860610041, 52.486508411663578 ], [ 7.812583860610041, 52.486713546496951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "76488_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.812583860610041, 52.481242956872102 ], [ 7.813738837403908, 52.481242956872102 ], [ 7.813738837403908, 52.481037796526678 ], [ 7.812583860610041, 52.481037796526678 ], [ 7.812583860610041, 52.481242956872102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "76499_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 79.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.812583860610041, 52.420610677970267 ], [ 7.813738837403908, 52.420610677970267 ], [ 7.813738837403908, 52.420405234991954 ], [ 7.812583860610041, 52.420405234991954 ], [ 7.812583860610041, 52.420610677970267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "76539_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.812583860610041, 52.201339996074488 ], [ 7.813738837403908, 52.201339996074488 ], [ 7.813738837403908, 52.20113353290489 ], [ 7.812583860610041, 52.20113353290489 ], [ 7.812583860610041, 52.201339996074488 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "76852_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.811428883816172, 50.443846334920991 ], [ 7.812583860610041, 50.443846334920991 ], [ 7.812583860610041, 50.443631805238169 ], [ 7.811428883816172, 50.443631805238169 ], [ 7.811428883816172, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77163_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 86.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.821567013451236, 52.481242956872102 ], [ 7.822721990245103, 52.481242956872102 ], [ 7.822721990245103, 52.481037796526678 ], [ 7.821567013451236, 52.481037796526678 ], [ 7.821567013451236, 52.481242956872102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77174_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 81.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.821567013451236, 52.420610677970267 ], [ 7.822721990245103, 52.420610677970267 ], [ 7.822721990245103, 52.420405234991954 ], [ 7.821567013451236, 52.420405234991954 ], [ 7.821567013451236, 52.420610677970267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77213_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 82.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.821567013451236, 52.206845326772644 ], [ 7.822721990245103, 52.206845326772644 ], [ 7.822721990245103, 52.206638889180518 ], [ 7.821567013451236, 52.206638889180518 ], [ 7.821567013451236, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77527_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.820412036657368, 50.443846334920991 ], [ 7.821567013451236, 50.443846334920991 ], [ 7.821567013451236, 50.443631805238169 ], [ 7.820412036657368, 50.443631805238169 ], [ 7.820412036657368, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77838_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 47.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.830550166292431, 52.481242956872102 ], [ 7.831705143086298, 52.481242956872102 ], [ 7.831705143086298, 52.481037796526678 ], [ 7.830550166292431, 52.481037796526678 ], [ 7.830550166292431, 52.481242956872102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77839_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 50.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.830550166292431, 52.475771686909113 ], [ 7.831705143086298, 52.475771686909113 ], [ 7.831705143086298, 52.475566501050338 ], [ 7.830550166292431, 52.475566501050338 ], [ 7.830550166292431, 52.475771686909113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77840_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 75.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.830550166292431, 52.470299736573274 ], [ 7.831705143086298, 52.470299736573274 ], [ 7.831705143086298, 52.470094525199848 ], [ 7.830550166292431, 52.470094525199848 ], [ 7.830550166292431, 52.470299736573274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77849_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 60.625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.830550166292431, 52.420610677970267 ], [ 7.831705143086298, 52.420610677970267 ], [ 7.831705143086298, 52.420405234991954 ], [ 7.830550166292431, 52.420405234991954 ], [ 7.830550166292431, 52.420610677970267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "77888_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 77.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.830550166292431, 52.206845326772644 ], [ 7.831705143086298, 52.206845326772644 ], [ 7.831705143086298, 52.206638889180518 ], [ 7.830550166292431, 52.206638889180518 ], [ 7.830550166292431, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78202_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 146.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.829395189498563, 50.443846334920991 ], [ 7.830550166292431, 50.443846334920991 ], [ 7.830550166292431, 50.443631805238169 ], [ 7.829395189498563, 50.443631805238169 ], [ 7.829395189498563, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78515_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 73.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.839533319133626, 52.470299736573274 ], [ 7.840688295927493, 52.470299736573274 ], [ 7.840688295927493, 52.470094525199848 ], [ 7.839533319133626, 52.470094525199848 ], [ 7.839533319133626, 52.470299736573274 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78516_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.839533319133626, 52.464827105829897 ], [ 7.840688295927493, 52.464827105829897 ], [ 7.840688295927493, 52.464621868940512 ], [ 7.839533319133626, 52.464621868940512 ], [ 7.839533319133626, 52.464827105829897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78524_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 39.111111111111114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.839533319133626, 52.420610677970267 ], [ 7.840688295927493, 52.420610677970267 ], [ 7.840688295927493, 52.420405234991954 ], [ 7.839533319133626, 52.420405234991954 ], [ 7.839533319133626, 52.420610677970267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78525_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 55.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.839533319133626, 52.415131870945956 ], [ 7.840688295927493, 52.415131870945956 ], [ 7.840688295927493, 52.414926402439932 ], [ 7.839533319133626, 52.414926402439932 ], [ 7.839533319133626, 52.415131870945956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78562_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 59.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.839533319133626, 52.212349975422391 ], [ 7.840688295927493, 52.212349975422391 ], [ 7.840688295927493, 52.212143563406478 ], [ 7.839533319133626, 52.212143563406478 ], [ 7.839533319133626, 52.212349975422391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78563_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 54.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.839533319133626, 52.206845326772644 ], [ 7.840688295927493, 52.206845326772644 ], [ 7.840688295927493, 52.206638889180518 ], [ 7.839533319133626, 52.206638889180518 ], [ 7.839533319133626, 52.206845326772644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "78877_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.838378342339758, 50.443846334920991 ], [ 7.839533319133626, 50.443846334920991 ], [ 7.839533319133626, 50.443631805238169 ], [ 7.838378342339758, 50.443631805238169 ], [ 7.838378342339758, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79191_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 105.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.848516471974821, 52.464827105829897 ], [ 7.84967144876869, 52.464827105829897 ], [ 7.84967144876869, 52.464621868940512 ], [ 7.848516471974821, 52.464621868940512 ], [ 7.848516471974821, 52.464827105829897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79200_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 62.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.848516471974821, 52.415131870945956 ], [ 7.84967144876869, 52.415131870945956 ], [ 7.84967144876869, 52.414926402439932 ], [ 7.848516471974821, 52.414926402439932 ], [ 7.848516471974821, 52.415131870945956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79201_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 65.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.848516471974821, 52.409652383165728 ], [ 7.84967144876869, 52.409652383165728 ], [ 7.84967144876869, 52.409446889130685 ], [ 7.848516471974821, 52.409446889130685 ], [ 7.848516471974821, 52.409652383165728 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79202_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 65.833333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.848516471974821, 52.404172214595135 ], [ 7.84967144876869, 52.404172214595135 ], [ 7.84967144876869, 52.403966695029773 ], [ 7.848516471974821, 52.403966695029773 ], [ 7.848516471974821, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79203_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 66.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.848516471974821, 52.39869136519971 ], [ 7.84967144876869, 52.39869136519971 ], [ 7.84967144876869, 52.398485820102763 ], [ 7.848516471974821, 52.398485820102763 ], [ 7.848516471974821, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79237_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 63.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.848516471974821, 52.212349975422391 ], [ 7.84967144876869, 52.212349975422391 ], [ 7.84967144876869, 52.212143563406478 ], [ 7.848516471974821, 52.212143563406478 ], [ 7.848516471974821, 52.212349975422391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79552_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.847361495180953, 50.443846334920991 ], [ 7.848516471974821, 50.443846334920991 ], [ 7.848516471974821, 50.443631805238169 ], [ 7.847361495180953, 50.443631805238169 ], [ 7.847361495180953, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79866_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 107.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.857499624816017, 52.464827105829897 ], [ 7.858654601609883, 52.464827105829897 ], [ 7.858654601609883, 52.464621868940512 ], [ 7.857499624816017, 52.464621868940512 ], [ 7.857499624816017, 52.464827105829897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79867_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 108.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.857499624816017, 52.459353794644308 ], [ 7.858654601609883, 52.459353794644308 ], [ 7.858654601609883, 52.459148532237663 ], [ 7.857499624816017, 52.459148532237663 ], [ 7.857499624816017, 52.459353794644308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79877_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 72.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.857499624816017, 52.404172214595135 ], [ 7.858654601609883, 52.404172214595135 ], [ 7.858654601609883, 52.403966695029773 ], [ 7.857499624816017, 52.403966695029773 ], [ 7.857499624816017, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79878_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 72.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.857499624816017, 52.39869136519971 ], [ 7.858654601609883, 52.39869136519971 ], [ 7.858654601609883, 52.398485820102763 ], [ 7.857499624816017, 52.398485820102763 ], [ 7.857499624816017, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "79912_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 62.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.857499624816017, 52.212349975422391 ], [ 7.858654601609883, 52.212349975422391 ], [ 7.858654601609883, 52.212143563406478 ], [ 7.857499624816017, 52.212143563406478 ], [ 7.857499624816017, 52.212349975422391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "80226_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 136.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.856344648022148, 50.449566767731753 ], [ 7.857499624816017, 50.449566767731753 ], [ 7.857499624816017, 50.449352263981133 ], [ 7.856344648022148, 50.449352263981133 ], [ 7.856344648022148, 50.449566767731753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "80542_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 108.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.866482777657211, 52.459353794644308 ], [ 7.86763775445108, 52.459353794644308 ], [ 7.86763775445108, 52.459148532237663 ], [ 7.866482777657211, 52.459148532237663 ], [ 7.866482777657211, 52.459353794644308 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "80543_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 86.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.866482777657211, 52.453879802981845 ], [ 7.86763775445108, 52.453879802981845 ], [ 7.86763775445108, 52.45367451505664 ], [ 7.866482777657211, 52.45367451505664 ], [ 7.866482777657211, 52.453879802981845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "80553_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 68.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.866482777657211, 52.39869136519971 ], [ 7.86763775445108, 52.39869136519971 ], [ 7.86763775445108, 52.398485820102763 ], [ 7.866482777657211, 52.398485820102763 ], [ 7.866482777657211, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "80586_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 70.625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.866482777657211, 52.217853942057417 ], [ 7.86763775445108, 52.217853942057417 ], [ 7.86763775445108, 52.217647555616431 ], [ 7.866482777657211, 52.217647555616431 ], [ 7.866482777657211, 52.217853942057417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "80900_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.865327800863343, 50.455286509030948 ], [ 7.866482777657211, 50.455286509030948 ], [ 7.866482777657211, 50.455072031211543 ], [ 7.865327800863343, 50.455072031211543 ], [ 7.865327800863343, 50.455286509030948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81218_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 64.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.875465930498407, 52.453879802981845 ], [ 7.876620907292275, 52.453879802981845 ], [ 7.876620907292275, 52.45367451505664 ], [ 7.875465930498407, 52.45367451505664 ], [ 7.875465930498407, 52.453879802981845 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81219_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 51.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.875465930498407, 52.448405130807892 ], [ 7.876620907292275, 52.448405130807892 ], [ 7.876620907292275, 52.448199817362834 ], [ 7.875465930498407, 52.448199817362834 ], [ 7.875465930498407, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81228_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 56.428571428571431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.875465930498407, 52.39869136519971 ], [ 7.876620907292275, 52.39869136519971 ], [ 7.876620907292275, 52.398485820102763 ], [ 7.875465930498407, 52.398485820102763 ], [ 7.875465930498407, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81259_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 76.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.875465930498407, 52.228859829418177 ], [ 7.876620907292275, 52.228859829418177 ], [ 7.876620907292275, 52.228653494123286 ], [ 7.875465930498407, 52.228653494123286 ], [ 7.875465930498407, 52.228859829418177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81260_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.875465930498407, 52.223357226711428 ], [ 7.876620907292275, 52.223357226711428 ], [ 7.876620907292275, 52.223150865844126 ], [ 7.875465930498407, 52.223150865844126 ], [ 7.875465930498407, 52.223357226711428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81575_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.874310953704539, 50.455286509030948 ], [ 7.875465930498407, 50.455286509030948 ], [ 7.875465930498407, 50.455072031211543 ], [ 7.874310953704539, 50.455072031211543 ], [ 7.874310953704539, 50.455286509030948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81894_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 49.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.884449083339603, 52.448405130807892 ], [ 7.88560406013347, 52.448405130807892 ], [ 7.88560406013347, 52.448199817362834 ], [ 7.884449083339603, 52.448199817362834 ], [ 7.884449083339603, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81903_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 58.285714285714285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.884449083339603, 52.39869136519971 ], [ 7.88560406013347, 52.39869136519971 ], [ 7.88560406013347, 52.398485820102763 ], [ 7.884449083339603, 52.398485820102763 ], [ 7.884449083339603, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81932_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 82.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.884449083339603, 52.239862989124902 ], [ 7.88560406013347, 52.239862989124902 ], [ 7.88560406013347, 52.239656704971047 ], [ 7.884449083339603, 52.239656704971047 ], [ 7.884449083339603, 52.239862989124902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "81933_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 81.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.884449083339603, 52.234361750211399 ], [ 7.88560406013347, 52.234361750211399 ], [ 7.88560406013347, 52.234155440487669 ], [ 7.884449083339603, 52.234155440487669 ], [ 7.884449083339603, 52.234361750211399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "82250_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.883294106545733, 50.455286509030948 ], [ 7.884449083339603, 50.455286509030948 ], [ 7.884449083339603, 50.455072031211543 ], [ 7.883294106545733, 50.455072031211543 ], [ 7.883294106545733, 50.455286509030948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "82569_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 38.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.893432236180797, 52.448405130807892 ], [ 7.894587212974665, 52.448405130807892 ], [ 7.894587212974665, 52.448199817362834 ], [ 7.893432236180797, 52.448199817362834 ], [ 7.893432236180797, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "82578_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 67.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.893432236180797, 52.39869136519971 ], [ 7.894587212974665, 52.39869136519971 ], [ 7.894587212974665, 52.398485820102763 ], [ 7.893432236180797, 52.398485820102763 ], [ 7.893432236180797, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "82606_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.893432236180797, 52.245363546192472 ], [ 7.894587212974665, 52.245363546192472 ], [ 7.894587212974665, 52.245157287607235 ], [ 7.893432236180797, 52.245157287607235 ], [ 7.893432236180797, 52.245363546192472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "82607_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 112.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.893432236180797, 52.239862989124902 ], [ 7.894587212974665, 52.239862989124902 ], [ 7.894587212974665, 52.239656704971047 ], [ 7.893432236180797, 52.239656704971047 ], [ 7.893432236180797, 52.239862989124902 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "82925_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.892277259386929, 50.455286509030948 ], [ 7.893432236180797, 50.455286509030948 ], [ 7.893432236180797, 50.455072031211543 ], [ 7.892277259386929, 50.455072031211543 ], [ 7.892277259386929, 50.455286509030948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83244_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 72.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.902415389021993, 52.448405130807892 ], [ 7.90357036581586, 52.448405130807892 ], [ 7.90357036581586, 52.448199817362834 ], [ 7.902415389021993, 52.448199817362834 ], [ 7.902415389021993, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83253_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 78.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.902415389021993, 52.39869136519971 ], [ 7.90357036581586, 52.39869136519971 ], [ 7.90357036581586, 52.398485820102763 ], [ 7.902415389021993, 52.398485820102763 ], [ 7.902415389021993, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83281_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.902415389021993, 52.245363546192472 ], [ 7.90357036581586, 52.245363546192472 ], [ 7.90357036581586, 52.245157287607235 ], [ 7.902415389021993, 52.245157287607235 ], [ 7.902415389021993, 52.245363546192472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83601_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 135.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.901260412228125, 50.449566767731753 ], [ 7.902415389021993, 50.449566767731753 ], [ 7.902415389021993, 50.449352263981133 ], [ 7.901260412228125, 50.449352263981133 ], [ 7.901260412228125, 50.449566767731753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83919_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 67.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.911398541863189, 52.448405130807892 ], [ 7.912553518657055, 52.448405130807892 ], [ 7.912553518657055, 52.448199817362834 ], [ 7.911398541863189, 52.448199817362834 ], [ 7.911398541863189, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83928_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 79.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.911398541863189, 52.39869136519971 ], [ 7.912553518657055, 52.39869136519971 ], [ 7.912553518657055, 52.398485820102763 ], [ 7.911398541863189, 52.398485820102763 ], [ 7.911398541863189, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83955_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.911398541863189, 52.250863421447932 ], [ 7.912553518657055, 52.250863421447932 ], [ 7.912553518657055, 52.250657188430033 ], [ 7.911398541863189, 52.250657188430033 ], [ 7.911398541863189, 52.250863421447932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "83956_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.911398541863189, 52.245363546192472 ], [ 7.912553518657055, 52.245363546192472 ], [ 7.912553518657055, 52.245157287607235 ], [ 7.911398541863189, 52.245157287607235 ], [ 7.911398541863189, 52.245363546192472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84276_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.910243565069319, 50.449566767731753 ], [ 7.911398541863189, 50.449566767731753 ], [ 7.911398541863189, 50.449352263981133 ], [ 7.910243565069319, 50.449352263981133 ], [ 7.910243565069319, 50.449566767731753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84277_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.910243565069319, 50.443846334920991 ], [ 7.911398541863189, 50.443846334920991 ], [ 7.911398541863189, 50.443631805238169 ], [ 7.910243565069319, 50.443631805238169 ], [ 7.910243565069319, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84594_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 69.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.920381694704383, 52.448405130807892 ], [ 7.92153667149825, 52.448405130807892 ], [ 7.92153667149825, 52.448199817362834 ], [ 7.920381694704383, 52.448199817362834 ], [ 7.920381694704383, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84602_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 63.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.920381694704383, 52.404172214595135 ], [ 7.92153667149825, 52.404172214595135 ], [ 7.92153667149825, 52.403966695029773 ], [ 7.920381694704383, 52.403966695029773 ], [ 7.920381694704383, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84603_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 69.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.920381694704383, 52.39869136519971 ], [ 7.92153667149825, 52.39869136519971 ], [ 7.92153667149825, 52.398485820102763 ], [ 7.920381694704383, 52.398485820102763 ], [ 7.920381694704383, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84628_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.920381694704383, 52.261861126657905 ], [ 7.92153667149825, 52.261861126657905 ], [ 7.92153667149825, 52.261654944770882 ], [ 7.920381694704383, 52.261654944770882 ], [ 7.920381694704383, 52.261861126657905 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84629_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.920381694704383, 52.256362614925123 ], [ 7.92153667149825, 52.256362614925123 ], [ 7.92153667149825, 52.256156407473291 ], [ 7.920381694704383, 52.256156407473291 ], [ 7.920381694704383, 52.256362614925123 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84630_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 142.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.920381694704383, 52.250863421447932 ], [ 7.92153667149825, 52.250863421447932 ], [ 7.92153667149825, 52.250657188430033 ], [ 7.920381694704383, 52.250657188430033 ], [ 7.920381694704383, 52.250863421447932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84952_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.919226717910515, 50.443846334920991 ], [ 7.920381694704383, 50.443846334920991 ], [ 7.920381694704383, 50.443631805238169 ], [ 7.919226717910515, 50.443631805238169 ], [ 7.919226717910515, 50.443846334920991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84953_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.919226717910515, 50.438125210572103 ], [ 7.920381694704383, 50.438125210572103 ], [ 7.920381694704383, 50.437910654956092 ], [ 7.919226717910515, 50.437910654956092 ], [ 7.919226717910515, 50.438125210572103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "84954_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.919226717910515, 50.432403394658543 ], [ 7.920381694704383, 50.432403394658543 ], [ 7.920381694704383, 50.43218881310834 ], [ 7.919226717910515, 50.43218881310834 ], [ 7.919226717910515, 50.432403394658543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85269_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 70.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.448405130807892 ], [ 7.930519824339445, 52.448405130807892 ], [ 7.930519824339445, 52.448199817362834 ], [ 7.929364847545579, 52.448199817362834 ], [ 7.929364847545579, 52.448405130807892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85270_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 69.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.44292977808783 ], [ 7.930519824339445, 52.44292977808783 ], [ 7.930519824339445, 52.442724439121619 ], [ 7.929364847545579, 52.442724439121619 ], [ 7.929364847545579, 52.44292977808783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85277_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 56.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.404172214595135 ], [ 7.930519824339445, 52.404172214595135 ], [ 7.930519824339445, 52.403966695029773 ], [ 7.929364847545579, 52.403966695029773 ], [ 7.929364847545579, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85278_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 44.666666666666664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.39869136519971 ], [ 7.930519824339445, 52.39869136519971 ], [ 7.930519824339445, 52.398485820102763 ], [ 7.929364847545579, 52.398485820102763 ], [ 7.929364847545579, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85300_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.277940360369755 ], [ 7.930519824339445, 52.277940360369755 ], [ 7.930519824339445, 52.277734253252483 ], [ 7.929364847545579, 52.277734253252483 ], [ 7.929364847545579, 52.277940360369755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85301_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.272856105025802 ], [ 7.930519824339445, 52.272856105025802 ], [ 7.930519824339445, 52.272649974264581 ], [ 7.929364847545579, 52.272649974264581 ], [ 7.929364847545579, 52.272856105025802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85301_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 61.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.272443842544781 ], [ 7.930519824339445, 52.272443842544781 ], [ 7.930519824339445, 52.272237709866424 ], [ 7.929364847545579, 52.272237709866424 ], [ 7.929364847545579, 52.272443842544781 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85302_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 127.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.267358956680162 ], [ 7.930519824339445, 52.267358956680162 ], [ 7.930519824339445, 52.267152800356676 ], [ 7.929364847545579, 52.267152800356676 ], [ 7.929364847545579, 52.267358956680162 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85302_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 49.07692307692308 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.929364847545579, 52.266946643074576 ], [ 7.930519824339445, 52.266946643074576 ], [ 7.930519824339445, 52.266740484833868 ], [ 7.929364847545579, 52.266740484833868 ], [ 7.929364847545579, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85630_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 103.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.928209870751711, 50.426680887153772 ], [ 7.929364847545579, 50.426680887153772 ], [ 7.929364847545579, 50.426466279668389 ], [ 7.928209870751711, 50.426466279668389 ], [ 7.928209870751711, 50.426680887153772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85631_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 112.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.928209870751711, 50.420957688031301 ], [ 7.929364847545579, 50.420957688031301 ], [ 7.929364847545579, 50.42074305460973 ], [ 7.928209870751711, 50.42074305460973 ], [ 7.928209870751711, 50.420957688031301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85632_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.928209870751711, 50.415233797264641 ], [ 7.929364847545579, 50.415233797264641 ], [ 7.929364847545579, 50.415019137905901 ], [ 7.928209870751711, 50.415019137905901 ], [ 7.928209870751711, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85945_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 74.166666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.44292977808783 ], [ 7.93950297718064, 52.44292977808783 ], [ 7.93950297718064, 52.442724439121619 ], [ 7.938348000386773, 52.442724439121619 ], [ 7.938348000386773, 52.44292977808783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85952_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 63.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.404172214595135 ], [ 7.93950297718064, 52.404172214595135 ], [ 7.93950297718064, 52.403966695029773 ], [ 7.938348000386773, 52.403966695029773 ], [ 7.938348000386773, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85953_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 65.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.39869136519971 ], [ 7.93950297718064, 52.39869136519971 ], [ 7.93950297718064, 52.398485820102763 ], [ 7.938348000386773, 52.398485820102763 ], [ 7.938348000386773, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85972_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.294837882321012 ], [ 7.93950297718064, 52.294837882321012 ], [ 7.93950297718064, 52.294631853796091 ], [ 7.938348000386773, 52.294631853796091 ], [ 7.938348000386773, 52.294837882321012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85972_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.294425824312796 ], [ 7.93950297718064, 52.294425824312796 ], [ 7.93950297718064, 52.294219793871136 ], [ 7.938348000386773, 52.294219793871136 ], [ 7.938348000386773, 52.294425824312796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85973_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 119.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.28934346034238 ], [ 7.93950297718064, 52.28934346034238 ], [ 7.93950297718064, 52.289137406260295 ], [ 7.938348000386773, 52.289137406260295 ], [ 7.938348000386773, 52.28934346034238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85973_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.288931351219794 ], [ 7.93950297718064, 52.288931351219794 ], [ 7.93950297718064, 52.288725295220864 ], [ 7.938348000386773, 52.288725295220864 ], [ 7.938348000386773, 52.288931351219794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85974_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 139.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.283848356822958 ], [ 7.93950297718064, 52.283848356822958 ], [ 7.93950297718064, 52.283642277182423 ], [ 7.938348000386773, 52.283642277182423 ], [ 7.938348000386773, 52.283848356822958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85974_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.283436196583445 ], [ 7.93950297718064, 52.283436196583445 ], [ 7.93950297718064, 52.28323011502598 ], [ 7.938348000386773, 52.28323011502598 ], [ 7.938348000386773, 52.283436196583445 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85975_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.278352571728753 ], [ 7.93950297718064, 52.278352571728753 ], [ 7.93950297718064, 52.278146466528511 ], [ 7.938348000386773, 52.278146466528511 ], [ 7.938348000386773, 52.278352571728753 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85975_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 84.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.277940360369755 ], [ 7.93950297718064, 52.277940360369755 ], [ 7.93950297718064, 52.277734253252483 ], [ 7.938348000386773, 52.277734253252483 ], [ 7.938348000386773, 52.277940360369755 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "85977_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 71.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.938348000386773, 52.266946643074576 ], [ 7.93950297718064, 52.266946643074576 ], [ 7.93950297718064, 52.266740484833868 ], [ 7.938348000386773, 52.266740484833868 ], [ 7.938348000386773, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86307_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 132.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.937193023592905, 50.415233797264641 ], [ 7.938348000386773, 50.415233797264641 ], [ 7.938348000386773, 50.415019137905901 ], [ 7.937193023592905, 50.415019137905901 ], [ 7.937193023592905, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86620_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 78.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.44292977808783 ], [ 7.948486130021837, 52.44292977808783 ], [ 7.948486130021837, 52.442724439121619 ], [ 7.947331153227968, 52.442724439121619 ], [ 7.947331153227968, 52.44292977808783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86627_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 72.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.404172214595135 ], [ 7.948486130021837, 52.404172214595135 ], [ 7.948486130021837, 52.403966695029773 ], [ 7.947331153227968, 52.403966695029773 ], [ 7.947331153227968, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86644_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.311317059352348 ], [ 7.948486130021837, 52.311317059352348 ], [ 7.948486130021837, 52.311111107491264 ], [ 7.947331153227968, 52.311111107491264 ], [ 7.947331153227968, 52.311317059352348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86644_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.310905154671971 ], [ 7.948486130021837, 52.310905154671971 ], [ 7.948486130021837, 52.310699200894433 ], [ 7.947331153227968, 52.310699200894433 ], [ 7.947331153227968, 52.310905154671971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86645_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.305824681791947 ], [ 7.948486130021837, 52.305824681791947 ], [ 7.948486130021837, 52.305618704377544 ], [ 7.947331153227968, 52.305618704377544 ], [ 7.947331153227968, 52.305824681791947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86645_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 108.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.305412726004853 ], [ 7.948486130021837, 52.305412726004853 ], [ 7.948486130021837, 52.305206746673882 ], [ 7.947331153227968, 52.305206746673882 ], [ 7.947331153227968, 52.305412726004853 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86646_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 93.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.300331622792854 ], [ 7.948486130021837, 52.300331622792854 ], [ 7.948486130021837, 52.300125619823831 ], [ 7.947331153227968, 52.300125619823831 ], [ 7.947331153227968, 52.300331622792854 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86646_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.299919615896478 ], [ 7.948486130021837, 52.299919615896478 ], [ 7.948486130021837, 52.299713611010809 ], [ 7.947331153227968, 52.299713611010809 ], [ 7.947331153227968, 52.299919615896478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86647_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 88.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.294837882321012 ], [ 7.948486130021837, 52.294837882321012 ], [ 7.948486130021837, 52.294631853796091 ], [ 7.947331153227968, 52.294631853796091 ], [ 7.947331153227968, 52.294837882321012 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86647_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.294425824312796 ], [ 7.948486130021837, 52.294425824312796 ], [ 7.948486130021837, 52.294219793871136 ], [ 7.947331153227968, 52.294219793871136 ], [ 7.947331153227968, 52.294425824312796 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86652_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 75.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.947331153227968, 52.266946643074576 ], [ 7.948486130021837, 52.266946643074576 ], [ 7.948486130021837, 52.266740484833868 ], [ 7.947331153227968, 52.266740484833868 ], [ 7.947331153227968, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "86982_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.946176176434101, 50.415233797264641 ], [ 7.947331153227968, 50.415233797264641 ], [ 7.947331153227968, 50.415019137905901 ], [ 7.946176176434101, 50.415019137905901 ], [ 7.946176176434101, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87295_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 72.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.44292977808783 ], [ 7.95746928286303, 52.44292977808783 ], [ 7.95746928286303, 52.442724439121619 ], [ 7.956314306069165, 52.442724439121619 ], [ 7.956314306069165, 52.44292977808783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87296_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 64.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.437453744787071 ], [ 7.95746928286303, 52.437453744787071 ], [ 7.95746928286303, 52.437248380298428 ], [ 7.956314306069165, 52.437248380298428 ], [ 7.956314306069165, 52.437453744787071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87302_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 61.142857142857146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.404172214595135 ], [ 7.95746928286303, 52.404172214595135 ], [ 7.95746928286303, 52.403966695029773 ], [ 7.956314306069165, 52.403966695029773 ], [ 7.956314306069165, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87303_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 8.6666666666666661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.39869136519971 ], [ 7.95746928286303, 52.39869136519971 ], [ 7.95746928286303, 52.398485820102763 ], [ 7.956314306069165, 52.398485820102763 ], [ 7.956314306069165, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87318_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.316808755508113 ], [ 7.95746928286303, 52.316808755508113 ], [ 7.95746928286303, 52.316602829199098 ], [ 7.956314306069165, 52.316602829199098 ], [ 7.956314306069165, 52.316808755508113 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87318_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 116.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.316396901931903 ], [ 7.95746928286303, 52.316396901931903 ], [ 7.95746928286303, 52.316190973706519 ], [ 7.956314306069165, 52.316190973706519 ], [ 7.956314306069165, 52.316396901931903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87319_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 137.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.311317059352348 ], [ 7.95746928286303, 52.311317059352348 ], [ 7.95746928286303, 52.311111107491264 ], [ 7.956314306069165, 52.311111107491264 ], [ 7.956314306069165, 52.311317059352348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87319_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 116.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.310905154671971 ], [ 7.95746928286303, 52.310905154671971 ], [ 7.95746928286303, 52.310699200894433 ], [ 7.956314306069165, 52.310699200894433 ], [ 7.956314306069165, 52.310905154671971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87327_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 64.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.956314306069165, 52.266946643074576 ], [ 7.95746928286303, 52.266946643074576 ], [ 7.95746928286303, 52.266740484833868 ], [ 7.956314306069165, 52.266740484833868 ], [ 7.956314306069165, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87657_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.955159329275297, 50.415233797264641 ], [ 7.956314306069165, 50.415233797264641 ], [ 7.956314306069165, 50.415019137905901 ], [ 7.955159329275297, 50.415019137905901 ], [ 7.955159329275297, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87970_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 51.333333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.44292977808783 ], [ 7.966452435704227, 52.44292977808783 ], [ 7.966452435704227, 52.442724439121619 ], [ 7.965297458910358, 52.442724439121619 ], [ 7.965297458910358, 52.44292977808783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87971_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 78.571428571428569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.437453744787071 ], [ 7.966452435704227, 52.437453744787071 ], [ 7.966452435704227, 52.437248380298428 ], [ 7.965297458910358, 52.437248380298428 ], [ 7.965297458910358, 52.437453744787071 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87972_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 129.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.431977030871053 ], [ 7.966452435704227, 52.431977030871053 ], [ 7.966452435704227, 52.431771640858656 ], [ 7.965297458910358, 52.431771640858656 ], [ 7.965297458910358, 52.431977030871053 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87973_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 125.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.426499636305238 ], [ 7.966452435704227, 52.426499636305238 ], [ 7.966452435704227, 52.426294220767794 ], [ 7.965297458910358, 52.426294220767794 ], [ 7.965297458910358, 52.426499636305238 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87974_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.421021561055078 ], [ 7.966452435704227, 52.421021561055078 ], [ 7.966452435704227, 52.420816119991301 ], [ 7.965297458910358, 52.420816119991301 ], [ 7.965297458910358, 52.421021561055078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87977_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 59.375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.404172214595135 ], [ 7.966452435704227, 52.404172214595135 ], [ 7.966452435704227, 52.403966695029773 ], [ 7.965297458910358, 52.403966695029773 ], [ 7.965297458910358, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87992_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.322299770293348 ], [ 7.966452435704227, 52.322299770293348 ], [ 7.966452435704227, 52.322093869535109 ], [ 7.965297458910358, 52.322093869535109 ], [ 7.965297458910358, 52.322299770293348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "87992_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 116.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.321887967818739 ], [ 7.966452435704227, 52.321887967818739 ], [ 7.966452435704227, 52.321682065144238 ], [ 7.965297458910358, 52.321682065144238 ], [ 7.965297458910358, 52.321887967818739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88002_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 27.5625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.965297458910358, 52.266946643074576 ], [ 7.966452435704227, 52.266946643074576 ], [ 7.966452435704227, 52.266740484833868 ], [ 7.965297458910358, 52.266740484833868 ], [ 7.965297458910358, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88332_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 121.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.964142482116491, 50.415233797264641 ], [ 7.965297458910358, 50.415233797264641 ], [ 7.965297458910358, 50.415019137905901 ], [ 7.964142482116491, 50.415019137905901 ], [ 7.964142482116491, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88649_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 108.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.421021561055078 ], [ 7.975435588545422, 52.421021561055078 ], [ 7.975435588545422, 52.420816119991301 ], [ 7.974280611751555, 52.420816119991301 ], [ 7.974280611751555, 52.421021561055078 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88650_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 103.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.415542805086076 ], [ 7.975435588545422, 52.415542805086076 ], [ 7.975435588545422, 52.415337338494659 ], [ 7.974280611751555, 52.415337338494659 ], [ 7.974280611751555, 52.415542805086076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88651_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 100.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.410063368363737 ], [ 7.975435588545422, 52.410063368363737 ], [ 7.975435588545422, 52.409857876243407 ], [ 7.974280611751555, 52.409857876243407 ], [ 7.974280611751555, 52.410063368363737 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88652_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 110.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.404583250853612 ], [ 7.975435588545422, 52.404583250853612 ], [ 7.975435588545422, 52.404377733203084 ], [ 7.974280611751555, 52.404377733203084 ], [ 7.974280611751555, 52.404583250853612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88652_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 48.583333333333336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.404172214595135 ], [ 7.975435588545422, 52.404172214595135 ], [ 7.975435588545422, 52.403966695029773 ], [ 7.974280611751555, 52.403966695029773 ], [ 7.974280611751555, 52.404172214595135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88666_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 146.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.327790103742153 ], [ 7.975435588545422, 52.327790103742153 ], [ 7.975435588545422, 52.327584228533418 ], [ 7.974280611751555, 52.327584228533418 ], [ 7.974280611751555, 52.327790103742153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88666_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.327378352366587 ], [ 7.975435588545422, 52.327378352366587 ], [ 7.975435588545422, 52.327172475241682 ], [ 7.974280611751555, 52.327172475241682 ], [ 7.974280611751555, 52.327378352366587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88667_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.322299770293348 ], [ 7.975435588545422, 52.322299770293348 ], [ 7.975435588545422, 52.322093869535109 ], [ 7.974280611751555, 52.322093869535109 ], [ 7.974280611751555, 52.322299770293348 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "88677_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 12.666666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.974280611751555, 52.266946643074576 ], [ 7.975435588545422, 52.266946643074576 ], [ 7.975435588545422, 52.266740484833868 ], [ 7.974280611751555, 52.266740484833868 ], [ 7.974280611751555, 52.266946643074576 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89007_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.973125634957687, 50.415233797264641 ], [ 7.974280611751555, 50.415233797264641 ], [ 7.974280611751555, 50.415019137905901 ], [ 7.973125634957687, 50.415019137905901 ], [ 7.973125634957687, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89008_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.973125634957687, 50.409509214827345 ], [ 7.974280611751555, 50.409509214827345 ], [ 7.974280611751555, 50.409294529530442 ], [ 7.973125634957687, 50.409294529530442 ], [ 7.973125634957687, 50.409509214827345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89328_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 133.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.399102452521241 ], [ 7.984418741386617, 52.399102452521241 ], [ 7.984418741386617, 52.398896909339214 ], [ 7.98326376459275, 52.398896909339214 ], [ 7.98326376459275, 52.399102452521241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89328_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 107.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.39869136519971 ], [ 7.984418741386617, 52.39869136519971 ], [ 7.984418741386617, 52.398485820102763 ], [ 7.98326376459275, 52.398485820102763 ], [ 7.98326376459275, 52.39869136519971 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89329_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.393209834945047 ], [ 7.984418741386617, 52.393209834945047 ], [ 7.984418741386617, 52.393004264315209 ], [ 7.98326376459275, 52.393004264315209 ], [ 7.98326376459275, 52.393209834945047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89340_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 146.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.333279755888661 ], [ 7.984418741386617, 52.333279755888661 ], [ 7.984418741386617, 52.333073906228144 ], [ 7.98326376459275, 52.333073906228144 ], [ 7.98326376459275, 52.333279755888661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89340_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.332868055609588 ], [ 7.984418741386617, 52.332868055609588 ], [ 7.984418741386617, 52.332662204032999 ], [ 7.98326376459275, 52.332662204032999 ], [ 7.98326376459275, 52.332868055609588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89341_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.327790103742153 ], [ 7.984418741386617, 52.327790103742153 ], [ 7.984418741386617, 52.327584228533418 ], [ 7.98326376459275, 52.327584228533418 ], [ 7.98326376459275, 52.327790103742153 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89341_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 119.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.98326376459275, 52.327378352366587 ], [ 7.984418741386617, 52.327378352366587 ], [ 7.984418741386617, 52.327172475241682 ], [ 7.98326376459275, 52.327172475241682 ], [ 7.98326376459275, 52.327378352366587 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89682_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.982108787798881, 50.415233797264641 ], [ 7.98326376459275, 50.415233797264641 ], [ 7.98326376459275, 50.415019137905901 ], [ 7.982108787798881, 50.415019137905901 ], [ 7.982108787798881, 50.415233797264641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "89683_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 107.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.982108787798881, 50.409509214827345 ], [ 7.98326376459275, 50.409509214827345 ], [ 7.98326376459275, 50.409294529530442 ], [ 7.982108787798881, 50.409294529530442 ], [ 7.982108787798881, 50.409509214827345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90004_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 136.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.393620973332226 ], [ 7.993401894227812, 52.393620973332226 ], [ 7.993401894227812, 52.393415404617393 ], [ 7.992246917433945, 52.393415404617393 ], [ 7.992246917433945, 52.393620973332226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90004_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 110.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.393209834945047 ], [ 7.993401894227812, 52.393209834945047 ], [ 7.993401894227812, 52.393004264315209 ], [ 7.992246917433945, 52.393004264315209 ], [ 7.992246917433945, 52.393209834945047 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90005_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 128.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.388138813252127 ], [ 7.993401894227812, 52.388138813252127 ], [ 7.993401894227812, 52.387933219003209 ], [ 7.992246917433945, 52.387933219003209 ], [ 7.992246917433945, 52.388138813252127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90005_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.387727623796742 ], [ 7.993401894227812, 52.387727623796742 ], [ 7.993401894227812, 52.38752202763272 ], [ 7.992246917433945, 52.38752202763272 ], [ 7.992246917433945, 52.387727623796742 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90006_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 114.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.382655972246589 ], [ 7.993401894227812, 52.382655972246589 ], [ 7.993401894227812, 52.382450352462293 ], [ 7.992246917433945, 52.382450352462293 ], [ 7.992246917433945, 52.382655972246589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90006_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 99.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.382244731720412 ], [ 7.993401894227812, 52.382244731720412 ], [ 7.993401894227812, 52.382039110020912 ], [ 7.992246917433945, 52.382039110020912 ], [ 7.992246917433945, 52.382244731720412 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90007_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 121.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.377172450281243 ], [ 7.993401894227812, 52.377172450281243 ], [ 7.993401894227812, 52.376966804960283 ], [ 7.992246917433945, 52.376966804960283 ], [ 7.992246917433945, 52.377172450281243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90007_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 121.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.376761158681688 ], [ 7.993401894227812, 52.376761158681688 ], [ 7.993401894227812, 52.376555511445432 ], [ 7.992246917433945, 52.376555511445432 ], [ 7.992246917433945, 52.376761158681688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90015_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 136.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.333279755888661 ], [ 7.993401894227812, 52.333279755888661 ], [ 7.993401894227812, 52.333073906228144 ], [ 7.992246917433945, 52.333073906228144 ], [ 7.992246917433945, 52.333279755888661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90015_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.992246917433945, 52.332868055609588 ], [ 7.993401894227812, 52.332868055609588 ], [ 7.993401894227812, 52.332662204032999 ], [ 7.992246917433945, 52.332662204032999 ], [ 7.992246917433945, 52.332868055609588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90358_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.991091940640077, 50.409509214827345 ], [ 7.992246917433945, 50.409509214827345 ], [ 7.992246917433945, 50.409294529530442 ], [ 7.991091940640077, 50.409294529530442 ], [ 7.991091940640077, 50.409509214827345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90683_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.371688247321735 ], [ 8.002385047069009, 52.371688247321735 ], [ 8.002385047069009, 52.371482576462839 ], [ 8.00123007027514, 52.371482576462839 ], [ 8.00123007027514, 52.371688247321735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90683_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.371276904646244 ], [ 8.002385047069009, 52.371276904646244 ], [ 8.002385047069009, 52.371071231871937 ], [ 8.00123007027514, 52.371071231871937 ], [ 8.00123007027514, 52.371276904646244 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90684_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.36620336333376 ], [ 8.002385047069009, 52.36620336333376 ], [ 8.002385047069009, 52.365997666935627 ], [ 8.00123007027514, 52.365997666935627 ], [ 8.00123007027514, 52.36620336333376 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90684_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 95.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.365791969579746 ], [ 8.002385047069009, 52.365791969579746 ], [ 8.002385047069009, 52.365586271266125 ], [ 8.00123007027514, 52.365586271266125 ], [ 8.00123007027514, 52.365791969579746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90685_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.360717798283019 ], [ 8.002385047069009, 52.360717798283019 ], [ 8.002385047069009, 52.360512076344364 ], [ 8.00123007027514, 52.360512076344364 ], [ 8.00123007027514, 52.360717798283019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90685_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 89.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.360306353447911 ], [ 8.002385047069009, 52.360306353447911 ], [ 8.002385047069009, 52.360100629593667 ], [ 8.00123007027514, 52.360100629593667 ], [ 8.00123007027514, 52.360306353447911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90690_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.333279755888661 ], [ 8.002385047069009, 52.333279755888661 ], [ 8.002385047069009, 52.333073906228144 ], [ 8.00123007027514, 52.333073906228144 ], [ 8.00123007027514, 52.333279755888661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "90690_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 111.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.00123007027514, 52.332868055609588 ], [ 8.002385047069009, 52.332868055609588 ], [ 8.002385047069009, 52.332662204032999 ], [ 8.00123007027514, 52.332662204032999 ], [ 8.00123007027514, 52.332868055609588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91033_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 97.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.000075093481271, 50.409509214827345 ], [ 8.00123007027514, 50.409509214827345 ], [ 8.00123007027514, 50.409294529530442 ], [ 8.000075093481271, 50.409294529530442 ], [ 8.000075093481271, 50.409509214827345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91360_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.010213223116336, 52.360717798283019 ], [ 8.011368199910203, 52.360717798283019 ], [ 8.011368199910203, 52.360512076344364 ], [ 8.010213223116336, 52.360512076344364 ], [ 8.010213223116336, 52.360717798283019 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91360_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.010213223116336, 52.360306353447911 ], [ 8.011368199910203, 52.360306353447911 ], [ 8.011368199910203, 52.360100629593667 ], [ 8.010213223116336, 52.360100629593667 ], [ 8.010213223116336, 52.360306353447911 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91361_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 111.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.010213223116336, 52.355231552135223 ], [ 8.011368199910203, 52.355231552135223 ], [ 8.011368199910203, 52.355025804654758 ], [ 8.010213223116336, 52.355025804654758 ], [ 8.010213223116336, 52.355231552135223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91361_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 95.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.010213223116336, 52.354820056216461 ], [ 8.011368199910203, 52.354820056216461 ], [ 8.011368199910203, 52.354614306820302 ], [ 8.010213223116336, 52.354614306820302 ], [ 8.010213223116336, 52.354820056216461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91364_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 116.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.010213223116336, 52.338768726767043 ], [ 8.011368199910203, 52.338768726767043 ], [ 8.011368199910203, 52.338562902653472 ], [ 8.010213223116336, 52.338562902653472 ], [ 8.010213223116336, 52.338768726767043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91364_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 103.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.010213223116336, 52.338357077581897 ], [ 8.011368199910203, 52.338357077581897 ], [ 8.011368199910203, 52.338151251552333 ], [ 8.010213223116336, 52.338151251552333 ], [ 8.010213223116336, 52.338357077581897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "91709_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 100.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.009058246322466, 50.403783940692996 ], [ 8.010213223116336, 50.403783940692996 ], [ 8.010213223116336, 50.403569229456927 ], [ 8.009058246322466, 50.403569229456927 ], [ 8.009058246322466, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92036_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 100.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.355231552135223 ], [ 8.020351352751398, 52.355231552135223 ], [ 8.020351352751398, 52.355025804654758 ], [ 8.019196375957531, 52.355025804654758 ], [ 8.019196375957531, 52.355231552135223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92036_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 86.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.354820056216461 ], [ 8.020351352751398, 52.354820056216461 ], [ 8.020351352751398, 52.354614306820302 ], [ 8.019196375957531, 52.354614306820302 ], [ 8.019196375957531, 52.354820056216461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92037_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 94.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.349744624856115 ], [ 8.020351352751398, 52.349744624856115 ], [ 8.020351352751398, 52.349538851832563 ], [ 8.019196375957531, 52.349538851832563 ], [ 8.019196375957531, 52.349744624856115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92037_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 83.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.349333077851128 ], [ 8.020351352751398, 52.349333077851128 ], [ 8.020351352751398, 52.349127302911789 ], [ 8.019196375957531, 52.349127302911789 ], [ 8.019196375957531, 52.349333077851128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92038_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 80.714285714285708 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.344257016411461 ], [ 8.020351352751398, 52.344257016411461 ], [ 8.020351352751398, 52.344051217843536 ], [ 8.019196375957531, 52.344051217843536 ], [ 8.019196375957531, 52.344257016411461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92038_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 63.125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.34384541831767 ], [ 8.020351352751398, 52.34384541831767 ], [ 8.020351352751398, 52.343639617833865 ], [ 8.019196375957531, 52.343639617833865 ], [ 8.019196375957531, 52.34384541831767 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92039_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 95.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.338768726767043 ], [ 8.020351352751398, 52.338768726767043 ], [ 8.020351352751398, 52.338562902653472 ], [ 8.019196375957531, 52.338562902653472 ], [ 8.019196375957531, 52.338768726767043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92039_5_11", "Weekday": 5, "hour": 11, "Speed_value_mean": 86.666666666666671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.019196375957531, 52.338357077581897 ], [ 8.020351352751398, 52.338357077581897 ], [ 8.020351352751398, 52.338151251552333 ], [ 8.019196375957531, 52.338151251552333 ], [ 8.019196375957531, 52.338357077581897 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92384_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 117.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.018041399163662, 50.403783940692996 ], [ 8.019196375957531, 50.403783940692996 ], [ 8.019196375957531, 50.403569229456927 ], [ 8.018041399163662, 50.403569229456927 ], [ 8.018041399163662, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "92713_5_9", "Weekday": 5, "hour": 9, "Speed_value_mean": 57.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.028179528798725, 52.344257016411461 ], [ 8.029334505592594, 52.344257016411461 ], [ 8.029334505592594, 52.344051217843536 ], [ 8.028179528798725, 52.344051217843536 ], [ 8.028179528798725, 52.344257016411461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "93059_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.027024552004859, 50.403783940692996 ], [ 8.028179528798725, 50.403783940692996 ], [ 8.028179528798725, 50.403569229456927 ], [ 8.027024552004859, 50.403569229456927 ], [ 8.027024552004859, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "93734_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 150.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.036007704846051, 50.403783940692996 ], [ 8.037162681639922, 50.403783940692996 ], [ 8.037162681639922, 50.403569229456927 ], [ 8.036007704846051, 50.403569229456927 ], [ 8.036007704846051, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "94409_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 159.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.044990857687248, 50.403783940692996 ], [ 8.046145834481116, 50.403783940692996 ], [ 8.046145834481116, 50.403569229456927 ], [ 8.044990857687248, 50.403569229456927 ], [ 8.044990857687248, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "95084_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 161.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.053974010528444, 50.403783940692996 ], [ 8.055128987322311, 50.403783940692996 ], [ 8.055128987322311, 50.403569229456927 ], [ 8.053974010528444, 50.403569229456927 ], [ 8.053974010528444, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "95759_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.062957163369639, 50.403783940692996 ], [ 8.064112140163505, 50.403783940692996 ], [ 8.064112140163505, 50.403569229456927 ], [ 8.062957163369639, 50.403569229456927 ], [ 8.062957163369639, 50.403783940692996 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "96435_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.071940316210833, 50.398057974835169 ], [ 8.073095293004702, 50.398057974835169 ], [ 8.073095293004702, 50.397843237658975 ], [ 8.071940316210833, 50.397843237658975 ], [ 8.071940316210833, 50.398057974835169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "97110_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 118.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.080923469052028, 50.398057974835169 ], [ 8.082078445845898, 50.398057974835169 ], [ 8.082078445845898, 50.397843237658975 ], [ 8.080923469052028, 50.397843237658975 ], [ 8.080923469052028, 50.398057974835169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "97111_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 111.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.080923469052028, 50.392331317227509 ], [ 8.082078445845898, 50.392331317227509 ], [ 8.082078445845898, 50.392116554110181 ], [ 8.080923469052028, 50.392116554110181 ], [ 8.080923469052028, 50.392331317227509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "97112_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 109.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.080923469052028, 50.386603967843641 ], [ 8.082078445845898, 50.386603967843641 ], [ 8.082078445845898, 50.386389178784185 ], [ 8.080923469052028, 50.386389178784185 ], [ 8.080923469052028, 50.386603967843641 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "97113_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 111.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.080923469052028, 50.380875926657239 ], [ 8.082078445845898, 50.380875926657239 ], [ 8.082078445845898, 50.380661111654682 ], [ 8.080923469052028, 50.380661111654682 ], [ 8.080923469052028, 50.380875926657239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "97788_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 119.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.089906621893224, 50.380875926657239 ], [ 8.091061598687091, 50.380875926657239 ], [ 8.091061598687091, 50.380661111654682 ], [ 8.089906621893224, 50.380661111654682 ], [ 8.089906621893224, 50.380875926657239 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "97789_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.089906621893224, 50.375147193642015 ], [ 8.091061598687091, 50.375147193642015 ], [ 8.091061598687091, 50.37493235269536 ], [ 8.089906621893224, 50.37493235269536 ], [ 8.089906621893224, 50.375147193642015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "98464_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 127.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.098889774734419, 50.375147193642015 ], [ 8.100044751528287, 50.375147193642015 ], [ 8.100044751528287, 50.37493235269536 ], [ 8.098889774734419, 50.37493235269536 ], [ 8.098889774734419, 50.375147193642015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "99139_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.107872927575613, 50.375147193642015 ], [ 8.109027904369484, 50.375147193642015 ], [ 8.109027904369484, 50.37493235269536 ], [ 8.107872927575613, 50.37493235269536 ], [ 8.107872927575613, 50.375147193642015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "99140_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 130.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.107872927575613, 50.369417768771662 ], [ 8.109027904369484, 50.369417768771662 ], [ 8.109027904369484, 50.369202901879923 ], [ 8.107872927575613, 50.369202901879923 ], [ 8.107872927575613, 50.369417768771662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "99815_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 140.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.11685608041681, 50.369417768771662 ], [ 8.118011057210678, 50.369417768771662 ], [ 8.118011057210678, 50.369202901879923 ], [ 8.11685608041681, 50.369202901879923 ], [ 8.11685608041681, 50.369417768771662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "100491_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 143.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.125839233258006, 50.363687652019934 ], [ 8.126994210051873, 50.363687652019934 ], [ 8.126994210051873, 50.363472759182145 ], [ 8.125839233258006, 50.363472759182145 ], [ 8.125839233258006, 50.363687652019934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "101166_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.134822386099199, 50.363687652019934 ], [ 8.135977362893069, 50.363687652019934 ], [ 8.135977362893069, 50.363472759182145 ], [ 8.134822386099199, 50.363472759182145 ], [ 8.134822386099199, 50.363687652019934 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "101167_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.134822386099199, 50.357956843360597 ], [ 8.135977362893069, 50.357956843360597 ], [ 8.135977362893069, 50.35774192457577 ], [ 8.134822386099199, 50.35774192457577 ], [ 8.134822386099199, 50.357956843360597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "101842_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 137.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.143805538940395, 50.357956843360597 ], [ 8.144960515734263, 50.357956843360597 ], [ 8.144960515734263, 50.35774192457577 ], [ 8.143805538940395, 50.35774192457577 ], [ 8.143805538940395, 50.357956843360597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "102517_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 142.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.152788691781591, 50.357956843360597 ], [ 8.15394366857546, 50.357956843360597 ], [ 8.15394366857546, 50.35774192457577 ], [ 8.152788691781591, 50.35774192457577 ], [ 8.152788691781591, 50.357956843360597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "103193_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.161771844622786, 50.352225342767461 ], [ 8.162926821416654, 50.352225342767461 ], [ 8.162926821416654, 50.352010398034594 ], [ 8.161771844622786, 50.352010398034594 ], [ 8.161771844622786, 50.352225342767461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "103868_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.17075499746398, 50.352225342767461 ], [ 8.171909974257849, 50.352225342767461 ], [ 8.171909974257849, 50.352010398034594 ], [ 8.17075499746398, 50.352010398034594 ], [ 8.17075499746398, 50.352225342767461 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "103869_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 121.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.17075499746398, 50.346493150214314 ], [ 8.171909974257849, 50.346493150214314 ], [ 8.171909974257849, 50.34627817953244 ], [ 8.17075499746398, 50.34627817953244 ], [ 8.17075499746398, 50.346493150214314 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "104545_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 116.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.179738150305177, 50.340760265675016 ], [ 8.180893127099045, 50.340760265675016 ], [ 8.180893127099045, 50.340545269043147 ], [ 8.179738150305177, 50.340545269043147 ], [ 8.179738150305177, 50.340760265675016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "105220_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.188721303146371, 50.340760265675016 ], [ 8.189876279940238, 50.340760265675016 ], [ 8.189876279940238, 50.340545269043147 ], [ 8.188721303146371, 50.340545269043147 ], [ 8.188721303146371, 50.340760265675016 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "105221_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 133.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.188721303146371, 50.335026689123424 ], [ 8.189876279940238, 50.335026689123424 ], [ 8.189876279940238, 50.334811666540588 ], [ 8.188721303146371, 50.334811666540588 ], [ 8.188721303146371, 50.335026689123424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "105896_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 123.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.197704455987568, 50.335026689123424 ], [ 8.198859432781434, 50.335026689123424 ], [ 8.198859432781434, 50.334811666540588 ], [ 8.197704455987568, 50.334811666540588 ], [ 8.197704455987568, 50.335026689123424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "105897_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.197704455987568, 50.329292420533434 ], [ 8.198859432781434, 50.329292420533434 ], [ 8.198859432781434, 50.329077371998665 ], [ 8.197704455987568, 50.329077371998665 ], [ 8.197704455987568, 50.329292420533434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "106572_4_12", "Weekday": 4, "hour": 12, "Speed_value_mean": 129.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.20668760882876, 50.329292420533434 ], [ 8.207842585622631, 50.329292420533434 ], [ 8.207842585622631, 50.329077371998665 ], [ 8.20668760882876, 50.329077371998665 ], [ 8.20668760882876, 50.329292420533434 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "106572_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 136.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.20668760882876, 50.329077371998665 ], [ 8.207842585622631, 50.329077371998665 ], [ 8.207842585622631, 50.328862322490657 ], [ 8.20668760882876, 50.328862322490657 ], [ 8.20668760882876, 50.329077371998665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "107247_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 144.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.215670761669957, 50.329077371998665 ], [ 8.216825738463825, 50.329077371998665 ], [ 8.216825738463825, 50.328862322490657 ], [ 8.215670761669957, 50.328862322490657 ], [ 8.215670761669957, 50.329077371998665 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "107248_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 139.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.215670761669957, 50.323342385391257 ], [ 8.216825738463825, 50.323342385391257 ], [ 8.216825738463825, 50.3231273099303 ], [ 8.215670761669957, 50.3231273099303 ], [ 8.215670761669957, 50.323342385391257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "107923_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 136.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.224653914511153, 50.323342385391257 ], [ 8.22580889130502, 50.323342385391257 ], [ 8.22580889130502, 50.3231273099303 ], [ 8.224653914511153, 50.3231273099303 ], [ 8.224653914511153, 50.323342385391257 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "107924_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 144.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.224653914511153, 50.317606706692345 ], [ 8.22580889130502, 50.317606706692345 ], [ 8.22580889130502, 50.317391605277436 ], [ 8.224653914511153, 50.317391605277436 ], [ 8.224653914511153, 50.317606706692345 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "107925_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.224653914511153, 50.311870335875867 ], [ 8.22580889130502, 50.311870335875867 ], [ 8.22580889130502, 50.31165520850606 ], [ 8.224653914511153, 50.31165520850606 ], [ 8.224653914511153, 50.311870335875867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "108600_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 143.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.233637067352348, 50.311870335875867 ], [ 8.234792044146216, 50.311870335875867 ], [ 8.234792044146216, 50.31165520850606 ], [ 8.233637067352348, 50.31165520850606 ], [ 8.233637067352348, 50.311870335875867 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "108601_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.233637067352348, 50.306133272915808 ], [ 8.234792044146216, 50.306133272915808 ], [ 8.234792044146216, 50.305918119590117 ], [ 8.233637067352348, 50.305918119590117 ], [ 8.233637067352348, 50.306133272915808 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "108602_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.233637067352348, 50.300395517786221 ], [ 8.234792044146216, 50.300395517786221 ], [ 8.234792044146216, 50.300180338503658 ], [ 8.233637067352348, 50.300180338503658 ], [ 8.233637067352348, 50.300395517786221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109278_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 142.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.29465707046112 ], [ 8.243775196987411, 50.29465707046112 ], [ 8.243775196987411, 50.294441865220712 ], [ 8.242620220193542, 50.294441865220712 ], [ 8.242620220193542, 50.29465707046112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109279_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.288917930914543 ], [ 8.243775196987411, 50.288917930914543 ], [ 8.243775196987411, 50.288702699715344 ], [ 8.242620220193542, 50.288702699715344 ], [ 8.242620220193542, 50.288917930914543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109280_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 134.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.283178099120633 ], [ 8.243775196987411, 50.283178099120633 ], [ 8.243775196987411, 50.282962841961634 ], [ 8.242620220193542, 50.282962841961634 ], [ 8.242620220193542, 50.283178099120633 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109281_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 138.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.277437575053455 ], [ 8.243775196987411, 50.277437575053455 ], [ 8.243775196987411, 50.277222291933718 ], [ 8.242620220193542, 50.277222291933718 ], [ 8.242620220193542, 50.277437575053455 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109282_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 141.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.271696358687173 ], [ 8.243775196987411, 50.271696358687173 ], [ 8.243775196987411, 50.271481049605718 ], [ 8.242620220193542, 50.271481049605718 ], [ 8.242620220193542, 50.271696358687173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109286_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 113.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.248724569714554 ], [ 8.243775196987411, 50.248724569714554 ], [ 8.243775196987411, 50.248509156776535 ], [ 8.242620220193542, 50.248509156776535 ], [ 8.242620220193542, 50.248724569714554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109287_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 107.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.242979891465637 ], [ 8.243775196987411, 50.242979891465637 ], [ 8.243775196987411, 50.242764452561083 ], [ 8.242620220193542, 50.242764452561083 ], [ 8.242620220193542, 50.242979891465637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109288_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.242620220193542, 50.237234520762968 ], [ 8.243775196987411, 50.237234520762968 ], [ 8.243775196987411, 50.23701905589089 ], [ 8.242620220193542, 50.23701905589089 ], [ 8.242620220193542, 50.237234520762968 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109957_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.271696358687173 ], [ 8.252758349828607, 50.271696358687173 ], [ 8.252758349828607, 50.271481049605718 ], [ 8.251603373034738, 50.271481049605718 ], [ 8.251603373034738, 50.271696358687173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109958_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 127.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.265954449995938 ], [ 8.252758349828607, 50.265954449995938 ], [ 8.252758349828607, 50.265739114951799 ], [ 8.251603373034738, 50.265739114951799 ], [ 8.251603373034738, 50.265954449995938 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109959_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.260211848953951 ], [ 8.252758349828607, 50.260211848953951 ], [ 8.252758349828607, 50.259996487946154 ], [ 8.251603373034738, 50.259996487946154 ], [ 8.251603373034738, 50.260211848953951 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109960_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.254468555535411 ], [ 8.252758349828607, 50.254468555535411 ], [ 8.252758349828607, 50.254253168562983 ], [ 8.251603373034738, 50.254253168562983 ], [ 8.251603373034738, 50.254468555535411 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109961_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 113.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.248724569714554 ], [ 8.252758349828607, 50.248724569714554 ], [ 8.252758349828607, 50.248509156776535 ], [ 8.251603373034738, 50.248509156776535 ], [ 8.251603373034738, 50.248724569714554 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109964_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.231488457580838 ], [ 8.252758349828607, 50.231488457580838 ], [ 8.252758349828607, 50.231272966740278 ], [ 8.251603373034738, 50.231272966740278 ], [ 8.251603373034738, 50.231488457580838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109965_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 131.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.225741701893583 ], [ 8.252758349828607, 50.225741701893583 ], [ 8.252758349828607, 50.225526185083581 ], [ 8.251603373034738, 50.225526185083581 ], [ 8.251603373034738, 50.225741701893583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109966_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.219994253675573 ], [ 8.252758349828607, 50.219994253675573 ], [ 8.252758349828607, 50.219778710895163 ], [ 8.251603373034738, 50.219778710895163 ], [ 8.251603373034738, 50.219994253675573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109967_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.214246112901172 ], [ 8.252758349828607, 50.214246112901172 ], [ 8.252758349828607, 50.214030544149409 ], [ 8.251603373034738, 50.214030544149409 ], [ 8.251603373034738, 50.214246112901172 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109968_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 125.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.208497279544822 ], [ 8.252758349828607, 50.208497279544822 ], [ 8.252758349828607, 50.20828168482074 ], [ 8.251603373034738, 50.20828168482074 ], [ 8.251603373034738, 50.208497279544822 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109969_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.202747753580937 ], [ 8.252758349828607, 50.202747753580937 ], [ 8.252758349828607, 50.202532132883583 ], [ 8.251603373034738, 50.202532132883583 ], [ 8.251603373034738, 50.202747753580937 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "109970_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 128.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.251603373034738, 50.196997534983979 ], [ 8.252758349828607, 50.196997534983979 ], [ 8.252758349828607, 50.19678188831238 ], [ 8.251603373034738, 50.19678188831238 ], [ 8.251603373034738, 50.196997534983979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "110645_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 130.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.260586525875933, 50.196997534983979 ], [ 8.261741502669802, 50.196997534983979 ], [ 8.261741502669802, 50.19678188831238 ], [ 8.260586525875933, 50.19678188831238 ], [ 8.260586525875933, 50.196997534983979 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "110646_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 130.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.260586525875933, 50.191246623728439 ], [ 8.261741502669802, 50.191246623728439 ], [ 8.261741502669802, 50.191030951081636 ], [ 8.260586525875933, 50.191030951081636 ], [ 8.260586525875933, 50.191246623728439 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "110647_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.260586525875933, 50.18549501978881 ], [ 8.261741502669802, 50.18549501978881 ], [ 8.261741502669802, 50.185279321165865 ], [ 8.260586525875933, 50.185279321165865 ], [ 8.260586525875933, 50.18549501978881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "111322_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 133.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.269569678717128, 50.18549501978881 ], [ 8.270724655510996, 50.18549501978881 ], [ 8.270724655510996, 50.185279321165865 ], [ 8.269569678717128, 50.185279321165865 ], [ 8.269569678717128, 50.18549501978881 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "111323_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 130.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.269569678717128, 50.17974272313964 ], [ 8.270724655510996, 50.17974272313964 ], [ 8.270724655510996, 50.179526998539586 ], [ 8.269569678717128, 50.179526998539586 ], [ 8.269569678717128, 50.17974272313964 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "111999_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 115.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.278552831558324, 50.173989733755484 ], [ 8.279707808352192, 50.173989733755484 ], [ 8.279707808352192, 50.173773983177384 ], [ 8.278552831558324, 50.173773983177384 ], [ 8.278552831558324, 50.173989733755484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "112674_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 117.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.287535984399518, 50.173989733755484 ], [ 8.288690961193387, 50.173989733755484 ], [ 8.288690961193387, 50.173773983177384 ], [ 8.287535984399518, 50.173773983177384 ], [ 8.287535984399518, 50.173989733755484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "112675_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 126.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.287535984399518, 50.168236051610918 ], [ 8.288690961193387, 50.168236051610918 ], [ 8.288690961193387, 50.168020275053813 ], [ 8.287535984399518, 50.168020275053813 ], [ 8.287535984399518, 50.168236051610918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "113350_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 131.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.296519137240715, 50.168236051610918 ], [ 8.297674114034582, 50.168236051610918 ], [ 8.297674114034582, 50.168020275053813 ], [ 8.296519137240715, 50.168020275053813 ], [ 8.296519137240715, 50.168236051610918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "113351_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 135.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.296519137240715, 50.162481676680578 ], [ 8.297674114034582, 50.162481676680578 ], [ 8.297674114034582, 50.1622658741435 ], [ 8.296519137240715, 50.1622658741435 ], [ 8.296519137240715, 50.162481676680578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "114026_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 138.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.305502290081909, 50.162481676680578 ], [ 8.306657266875778, 50.162481676680578 ], [ 8.306657266875778, 50.1622658741435 ], [ 8.305502290081909, 50.1622658741435 ], [ 8.305502290081909, 50.162481676680578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "114027_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 141.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.305502290081909, 50.15672660893906 ], [ 8.306657266875778, 50.15672660893906 ], [ 8.306657266875778, 50.156510780421073 ], [ 8.305502290081909, 50.156510780421073 ], [ 8.305502290081909, 50.15672660893906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "114028_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 137.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.305502290081909, 50.150970848361048 ], [ 8.306657266875778, 50.150970848361048 ], [ 8.306657266875778, 50.150754993861199 ], [ 8.305502290081909, 50.150754993861199 ], [ 8.305502290081909, 50.150970848361048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "114703_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 123.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.314485442923104, 50.150970848361048 ], [ 8.315640419716972, 50.150970848361048 ], [ 8.315640419716972, 50.150754993861199 ], [ 8.314485442923104, 50.150754993861199 ], [ 8.314485442923104, 50.150970848361048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "115378_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.3234685957643, 50.150970848361048 ], [ 8.324623572558167, 50.150970848361048 ], [ 8.324623572558167, 50.150754993861199 ], [ 8.3234685957643, 50.150754993861199 ], [ 8.3234685957643, 50.150970848361048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "115379_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 123.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.3234685957643, 50.145214394921211 ], [ 8.324623572558167, 50.145214394921211 ], [ 8.324623572558167, 50.144998514438548 ], [ 8.3234685957643, 50.144998514438548 ], [ 8.3234685957643, 50.145214394921211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116054_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.332451748605495, 50.145214394921211 ], [ 8.333606725399363, 50.145214394921211 ], [ 8.333606725399363, 50.144998514438548 ], [ 8.332451748605495, 50.144998514438548 ], [ 8.332451748605495, 50.145214394921211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116055_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 133.66666666666666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.332451748605495, 50.139457248594262 ], [ 8.333606725399363, 50.139457248594262 ], [ 8.333606725399363, 50.139241342127853 ], [ 8.332451748605495, 50.139241342127853 ], [ 8.332451748605495, 50.139457248594262 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116056_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 145.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.332451748605495, 50.133699409354939 ], [ 8.333606725399363, 50.133699409354939 ], [ 8.333606725399363, 50.133483476903827 ], [ 8.332451748605495, 50.133483476903827 ], [ 8.332451748605495, 50.133699409354939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116732_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 142.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.341434901446689, 50.127940877177998 ], [ 8.342589878240558, 50.127940877177998 ], [ 8.342589878240558, 50.127724918741229 ], [ 8.341434901446689, 50.127724918741229 ], [ 8.341434901446689, 50.127940877177998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116733_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 147.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.341434901446689, 50.122181652038215 ], [ 8.342589878240558, 50.122181652038215 ], [ 8.342589878240558, 50.121965667614845 ], [ 8.341434901446689, 50.121965667614845 ], [ 8.341434901446689, 50.122181652038215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116734_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 138.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.341434901446689, 50.116421733910407 ], [ 8.342589878240558, 50.116421733910407 ], [ 8.342589878240558, 50.116205723499498 ], [ 8.341434901446689, 50.116205723499498 ], [ 8.341434901446689, 50.116421733910407 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "116735_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 133.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.341434901446689, 50.1106611227694 ], [ 8.342589878240558, 50.1106611227694 ], [ 8.342589878240558, 50.110445086370007 ], [ 8.341434901446689, 50.110445086370007 ], [ 8.341434901446689, 50.1106611227694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "117411_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 119.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.350418054287886, 50.104899818590063 ], [ 8.351573031081754, 50.104899818590063 ], [ 8.351573031081754, 50.104683756201247 ], [ 8.350418054287886, 50.104683756201247 ], [ 8.350418054287886, 50.104899818590063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "117412_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 122.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.350418054287886, 50.099137821347256 ], [ 8.351573031081754, 50.099137821347256 ], [ 8.351573031081754, 50.098921732968073 ], [ 8.350418054287886, 50.098921732968073 ], [ 8.350418054287886, 50.099137821347256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "117413_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 105.33333333333333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.350418054287886, 50.093375131015918 ], [ 8.351573031081754, 50.093375131015918 ], [ 8.351573031081754, 50.093159016645416 ], [ 8.350418054287886, 50.093159016645416 ], [ 8.350418054287886, 50.093375131015918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "118088_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.35940120712908, 50.093375131015918 ], [ 8.360556183922949, 50.093375131015918 ], [ 8.360556183922949, 50.093159016645416 ], [ 8.35940120712908, 50.093159016645416 ], [ 8.35940120712908, 50.093375131015918 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "118089_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 96.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.35940120712908, 50.087611747570953 ], [ 8.360556183922949, 50.087611747570953 ], [ 8.360556183922949, 50.087395607208208 ], [ 8.35940120712908, 50.087395607208208 ], [ 8.35940120712908, 50.087611747570953 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "118090_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 112.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.35940120712908, 50.081847670987329 ], [ 8.360556183922949, 50.081847670987329 ], [ 8.360556183922949, 50.081631504631396 ], [ 8.35940120712908, 50.081631504631396 ], [ 8.35940120712908, 50.081847670987329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "118766_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 117.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.368384359970275, 50.076082901240042 ], [ 8.369539336764143, 50.076082901240042 ], [ 8.369539336764143, 50.075866708889983 ], [ 8.368384359970275, 50.075866708889983 ], [ 8.368384359970275, 50.076082901240042 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "118767_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.368384359970275, 50.070317438304087 ], [ 8.369539336764143, 50.070317438304087 ], [ 8.369539336764143, 50.070101219958978 ], [ 8.368384359970275, 50.070101219958978 ], [ 8.368384359970275, 50.070317438304087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "119442_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 128.33333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.377367512811471, 50.070317438304087 ], [ 8.37852248960534, 50.070317438304087 ], [ 8.37852248960534, 50.070101219958978 ], [ 8.377367512811471, 50.070101219958978 ], [ 8.377367512811471, 50.070317438304087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "119443_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 120.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.377367512811471, 50.064551282154497 ], [ 8.37852248960534, 50.064551282154497 ], [ 8.37852248960534, 50.064335037813393 ], [ 8.377367512811471, 50.064335037813393 ], [ 8.377367512811471, 50.064551282154497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "120118_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 125.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.386350665652666, 50.064551282154497 ], [ 8.387505642446534, 50.064551282154497 ], [ 8.387505642446534, 50.064335037813393 ], [ 8.386350665652666, 50.064335037813393 ], [ 8.386350665652666, 50.064551282154497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "120119_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.386350665652666, 50.058784432766338 ], [ 8.387505642446534, 50.058784432766338 ], [ 8.387505642446534, 50.058568162428294 ], [ 8.386350665652666, 50.058568162428294 ], [ 8.386350665652666, 50.058784432766338 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "120120_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.386350665652666, 50.053016890114684 ], [ 8.387505642446534, 50.053016890114684 ], [ 8.387505642446534, 50.05280059377877 ], [ 8.386350665652666, 50.05280059377877 ], [ 8.386350665652666, 50.053016890114684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "120795_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 112.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.395333818493862, 50.053016890114684 ], [ 8.396488795287729, 50.053016890114684 ], [ 8.396488795287729, 50.05280059377877 ], [ 8.395333818493862, 50.05280059377877 ], [ 8.395333818493862, 50.053016890114684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "120796_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 110.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.395333818493862, 50.047248654174645 ], [ 8.396488795287729, 50.047248654174645 ], [ 8.396488795287729, 50.047032331839929 ], [ 8.395333818493862, 50.047032331839929 ], [ 8.395333818493862, 50.047248654174645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "121471_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.404316971335057, 50.047248654174645 ], [ 8.405471948128925, 50.047248654174645 ], [ 8.405471948128925, 50.047032331839929 ], [ 8.404316971335057, 50.047032331839929 ], [ 8.404316971335057, 50.047248654174645 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "121472_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 115.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.404316971335057, 50.041479724921359 ], [ 8.405471948128925, 50.041479724921359 ], [ 8.405471948128925, 50.041263376586933 ], [ 8.404316971335057, 50.041263376586933 ], [ 8.404316971335057, 50.041479724921359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "122147_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 124.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.413300124176251, 50.041479724921359 ], [ 8.414455100970121, 50.041479724921359 ], [ 8.414455100970121, 50.041263376586933 ], [ 8.413300124176251, 50.041263376586933 ], [ 8.413300124176251, 50.041479724921359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "122822_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 124.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.422283277017447, 50.041479724921359 ], [ 8.423438253811314, 50.041479724921359 ], [ 8.423438253811314, 50.041263376586933 ], [ 8.422283277017447, 50.041263376586933 ], [ 8.422283277017447, 50.041479724921359 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "123498_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 120.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.431266429858642, 50.035710102329986 ], [ 8.43242140665251, 50.035710102329986 ], [ 8.43242140665251, 50.03549372799489 ], [ 8.431266429858642, 50.03549372799489 ], [ 8.431266429858642, 50.035710102329986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "124173_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 117.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.440249582699836, 50.035710102329986 ], [ 8.441404559493705, 50.035710102329986 ], [ 8.441404559493705, 50.03549372799489 ], [ 8.440249582699836, 50.03549372799489 ], [ 8.440249582699836, 50.035710102329986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "124848_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 103.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.449232735541033, 50.035710102329986 ], [ 8.450387712334901, 50.035710102329986 ], [ 8.450387712334901, 50.03549372799489 ], [ 8.449232735541033, 50.03549372799489 ], [ 8.449232735541033, 50.035710102329986 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "124849_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.449232735541033, 50.029939786375699 ], [ 8.450387712334901, 50.029939786375699 ], [ 8.450387712334901, 50.029723386039024 ], [ 8.449232735541033, 50.029723386039024 ], [ 8.449232735541033, 50.029939786375699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "125524_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 104.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.458215888382227, 50.029939786375699 ], [ 8.459370865176096, 50.029939786375699 ], [ 8.459370865176096, 50.029723386039024 ], [ 8.458215888382227, 50.029723386039024 ], [ 8.458215888382227, 50.029939786375699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126199_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 99.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 50.029939786375699 ], [ 8.46835401801729, 50.029939786375699 ], [ 8.46835401801729, 50.029723386039024 ], [ 8.467199041223422, 50.029723386039024 ], [ 8.467199041223422, 50.029939786375699 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126205_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 92.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 49.995303328642457 ], [ 8.46835401801729, 49.995303328642457 ], [ 8.46835401801729, 49.995086772276743 ], [ 8.467199041223422, 49.995086772276743 ], [ 8.467199041223422, 49.995303328642457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126206_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 85.6 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 49.989528158455109 ], [ 8.46835401801729, 49.989528158455109 ], [ 8.46835401801729, 49.989311576081313 ], [ 8.467199041223422, 49.989311576081313 ], [ 8.467199041223422, 49.989528158455109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126207_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 49.983752294707209 ], [ 8.46835401801729, 49.983752294707209 ], [ 8.46835401801729, 49.983535686324409 ], [ 8.467199041223422, 49.983535686324409 ], [ 8.467199041223422, 49.983752294707209 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126208_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 102.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 49.977975737374194 ], [ 8.46835401801729, 49.977975737374194 ], [ 8.46835401801729, 49.97775910298148 ], [ 8.467199041223422, 49.97775910298148 ], [ 8.467199041223422, 49.977975737374194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126209_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 95.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 49.972198486431502 ], [ 8.46835401801729, 49.972198486431502 ], [ 8.46835401801729, 49.971981826027957 ], [ 8.467199041223422, 49.971981826027957 ], [ 8.467199041223422, 49.972198486431502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126210_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 90.8 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.467199041223422, 49.966420541854582 ], [ 8.46835401801729, 49.966420541854582 ], [ 8.46835401801729, 49.966203855439275 ], [ 8.467199041223422, 49.966203855439275 ], [ 8.467199041223422, 49.966420541854582 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126875_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 103.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 50.024168777033736 ], [ 8.477337170858487, 50.024168777033736 ], [ 8.477337170858487, 50.023952350694522 ], [ 8.476182194064618, 50.023952350694522 ], [ 8.476182194064618, 50.024168777033736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126879_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 93.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 50.001077805293903 ], [ 8.477337170858487, 50.001077805293903 ], [ 8.477337170858487, 50.000861274935346 ], [ 8.476182194064618, 50.000861274935346 ], [ 8.476182194064618, 50.001077805293903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126880_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 85.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 49.995303328642457 ], [ 8.477337170858487, 49.995303328642457 ], [ 8.477337170858487, 49.995086772276743 ], [ 8.476182194064618, 49.995086772276743 ], [ 8.476182194064618, 49.995303328642457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126886_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 90.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 49.960641903618928 ], [ 8.477337170858487, 49.960641903618928 ], [ 8.477337170858487, 49.960425191190943 ], [ 8.476182194064618, 49.960425191190943 ], [ 8.476182194064618, 49.960641903618928 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126887_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 87.2 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 49.954862571700062 ], [ 8.477337170858487, 49.954862571700062 ], [ 8.477337170858487, 49.954645833258468 ], [ 8.476182194064618, 49.954645833258468 ], [ 8.476182194064618, 49.954862571700062 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126888_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 85.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 49.949082546073491 ], [ 8.477337170858487, 49.949082546073491 ], [ 8.477337170858487, 49.948865781617386 ], [ 8.476182194064618, 49.948865781617386 ], [ 8.476182194064618, 49.949082546073491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126889_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 88.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 49.943301826714801 ], [ 8.477337170858487, 49.943301826714801 ], [ 8.477337170858487, 49.943085036243275 ], [ 8.476182194064618, 49.943085036243275 ], [ 8.476182194064618, 49.943301826714801 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "126890_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 84.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.476182194064618, 49.937520413599572 ], [ 8.477337170858487, 49.937520413599572 ], [ 8.477337170858487, 49.937303597111701 ], [ 8.476182194064618, 49.937303597111701 ], [ 8.476182194064618, 49.937520413599572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "127550_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 113.66666666666667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.485165346905813, 50.024168777033736 ], [ 8.486320323699683, 50.024168777033736 ], [ 8.486320323699683, 50.023952350694522 ], [ 8.485165346905813, 50.023952350694522 ], [ 8.485165346905813, 50.024168777033736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "127553_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 94.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.485165346905813, 50.006851588434081 ], [ 8.486320323699683, 50.006851588434081 ], [ 8.486320323699683, 50.006635084081751 ], [ 8.485165346905813, 50.006635084081751 ], [ 8.485165346905813, 50.006851588434081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "127554_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.485165346905813, 50.001077805293903 ], [ 8.486320323699683, 50.001077805293903 ], [ 8.486320323699683, 50.000861274935346 ], [ 8.485165346905813, 50.000861274935346 ], [ 8.485165346905813, 50.001077805293903 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "127565_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 88.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.485165346905813, 49.937520413599572 ], [ 8.486320323699683, 49.937520413599572 ], [ 8.486320323699683, 49.937303597111701 ], [ 8.485165346905813, 49.937303597111701 ], [ 8.485165346905813, 49.937520413599572 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "127566_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 91.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.485165346905813, 49.931738306703423 ], [ 8.486320323699683, 49.931738306703423 ], [ 8.486320323699683, 49.931521464198283 ], [ 8.485165346905813, 49.931521464198283 ], [ 8.485165346905813, 49.931738306703423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128225_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.494148499747009, 50.024168777033736 ], [ 8.495303476540876, 50.024168777033736 ], [ 8.495303476540876, 50.023952350694522 ], [ 8.494148499747009, 50.023952350694522 ], [ 8.494148499747009, 50.024168777033736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128226_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 121.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.494148499747009, 50.018397074279292 ], [ 8.495303476540876, 50.018397074279292 ], [ 8.495303476540876, 50.018180621936629 ], [ 8.494148499747009, 50.018180621936629 ], [ 8.494148499747009, 50.018397074279292 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128227_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 114.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.494148499747009, 50.012624678087647 ], [ 8.495303476540876, 50.012624678087647 ], [ 8.495303476540876, 50.012408199740605 ], [ 8.494148499747009, 50.012408199740605 ], [ 8.494148499747009, 50.012624678087647 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128228_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 106.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.494148499747009, 50.006851588434081 ], [ 8.495303476540876, 50.006851588434081 ], [ 8.495303476540876, 50.006635084081751 ], [ 8.494148499747009, 50.006635084081751 ], [ 8.494148499747009, 50.006851588434081 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128241_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.494148499747009, 49.931738306703423 ], [ 8.495303476540876, 49.931738306703423 ], [ 8.495303476540876, 49.931521464198283 ], [ 8.494148499747009, 49.931521464198283 ], [ 8.494148499747009, 49.931738306703423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128242_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 87.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.494148499747009, 49.925955506001991 ], [ 8.495303476540876, 49.925955506001991 ], [ 8.495303476540876, 49.92573863747868 ], [ 8.494148499747009, 49.92573863747868 ], [ 8.494148499747009, 49.925955506001991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128917_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 87.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.503131652588204, 49.925955506001991 ], [ 8.504286629382072, 49.925955506001991 ], [ 8.504286629382072, 49.92573863747868 ], [ 8.503131652588204, 49.92573863747868 ], [ 8.503131652588204, 49.925955506001991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "128918_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 86.333333333333329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.503131652588204, 49.920172011470932 ], [ 8.504286629382072, 49.920172011470932 ], [ 8.504286629382072, 49.919955116928534 ], [ 8.503131652588204, 49.919955116928534 ], [ 8.503131652588204, 49.920172011470932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "129593_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 89.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.512114805429398, 49.920172011470932 ], [ 8.513269782223269, 49.920172011470932 ], [ 8.513269782223269, 49.919955116928534 ], [ 8.512114805429398, 49.919955116928534 ], [ 8.512114805429398, 49.920172011470932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "129594_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 112.5 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.512114805429398, 49.914387823085931 ], [ 8.513269782223269, 49.914387823085931 ], [ 8.513269782223269, 49.914170902523544 ], [ 8.512114805429398, 49.914170902523544 ], [ 8.512114805429398, 49.914387823085931 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "129595_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 113.25 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.512114805429398, 49.908602940822711 ], [ 8.513269782223269, 49.908602940822711 ], [ 8.513269782223269, 49.908385994239417 ], [ 8.512114805429398, 49.908385994239417 ], [ 8.512114805429398, 49.908602940822711 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "130271_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 105.4 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.521097958270595, 49.902817364657011 ], [ 8.522252935064461, 49.902817364657011 ], [ 8.522252935064461, 49.902600392051909 ], [ 8.521097958270595, 49.902600392051909 ], [ 8.521097958270595, 49.902817364657011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "130946_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 96.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.530081111111791, 49.902817364657011 ], [ 8.531236087905658, 49.902817364657011 ], [ 8.531236087905658, 49.902600392051909 ], [ 8.530081111111791, 49.902600392051909 ], [ 8.530081111111791, 49.902817364657011 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "130947_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 97.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.530081111111791, 49.897031094564589 ], [ 8.531236087905658, 49.897031094564589 ], [ 8.531236087905658, 49.896814095936776 ], [ 8.530081111111791, 49.896814095936776 ], [ 8.530081111111791, 49.897031094564589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "131622_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 96.75 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.539064263952984, 49.897031094564589 ], [ 8.540219240746854, 49.897031094564589 ], [ 8.540219240746854, 49.896814095936776 ], [ 8.539064263952984, 49.896814095936776 ], [ 8.539064263952984, 49.897031094564589 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "131623_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 71.0 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.539064263952984, 49.891244130521258 ], [ 8.540219240746854, 49.891244130521258 ], [ 8.540219240746854, 49.891027105869796 ], [ 8.539064263952984, 49.891027105869796 ], [ 8.539064263952984, 49.891244130521258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": "132298_4_13", "Weekday": 4, "hour": 13, "Speed_value_mean": 14.333333333333334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.54804741679418, 49.891244130521258 ], [ 8.549202393588049, 49.891244130521258 ], [ 8.549202393588049, 49.891027105869796 ], [ 8.54804741679418, 49.891027105869796 ], [ 8.54804741679418, 49.891244130521258 ] ] ] } } +] +} diff --git a/examples/mainGrids.geojson b/examples/mainGrids.geojson new file mode 100644 index 0000000..6739bab --- /dev/null +++ b/examples/mainGrids.geojson @@ -0,0 +1,2080 @@ +{ +"type": "FeatureCollection", +"crs": { "type": "name", "properties": { "name": "urn:ogc:def:crs:OGC:1.3:CRS84" } }, +"features": [ +{ "type": "Feature", "properties": { "gridId": 399 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.791263547943582, 51.454014522800087 ], [ 6.800246700784776, 51.454014522800087 ], [ 6.800246700784776, 51.448416394764912 ], [ 6.791263547943582, 51.448416394764912 ], [ 6.791263547943582, 51.454014522800087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 400 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.791263547943582, 51.448416394764912 ], [ 6.800246700784776, 51.448416394764912 ], [ 6.800246700784776, 51.442817580280106 ], [ 6.791263547943582, 51.442817580280106 ], [ 6.791263547943582, 51.448416394764912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 404 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.791263547943582, 51.426017017820932 ], [ 6.800246700784776, 51.426017017820932 ], [ 6.800246700784776, 51.42041545723076 ], [ 6.791263547943582, 51.42041545723076 ], [ 6.791263547943582, 51.426017017820932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 405 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.791263547943582, 51.42041545723076 ], [ 6.800246700784776, 51.42041545723076 ], [ 6.800246700784776, 51.414813210037657 ], [ 6.791263547943582, 51.414813210037657 ], [ 6.791263547943582, 51.42041545723076 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 406 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.791263547943582, 51.414813210037657 ], [ 6.800246700784776, 51.414813210037657 ], [ 6.800246700784776, 51.40921027621102 ], [ 6.791263547943582, 51.40921027621102 ], [ 6.791263547943582, 51.414813210037657 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 707 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 53.462444630656634 ], [ 6.809229853625973, 53.462444630656634 ], [ 6.809229853625973, 53.457096177712678 ], [ 6.800246700784776, 53.457096177712678 ], [ 6.800246700784776, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 709 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 53.451747051017477 ], [ 6.809229853625973, 53.451747051017477 ], [ 6.809229853625973, 53.446397250532783 ], [ 6.800246700784776, 53.446397250532783 ], [ 6.800246700784776, 53.451747051017477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 710 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 53.446397250532783 ], [ 6.809229853625973, 53.446397250532783 ], [ 6.809229853625973, 53.441046776220375 ], [ 6.800246700784776, 53.441046776220375 ], [ 6.800246700784776, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1073 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.459611964416354 ], [ 6.809229853625973, 51.459611964416354 ], [ 6.809229853625973, 51.454014522800087 ], [ 6.800246700784776, 51.454014522800087 ], [ 6.800246700784776, 51.459611964416354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1076 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.442817580280106 ], [ 6.809229853625973, 51.442817580280106 ], [ 6.809229853625973, 51.437218079314945 ], [ 6.800246700784776, 51.437218079314945 ], [ 6.800246700784776, 51.442817580280106 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1077 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.437218079314945 ], [ 6.809229853625973, 51.437218079314945 ], [ 6.809229853625973, 51.431617891838783 ], [ 6.800246700784776, 51.431617891838783 ], [ 6.800246700784776, 51.437218079314945 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1078 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.431617891838783 ], [ 6.809229853625973, 51.431617891838783 ], [ 6.809229853625973, 51.426017017820932 ], [ 6.800246700784776, 51.426017017820932 ], [ 6.800246700784776, 51.431617891838783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1079 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.426017017820932 ], [ 6.809229853625973, 51.426017017820932 ], [ 6.809229853625973, 51.42041545723076 ], [ 6.800246700784776, 51.42041545723076 ], [ 6.800246700784776, 51.426017017820932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1082 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.40921027621102 ], [ 6.809229853625973, 51.40921027621102 ], [ 6.809229853625973, 51.403606655720303 ], [ 6.800246700784776, 51.403606655720303 ], [ 6.800246700784776, 51.40921027621102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1083 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.800246700784776, 51.403606655720303 ], [ 6.809229853625973, 51.403606655720303 ], [ 6.809229853625973, 51.398002348534916 ], [ 6.800246700784776, 51.398002348534916 ], [ 6.800246700784776, 51.403606655720303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1381 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 53.467792409887601 ], [ 6.818213006467167, 53.467792409887601 ], [ 6.818213006467167, 53.462444630656634 ], [ 6.809229853625973, 53.462444630656634 ], [ 6.809229853625973, 53.467792409887601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1382 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 53.462444630656634 ], [ 6.818213006467167, 53.462444630656634 ], [ 6.818213006467167, 53.457096177712678 ], [ 6.809229853625973, 53.457096177712678 ], [ 6.809229853625973, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1383 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 53.457096177712678 ], [ 6.818213006467167, 53.457096177712678 ], [ 6.818213006467167, 53.451747051017477 ], [ 6.809229853625973, 53.451747051017477 ], [ 6.809229853625973, 53.457096177712678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1384 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 53.451747051017477 ], [ 6.818213006467167, 53.451747051017477 ], [ 6.818213006467167, 53.446397250532783 ], [ 6.809229853625973, 53.446397250532783 ], [ 6.809229853625973, 53.451747051017477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1385 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 53.446397250532783 ], [ 6.818213006467167, 53.446397250532783 ], [ 6.818213006467167, 53.441046776220375 ], [ 6.809229853625973, 53.441046776220375 ], [ 6.809229853625973, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.532316255329206 ], [ 6.818213006467167, 51.532316255329206 ], [ 6.818213006467167, 51.526727734352328 ], [ 6.809229853625973, 51.526727734352328 ], [ 6.809229853625973, 51.532316255329206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1736 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.526727734352328 ], [ 6.818213006467167, 51.526727734352328 ], [ 6.818213006467167, 51.521138527358026 ], [ 6.809229853625973, 51.521138527358026 ], [ 6.809229853625973, 51.526727734352328 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1737 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.521138527358026 ], [ 6.818213006467167, 51.521138527358026 ], [ 6.818213006467167, 51.515548634315302 ], [ 6.809229853625973, 51.515548634315302 ], [ 6.809229853625973, 51.521138527358026 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.515548634315302 ], [ 6.818213006467167, 51.515548634315302 ], [ 6.818213006467167, 51.509958055193145 ], [ 6.809229853625973, 51.509958055193145 ], [ 6.809229853625973, 51.515548634315302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1742 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.493182201040511 ], [ 6.818213006467167, 51.493182201040511 ], [ 6.818213006467167, 51.487588877291152 ], [ 6.809229853625973, 51.487588877291152 ], [ 6.809229853625973, 51.493182201040511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1743 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.487588877291152 ], [ 6.818213006467167, 51.487588877291152 ], [ 6.818213006467167, 51.481994867307712 ], [ 6.809229853625973, 51.481994867307712 ], [ 6.809229853625973, 51.487588877291152 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.481994867307712 ], [ 6.818213006467167, 51.481994867307712 ], [ 6.818213006467167, 51.476400171059346 ], [ 6.809229853625973, 51.476400171059346 ], [ 6.809229853625973, 51.481994867307712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.476400171059346 ], [ 6.818213006467167, 51.476400171059346 ], [ 6.818213006467167, 51.470804788515203 ], [ 6.809229853625973, 51.470804788515203 ], [ 6.809229853625973, 51.476400171059346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.470804788515203 ], [ 6.818213006467167, 51.470804788515203 ], [ 6.818213006467167, 51.465208719644473 ], [ 6.809229853625973, 51.465208719644473 ], [ 6.809229853625973, 51.470804788515203 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1747 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.465208719644473 ], [ 6.818213006467167, 51.465208719644473 ], [ 6.818213006467167, 51.459611964416354 ], [ 6.809229853625973, 51.459611964416354 ], [ 6.809229853625973, 51.465208719644473 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.403606655720303 ], [ 6.818213006467167, 51.403606655720303 ], [ 6.818213006467167, 51.398002348534916 ], [ 6.809229853625973, 51.398002348534916 ], [ 6.809229853625973, 51.403606655720303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1759 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.398002348534916 ], [ 6.818213006467167, 51.398002348534916 ], [ 6.818213006467167, 51.392397354624379 ], [ 6.809229853625973, 51.392397354624379 ], [ 6.809229853625973, 51.398002348534916 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 1760 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.809229853625973, 51.392397354624379 ], [ 6.818213006467167, 51.392397354624379 ], [ 6.818213006467167, 51.386791673958172 ], [ 6.809229853625973, 51.386791673958172 ], [ 6.809229853625973, 51.392397354624379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2057 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 53.462444630656634 ], [ 6.827196159308363, 53.462444630656634 ], [ 6.827196159308363, 53.457096177712678 ], [ 6.818213006467167, 53.457096177712678 ], [ 6.818213006467167, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2060 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 53.446397250532783 ], [ 6.827196159308363, 53.446397250532783 ], [ 6.827196159308363, 53.441046776220375 ], [ 6.818213006467167, 53.441046776220375 ], [ 6.818213006467167, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2409 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.537904090319735 ], [ 6.827196159308363, 51.537904090319735 ], [ 6.827196159308363, 51.532316255329206 ], [ 6.818213006467167, 51.532316255329206 ], [ 6.818213006467167, 51.537904090319735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2410 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.532316255329206 ], [ 6.827196159308363, 51.532316255329206 ], [ 6.827196159308363, 51.526727734352328 ], [ 6.818213006467167, 51.526727734352328 ], [ 6.818213006467167, 51.532316255329206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.515548634315302 ], [ 6.827196159308363, 51.515548634315302 ], [ 6.827196159308363, 51.509958055193145 ], [ 6.818213006467167, 51.509958055193145 ], [ 6.818213006467167, 51.515548634315302 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2414 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.509958055193145 ], [ 6.827196159308363, 51.509958055193145 ], [ 6.827196159308363, 51.504366789960592 ], [ 6.818213006467167, 51.504366789960592 ], [ 6.818213006467167, 51.509958055193145 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2415 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.504366789960592 ], [ 6.827196159308363, 51.504366789960592 ], [ 6.827196159308363, 51.498774838586691 ], [ 6.818213006467167, 51.498774838586691 ], [ 6.818213006467167, 51.504366789960592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2416 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.498774838586691 ], [ 6.827196159308363, 51.498774838586691 ], [ 6.827196159308363, 51.493182201040511 ], [ 6.818213006467167, 51.493182201040511 ], [ 6.818213006467167, 51.498774838586691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.392397354624379 ], [ 6.827196159308363, 51.392397354624379 ], [ 6.827196159308363, 51.386791673958172 ], [ 6.818213006467167, 51.386791673958172 ], [ 6.818213006467167, 51.392397354624379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2436 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.386791673958172 ], [ 6.827196159308363, 51.386791673958172 ], [ 6.827196159308363, 51.381185306505806 ], [ 6.818213006467167, 51.381185306505806 ], [ 6.818213006467167, 51.386791673958172 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2437 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.381185306505806 ], [ 6.827196159308363, 51.381185306505806 ], [ 6.827196159308363, 51.375578252236821 ], [ 6.818213006467167, 51.375578252236821 ], [ 6.818213006467167, 51.381185306505806 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2438 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.375578252236821 ], [ 6.827196159308363, 51.375578252236821 ], [ 6.827196159308363, 51.369970511120805 ], [ 6.818213006467167, 51.369970511120805 ], [ 6.818213006467167, 51.375578252236821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2439 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.818213006467167, 51.369970511120805 ], [ 6.827196159308363, 51.369970511120805 ], [ 6.827196159308363, 51.364362083127318 ], [ 6.818213006467167, 51.364362083127318 ], [ 6.818213006467167, 51.369970511120805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2732 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.462444630656634 ], [ 6.836179312149557, 53.462444630656634 ], [ 6.836179312149557, 53.457096177712678 ], [ 6.827196159308363, 53.457096177712678 ], [ 6.827196159308363, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2733 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.457096177712678 ], [ 6.836179312149557, 53.457096177712678 ], [ 6.836179312149557, 53.451747051017477 ], [ 6.827196159308363, 53.451747051017477 ], [ 6.827196159308363, 53.457096177712678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.446397250532783 ], [ 6.836179312149557, 53.446397250532783 ], [ 6.836179312149557, 53.441046776220375 ], [ 6.827196159308363, 53.441046776220375 ], [ 6.827196159308363, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2736 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.441046776220375 ], [ 6.836179312149557, 53.441046776220375 ], [ 6.836179312149557, 53.435695628042033 ], [ 6.827196159308363, 53.435695628042033 ], [ 6.827196159308363, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2743 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.403574585650404 ], [ 6.836179312149557, 53.403574585650404 ], [ 6.836179312149557, 53.398218719342381 ], [ 6.827196159308363, 53.398218719342381 ], [ 6.827196159308363, 53.403574585650404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.398218719342381 ], [ 6.836179312149557, 53.398218719342381 ], [ 6.836179312149557, 53.392862178863453 ], [ 6.827196159308363, 53.392862178863453 ], [ 6.827196159308363, 53.398218719342381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.392862178863453 ], [ 6.836179312149557, 53.392862178863453 ], [ 6.836179312149557, 53.387504964175598 ], [ 6.827196159308363, 53.387504964175598 ], [ 6.827196159308363, 53.392862178863453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.387504964175598 ], [ 6.836179312149557, 53.387504964175598 ], [ 6.836179312149557, 53.382147075240773 ], [ 6.827196159308363, 53.382147075240773 ], [ 6.827196159308363, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 2747 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 53.382147075240773 ], [ 6.836179312149557, 53.382147075240773 ], [ 6.836179312149557, 53.37678851202098 ], [ 6.827196159308363, 53.37678851202098 ], [ 6.827196159308363, 53.382147075240773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3084 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 51.537904090319735 ], [ 6.836179312149557, 51.537904090319735 ], [ 6.836179312149557, 51.532316255329206 ], [ 6.827196159308363, 51.532316255329206 ], [ 6.827196159308363, 51.537904090319735 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 51.369970511120805 ], [ 6.836179312149557, 51.369970511120805 ], [ 6.836179312149557, 51.364362083127318 ], [ 6.827196159308363, 51.364362083127318 ], [ 6.827196159308363, 51.369970511120805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 51.364362083127318 ], [ 6.836179312149557, 51.364362083127318 ], [ 6.836179312149557, 51.358752968226 ], [ 6.827196159308363, 51.358752968226 ], [ 6.827196159308363, 51.364362083127318 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3116 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.827196159308363, 51.358752968226 ], [ 6.836179312149557, 51.358752968226 ], [ 6.836179312149557, 51.353143166386467 ], [ 6.827196159308363, 51.353143166386467 ], [ 6.827196159308363, 51.358752968226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3411 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 53.441046776220375 ], [ 6.845162464990754, 53.441046776220375 ], [ 6.845162464990754, 53.435695628042033 ], [ 6.836179312149557, 53.435695628042033 ], [ 6.836179312149557, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3416 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 53.414284295905972 ], [ 6.845162464990754, 53.414284295905972 ], [ 6.845162464990754, 53.408929777825577 ], [ 6.836179312149557, 53.408929777825577 ], [ 6.836179312149557, 53.414284295905972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3417 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 53.408929777825577 ], [ 6.845162464990754, 53.408929777825577 ], [ 6.845162464990754, 53.403574585650404 ], [ 6.836179312149557, 53.403574585650404 ], [ 6.836179312149557, 53.408929777825577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3418 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 53.403574585650404 ], [ 6.845162464990754, 53.403574585650404 ], [ 6.845162464990754, 53.398218719342381 ], [ 6.836179312149557, 53.398218719342381 ], [ 6.836179312149557, 53.403574585650404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3422 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 53.382147075240773 ], [ 6.845162464990754, 53.382147075240773 ], [ 6.845162464990754, 53.37678851202098 ], [ 6.836179312149557, 53.37678851202098 ], [ 6.836179312149557, 53.382147075240773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3423 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 53.37678851202098 ], [ 6.845162464990754, 53.37678851202098 ], [ 6.845162464990754, 53.371429274478253 ], [ 6.836179312149557, 53.371429274478253 ], [ 6.836179312149557, 53.37678851202098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 51.543491239354942 ], [ 6.845162464990754, 51.543491239354942 ], [ 6.845162464990754, 51.537904090319735 ], [ 6.836179312149557, 51.537904090319735 ], [ 6.836179312149557, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 3791 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.836179312149557, 51.358752968226 ], [ 6.845162464990754, 51.358752968226 ], [ 6.845162464990754, 51.353143166386467 ], [ 6.836179312149557, 51.353143166386467 ], [ 6.836179312149557, 51.358752968226 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4086 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.441046776220375 ], [ 6.854145617831948, 53.441046776220375 ], [ 6.854145617831948, 53.435695628042033 ], [ 6.845162464990754, 53.435695628042033 ], [ 6.845162464990754, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4089 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.42499130993486 ], [ 6.854145617831948, 53.42499130993486 ], [ 6.854145617831948, 53.419638139929702 ], [ 6.845162464990754, 53.419638139929702 ], [ 6.845162464990754, 53.42499130993486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4090 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.419638139929702 ], [ 6.854145617831948, 53.419638139929702 ], [ 6.854145617831948, 53.414284295905972 ], [ 6.845162464990754, 53.414284295905972 ], [ 6.845162464990754, 53.419638139929702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4091 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.414284295905972 ], [ 6.854145617831948, 53.414284295905972 ], [ 6.854145617831948, 53.408929777825577 ], [ 6.845162464990754, 53.408929777825577 ], [ 6.845162464990754, 53.414284295905972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4099 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.371429274478253 ], [ 6.854145617831948, 53.371429274478253 ], [ 6.854145617831948, 53.366069362574621 ], [ 6.845162464990754, 53.366069362574621 ], [ 6.845162464990754, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4112 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.301697805787583 ], [ 6.854145617831948, 53.301697805787583 ], [ 6.854145617831948, 53.296329123746133 ], [ 6.845162464990754, 53.296329123746133 ], [ 6.845162464990754, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.296329123746133 ], [ 6.854145617831948, 53.296329123746133 ], [ 6.854145617831948, 53.290959766814282 ], [ 6.845162464990754, 53.290959766814282 ], [ 6.845162464990754, 53.296329123746133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 53.290959766814282 ], [ 6.854145617831948, 53.290959766814282 ], [ 6.854145617831948, 53.285589734954343 ], [ 6.845162464990754, 53.285589734954343 ], [ 6.845162464990754, 53.290959766814282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4433 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 51.543491239354942 ], [ 6.854145617831948, 51.543491239354942 ], [ 6.854145617831948, 51.537904090319735 ], [ 6.845162464990754, 51.537904090319735 ], [ 6.845162464990754, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4467 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.845162464990754, 51.353143166386467 ], [ 6.854145617831948, 51.353143166386467 ], [ 6.854145617831948, 51.347532677578371 ], [ 6.845162464990754, 51.347532677578371 ], [ 6.845162464990754, 51.353143166386467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4761 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.441046776220375 ], [ 6.863128770673144, 53.441046776220375 ], [ 6.863128770673144, 53.435695628042033 ], [ 6.854145617831948, 53.435695628042033 ], [ 6.854145617831948, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4762 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.435695628042033 ], [ 6.863128770673144, 53.435695628042033 ], [ 6.863128770673144, 53.430343805959581 ], [ 6.854145617831948, 53.430343805959581 ], [ 6.854145617831948, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4763 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.430343805959581 ], [ 6.863128770673144, 53.430343805959581 ], [ 6.863128770673144, 53.42499130993486 ], [ 6.854145617831948, 53.42499130993486 ], [ 6.854145617831948, 53.430343805959581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4764 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.42499130993486 ], [ 6.863128770673144, 53.42499130993486 ], [ 6.863128770673144, 53.419638139929702 ], [ 6.854145617831948, 53.419638139929702 ], [ 6.854145617831948, 53.42499130993486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4774 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.371429274478253 ], [ 6.863128770673144, 53.371429274478253 ], [ 6.863128770673144, 53.366069362574621 ], [ 6.854145617831948, 53.366069362574621 ], [ 6.854145617831948, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.366069362574621 ], [ 6.863128770673144, 53.366069362574621 ], [ 6.863128770673144, 53.360708776272133 ], [ 6.854145617831948, 53.360708776272133 ], [ 6.854145617831948, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4776 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.360708776272133 ], [ 6.863128770673144, 53.360708776272133 ], [ 6.863128770673144, 53.355347515532877 ], [ 6.854145617831948, 53.355347515532877 ], [ 6.854145617831948, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4777 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.355347515532877 ], [ 6.863128770673144, 53.355347515532877 ], [ 6.863128770673144, 53.349985580318929 ], [ 6.854145617831948, 53.349985580318929 ], [ 6.854145617831948, 53.355347515532877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4786 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.307065812976333 ], [ 6.863128770673144, 53.307065812976333 ], [ 6.863128770673144, 53.301697805787583 ], [ 6.854145617831948, 53.301697805787583 ], [ 6.854145617831948, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4787 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.301697805787583 ], [ 6.863128770673144, 53.301697805787583 ], [ 6.863128770673144, 53.296329123746133 ], [ 6.854145617831948, 53.296329123746133 ], [ 6.854145617831948, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4789 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.290959766814282 ], [ 6.863128770673144, 53.290959766814282 ], [ 6.863128770673144, 53.285589734954343 ], [ 6.854145617831948, 53.285589734954343 ], [ 6.854145617831948, 53.290959766814282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4790 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.285589734954343 ], [ 6.863128770673144, 53.285589734954343 ], [ 6.863128770673144, 53.280219028128663 ], [ 6.854145617831948, 53.280219028128663 ], [ 6.854145617831948, 53.285589734954343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 4791 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 53.280219028128663 ], [ 6.863128770673144, 53.280219028128663 ], [ 6.863128770673144, 53.274847646299598 ], [ 6.854145617831948, 53.274847646299598 ], [ 6.854145617831948, 53.280219028128663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5108 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 51.543491239354942 ], [ 6.863128770673144, 51.543491239354942 ], [ 6.863128770673144, 51.537904090319735 ], [ 6.854145617831948, 51.537904090319735 ], [ 6.854145617831948, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 51.353143166386467 ], [ 6.863128770673144, 51.353143166386467 ], [ 6.863128770673144, 51.347532677578371 ], [ 6.854145617831948, 51.347532677578371 ], [ 6.854145617831948, 51.353143166386467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.854145617831948, 51.347532677578371 ], [ 6.863128770673144, 51.347532677578371 ], [ 6.863128770673144, 51.341921501771395 ], [ 6.854145617831948, 51.341921501771395 ], [ 6.854145617831948, 51.347532677578371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5437 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.435695628042033 ], [ 6.872111923514339, 53.435695628042033 ], [ 6.872111923514339, 53.430343805959581 ], [ 6.863128770673144, 53.430343805959581 ], [ 6.863128770673144, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5438 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.430343805959581 ], [ 6.872111923514339, 53.430343805959581 ], [ 6.872111923514339, 53.42499130993486 ], [ 6.863128770673144, 53.42499130993486 ], [ 6.863128770673144, 53.430343805959581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5452 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.355347515532877 ], [ 6.872111923514339, 53.355347515532877 ], [ 6.872111923514339, 53.349985580318929 ], [ 6.863128770673144, 53.349985580318929 ], [ 6.863128770673144, 53.355347515532877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5453 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.349985580318929 ], [ 6.872111923514339, 53.349985580318929 ], [ 6.872111923514339, 53.344622970592418 ], [ 6.863128770673144, 53.344622970592418 ], [ 6.863128770673144, 53.349985580318929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5454 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.344622970592418 ], [ 6.872111923514339, 53.344622970592418 ], [ 6.872111923514339, 53.339259686315472 ], [ 6.863128770673144, 53.339259686315472 ], [ 6.863128770673144, 53.344622970592418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5455 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.339259686315472 ], [ 6.872111923514339, 53.339259686315472 ], [ 6.872111923514339, 53.333895727450233 ], [ 6.863128770673144, 53.333895727450233 ], [ 6.863128770673144, 53.339259686315472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5456 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.333895727450233 ], [ 6.872111923514339, 53.333895727450233 ], [ 6.872111923514339, 53.32853109395888 ], [ 6.863128770673144, 53.32853109395888 ], [ 6.863128770673144, 53.333895727450233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5461 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.307065812976333 ], [ 6.872111923514339, 53.307065812976333 ], [ 6.872111923514339, 53.301697805787583 ], [ 6.863128770673144, 53.301697805787583 ], [ 6.863128770673144, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5466 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.280219028128663 ], [ 6.872111923514339, 53.280219028128663 ], [ 6.872111923514339, 53.274847646299598 ], [ 6.863128770673144, 53.274847646299598 ], [ 6.863128770673144, 53.280219028128663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5467 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 53.274847646299598 ], [ 6.872111923514339, 53.274847646299598 ], [ 6.872111923514339, 53.269475589429511 ], [ 6.863128770673144, 53.269475589429511 ], [ 6.863128770673144, 53.274847646299598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5783 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 51.543491239354942 ], [ 6.872111923514339, 51.543491239354942 ], [ 6.872111923514339, 51.537904090319735 ], [ 6.863128770673144, 51.537904090319735 ], [ 6.863128770673144, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5818 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 51.347532677578371 ], [ 6.872111923514339, 51.347532677578371 ], [ 6.872111923514339, 51.341921501771395 ], [ 6.863128770673144, 51.341921501771395 ], [ 6.863128770673144, 51.347532677578371 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 5819 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.863128770673144, 51.341921501771395 ], [ 6.872111923514339, 51.341921501771395 ], [ 6.872111923514339, 51.336309638935241 ], [ 6.863128770673144, 51.336309638935241 ], [ 6.863128770673144, 51.341921501771395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6131 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.333895727450233 ], [ 6.881095076355534, 53.333895727450233 ], [ 6.881095076355534, 53.32853109395888 ], [ 6.872111923514339, 53.32853109395888 ], [ 6.872111923514339, 53.333895727450233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6132 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.32853109395888 ], [ 6.881095076355534, 53.32853109395888 ], [ 6.881095076355534, 53.323165785803603 ], [ 6.872111923514339, 53.323165785803603 ], [ 6.872111923514339, 53.32853109395888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6133 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.323165785803603 ], [ 6.881095076355534, 53.323165785803603 ], [ 6.881095076355534, 53.317799802946595 ], [ 6.872111923514339, 53.317799802946595 ], [ 6.872111923514339, 53.323165785803603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6136 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.307065812976333 ], [ 6.881095076355534, 53.307065812976333 ], [ 6.881095076355534, 53.301697805787583 ], [ 6.872111923514339, 53.301697805787583 ], [ 6.872111923514339, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6142 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.274847646299598 ], [ 6.881095076355534, 53.274847646299598 ], [ 6.881095076355534, 53.269475589429511 ], [ 6.872111923514339, 53.269475589429511 ], [ 6.872111923514339, 53.274847646299598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6143 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.269475589429511 ], [ 6.881095076355534, 53.269475589429511 ], [ 6.881095076355534, 53.264102857480836 ], [ 6.872111923514339, 53.264102857480836 ], [ 6.872111923514339, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6144 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.264102857480836 ], [ 6.881095076355534, 53.264102857480836 ], [ 6.881095076355534, 53.258729450415949 ], [ 6.872111923514339, 53.258729450415949 ], [ 6.872111923514339, 53.264102857480836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6145 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.258729450415949 ], [ 6.881095076355534, 53.258729450415949 ], [ 6.881095076355534, 53.253355368197305 ], [ 6.872111923514339, 53.253355368197305 ], [ 6.872111923514339, 53.258729450415949 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.253355368197305 ], [ 6.881095076355534, 53.253355368197305 ], [ 6.881095076355534, 53.247980610787351 ], [ 6.872111923514339, 53.247980610787351 ], [ 6.872111923514339, 53.253355368197305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.247980610787351 ], [ 6.881095076355534, 53.247980610787351 ], [ 6.881095076355534, 53.242605178148565 ], [ 6.872111923514339, 53.242605178148565 ], [ 6.872111923514339, 53.247980610787351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.242605178148565 ], [ 6.881095076355534, 53.242605178148565 ], [ 6.881095076355534, 53.237229070243437 ], [ 6.872111923514339, 53.237229070243437 ], [ 6.872111923514339, 53.242605178148565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.237229070243437 ], [ 6.881095076355534, 53.237229070243437 ], [ 6.881095076355534, 53.231852287034478 ], [ 6.872111923514339, 53.231852287034478 ], [ 6.872111923514339, 53.237229070243437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6150 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.231852287034478 ], [ 6.881095076355534, 53.231852287034478 ], [ 6.881095076355534, 53.226474828484214 ], [ 6.872111923514339, 53.226474828484214 ], [ 6.872111923514339, 53.231852287034478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6151 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.226474828484214 ], [ 6.881095076355534, 53.226474828484214 ], [ 6.881095076355534, 53.2210966945552 ], [ 6.872111923514339, 53.2210966945552 ], [ 6.872111923514339, 53.226474828484214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6152 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.2210966945552 ], [ 6.881095076355534, 53.2210966945552 ], [ 6.881095076355534, 53.21571788520999 ], [ 6.872111923514339, 53.21571788520999 ], [ 6.872111923514339, 53.2210966945552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6153 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 53.21571788520999 ], [ 6.881095076355534, 53.21571788520999 ], [ 6.881095076355534, 53.210338400411189 ], [ 6.872111923514339, 53.210338400411189 ], [ 6.872111923514339, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6458 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 51.543491239354942 ], [ 6.881095076355534, 51.543491239354942 ], [ 6.881095076355534, 51.537904090319735 ], [ 6.872111923514339, 51.537904090319735 ], [ 6.872111923514339, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6494 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 51.341921501771395 ], [ 6.881095076355534, 51.341921501771395 ], [ 6.881095076355534, 51.336309638935241 ], [ 6.872111923514339, 51.336309638935241 ], [ 6.872111923514339, 51.341921501771395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6495 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.872111923514339, 51.336309638935241 ], [ 6.881095076355534, 51.336309638935241 ], [ 6.881095076355534, 51.330697089039639 ], [ 6.872111923514339, 51.330697089039639 ], [ 6.872111923514339, 51.336309638935241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6808 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.323165785803603 ], [ 6.890078229196729, 53.323165785803603 ], [ 6.890078229196729, 53.317799802946595 ], [ 6.881095076355534, 53.317799802946595 ], [ 6.881095076355534, 53.323165785803603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6809 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.317799802946595 ], [ 6.890078229196729, 53.317799802946595 ], [ 6.890078229196729, 53.312433145350091 ], [ 6.881095076355534, 53.312433145350091 ], [ 6.881095076355534, 53.317799802946595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6810 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.312433145350091 ], [ 6.890078229196729, 53.312433145350091 ], [ 6.890078229196729, 53.307065812976333 ], [ 6.881095076355534, 53.307065812976333 ], [ 6.881095076355534, 53.312433145350091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6811 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.307065812976333 ], [ 6.890078229196729, 53.307065812976333 ], [ 6.890078229196729, 53.301697805787583 ], [ 6.881095076355534, 53.301697805787583 ], [ 6.881095076355534, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6828 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.21571788520999 ], [ 6.890078229196729, 53.21571788520999 ], [ 6.890078229196729, 53.210338400411189 ], [ 6.881095076355534, 53.210338400411189 ], [ 6.881095076355534, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6829 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.210338400411189 ], [ 6.890078229196729, 53.210338400411189 ], [ 6.890078229196729, 53.204958240121393 ], [ 6.881095076355534, 53.204958240121393 ], [ 6.881095076355534, 53.210338400411189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 6830 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 53.204958240121393 ], [ 6.890078229196729, 53.204958240121393 ], [ 6.890078229196729, 53.199577404303241 ], [ 6.881095076355534, 53.199577404303241 ], [ 6.881095076355534, 53.204958240121393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7133 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 51.543491239354942 ], [ 6.890078229196729, 51.543491239354942 ], [ 6.890078229196729, 51.537904090319735 ], [ 6.881095076355534, 51.537904090319735 ], [ 6.881095076355534, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7170 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 51.336309638935241 ], [ 6.890078229196729, 51.336309638935241 ], [ 6.890078229196729, 51.330697089039639 ], [ 6.881095076355534, 51.330697089039639 ], [ 6.881095076355534, 51.336309638935241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7171 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.881095076355534, 51.330697089039639 ], [ 6.890078229196729, 51.330697089039639 ], [ 6.890078229196729, 51.325083852054313 ], [ 6.881095076355534, 51.325083852054313 ], [ 6.881095076355534, 51.330697089039639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7486 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.307065812976333 ], [ 6.899061382037924, 53.307065812976333 ], [ 6.899061382037924, 53.301697805787583 ], [ 6.890078229196729, 53.301697805787583 ], [ 6.890078229196729, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.204958240121393 ], [ 6.899061382037924, 53.204958240121393 ], [ 6.899061382037924, 53.199577404303241 ], [ 6.890078229196729, 53.199577404303241 ], [ 6.890078229196729, 53.204958240121393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.199577404303241 ], [ 6.899061382037924, 53.199577404303241 ], [ 6.899061382037924, 53.19419589291936 ], [ 6.890078229196729, 53.19419589291936 ], [ 6.890078229196729, 53.199577404303241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7507 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.19419589291936 ], [ 6.899061382037924, 53.19419589291936 ], [ 6.899061382037924, 53.188813705932425 ], [ 6.890078229196729, 53.188813705932425 ], [ 6.890078229196729, 53.19419589291936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7508 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.188813705932425 ], [ 6.899061382037924, 53.188813705932425 ], [ 6.899061382037924, 53.183430843305111 ], [ 6.890078229196729, 53.183430843305111 ], [ 6.890078229196729, 53.188813705932425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7509 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.183430843305111 ], [ 6.899061382037924, 53.183430843305111 ], [ 6.899061382037924, 53.178047305000128 ], [ 6.890078229196729, 53.178047305000128 ], [ 6.890078229196729, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7510 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.178047305000128 ], [ 6.899061382037924, 53.178047305000128 ], [ 6.899061382037924, 53.172663090980187 ], [ 6.890078229196729, 53.172663090980187 ], [ 6.890078229196729, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7511 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.172663090980187 ], [ 6.899061382037924, 53.172663090980187 ], [ 6.899061382037924, 53.167278201208049 ], [ 6.890078229196729, 53.167278201208049 ], [ 6.890078229196729, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7512 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.167278201208049 ], [ 6.899061382037924, 53.167278201208049 ], [ 6.899061382037924, 53.161892635646453 ], [ 6.890078229196729, 53.161892635646453 ], [ 6.890078229196729, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7513 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.161892635646453 ], [ 6.899061382037924, 53.161892635646453 ], [ 6.899061382037924, 53.156506394258173 ], [ 6.890078229196729, 53.156506394258173 ], [ 6.890078229196729, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7514 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.156506394258173 ], [ 6.899061382037924, 53.156506394258173 ], [ 6.899061382037924, 53.151119477006027 ], [ 6.890078229196729, 53.151119477006027 ], [ 6.890078229196729, 53.156506394258173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7515 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.151119477006027 ], [ 6.899061382037924, 53.151119477006027 ], [ 6.899061382037924, 53.145731883852818 ], [ 6.890078229196729, 53.145731883852818 ], [ 6.890078229196729, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7516 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.145731883852818 ], [ 6.899061382037924, 53.145731883852818 ], [ 6.899061382037924, 53.140343614761399 ], [ 6.890078229196729, 53.140343614761399 ], [ 6.890078229196729, 53.145731883852818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7517 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.140343614761399 ], [ 6.899061382037924, 53.140343614761399 ], [ 6.899061382037924, 53.134954669694615 ], [ 6.890078229196729, 53.134954669694615 ], [ 6.890078229196729, 53.140343614761399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7523 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.107999803431483 ], [ 6.899061382037924, 53.107999803431483 ], [ 6.899061382037924, 53.102606801733558 ], [ 6.890078229196729, 53.102606801733558 ], [ 6.890078229196729, 53.107999803431483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.102606801733558 ], [ 6.899061382037924, 53.102606801733558 ], [ 6.899061382037924, 53.097213123800792 ], [ 6.890078229196729, 53.097213123800792 ], [ 6.890078229196729, 53.102606801733558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 53.097213123800792 ], [ 6.899061382037924, 53.097213123800792 ], [ 6.899061382037924, 53.091818769596202 ], [ 6.890078229196729, 53.091818769596202 ], [ 6.890078229196729, 53.097213123800792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7808 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.543491239354942 ], [ 6.899061382037924, 51.543491239354942 ], [ 6.899061382037924, 51.537904090319735 ], [ 6.890078229196729, 51.537904090319735 ], [ 6.890078229196729, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.330697089039639 ], [ 6.899061382037924, 51.330697089039639 ], [ 6.899061382037924, 51.325083852054313 ], [ 6.890078229196729, 51.325083852054313 ], [ 6.890078229196729, 51.330697089039639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7847 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.325083852054313 ], [ 6.899061382037924, 51.325083852054313 ], [ 6.899061382037924, 51.319469927949065 ], [ 6.890078229196729, 51.319469927949065 ], [ 6.890078229196729, 51.325083852054313 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7848 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.319469927949065 ], [ 6.899061382037924, 51.319469927949065 ], [ 6.899061382037924, 51.313855316693662 ], [ 6.890078229196729, 51.313855316693662 ], [ 6.890078229196729, 51.319469927949065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.313855316693662 ], [ 6.899061382037924, 51.313855316693662 ], [ 6.899061382037924, 51.308240018257919 ], [ 6.890078229196729, 51.308240018257919 ], [ 6.890078229196729, 51.313855316693662 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7850 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.308240018257919 ], [ 6.899061382037924, 51.308240018257919 ], [ 6.899061382037924, 51.302624032611682 ], [ 6.890078229196729, 51.302624032611682 ], [ 6.890078229196729, 51.308240018257919 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7851 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.302624032611682 ], [ 6.899061382037924, 51.302624032611682 ], [ 6.899061382037924, 51.297007359724802 ], [ 6.890078229196729, 51.297007359724802 ], [ 6.890078229196729, 51.302624032611682 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.297007359724802 ], [ 6.899061382037924, 51.297007359724802 ], [ 6.899061382037924, 51.291389999567173 ], [ 6.890078229196729, 51.291389999567173 ], [ 6.890078229196729, 51.297007359724802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 7853 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.890078229196729, 51.291389999567173 ], [ 6.899061382037924, 51.291389999567173 ], [ 6.899061382037924, 51.285771952108696 ], [ 6.890078229196729, 51.285771952108696 ], [ 6.890078229196729, 51.291389999567173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8161 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.307065812976333 ], [ 6.90804453487912, 53.307065812976333 ], [ 6.90804453487912, 53.301697805787583 ], [ 6.899061382037924, 53.301697805787583 ], [ 6.899061382037924, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8192 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.140343614761399 ], [ 6.90804453487912, 53.140343614761399 ], [ 6.90804453487912, 53.134954669694615 ], [ 6.899061382037924, 53.134954669694615 ], [ 6.899061382037924, 53.140343614761399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8193 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.134954669694615 ], [ 6.90804453487912, 53.134954669694615 ], [ 6.90804453487912, 53.129565048615333 ], [ 6.899061382037924, 53.129565048615333 ], [ 6.899061382037924, 53.134954669694615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8194 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.129565048615333 ], [ 6.90804453487912, 53.129565048615333 ], [ 6.90804453487912, 53.124174751486457 ], [ 6.899061382037924, 53.124174751486457 ], [ 6.899061382037924, 53.129565048615333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8195 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.124174751486457 ], [ 6.90804453487912, 53.124174751486457 ], [ 6.90804453487912, 53.118783778270895 ], [ 6.899061382037924, 53.118783778270895 ], [ 6.899061382037924, 53.124174751486457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8196 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.118783778270895 ], [ 6.90804453487912, 53.118783778270895 ], [ 6.90804453487912, 53.113392128931586 ], [ 6.899061382037924, 53.113392128931586 ], [ 6.899061382037924, 53.118783778270895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8197 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.113392128931586 ], [ 6.90804453487912, 53.113392128931586 ], [ 6.90804453487912, 53.107999803431483 ], [ 6.899061382037924, 53.107999803431483 ], [ 6.899061382037924, 53.113392128931586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8199 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.102606801733558 ], [ 6.90804453487912, 53.102606801733558 ], [ 6.90804453487912, 53.097213123800792 ], [ 6.899061382037924, 53.097213123800792 ], [ 6.899061382037924, 53.102606801733558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8200 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 53.097213123800792 ], [ 6.90804453487912, 53.097213123800792 ], [ 6.90804453487912, 53.091818769596202 ], [ 6.899061382037924, 53.091818769596202 ], [ 6.899061382037924, 53.097213123800792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8482 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 51.549077702465944 ], [ 6.90804453487912, 51.549077702465944 ], [ 6.90804453487912, 51.543491239354942 ], [ 6.899061382037924, 51.543491239354942 ], [ 6.899061382037924, 51.549077702465944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8483 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 51.543491239354942 ], [ 6.90804453487912, 51.543491239354942 ], [ 6.90804453487912, 51.537904090319735 ], [ 6.899061382037924, 51.537904090319735 ], [ 6.899061382037924, 51.543491239354942 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8528 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 51.291389999567173 ], [ 6.90804453487912, 51.291389999567173 ], [ 6.90804453487912, 51.285771952108696 ], [ 6.899061382037924, 51.285771952108696 ], [ 6.899061382037924, 51.291389999567173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8529 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 51.285771952108696 ], [ 6.90804453487912, 51.285771952108696 ], [ 6.90804453487912, 51.280153217319288 ], [ 6.899061382037924, 51.280153217319288 ], [ 6.899061382037924, 51.285771952108696 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8530 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.899061382037924, 51.280153217319288 ], [ 6.90804453487912, 51.280153217319288 ], [ 6.90804453487912, 51.274533795168921 ], [ 6.899061382037924, 51.274533795168921 ], [ 6.899061382037924, 51.280153217319288 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8836 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 53.307065812976333 ], [ 6.917027687720315, 53.307065812976333 ], [ 6.917027687720315, 53.301697805787583 ], [ 6.90804453487912, 53.301697805787583 ], [ 6.90804453487912, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 8875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 53.097213123800792 ], [ 6.917027687720315, 53.097213123800792 ], [ 6.917027687720315, 53.091818769596202 ], [ 6.90804453487912, 53.091818769596202 ], [ 6.90804453487912, 53.097213123800792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9156 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.554663479683811 ], [ 6.917027687720315, 51.554663479683811 ], [ 6.917027687720315, 51.549077702465944 ], [ 6.90804453487912, 51.549077702465944 ], [ 6.90804453487912, 51.554663479683811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9157 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.549077702465944 ], [ 6.917027687720315, 51.549077702465944 ], [ 6.917027687720315, 51.543491239354942 ], [ 6.90804453487912, 51.543491239354942 ], [ 6.90804453487912, 51.549077702465944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.274533795168921 ], [ 6.917027687720315, 51.274533795168921 ], [ 6.917027687720315, 51.268913685627538 ], [ 6.90804453487912, 51.268913685627538 ], [ 6.90804453487912, 51.274533795168921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9207 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.268913685627538 ], [ 6.917027687720315, 51.268913685627538 ], [ 6.917027687720315, 51.263292888665163 ], [ 6.90804453487912, 51.263292888665163 ], [ 6.90804453487912, 51.268913685627538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9208 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.263292888665163 ], [ 6.917027687720315, 51.263292888665163 ], [ 6.917027687720315, 51.257671404251809 ], [ 6.90804453487912, 51.257671404251809 ], [ 6.90804453487912, 51.263292888665163 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9209 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.257671404251809 ], [ 6.917027687720315, 51.257671404251809 ], [ 6.917027687720315, 51.252049232357514 ], [ 6.90804453487912, 51.252049232357514 ], [ 6.90804453487912, 51.257671404251809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9210 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.252049232357514 ], [ 6.917027687720315, 51.252049232357514 ], [ 6.917027687720315, 51.246426372952335 ], [ 6.90804453487912, 51.246426372952335 ], [ 6.90804453487912, 51.252049232357514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9211 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.246426372952335 ], [ 6.917027687720315, 51.246426372952335 ], [ 6.917027687720315, 51.240802826006366 ], [ 6.90804453487912, 51.240802826006366 ], [ 6.90804453487912, 51.246426372952335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.240802826006366 ], [ 6.917027687720315, 51.240802826006366 ], [ 6.917027687720315, 51.235178591489721 ], [ 6.90804453487912, 51.235178591489721 ], [ 6.90804453487912, 51.240802826006366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.235178591489721 ], [ 6.917027687720315, 51.235178591489721 ], [ 6.917027687720315, 51.229553669372528 ], [ 6.90804453487912, 51.229553669372528 ], [ 6.90804453487912, 51.235178591489721 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9214 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.90804453487912, 51.229553669372528 ], [ 6.917027687720315, 51.229553669372528 ], [ 6.917027687720315, 51.223928059624939 ], [ 6.90804453487912, 51.223928059624939 ], [ 6.90804453487912, 51.229553669372528 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9511 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 53.307065812976333 ], [ 6.92601084056151, 53.307065812976333 ], [ 6.92601084056151, 53.301697805787583 ], [ 6.917027687720315, 53.301697805787583 ], [ 6.917027687720315, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9512 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 53.301697805787583 ], [ 6.92601084056151, 53.301697805787583 ], [ 6.92601084056151, 53.296329123746133 ], [ 6.917027687720315, 53.296329123746133 ], [ 6.917027687720315, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9550 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 53.097213123800792 ], [ 6.92601084056151, 53.097213123800792 ], [ 6.92601084056151, 53.091818769596202 ], [ 6.917027687720315, 53.091818769596202 ], [ 6.917027687720315, 53.097213123800792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9551 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 53.091818769596202 ], [ 6.92601084056151, 53.091818769596202 ], [ 6.92601084056151, 53.086423739082818 ], [ 6.917027687720315, 53.086423739082818 ], [ 6.917027687720315, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9804 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.705220311244652 ], [ 6.92601084056151, 51.705220311244652 ], [ 6.92601084056151, 51.699653041301133 ], [ 6.917027687720315, 51.699653041301133 ], [ 6.917027687720315, 51.705220311244652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9805 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.699653041301133 ], [ 6.92601084056151, 51.699653041301133 ], [ 6.92601084056151, 51.694085086312789 ], [ 6.917027687720315, 51.694085086312789 ], [ 6.917027687720315, 51.699653041301133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9806 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.694085086312789 ], [ 6.92601084056151, 51.694085086312789 ], [ 6.92601084056151, 51.68851644624791 ], [ 6.917027687720315, 51.68851644624791 ], [ 6.917027687720315, 51.694085086312789 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9807 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.68851644624791 ], [ 6.92601084056151, 51.68851644624791 ], [ 6.92601084056151, 51.682947121074811 ], [ 6.917027687720315, 51.682947121074811 ], [ 6.917027687720315, 51.68851644624791 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9808 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.682947121074811 ], [ 6.92601084056151, 51.682947121074811 ], [ 6.92601084056151, 51.677377110761817 ], [ 6.917027687720315, 51.677377110761817 ], [ 6.917027687720315, 51.682947121074811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9809 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.677377110761817 ], [ 6.92601084056151, 51.677377110761817 ], [ 6.92601084056151, 51.671806415277317 ], [ 6.917027687720315, 51.671806415277317 ], [ 6.917027687720315, 51.677377110761817 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9810 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.671806415277317 ], [ 6.92601084056151, 51.671806415277317 ], [ 6.92601084056151, 51.666235034589675 ], [ 6.917027687720315, 51.666235034589675 ], [ 6.917027687720315, 51.671806415277317 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9811 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.666235034589675 ], [ 6.92601084056151, 51.666235034589675 ], [ 6.92601084056151, 51.660662968667303 ], [ 6.917027687720315, 51.660662968667303 ], [ 6.917027687720315, 51.666235034589675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9830 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.5602485710397 ], [ 6.92601084056151, 51.5602485710397 ], [ 6.92601084056151, 51.554663479683811 ], [ 6.917027687720315, 51.554663479683811 ], [ 6.917027687720315, 51.5602485710397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9831 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.554663479683811 ], [ 6.92601084056151, 51.554663479683811 ], [ 6.92601084056151, 51.549077702465944 ], [ 6.917027687720315, 51.549077702465944 ], [ 6.917027687720315, 51.554663479683811 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9890 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.223928059624939 ], [ 6.92601084056151, 51.223928059624939 ], [ 6.92601084056151, 51.218301762217159 ], [ 6.917027687720315, 51.218301762217159 ], [ 6.917027687720315, 51.223928059624939 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 9891 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.917027687720315, 51.218301762217159 ], [ 6.92601084056151, 51.218301762217159 ], [ 6.92601084056151, 51.212674777119346 ], [ 6.917027687720315, 51.212674777119346 ], [ 6.917027687720315, 51.218301762217159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10187 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 53.301697805787583 ], [ 6.934993993402705, 53.301697805787583 ], [ 6.934993993402705, 53.296329123746133 ], [ 6.92601084056151, 53.296329123746133 ], [ 6.92601084056151, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10226 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 53.091818769596202 ], [ 6.934993993402705, 53.091818769596202 ], [ 6.934993993402705, 53.086423739082818 ], [ 6.92601084056151, 53.086423739082818 ], [ 6.92601084056151, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10476 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.721918011123577 ], [ 6.934993993402705, 51.721918011123577 ], [ 6.934993993402705, 51.716352796124127 ], [ 6.92601084056151, 51.716352796124127 ], [ 6.92601084056151, 51.721918011123577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10477 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.716352796124127 ], [ 6.934993993402705, 51.716352796124127 ], [ 6.934993993402705, 51.710786896175065 ], [ 6.92601084056151, 51.710786896175065 ], [ 6.92601084056151, 51.716352796124127 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10478 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.710786896175065 ], [ 6.934993993402705, 51.710786896175065 ], [ 6.934993993402705, 51.705220311244652 ], [ 6.92601084056151, 51.705220311244652 ], [ 6.92601084056151, 51.710786896175065 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10487 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.660662968667303 ], [ 6.934993993402705, 51.660662968667303 ], [ 6.934993993402705, 51.655090217478623 ], [ 6.92601084056151, 51.655090217478623 ], [ 6.92601084056151, 51.660662968667303 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10488 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.655090217478623 ], [ 6.934993993402705, 51.655090217478623 ], [ 6.934993993402705, 51.649516780992101 ], [ 6.92601084056151, 51.649516780992101 ], [ 6.92601084056151, 51.655090217478623 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10489 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.649516780992101 ], [ 6.934993993402705, 51.649516780992101 ], [ 6.934993993402705, 51.64394265917619 ], [ 6.92601084056151, 51.64394265917619 ], [ 6.92601084056151, 51.649516780992101 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10490 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.64394265917619 ], [ 6.934993993402705, 51.64394265917619 ], [ 6.934993993402705, 51.638367851999384 ], [ 6.92601084056151, 51.638367851999384 ], [ 6.92601084056151, 51.64394265917619 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10491 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.638367851999384 ], [ 6.934993993402705, 51.638367851999384 ], [ 6.934993993402705, 51.632792359430205 ], [ 6.92601084056151, 51.632792359430205 ], [ 6.92601084056151, 51.638367851999384 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10492 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.632792359430205 ], [ 6.934993993402705, 51.632792359430205 ], [ 6.934993993402705, 51.627216181437191 ], [ 6.92601084056151, 51.627216181437191 ], [ 6.92601084056151, 51.632792359430205 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10493 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.627216181437191 ], [ 6.934993993402705, 51.627216181437191 ], [ 6.934993993402705, 51.621639317988908 ], [ 6.92601084056151, 51.621639317988908 ], [ 6.92601084056151, 51.627216181437191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10501 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.582582078466807 ], [ 6.934993993402705, 51.582582078466807 ], [ 6.934993993402705, 51.576999730247103 ], [ 6.92601084056151, 51.576999730247103 ], [ 6.92601084056151, 51.582582078466807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10502 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.576999730247103 ], [ 6.934993993402705, 51.576999730247103 ], [ 6.934993993402705, 51.571416696290157 ], [ 6.92601084056151, 51.571416696290157 ], [ 6.92601084056151, 51.576999730247103 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10503 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.571416696290157 ], [ 6.934993993402705, 51.571416696290157 ], [ 6.934993993402705, 51.565832976564764 ], [ 6.92601084056151, 51.565832976564764 ], [ 6.92601084056151, 51.571416696290157 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10504 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.565832976564764 ], [ 6.934993993402705, 51.565832976564764 ], [ 6.934993993402705, 51.5602485710397 ], [ 6.92601084056151, 51.5602485710397 ], [ 6.92601084056151, 51.565832976564764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.5602485710397 ], [ 6.934993993402705, 51.5602485710397 ], [ 6.934993993402705, 51.554663479683811 ], [ 6.92601084056151, 51.554663479683811 ], [ 6.92601084056151, 51.5602485710397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10566 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.218301762217159 ], [ 6.934993993402705, 51.218301762217159 ], [ 6.934993993402705, 51.212674777119346 ], [ 6.92601084056151, 51.212674777119346 ], [ 6.92601084056151, 51.218301762217159 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10567 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.212674777119346 ], [ 6.934993993402705, 51.212674777119346 ], [ 6.934993993402705, 51.207047104301765 ], [ 6.92601084056151, 51.207047104301765 ], [ 6.92601084056151, 51.212674777119346 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10568 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.92601084056151, 51.207047104301765 ], [ 6.934993993402705, 51.207047104301765 ], [ 6.934993993402705, 51.201418743734642 ], [ 6.92601084056151, 51.201418743734642 ], [ 6.92601084056151, 51.207047104301765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10862 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 53.301697805787583 ], [ 6.943977146243901, 53.301697805787583 ], [ 6.943977146243901, 53.296329123746133 ], [ 6.934993993402705, 53.296329123746133 ], [ 6.934993993402705, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 10901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 53.091818769596202 ], [ 6.943977146243901, 53.091818769596202 ], [ 6.943977146243901, 53.086423739082818 ], [ 6.934993993402705, 53.086423739082818 ], [ 6.934993993402705, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11150 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.727482541205255 ], [ 6.943977146243901, 51.727482541205255 ], [ 6.943977146243901, 51.721918011123577 ], [ 6.934993993402705, 51.721918011123577 ], [ 6.934993993402705, 51.727482541205255 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11151 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.721918011123577 ], [ 6.943977146243901, 51.721918011123577 ], [ 6.943977146243901, 51.716352796124127 ], [ 6.934993993402705, 51.716352796124127 ], [ 6.934993993402705, 51.721918011123577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11168 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.627216181437191 ], [ 6.943977146243901, 51.627216181437191 ], [ 6.943977146243901, 51.621639317988908 ], [ 6.934993993402705, 51.621639317988908 ], [ 6.934993993402705, 51.627216181437191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11169 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.621639317988908 ], [ 6.943977146243901, 51.621639317988908 ], [ 6.943977146243901, 51.616061769053921 ], [ 6.934993993402705, 51.616061769053921 ], [ 6.934993993402705, 51.621639317988908 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11170 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.616061769053921 ], [ 6.943977146243901, 51.616061769053921 ], [ 6.943977146243901, 51.610483534600846 ], [ 6.934993993402705, 51.610483534600846 ], [ 6.934993993402705, 51.616061769053921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11171 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.610483534600846 ], [ 6.943977146243901, 51.610483534600846 ], [ 6.943977146243901, 51.604904614598304 ], [ 6.934993993402705, 51.604904614598304 ], [ 6.934993993402705, 51.610483534600846 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11172 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.604904614598304 ], [ 6.943977146243901, 51.604904614598304 ], [ 6.943977146243901, 51.599325009014947 ], [ 6.934993993402705, 51.599325009014947 ], [ 6.934993993402705, 51.604904614598304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11173 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.599325009014947 ], [ 6.943977146243901, 51.599325009014947 ], [ 6.943977146243901, 51.59374471781944 ], [ 6.934993993402705, 51.59374471781944 ], [ 6.934993993402705, 51.599325009014947 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11174 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.59374471781944 ], [ 6.943977146243901, 51.59374471781944 ], [ 6.943977146243901, 51.588163740980491 ], [ 6.934993993402705, 51.588163740980491 ], [ 6.934993993402705, 51.59374471781944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.588163740980491 ], [ 6.943977146243901, 51.588163740980491 ], [ 6.943977146243901, 51.582582078466807 ], [ 6.934993993402705, 51.582582078466807 ], [ 6.934993993402705, 51.588163740980491 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11176 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.582582078466807 ], [ 6.943977146243901, 51.582582078466807 ], [ 6.943977146243901, 51.576999730247103 ], [ 6.934993993402705, 51.576999730247103 ], [ 6.934993993402705, 51.582582078466807 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11244 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.201418743734642 ], [ 6.943977146243901, 51.201418743734642 ], [ 6.943977146243901, 51.195789695388243 ], [ 6.934993993402705, 51.195789695388243 ], [ 6.934993993402705, 51.201418743734642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11245 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.195789695388243 ], [ 6.943977146243901, 51.195789695388243 ], [ 6.943977146243901, 51.190159959232886 ], [ 6.934993993402705, 51.190159959232886 ], [ 6.934993993402705, 51.195789695388243 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11246 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.934993993402705, 51.190159959232886 ], [ 6.943977146243901, 51.190159959232886 ], [ 6.943977146243901, 51.184529535238852 ], [ 6.934993993402705, 51.184529535238852 ], [ 6.934993993402705, 51.190159959232886 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11538 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.296329123746133 ], [ 6.952960299085095, 53.296329123746133 ], [ 6.952960299085095, 53.290959766814282 ], [ 6.943977146243901, 53.290959766814282 ], [ 6.943977146243901, 53.296329123746133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.290959766814282 ], [ 6.952960299085095, 53.290959766814282 ], [ 6.952960299085095, 53.285589734954343 ], [ 6.943977146243901, 53.285589734954343 ], [ 6.943977146243901, 53.290959766814282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11540 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.285589734954343 ], [ 6.952960299085095, 53.285589734954343 ], [ 6.952960299085095, 53.280219028128663 ], [ 6.943977146243901, 53.280219028128663 ], [ 6.943977146243901, 53.285589734954343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11541 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.280219028128663 ], [ 6.952960299085095, 53.280219028128663 ], [ 6.952960299085095, 53.274847646299598 ], [ 6.943977146243901, 53.274847646299598 ], [ 6.943977146243901, 53.280219028128663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.274847646299598 ], [ 6.952960299085095, 53.274847646299598 ], [ 6.952960299085095, 53.269475589429511 ], [ 6.943977146243901, 53.269475589429511 ], [ 6.943977146243901, 53.274847646299598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.269475589429511 ], [ 6.952960299085095, 53.269475589429511 ], [ 6.952960299085095, 53.264102857480836 ], [ 6.943977146243901, 53.264102857480836 ], [ 6.943977146243901, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.264102857480836 ], [ 6.952960299085095, 53.264102857480836 ], [ 6.952960299085095, 53.258729450415949 ], [ 6.943977146243901, 53.258729450415949 ], [ 6.943977146243901, 53.264102857480836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11576 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 53.091818769596202 ], [ 6.952960299085095, 53.091818769596202 ], [ 6.952960299085095, 53.086423739082818 ], [ 6.943977146243901, 53.086423739082818 ], [ 6.943977146243901, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11823 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 51.738609546742502 ], [ 6.952960299085095, 51.738609546742502 ], [ 6.952960299085095, 51.73304638640095 ], [ 6.943977146243901, 51.73304638640095 ], [ 6.943977146243901, 51.738609546742502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 51.73304638640095 ], [ 6.952960299085095, 51.73304638640095 ], [ 6.952960299085095, 51.727482541205255 ], [ 6.943977146243901, 51.727482541205255 ], [ 6.943977146243901, 51.73304638640095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11922 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 51.184529535238852 ], [ 6.952960299085095, 51.184529535238852 ], [ 6.952960299085095, 51.178898423376509 ], [ 6.943977146243901, 51.178898423376509 ], [ 6.943977146243901, 51.184529535238852 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11923 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 51.178898423376509 ], [ 6.952960299085095, 51.178898423376509 ], [ 6.952960299085095, 51.173266623616207 ], [ 6.943977146243901, 51.173266623616207 ], [ 6.943977146243901, 51.178898423376509 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 11924 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.943977146243901, 51.173266623616207 ], [ 6.952960299085095, 51.173266623616207 ], [ 6.952960299085095, 51.167634135928331 ], [ 6.943977146243901, 51.167634135928331 ], [ 6.943977146243901, 51.173266623616207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.296329123746133 ], [ 6.961943451926291, 53.296329123746133 ], [ 6.961943451926291, 53.290959766814282 ], [ 6.952960299085095, 53.290959766814282 ], [ 6.952960299085095, 53.296329123746133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12219 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.264102857480836 ], [ 6.961943451926291, 53.264102857480836 ], [ 6.961943451926291, 53.258729450415949 ], [ 6.952960299085095, 53.258729450415949 ], [ 6.952960299085095, 53.264102857480836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.258729450415949 ], [ 6.961943451926291, 53.258729450415949 ], [ 6.961943451926291, 53.253355368197305 ], [ 6.952960299085095, 53.253355368197305 ], [ 6.952960299085095, 53.258729450415949 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.253355368197305 ], [ 6.961943451926291, 53.253355368197305 ], [ 6.961943451926291, 53.247980610787351 ], [ 6.952960299085095, 53.247980610787351 ], [ 6.952960299085095, 53.253355368197305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12251 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.091818769596202 ], [ 6.961943451926291, 53.091818769596202 ], [ 6.961943451926291, 53.086423739082818 ], [ 6.952960299085095, 53.086423739082818 ], [ 6.952960299085095, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12264 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.021630607405321 ], [ 6.961943451926291, 53.021630607405321 ], [ 6.961943451926291, 53.0162267815221 ], [ 6.952960299085095, 53.0162267815221 ], [ 6.952960299085095, 53.021630607405321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 53.0162267815221 ], [ 6.961943451926291, 53.0162267815221 ], [ 6.961943451926291, 53.010822278814523 ], [ 6.952960299085095, 53.010822278814523 ], [ 6.952960299085095, 53.0162267815221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12497 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 51.744172022261772 ], [ 6.961943451926291, 51.744172022261772 ], [ 6.961943451926291, 51.738609546742502 ], [ 6.952960299085095, 51.738609546742502 ], [ 6.952960299085095, 51.744172022261772 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12498 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 51.738609546742502 ], [ 6.961943451926291, 51.738609546742502 ], [ 6.961943451926291, 51.73304638640095 ], [ 6.952960299085095, 51.73304638640095 ], [ 6.952960299085095, 51.738609546742502 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12599 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 51.173266623616207 ], [ 6.961943451926291, 51.173266623616207 ], [ 6.961943451926291, 51.167634135928331 ], [ 6.952960299085095, 51.167634135928331 ], [ 6.952960299085095, 51.173266623616207 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12600 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 51.167634135928331 ], [ 6.961943451926291, 51.167634135928331 ], [ 6.961943451926291, 51.162000960283301 ], [ 6.952960299085095, 51.162000960283301 ], [ 6.952960299085095, 51.167634135928331 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.952960299085095, 51.162000960283301 ], [ 6.961943451926291, 51.162000960283301 ], [ 6.961943451926291, 51.156367096651536 ], [ 6.952960299085095, 51.156367096651536 ], [ 6.952960299085095, 51.162000960283301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12897 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.247980610787351 ], [ 6.970926604767486, 53.247980610787351 ], [ 6.970926604767486, 53.242605178148565 ], [ 6.961943451926291, 53.242605178148565 ], [ 6.961943451926291, 53.247980610787351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12898 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.242605178148565 ], [ 6.970926604767486, 53.242605178148565 ], [ 6.970926604767486, 53.237229070243437 ], [ 6.961943451926291, 53.237229070243437 ], [ 6.961943451926291, 53.242605178148565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12899 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.237229070243437 ], [ 6.970926604767486, 53.237229070243437 ], [ 6.970926604767486, 53.231852287034478 ], [ 6.961943451926291, 53.231852287034478 ], [ 6.961943451926291, 53.237229070243437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12900 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.231852287034478 ], [ 6.970926604767486, 53.231852287034478 ], [ 6.970926604767486, 53.226474828484214 ], [ 6.961943451926291, 53.226474828484214 ], [ 6.961943451926291, 53.231852287034478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12908 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.188813705932425 ], [ 6.970926604767486, 53.188813705932425 ], [ 6.970926604767486, 53.183430843305111 ], [ 6.961943451926291, 53.183430843305111 ], [ 6.961943451926291, 53.188813705932425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12926 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.091818769596202 ], [ 6.970926604767486, 53.091818769596202 ], [ 6.970926604767486, 53.086423739082818 ], [ 6.961943451926291, 53.086423739082818 ], [ 6.961943451926291, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12927 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.086423739082818 ], [ 6.970926604767486, 53.086423739082818 ], [ 6.970926604767486, 53.081028032223678 ], [ 6.961943451926291, 53.081028032223678 ], [ 6.961943451926291, 53.086423739082818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12937 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.032436228845555 ], [ 6.970926604767486, 53.032436228845555 ], [ 6.970926604767486, 53.027033756500906 ], [ 6.961943451926291, 53.027033756500906 ], [ 6.961943451926291, 53.032436228845555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12938 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.027033756500906 ], [ 6.970926604767486, 53.027033756500906 ], [ 6.970926604767486, 53.021630607405321 ], [ 6.961943451926291, 53.021630607405321 ], [ 6.961943451926291, 53.027033756500906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12939 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.021630607405321 ], [ 6.970926604767486, 53.021630607405321 ], [ 6.970926604767486, 53.0162267815221 ], [ 6.961943451926291, 53.0162267815221 ], [ 6.961943451926291, 53.021630607405321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12940 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.0162267815221 ], [ 6.970926604767486, 53.0162267815221 ], [ 6.970926604767486, 53.010822278814523 ], [ 6.961943451926291, 53.010822278814523 ], [ 6.961943451926291, 53.0162267815221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 12941 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 53.010822278814523 ], [ 6.970926604767486, 53.010822278814523 ], [ 6.970926604767486, 53.005417099245932 ], [ 6.961943451926291, 53.005417099245932 ], [ 6.961943451926291, 53.010822278814523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13163 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.794203490199827 ], [ 6.970926604767486, 51.794203490199827 ], [ 6.970926604767486, 51.788647176643892 ], [ 6.961943451926291, 51.788647176643892 ], [ 6.961943451926291, 51.794203490199827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13164 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.788647176643892 ], [ 6.970926604767486, 51.788647176643892 ], [ 6.970926604767486, 51.783090178553373 ], [ 6.961943451926291, 51.783090178553373 ], [ 6.961943451926291, 51.788647176643892 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13165 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.783090178553373 ], [ 6.970926604767486, 51.783090178553373 ], [ 6.970926604767486, 51.777532495896224 ], [ 6.961943451926291, 51.777532495896224 ], [ 6.961943451926291, 51.783090178553373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13166 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.777532495896224 ], [ 6.970926604767486, 51.777532495896224 ], [ 6.970926604767486, 51.771974128640416 ], [ 6.961943451926291, 51.771974128640416 ], [ 6.961943451926291, 51.777532495896224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13167 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.771974128640416 ], [ 6.970926604767486, 51.771974128640416 ], [ 6.970926604767486, 51.766415076753923 ], [ 6.961943451926291, 51.766415076753923 ], [ 6.961943451926291, 51.771974128640416 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13168 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.766415076753923 ], [ 6.970926604767486, 51.766415076753923 ], [ 6.970926604767486, 51.76085534020477 ], [ 6.961943451926291, 51.76085534020477 ], [ 6.961943451926291, 51.766415076753923 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13169 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.76085534020477 ], [ 6.970926604767486, 51.76085534020477 ], [ 6.970926604767486, 51.755294918960992 ], [ 6.961943451926291, 51.755294918960992 ], [ 6.961943451926291, 51.76085534020477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13170 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.755294918960992 ], [ 6.970926604767486, 51.755294918960992 ], [ 6.970926604767486, 51.749733812990634 ], [ 6.961943451926291, 51.749733812990634 ], [ 6.961943451926291, 51.755294918960992 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13171 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.749733812990634 ], [ 6.970926604767486, 51.749733812990634 ], [ 6.970926604767486, 51.744172022261772 ], [ 6.961943451926291, 51.744172022261772 ], [ 6.961943451926291, 51.749733812990634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.162000960283301 ], [ 6.970926604767486, 51.162000960283301 ], [ 6.970926604767486, 51.156367096651536 ], [ 6.961943451926291, 51.156367096651536 ], [ 6.961943451926291, 51.162000960283301 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13277 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.156367096651536 ], [ 6.970926604767486, 51.156367096651536 ], [ 6.970926604767486, 51.150732545003486 ], [ 6.961943451926291, 51.150732545003486 ], [ 6.961943451926291, 51.156367096651536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13278 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.150732545003486 ], [ 6.970926604767486, 51.150732545003486 ], [ 6.970926604767486, 51.14509730530964 ], [ 6.961943451926291, 51.14509730530964 ], [ 6.961943451926291, 51.150732545003486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13279 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.961943451926291, 51.14509730530964 ], [ 6.970926604767486, 51.14509730530964 ], [ 6.970926604767486, 51.139461377540485 ], [ 6.961943451926291, 51.139461377540485 ], [ 6.961943451926291, 51.14509730530964 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13576 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.226474828484214 ], [ 6.979909757608682, 53.226474828484214 ], [ 6.979909757608682, 53.2210966945552 ], [ 6.970926604767486, 53.2210966945552 ], [ 6.970926604767486, 53.226474828484214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13577 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.2210966945552 ], [ 6.979909757608682, 53.2210966945552 ], [ 6.979909757608682, 53.21571788520999 ], [ 6.970926604767486, 53.21571788520999 ], [ 6.970926604767486, 53.2210966945552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.21571788520999 ], [ 6.979909757608682, 53.21571788520999 ], [ 6.979909757608682, 53.210338400411189 ], [ 6.970926604767486, 53.210338400411189 ], [ 6.970926604767486, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13579 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.210338400411189 ], [ 6.979909757608682, 53.210338400411189 ], [ 6.979909757608682, 53.204958240121393 ], [ 6.970926604767486, 53.204958240121393 ], [ 6.970926604767486, 53.210338400411189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13580 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.204958240121393 ], [ 6.979909757608682, 53.204958240121393 ], [ 6.979909757608682, 53.199577404303241 ], [ 6.970926604767486, 53.199577404303241 ], [ 6.970926604767486, 53.204958240121393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13583 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.188813705932425 ], [ 6.979909757608682, 53.188813705932425 ], [ 6.979909757608682, 53.183430843305111 ], [ 6.970926604767486, 53.183430843305111 ], [ 6.970926604767486, 53.188813705932425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13602 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.086423739082818 ], [ 6.979909757608682, 53.086423739082818 ], [ 6.979909757608682, 53.081028032223678 ], [ 6.970926604767486, 53.081028032223678 ], [ 6.970926604767486, 53.086423739082818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.081028032223678 ], [ 6.979909757608682, 53.081028032223678 ], [ 6.979909757608682, 53.075631648981876 ], [ 6.970926604767486, 53.075631648981876 ], [ 6.970926604767486, 53.081028032223678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13604 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.075631648981876 ], [ 6.979909757608682, 53.075631648981876 ], [ 6.979909757608682, 53.070234589320478 ], [ 6.970926604767486, 53.070234589320478 ], [ 6.970926604767486, 53.075631648981876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13605 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.070234589320478 ], [ 6.979909757608682, 53.070234589320478 ], [ 6.979909757608682, 53.064836853202593 ], [ 6.970926604767486, 53.064836853202593 ], [ 6.970926604767486, 53.070234589320478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13610 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.043239143429027 ], [ 6.979909757608682, 53.043239143429027 ], [ 6.979909757608682, 53.037838024476009 ], [ 6.970926604767486, 53.037838024476009 ], [ 6.970926604767486, 53.043239143429027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13611 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.037838024476009 ], [ 6.979909757608682, 53.037838024476009 ], [ 6.979909757608682, 53.032436228845555 ], [ 6.970926604767486, 53.032436228845555 ], [ 6.970926604767486, 53.037838024476009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13612 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.032436228845555 ], [ 6.979909757608682, 53.032436228845555 ], [ 6.979909757608682, 53.027033756500906 ], [ 6.970926604767486, 53.027033756500906 ], [ 6.970926604767486, 53.032436228845555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13616 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 53.010822278814523 ], [ 6.979909757608682, 53.010822278814523 ], [ 6.979909757608682, 53.005417099245932 ], [ 6.970926604767486, 53.005417099245932 ], [ 6.970926604767486, 53.010822278814523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13836 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.805314063836327 ], [ 6.979909757608682, 51.805314063836327 ], [ 6.979909757608682, 51.799759119253281 ], [ 6.970926604767486, 51.799759119253281 ], [ 6.970926604767486, 51.805314063836327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13837 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.799759119253281 ], [ 6.979909757608682, 51.799759119253281 ], [ 6.979909757608682, 51.794203490199827 ], [ 6.970926604767486, 51.794203490199827 ], [ 6.970926604767486, 51.799759119253281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13838 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.794203490199827 ], [ 6.979909757608682, 51.794203490199827 ], [ 6.979909757608682, 51.788647176643892 ], [ 6.970926604767486, 51.788647176643892 ], [ 6.970926604767486, 51.794203490199827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13954 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.14509730530964 ], [ 6.979909757608682, 51.14509730530964 ], [ 6.979909757608682, 51.139461377540485 ], [ 6.970926604767486, 51.139461377540485 ], [ 6.970926604767486, 51.14509730530964 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13955 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.139461377540485 ], [ 6.979909757608682, 51.139461377540485 ], [ 6.979909757608682, 51.13382476166656 ], [ 6.970926604767486, 51.13382476166656 ], [ 6.970926604767486, 51.139461377540485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13956 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.13382476166656 ], [ 6.979909757608682, 51.13382476166656 ], [ 6.979909757608682, 51.128187457658399 ], [ 6.970926604767486, 51.128187457658399 ], [ 6.970926604767486, 51.13382476166656 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 13957 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.970926604767486, 51.128187457658399 ], [ 6.979909757608682, 51.128187457658399 ], [ 6.979909757608682, 51.122549465486586 ], [ 6.970926604767486, 51.122549465486586 ], [ 6.970926604767486, 51.128187457658399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14255 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.204958240121393 ], [ 6.988892910449876, 53.204958240121393 ], [ 6.988892910449876, 53.199577404303241 ], [ 6.979909757608682, 53.199577404303241 ], [ 6.979909757608682, 53.204958240121393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14256 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.199577404303241 ], [ 6.988892910449876, 53.199577404303241 ], [ 6.988892910449876, 53.19419589291936 ], [ 6.979909757608682, 53.19419589291936 ], [ 6.979909757608682, 53.199577404303241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14257 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.19419589291936 ], [ 6.988892910449876, 53.19419589291936 ], [ 6.988892910449876, 53.188813705932425 ], [ 6.979909757608682, 53.188813705932425 ], [ 6.979909757608682, 53.19419589291936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14258 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.188813705932425 ], [ 6.988892910449876, 53.188813705932425 ], [ 6.988892910449876, 53.183430843305111 ], [ 6.979909757608682, 53.183430843305111 ], [ 6.979909757608682, 53.188813705932425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14259 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.183430843305111 ], [ 6.988892910449876, 53.183430843305111 ], [ 6.988892910449876, 53.178047305000128 ], [ 6.979909757608682, 53.178047305000128 ], [ 6.979909757608682, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14260 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.178047305000128 ], [ 6.988892910449876, 53.178047305000128 ], [ 6.988892910449876, 53.172663090980187 ], [ 6.979909757608682, 53.172663090980187 ], [ 6.979909757608682, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14280 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.070234589320478 ], [ 6.988892910449876, 53.070234589320478 ], [ 6.988892910449876, 53.064836853202593 ], [ 6.979909757608682, 53.064836853202593 ], [ 6.979909757608682, 53.070234589320478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14281 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.064836853202593 ], [ 6.988892910449876, 53.064836853202593 ], [ 6.988892910449876, 53.05943844059135 ], [ 6.979909757608682, 53.05943844059135 ], [ 6.979909757608682, 53.064836853202593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.05943844059135 ], [ 6.988892910449876, 53.05943844059135 ], [ 6.988892910449876, 53.054039351449894 ], [ 6.979909757608682, 53.054039351449894 ], [ 6.979909757608682, 53.05943844059135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14283 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.054039351449894 ], [ 6.988892910449876, 53.054039351449894 ], [ 6.988892910449876, 53.048639585741391 ], [ 6.979909757608682, 53.048639585741391 ], [ 6.979909757608682, 53.054039351449894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14284 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.048639585741391 ], [ 6.988892910449876, 53.048639585741391 ], [ 6.988892910449876, 53.043239143429027 ], [ 6.979909757608682, 53.043239143429027 ], [ 6.979909757608682, 53.048639585741391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14285 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.043239143429027 ], [ 6.988892910449876, 53.043239143429027 ], [ 6.988892910449876, 53.037838024476009 ], [ 6.979909757608682, 53.037838024476009 ], [ 6.979909757608682, 53.043239143429027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.005417099245932 ], [ 6.988892910449876, 53.005417099245932 ], [ 6.988892910449876, 53.000011242779649 ], [ 6.979909757608682, 53.000011242779649 ], [ 6.979909757608682, 53.005417099245932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14293 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 53.000011242779649 ], [ 6.988892910449876, 53.000011242779649 ], [ 6.988892910449876, 52.994604709379033 ], [ 6.979909757608682, 52.994604709379033 ], [ 6.979909757608682, 53.000011242779649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14294 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 52.994604709379033 ], [ 6.988892910449876, 52.994604709379033 ], [ 6.988892910449876, 52.989197499007467 ], [ 6.979909757608682, 52.989197499007467 ], [ 6.979909757608682, 52.994604709379033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14509 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.816421899719714 ], [ 6.988892910449876, 51.816421899719714 ], [ 6.988892910449876, 51.81086832398109 ], [ 6.979909757608682, 51.81086832398109 ], [ 6.979909757608682, 51.816421899719714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14510 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.81086832398109 ], [ 6.988892910449876, 51.81086832398109 ], [ 6.988892910449876, 51.805314063836327 ], [ 6.979909757608682, 51.805314063836327 ], [ 6.979909757608682, 51.81086832398109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14511 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.805314063836327 ], [ 6.988892910449876, 51.805314063836327 ], [ 6.988892910449876, 51.799759119253281 ], [ 6.979909757608682, 51.799759119253281 ], [ 6.979909757608682, 51.805314063836327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.122549465486586 ], [ 6.988892910449876, 51.122549465486586 ], [ 6.988892910449876, 51.116910785121689 ], [ 6.979909757608682, 51.116910785121689 ], [ 6.979909757608682, 51.122549465486586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14634 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.116910785121689 ], [ 6.988892910449876, 51.116910785121689 ], [ 6.988892910449876, 51.111271416534336 ], [ 6.979909757608682, 51.111271416534336 ], [ 6.979909757608682, 51.116910785121689 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.111271416534336 ], [ 6.988892910449876, 51.111271416534336 ], [ 6.988892910449876, 51.105631359695167 ], [ 6.979909757608682, 51.105631359695167 ], [ 6.979909757608682, 51.111271416534336 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14636 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.105631359695167 ], [ 6.988892910449876, 51.105631359695167 ], [ 6.988892910449876, 51.09999061457485 ], [ 6.979909757608682, 51.09999061457485 ], [ 6.979909757608682, 51.105631359695167 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14637 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.09999061457485 ], [ 6.988892910449876, 51.09999061457485 ], [ 6.988892910449876, 51.094349181144054 ], [ 6.979909757608682, 51.094349181144054 ], [ 6.979909757608682, 51.09999061457485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14638 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.094349181144054 ], [ 6.988892910449876, 51.094349181144054 ], [ 6.988892910449876, 51.088707059373505 ], [ 6.979909757608682, 51.088707059373505 ], [ 6.979909757608682, 51.094349181144054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14639 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.088707059373505 ], [ 6.988892910449876, 51.088707059373505 ], [ 6.988892910449876, 51.083064249233914 ], [ 6.979909757608682, 51.083064249233914 ], [ 6.979909757608682, 51.088707059373505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14640 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.083064249233914 ], [ 6.988892910449876, 51.083064249233914 ], [ 6.988892910449876, 51.077420750696056 ], [ 6.979909757608682, 51.077420750696056 ], [ 6.979909757608682, 51.083064249233914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14641 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.077420750696056 ], [ 6.988892910449876, 51.077420750696056 ], [ 6.988892910449876, 51.07177656373068 ], [ 6.979909757608682, 51.07177656373068 ], [ 6.979909757608682, 51.077420750696056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14642 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.07177656373068 ], [ 6.988892910449876, 51.07177656373068 ], [ 6.988892910449876, 51.066131688308609 ], [ 6.979909757608682, 51.066131688308609 ], [ 6.979909757608682, 51.07177656373068 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14643 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.979909757608682, 51.066131688308609 ], [ 6.988892910449876, 51.066131688308609 ], [ 6.988892910449876, 51.060486124400661 ], [ 6.979909757608682, 51.060486124400661 ], [ 6.979909757608682, 51.066131688308609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14935 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 53.178047305000128 ], [ 6.997876063291072, 53.178047305000128 ], [ 6.997876063291072, 53.172663090980187 ], [ 6.988892910449876, 53.172663090980187 ], [ 6.988892910449876, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14936 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 53.172663090980187 ], [ 6.997876063291072, 53.172663090980187 ], [ 6.997876063291072, 53.167278201208049 ], [ 6.988892910449876, 53.167278201208049 ], [ 6.988892910449876, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14957 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 53.05943844059135 ], [ 6.997876063291072, 53.05943844059135 ], [ 6.997876063291072, 53.054039351449894 ], [ 6.988892910449876, 53.054039351449894 ], [ 6.988892910449876, 53.05943844059135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14958 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 53.054039351449894 ], [ 6.997876063291072, 53.054039351449894 ], [ 6.997876063291072, 53.048639585741391 ], [ 6.988892910449876, 53.048639585741391 ], [ 6.988892910449876, 53.054039351449894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14969 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 52.994604709379033 ], [ 6.997876063291072, 52.994604709379033 ], [ 6.997876063291072, 52.989197499007467 ], [ 6.988892910449876, 52.989197499007467 ], [ 6.988892910449876, 52.994604709379033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14970 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 52.989197499007467 ], [ 6.997876063291072, 52.989197499007467 ], [ 6.997876063291072, 52.983789611628367 ], [ 6.988892910449876, 52.983789611628367 ], [ 6.988892910449876, 52.989197499007467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 14971 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 52.983789611628367 ], [ 6.997876063291072, 52.983789611628367 ], [ 6.997876063291072, 52.97838104720514 ], [ 6.988892910449876, 52.97838104720514 ], [ 6.988892910449876, 52.983789611628367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15182 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 51.827526998107246 ], [ 6.997876063291072, 51.827526998107246 ], [ 6.997876063291072, 51.821974791084365 ], [ 6.988892910449876, 51.821974791084365 ], [ 6.988892910449876, 51.827526998107246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15183 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 51.821974791084365 ], [ 6.997876063291072, 51.821974791084365 ], [ 6.997876063291072, 51.816421899719714 ], [ 6.988892910449876, 51.816421899719714 ], [ 6.988892910449876, 51.821974791084365 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15184 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 51.816421899719714 ], [ 6.997876063291072, 51.816421899719714 ], [ 6.997876063291072, 51.81086832398109 ], [ 6.988892910449876, 51.81086832398109 ], [ 6.988892910449876, 51.816421899719714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15318 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 51.066131688308609 ], [ 6.997876063291072, 51.066131688308609 ], [ 6.997876063291072, 51.060486124400661 ], [ 6.988892910449876, 51.060486124400661 ], [ 6.988892910449876, 51.066131688308609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15319 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 51.060486124400661 ], [ 6.997876063291072, 51.060486124400661 ], [ 6.997876063291072, 51.054839871977691 ], [ 6.988892910449876, 51.054839871977691 ], [ 6.988892910449876, 51.060486124400661 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15320 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.988892910449876, 51.054839871977691 ], [ 6.997876063291072, 51.054839871977691 ], [ 6.997876063291072, 51.049192931010552 ], [ 6.988892910449876, 51.049192931010552 ], [ 6.988892910449876, 51.054839871977691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15611 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 53.172663090980187 ], [ 7.006859216132267, 53.172663090980187 ], [ 7.006859216132267, 53.167278201208049 ], [ 6.997876063291072, 53.167278201208049 ], [ 6.997876063291072, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15612 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 53.167278201208049 ], [ 7.006859216132267, 53.167278201208049 ], [ 7.006859216132267, 53.161892635646453 ], [ 6.997876063291072, 53.161892635646453 ], [ 6.997876063291072, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15646 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 52.983789611628367 ], [ 7.006859216132267, 52.983789611628367 ], [ 7.006859216132267, 52.97838104720514 ], [ 6.997876063291072, 52.97838104720514 ], [ 6.997876063291072, 52.983789611628367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15647 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 52.97838104720514 ], [ 7.006859216132267, 52.97838104720514 ], [ 7.006859216132267, 52.972971805701206 ], [ 6.997876063291072, 52.972971805701206 ], [ 6.997876063291072, 52.97838104720514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 52.972971805701206 ], [ 7.006859216132267, 52.972971805701206 ], [ 7.006859216132267, 52.967561887080052 ], [ 6.997876063291072, 52.967561887080052 ], [ 6.997876063291072, 52.972971805701206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15850 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.866373288405448 ], [ 7.006859216132267, 51.866373288405448 ], [ 7.006859216132267, 51.860825870872056 ], [ 6.997876063291072, 51.860825870872056 ], [ 6.997876063291072, 51.866373288405448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15851 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.860825870872056 ], [ 7.006859216132267, 51.860825870872056 ], [ 7.006859216132267, 51.855277769222802 ], [ 6.997876063291072, 51.855277769222802 ], [ 6.997876063291072, 51.860825870872056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.855277769222802 ], [ 7.006859216132267, 51.855277769222802 ], [ 7.006859216132267, 51.849728983425315 ], [ 6.997876063291072, 51.849728983425315 ], [ 6.997876063291072, 51.855277769222802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15853 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.849728983425315 ], [ 7.006859216132267, 51.849728983425315 ], [ 7.006859216132267, 51.844179513447315 ], [ 6.997876063291072, 51.844179513447315 ], [ 6.997876063291072, 51.849728983425315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.844179513447315 ], [ 7.006859216132267, 51.844179513447315 ], [ 7.006859216132267, 51.838629359256466 ], [ 6.997876063291072, 51.838629359256466 ], [ 6.997876063291072, 51.844179513447315 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15855 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.838629359256466 ], [ 7.006859216132267, 51.838629359256466 ], [ 7.006859216132267, 51.833078520820536 ], [ 6.997876063291072, 51.833078520820536 ], [ 6.997876063291072, 51.838629359256466 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.833078520820536 ], [ 7.006859216132267, 51.833078520820536 ], [ 7.006859216132267, 51.827526998107246 ], [ 6.997876063291072, 51.827526998107246 ], [ 6.997876063291072, 51.833078520820536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15857 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.827526998107246 ], [ 7.006859216132267, 51.827526998107246 ], [ 7.006859216132267, 51.821974791084365 ], [ 6.997876063291072, 51.821974791084365 ], [ 6.997876063291072, 51.827526998107246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.054839871977691 ], [ 7.006859216132267, 51.054839871977691 ], [ 7.006859216132267, 51.049192931010552 ], [ 6.997876063291072, 51.049192931010552 ], [ 6.997876063291072, 51.054839871977691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.049192931010552 ], [ 7.006859216132267, 51.049192931010552 ], [ 7.006859216132267, 51.043545301470139 ], [ 6.997876063291072, 51.043545301470139 ], [ 6.997876063291072, 51.049192931010552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 15997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 6.997876063291072, 51.043545301470139 ], [ 7.006859216132267, 51.043545301470139 ], [ 7.006859216132267, 51.037896983327379 ], [ 6.997876063291072, 51.037896983327379 ], [ 6.997876063291072, 51.043545301470139 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16287 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 53.167278201208049 ], [ 7.015842368973462, 53.167278201208049 ], [ 7.015842368973462, 53.161892635646453 ], [ 7.006859216132267, 53.161892635646453 ], [ 7.006859216132267, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16323 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 52.972971805701206 ], [ 7.015842368973462, 52.972971805701206 ], [ 7.015842368973462, 52.967561887080052 ], [ 7.006859216132267, 52.967561887080052 ], [ 7.006859216132267, 52.972971805701206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 52.967561887080052 ], [ 7.015842368973462, 52.967561887080052 ], [ 7.015842368973462, 52.962151291305126 ], [ 7.006859216132267, 52.962151291305126 ], [ 7.006859216132267, 52.967561887080052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 52.962151291305126 ], [ 7.015842368973462, 52.962151291305126 ], [ 7.015842368973462, 52.95674001833995 ], [ 7.006859216132267, 52.95674001833995 ], [ 7.006859216132267, 52.962151291305126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16522 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.883011436634021 ], [ 7.015842368973462, 51.883011436634021 ], [ 7.015842368973462, 51.877466071254034 ], [ 7.006859216132267, 51.877466071254034 ], [ 7.006859216132267, 51.883011436634021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16523 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.877466071254034 ], [ 7.015842368973462, 51.877466071254034 ], [ 7.015842368973462, 51.87192002185531 ], [ 7.006859216132267, 51.87192002185531 ], [ 7.006859216132267, 51.877466071254034 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.87192002185531 ], [ 7.015842368973462, 51.87192002185531 ], [ 7.015842368973462, 51.866373288405448 ], [ 7.006859216132267, 51.866373288405448 ], [ 7.006859216132267, 51.87192002185531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.866373288405448 ], [ 7.015842368973462, 51.866373288405448 ], [ 7.015842368973462, 51.860825870872056 ], [ 7.006859216132267, 51.860825870872056 ], [ 7.006859216132267, 51.866373288405448 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16672 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.043545301470139 ], [ 7.015842368973462, 51.043545301470139 ], [ 7.015842368973462, 51.037896983327379 ], [ 7.006859216132267, 51.037896983327379 ], [ 7.006859216132267, 51.043545301470139 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16673 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.037896983327379 ], [ 7.015842368973462, 51.037896983327379 ], [ 7.015842368973462, 51.032247976553201 ], [ 7.006859216132267, 51.032247976553201 ], [ 7.006859216132267, 51.037896983327379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.032247976553201 ], [ 7.015842368973462, 51.032247976553201 ], [ 7.015842368973462, 51.026598281118574 ], [ 7.006859216132267, 51.026598281118574 ], [ 7.006859216132267, 51.032247976553201 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.026598281118574 ], [ 7.015842368973462, 51.026598281118574 ], [ 7.015842368973462, 51.020947896994493 ], [ 7.006859216132267, 51.020947896994493 ], [ 7.006859216132267, 51.026598281118574 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.020947896994493 ], [ 7.015842368973462, 51.020947896994493 ], [ 7.015842368973462, 51.015296824151953 ], [ 7.006859216132267, 51.015296824151953 ], [ 7.006859216132267, 51.020947896994493 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.015296824151953 ], [ 7.015842368973462, 51.015296824151953 ], [ 7.015842368973462, 51.00964506256198 ], [ 7.006859216132267, 51.00964506256198 ], [ 7.006859216132267, 51.015296824151953 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.00964506256198 ], [ 7.015842368973462, 51.00964506256198 ], [ 7.015842368973462, 51.003992612195653 ], [ 7.006859216132267, 51.003992612195653 ], [ 7.006859216132267, 51.00964506256198 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16679 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 51.003992612195653 ], [ 7.015842368973462, 51.003992612195653 ], [ 7.015842368973462, 50.998339473024025 ], [ 7.006859216132267, 50.998339473024025 ], [ 7.006859216132267, 51.003992612195653 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16680 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 50.998339473024025 ], [ 7.015842368973462, 50.998339473024025 ], [ 7.015842368973462, 50.992685645018213 ], [ 7.006859216132267, 50.992685645018213 ], [ 7.006859216132267, 50.998339473024025 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16681 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 50.992685645018213 ], [ 7.015842368973462, 50.992685645018213 ], [ 7.015842368973462, 50.987031128149354 ], [ 7.006859216132267, 50.987031128149354 ], [ 7.006859216132267, 50.992685645018213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16682 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.006859216132267, 50.987031128149354 ], [ 7.015842368973462, 50.987031128149354 ], [ 7.015842368973462, 50.981375922388573 ], [ 7.006859216132267, 50.981375922388573 ], [ 7.006859216132267, 50.987031128149354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 16962 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 53.167278201208049 ], [ 7.024825521814657, 53.167278201208049 ], [ 7.024825521814657, 53.161892635646453 ], [ 7.015842368973462, 53.161892635646453 ], [ 7.015842368973462, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17000 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 52.962151291305126 ], [ 7.024825521814657, 52.962151291305126 ], [ 7.024825521814657, 52.95674001833995 ], [ 7.015842368973462, 52.95674001833995 ], [ 7.015842368973462, 52.962151291305126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 52.95674001833995 ], [ 7.024825521814657, 52.95674001833995 ], [ 7.024825521814657, 52.951328068148023 ], [ 7.015842368973462, 52.951328068148023 ], [ 7.015842368973462, 52.95674001833995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 52.951328068148023 ], [ 7.024825521814657, 52.951328068148023 ], [ 7.024825521814657, 52.9459154406929 ], [ 7.015842368973462, 52.9459154406929 ], [ 7.015842368973462, 52.951328068148023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 52.9459154406929 ], [ 7.024825521814657, 52.9459154406929 ], [ 7.024825521814657, 52.940502135938111 ], [ 7.015842368973462, 52.940502135938111 ], [ 7.015842368973462, 52.9459154406929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17193 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 51.905186058615428 ], [ 7.024825521814657, 51.905186058615428 ], [ 7.024825521814657, 51.899643428985925 ], [ 7.015842368973462, 51.899643428985925 ], [ 7.015842368973462, 51.905186058615428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17194 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 51.899643428985925 ], [ 7.024825521814657, 51.899643428985925 ], [ 7.024825521814657, 51.894100115467516 ], [ 7.015842368973462, 51.894100115467516 ], [ 7.015842368973462, 51.899643428985925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17195 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 51.894100115467516 ], [ 7.024825521814657, 51.894100115467516 ], [ 7.024825521814657, 51.888556118027701 ], [ 7.015842368973462, 51.888556118027701 ], [ 7.015842368973462, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17196 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 51.888556118027701 ], [ 7.024825521814657, 51.888556118027701 ], [ 7.024825521814657, 51.883011436634021 ], [ 7.015842368973462, 51.883011436634021 ], [ 7.015842368973462, 51.888556118027701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17357 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 50.987031128149354 ], [ 7.024825521814657, 50.987031128149354 ], [ 7.024825521814657, 50.981375922388573 ], [ 7.015842368973462, 50.981375922388573 ], [ 7.015842368973462, 50.987031128149354 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17358 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.015842368973462, 50.981375922388573 ], [ 7.024825521814657, 50.981375922388573 ], [ 7.024825521814657, 50.975720027707055 ], [ 7.015842368973462, 50.975720027707055 ], [ 7.015842368973462, 50.981375922388573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17637 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 53.167278201208049 ], [ 7.033808674655853, 53.167278201208049 ], [ 7.033808674655853, 53.161892635646453 ], [ 7.024825521814657, 53.161892635646453 ], [ 7.024825521814657, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17638 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 53.161892635646453 ], [ 7.033808674655853, 53.161892635646453 ], [ 7.033808674655853, 53.156506394258173 ], [ 7.024825521814657, 53.156506394258173 ], [ 7.024825521814657, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 52.9459154406929 ], [ 7.033808674655853, 52.9459154406929 ], [ 7.033808674655853, 52.940502135938111 ], [ 7.024825521814657, 52.940502135938111 ], [ 7.024825521814657, 52.9459154406929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17679 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 52.940502135938111 ], [ 7.033808674655853, 52.940502135938111 ], [ 7.033808674655853, 52.935088153847246 ], [ 7.024825521814657, 52.935088153847246 ], [ 7.024825521814657, 52.940502135938111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17680 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 52.935088153847246 ], [ 7.033808674655853, 52.935088153847246 ], [ 7.033808674655853, 52.929673494383898 ], [ 7.024825521814657, 52.929673494383898 ], [ 7.024825521814657, 52.935088153847246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17864 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 51.92734973889489 ], [ 7.033808674655853, 51.92734973889489 ], [ 7.033808674655853, 51.921809844495691 ], [ 7.024825521814657, 51.921809844495691 ], [ 7.024825521814657, 51.92734973889489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17865 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 51.921809844495691 ], [ 7.033808674655853, 51.921809844495691 ], [ 7.033808674655853, 51.916269266337764 ], [ 7.024825521814657, 51.916269266337764 ], [ 7.024825521814657, 51.921809844495691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17866 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 51.916269266337764 ], [ 7.033808674655853, 51.916269266337764 ], [ 7.033808674655853, 51.910728004388538 ], [ 7.024825521814657, 51.910728004388538 ], [ 7.024825521814657, 51.916269266337764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17867 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 51.910728004388538 ], [ 7.033808674655853, 51.910728004388538 ], [ 7.033808674655853, 51.905186058615428 ], [ 7.024825521814657, 51.905186058615428 ], [ 7.024825521814657, 51.910728004388538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 17868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 51.905186058615428 ], [ 7.033808674655853, 51.905186058615428 ], [ 7.033808674655853, 51.899643428985925 ], [ 7.024825521814657, 51.899643428985925 ], [ 7.024825521814657, 51.905186058615428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18033 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 50.981375922388573 ], [ 7.033808674655853, 50.981375922388573 ], [ 7.033808674655853, 50.975720027707055 ], [ 7.024825521814657, 50.975720027707055 ], [ 7.024825521814657, 50.981375922388573 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18034 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 50.975720027707055 ], [ 7.033808674655853, 50.975720027707055 ], [ 7.033808674655853, 50.97006344407599 ], [ 7.024825521814657, 50.97006344407599 ], [ 7.024825521814657, 50.975720027707055 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18035 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 50.97006344407599 ], [ 7.033808674655853, 50.97006344407599 ], [ 7.033808674655853, 50.964406171466592 ], [ 7.024825521814657, 50.964406171466592 ], [ 7.024825521814657, 50.97006344407599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18036 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.024825521814657, 50.964406171466592 ], [ 7.033808674655853, 50.964406171466592 ], [ 7.033808674655853, 50.958748209850128 ], [ 7.024825521814657, 50.958748209850128 ], [ 7.024825521814657, 50.964406171466592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18313 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 53.161892635646453 ], [ 7.042791827497048, 53.161892635646453 ], [ 7.042791827497048, 53.156506394258173 ], [ 7.033808674655853, 53.156506394258173 ], [ 7.033808674655853, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18356 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.929673494383898 ], [ 7.042791827497048, 52.929673494383898 ], [ 7.042791827497048, 52.924258157511687 ], [ 7.033808674655853, 52.924258157511687 ], [ 7.033808674655853, 52.929673494383898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18357 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.924258157511687 ], [ 7.042791827497048, 52.924258157511687 ], [ 7.042791827497048, 52.91884214319424 ], [ 7.033808674655853, 52.91884214319424 ], [ 7.033808674655853, 52.924258157511687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18358 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.91884214319424 ], [ 7.042791827497048, 52.91884214319424 ], [ 7.042791827497048, 52.913425451395206 ], [ 7.033808674655853, 52.913425451395206 ], [ 7.033808674655853, 52.91884214319424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18359 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.913425451395206 ], [ 7.042791827497048, 52.913425451395206 ], [ 7.042791827497048, 52.908008082078268 ], [ 7.033808674655853, 52.908008082078268 ], [ 7.033808674655853, 52.913425451395206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18360 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.908008082078268 ], [ 7.042791827497048, 52.908008082078268 ], [ 7.042791827497048, 52.902590035207112 ], [ 7.033808674655853, 52.902590035207112 ], [ 7.033808674655853, 52.908008082078268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18361 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.902590035207112 ], [ 7.042791827497048, 52.902590035207112 ], [ 7.042791827497048, 52.897171310745449 ], [ 7.033808674655853, 52.897171310745449 ], [ 7.033808674655853, 52.902590035207112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18362 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.897171310745449 ], [ 7.042791827497048, 52.897171310745449 ], [ 7.042791827497048, 52.891751908657021 ], [ 7.033808674655853, 52.891751908657021 ], [ 7.033808674655853, 52.897171310745449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18363 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.891751908657021 ], [ 7.042791827497048, 52.891751908657021 ], [ 7.042791827497048, 52.886331828905575 ], [ 7.033808674655853, 52.886331828905575 ], [ 7.033808674655853, 52.891751908657021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.886331828905575 ], [ 7.042791827497048, 52.886331828905575 ], [ 7.042791827497048, 52.880911071454882 ], [ 7.033808674655853, 52.880911071454882 ], [ 7.033808674655853, 52.886331828905575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.880911071454882 ], [ 7.042791827497048, 52.880911071454882 ], [ 7.042791827497048, 52.875489636268739 ], [ 7.033808674655853, 52.875489636268739 ], [ 7.033808674655853, 52.880911071454882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18366 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 52.875489636268739 ], [ 7.042791827497048, 52.875489636268739 ], [ 7.042791827497048, 52.870067523310944 ], [ 7.033808674655853, 52.870067523310944 ], [ 7.033808674655853, 52.875489636268739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18537 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 51.93842747654746 ], [ 7.042791827497048, 51.93842747654746 ], [ 7.042791827497048, 51.932888949567932 ], [ 7.033808674655853, 51.932888949567932 ], [ 7.033808674655853, 51.93842747654746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18538 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 51.932888949567932 ], [ 7.042791827497048, 51.932888949567932 ], [ 7.042791827497048, 51.92734973889489 ], [ 7.033808674655853, 51.92734973889489 ], [ 7.033808674655853, 51.932888949567932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 51.92734973889489 ], [ 7.042791827497048, 51.92734973889489 ], [ 7.042791827497048, 51.921809844495691 ], [ 7.033808674655853, 51.921809844495691 ], [ 7.033808674655853, 51.92734973889489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18711 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 50.964406171466592 ], [ 7.042791827497048, 50.964406171466592 ], [ 7.042791827497048, 50.958748209850128 ], [ 7.033808674655853, 50.958748209850128 ], [ 7.033808674655853, 50.964406171466592 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18712 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 50.958748209850128 ], [ 7.042791827497048, 50.958748209850128 ], [ 7.042791827497048, 50.953089559197842 ], [ 7.033808674655853, 50.953089559197842 ], [ 7.033808674655853, 50.958748209850128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 50.953089559197842 ], [ 7.042791827497048, 50.953089559197842 ], [ 7.042791827497048, 50.947430219481028 ], [ 7.033808674655853, 50.947430219481028 ], [ 7.033808674655853, 50.953089559197842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 50.947430219481028 ], [ 7.042791827497048, 50.947430219481028 ], [ 7.042791827497048, 50.941770190670994 ], [ 7.033808674655853, 50.941770190670994 ], [ 7.033808674655853, 50.947430219481028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.033808674655853, 50.941770190670994 ], [ 7.042791827497048, 50.941770190670994 ], [ 7.042791827497048, 50.936109472739084 ], [ 7.033808674655853, 50.936109472739084 ], [ 7.033808674655853, 50.941770190670994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 18988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 53.161892635646453 ], [ 7.051774980338243, 53.161892635646453 ], [ 7.051774980338243, 53.156506394258173 ], [ 7.042791827497048, 53.156506394258173 ], [ 7.042791827497048, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19041 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 52.875489636268739 ], [ 7.051774980338243, 52.875489636268739 ], [ 7.051774980338243, 52.870067523310944 ], [ 7.042791827497048, 52.870067523310944 ], [ 7.042791827497048, 52.875489636268739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 52.870067523310944 ], [ 7.051774980338243, 52.870067523310944 ], [ 7.051774980338243, 52.864644732545337 ], [ 7.042791827497048, 52.864644732545337 ], [ 7.042791827497048, 52.870067523310944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19043 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 52.864644732545337 ], [ 7.051774980338243, 52.864644732545337 ], [ 7.051774980338243, 52.859221263935773 ], [ 7.042791827497048, 52.859221263935773 ], [ 7.042791827497048, 52.864644732545337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19199 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 52.010366126051423 ], [ 7.051774980338243, 52.010366126051423 ], [ 7.051774980338243, 52.00483648410961 ], [ 7.042791827497048, 52.00483648410961 ], [ 7.042791827497048, 52.010366126051423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19200 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 52.00483648410961 ], [ 7.051774980338243, 52.00483648410961 ], [ 7.051774980338243, 51.999306158900268 ], [ 7.042791827497048, 51.999306158900268 ], [ 7.042791827497048, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19201 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.999306158900268 ], [ 7.051774980338243, 51.999306158900268 ], [ 7.051774980338243, 51.993775150390505 ], [ 7.042791827497048, 51.993775150390505 ], [ 7.042791827497048, 51.999306158900268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19202 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.993775150390505 ], [ 7.051774980338243, 51.993775150390505 ], [ 7.051774980338243, 51.988243458547444 ], [ 7.042791827497048, 51.988243458547444 ], [ 7.042791827497048, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19203 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.988243458547444 ], [ 7.051774980338243, 51.988243458547444 ], [ 7.051774980338243, 51.982711083338224 ], [ 7.042791827497048, 51.982711083338224 ], [ 7.042791827497048, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19204 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.982711083338224 ], [ 7.051774980338243, 51.982711083338224 ], [ 7.051774980338243, 51.977178024730023 ], [ 7.042791827497048, 51.977178024730023 ], [ 7.042791827497048, 51.982711083338224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.977178024730023 ], [ 7.051774980338243, 51.977178024730023 ], [ 7.051774980338243, 51.971644282690022 ], [ 7.042791827497048, 51.971644282690022 ], [ 7.042791827497048, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.971644282690022 ], [ 7.051774980338243, 51.971644282690022 ], [ 7.051774980338243, 51.96610985718543 ], [ 7.042791827497048, 51.96610985718543 ], [ 7.042791827497048, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19207 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.96610985718543 ], [ 7.051774980338243, 51.96610985718543 ], [ 7.051774980338243, 51.960574748183475 ], [ 7.042791827497048, 51.960574748183475 ], [ 7.042791827497048, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19208 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.960574748183475 ], [ 7.051774980338243, 51.960574748183475 ], [ 7.051774980338243, 51.955038955651425 ], [ 7.042791827497048, 51.955038955651425 ], [ 7.042791827497048, 51.960574748183475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19209 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.955038955651425 ], [ 7.051774980338243, 51.955038955651425 ], [ 7.051774980338243, 51.949502479556529 ], [ 7.042791827497048, 51.949502479556529 ], [ 7.042791827497048, 51.955038955651425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19210 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.949502479556529 ], [ 7.051774980338243, 51.949502479556529 ], [ 7.051774980338243, 51.943965319866109 ], [ 7.042791827497048, 51.943965319866109 ], [ 7.042791827497048, 51.949502479556529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19211 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.943965319866109 ], [ 7.051774980338243, 51.943965319866109 ], [ 7.051774980338243, 51.93842747654746 ], [ 7.042791827497048, 51.93842747654746 ], [ 7.042791827497048, 51.943965319866109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 51.93842747654746 ], [ 7.051774980338243, 51.93842747654746 ], [ 7.051774980338243, 51.932888949567932 ], [ 7.042791827497048, 51.932888949567932 ], [ 7.042791827497048, 51.93842747654746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19390 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 50.941770190670994 ], [ 7.051774980338243, 50.941770190670994 ], [ 7.051774980338243, 50.936109472739084 ], [ 7.042791827497048, 50.936109472739084 ], [ 7.042791827497048, 50.941770190670994 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19391 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.042791827497048, 50.936109472739084 ], [ 7.051774980338243, 50.936109472739084 ], [ 7.051774980338243, 50.930448065656648 ], [ 7.042791827497048, 50.930448065656648 ], [ 7.042791827497048, 50.936109472739084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 53.156506394258173 ], [ 7.060758133179439, 53.156506394258173 ], [ 7.060758133179439, 53.151119477006027 ], [ 7.051774980338243, 53.151119477006027 ], [ 7.051774980338243, 53.156506394258173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 52.864644732545337 ], [ 7.060758133179439, 52.864644732545337 ], [ 7.060758133179439, 52.859221263935773 ], [ 7.051774980338243, 52.859221263935773 ], [ 7.051774980338243, 52.864644732545337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19719 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 52.859221263935773 ], [ 7.060758133179439, 52.859221263935773 ], [ 7.060758133179439, 52.853797117446121 ], [ 7.051774980338243, 52.853797117446121 ], [ 7.051774980338243, 52.859221263935773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19871 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 52.026950952601005 ], [ 7.060758133179439, 52.026950952601005 ], [ 7.060758133179439, 52.021423360264173 ], [ 7.051774980338243, 52.021423360264173 ], [ 7.051774980338243, 52.026950952601005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19872 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 52.021423360264173 ], [ 7.060758133179439, 52.021423360264173 ], [ 7.060758133179439, 52.015895084758625 ], [ 7.051774980338243, 52.015895084758625 ], [ 7.051774980338243, 52.021423360264173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19873 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 52.015895084758625 ], [ 7.060758133179439, 52.015895084758625 ], [ 7.060758133179439, 52.010366126051423 ], [ 7.051774980338243, 52.010366126051423 ], [ 7.051774980338243, 52.015895084758625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 19874 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 52.010366126051423 ], [ 7.060758133179439, 52.010366126051423 ], [ 7.060758133179439, 52.00483648410961 ], [ 7.051774980338243, 52.00483648410961 ], [ 7.051774980338243, 52.010366126051423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20066 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 50.936109472739084 ], [ 7.060758133179439, 50.936109472739084 ], [ 7.060758133179439, 50.930448065656648 ], [ 7.051774980338243, 50.930448065656648 ], [ 7.051774980338243, 50.936109472739084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20067 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 50.930448065656648 ], [ 7.060758133179439, 50.930448065656648 ], [ 7.060758133179439, 50.924785969395074 ], [ 7.051774980338243, 50.924785969395074 ], [ 7.051774980338243, 50.930448065656648 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20068 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.051774980338243, 50.924785969395074 ], [ 7.060758133179439, 50.924785969395074 ], [ 7.060758133179439, 50.919123183925784 ], [ 7.051774980338243, 50.919123183925784 ], [ 7.051774980338243, 50.924785969395074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 53.156506394258173 ], [ 7.069741286020633, 53.156506394258173 ], [ 7.069741286020633, 53.151119477006027 ], [ 7.060758133179439, 53.151119477006027 ], [ 7.060758133179439, 53.156506394258173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20340 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 53.151119477006027 ], [ 7.069741286020633, 53.151119477006027 ], [ 7.069741286020633, 53.145731883852818 ], [ 7.060758133179439, 53.145731883852818 ], [ 7.060758133179439, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.853797117446121 ], [ 7.069741286020633, 52.853797117446121 ], [ 7.069741286020633, 52.848372293040271 ], [ 7.060758133179439, 52.848372293040271 ], [ 7.060758133179439, 52.853797117446121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20538 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.071147101184813 ], [ 7.069741286020633, 52.071147101184813 ], [ 7.069741286020633, 52.065624973008426 ], [ 7.060758133179439, 52.065624973008426 ], [ 7.060758133179439, 52.071147101184813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.065624973008426 ], [ 7.069741286020633, 52.065624973008426 ], [ 7.069741286020633, 52.060102161927794 ], [ 7.060758133179439, 52.060102161927794 ], [ 7.060758133179439, 52.065624973008426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20540 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.060102161927794 ], [ 7.069741286020633, 52.060102161927794 ], [ 7.069741286020633, 52.054578667909787 ], [ 7.060758133179439, 52.054578667909787 ], [ 7.060758133179439, 52.060102161927794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20541 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.054578667909787 ], [ 7.069741286020633, 52.054578667909787 ], [ 7.069741286020633, 52.049054490921293 ], [ 7.060758133179439, 52.049054490921293 ], [ 7.060758133179439, 52.054578667909787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.049054490921293 ], [ 7.069741286020633, 52.049054490921293 ], [ 7.069741286020633, 52.043529630929235 ], [ 7.060758133179439, 52.043529630929235 ], [ 7.060758133179439, 52.049054490921293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.043529630929235 ], [ 7.069741286020633, 52.043529630929235 ], [ 7.069741286020633, 52.038004087900532 ], [ 7.060758133179439, 52.038004087900532 ], [ 7.060758133179439, 52.043529630929235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.038004087900532 ], [ 7.069741286020633, 52.038004087900532 ], [ 7.069741286020633, 52.032477861802128 ], [ 7.060758133179439, 52.032477861802128 ], [ 7.060758133179439, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 52.032477861802128 ], [ 7.069741286020633, 52.032477861802128 ], [ 7.069741286020633, 52.026950952601005 ], [ 7.060758133179439, 52.026950952601005 ], [ 7.060758133179439, 52.032477861802128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 20743 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.060758133179439, 50.924785969395074 ], [ 7.069741286020633, 50.924785969395074 ], [ 7.069741286020633, 50.919123183925784 ], [ 7.060758133179439, 50.919123183925784 ], [ 7.060758133179439, 50.924785969395074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 53.151119477006027 ], [ 7.078724438861829, 53.151119477006027 ], [ 7.078724438861829, 53.145731883852818 ], [ 7.069741286020633, 53.145731883852818 ], [ 7.069741286020633, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21070 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 52.853797117446121 ], [ 7.078724438861829, 52.853797117446121 ], [ 7.078724438861829, 52.848372293040271 ], [ 7.069741286020633, 52.848372293040271 ], [ 7.069741286020633, 52.853797117446121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21211 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 52.082189308957496 ], [ 7.078724438861829, 52.082189308957496 ], [ 7.078724438861829, 52.076668546490119 ], [ 7.069741286020633, 52.076668546490119 ], [ 7.069741286020633, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 52.076668546490119 ], [ 7.078724438861829, 52.076668546490119 ], [ 7.078724438861829, 52.071147101184813 ], [ 7.069741286020633, 52.071147101184813 ], [ 7.069741286020633, 52.076668546490119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 52.071147101184813 ], [ 7.078724438861829, 52.071147101184813 ], [ 7.078724438861829, 52.065624973008426 ], [ 7.069741286020633, 52.065624973008426 ], [ 7.069741286020633, 52.071147101184813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21418 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 50.924785969395074 ], [ 7.078724438861829, 50.924785969395074 ], [ 7.078724438861829, 50.919123183925784 ], [ 7.069741286020633, 50.919123183925784 ], [ 7.069741286020633, 50.924785969395074 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21419 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.069741286020633, 50.919123183925784 ], [ 7.078724438861829, 50.919123183925784 ], [ 7.078724438861829, 50.913459709220177 ], [ 7.069741286020633, 50.913459709220177 ], [ 7.069741286020633, 50.919123183925784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21690 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 53.151119477006027 ], [ 7.087707591703023, 53.151119477006027 ], [ 7.087707591703023, 53.145731883852818 ], [ 7.078724438861829, 53.145731883852818 ], [ 7.078724438861829, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.853797117446121 ], [ 7.087707591703023, 52.853797117446121 ], [ 7.087707591703023, 52.848372293040271 ], [ 7.078724438861829, 52.848372293040271 ], [ 7.078724438861829, 52.853797117446121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21878 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.126330830519684 ], [ 7.087707591703023, 52.126330830519684 ], [ 7.087707591703023, 52.120815529558762 ], [ 7.078724438861829, 52.120815529558762 ], [ 7.078724438861829, 52.126330830519684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21879 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.120815529558762 ], [ 7.087707591703023, 52.120815529558762 ], [ 7.087707591703023, 52.115299546026087 ], [ 7.078724438861829, 52.115299546026087 ], [ 7.078724438861829, 52.120815529558762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21880 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.115299546026087 ], [ 7.087707591703023, 52.115299546026087 ], [ 7.087707591703023, 52.109782879888321 ], [ 7.078724438861829, 52.109782879888321 ], [ 7.078724438861829, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21881 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.109782879888321 ], [ 7.087707591703023, 52.109782879888321 ], [ 7.087707591703023, 52.104265531112141 ], [ 7.078724438861829, 52.104265531112141 ], [ 7.078724438861829, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21882 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.104265531112141 ], [ 7.087707591703023, 52.104265531112141 ], [ 7.087707591703023, 52.098747499664242 ], [ 7.078724438861829, 52.098747499664242 ], [ 7.078724438861829, 52.104265531112141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.098747499664242 ], [ 7.087707591703023, 52.098747499664242 ], [ 7.087707591703023, 52.093228785511329 ], [ 7.078724438861829, 52.093228785511329 ], [ 7.078724438861829, 52.098747499664242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.093228785511329 ], [ 7.087707591703023, 52.093228785511329 ], [ 7.087707591703023, 52.087709388620169 ], [ 7.078724438861829, 52.087709388620169 ], [ 7.078724438861829, 52.093228785511329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.087709388620169 ], [ 7.087707591703023, 52.087709388620169 ], [ 7.087707591703023, 52.082189308957496 ], [ 7.078724438861829, 52.082189308957496 ], [ 7.078724438861829, 52.087709388620169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 21886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 52.082189308957496 ], [ 7.087707591703023, 52.082189308957496 ], [ 7.087707591703023, 52.076668546490119 ], [ 7.078724438861829, 52.076668546490119 ], [ 7.078724438861829, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22094 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.078724438861829, 50.919123183925784 ], [ 7.087707591703023, 50.919123183925784 ], [ 7.087707591703023, 50.913459709220177 ], [ 7.078724438861829, 50.913459709220177 ], [ 7.078724438861829, 50.919123183925784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22366 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 53.145731883852818 ], [ 7.096690744544219, 53.145731883852818 ], [ 7.096690744544219, 53.140343614761399 ], [ 7.087707591703023, 53.140343614761399 ], [ 7.087707591703023, 53.145731883852818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22421 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.848372293040271 ], [ 7.096690744544219, 52.848372293040271 ], [ 7.096690744544219, 52.84294679068212 ], [ 7.087707591703023, 52.84294679068212 ], [ 7.087707591703023, 52.848372293040271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22546 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.164918828042516 ], [ 7.096690744544219, 52.164918828042516 ], [ 7.096690744544219, 52.159408304148414 ], [ 7.087707591703023, 52.159408304148414 ], [ 7.087707591703023, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.159408304148414 ], [ 7.096690744544219, 52.159408304148414 ], [ 7.096690744544219, 52.153897097916577 ], [ 7.087707591703023, 52.153897097916577 ], [ 7.087707591703023, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22548 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.153897097916577 ], [ 7.096690744544219, 52.153897097916577 ], [ 7.096690744544219, 52.148385209313496 ], [ 7.087707591703023, 52.148385209313496 ], [ 7.087707591703023, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22549 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.148385209313496 ], [ 7.096690744544219, 52.148385209313496 ], [ 7.096690744544219, 52.142872638305697 ], [ 7.087707591703023, 52.142872638305697 ], [ 7.087707591703023, 52.148385209313496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22550 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.142872638305697 ], [ 7.096690744544219, 52.142872638305697 ], [ 7.096690744544219, 52.137359384859757 ], [ 7.087707591703023, 52.137359384859757 ], [ 7.087707591703023, 52.142872638305697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22551 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.137359384859757 ], [ 7.096690744544219, 52.137359384859757 ], [ 7.096690744544219, 52.131845448942222 ], [ 7.087707591703023, 52.131845448942222 ], [ 7.087707591703023, 52.137359384859757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22552 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.131845448942222 ], [ 7.096690744544219, 52.131845448942222 ], [ 7.096690744544219, 52.126330830519684 ], [ 7.087707591703023, 52.126330830519684 ], [ 7.087707591703023, 52.131845448942222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22553 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 52.126330830519684 ], [ 7.096690744544219, 52.126330830519684 ], [ 7.096690744544219, 52.120815529558762 ], [ 7.087707591703023, 52.120815529558762 ], [ 7.087707591703023, 52.126330830519684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 22769 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.087707591703023, 50.919123183925784 ], [ 7.096690744544219, 50.919123183925784 ], [ 7.096690744544219, 50.913459709220177 ], [ 7.087707591703023, 50.913459709220177 ], [ 7.087707591703023, 50.919123183925784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23041 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.096690744544219, 53.145731883852818 ], [ 7.105673897385414, 53.145731883852818 ], [ 7.105673897385414, 53.140343614761399 ], [ 7.096690744544219, 53.140343614761399 ], [ 7.096690744544219, 53.145731883852818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23096 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.096690744544219, 52.848372293040271 ], [ 7.105673897385414, 52.848372293040271 ], [ 7.105673897385414, 52.84294679068212 ], [ 7.096690744544219, 52.84294679068212 ], [ 7.096690744544219, 52.848372293040271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23219 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.096690744544219, 52.17593782895154 ], [ 7.105673897385414, 52.17593782895154 ], [ 7.105673897385414, 52.170428669632379 ], [ 7.096690744544219, 52.170428669632379 ], [ 7.096690744544219, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.096690744544219, 52.170428669632379 ], [ 7.105673897385414, 52.170428669632379 ], [ 7.105673897385414, 52.164918828042516 ], [ 7.096690744544219, 52.164918828042516 ], [ 7.096690744544219, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.096690744544219, 52.164918828042516 ], [ 7.105673897385414, 52.164918828042516 ], [ 7.105673897385414, 52.159408304148414 ], [ 7.096690744544219, 52.159408304148414 ], [ 7.096690744544219, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23444 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.096690744544219, 50.919123183925784 ], [ 7.105673897385414, 50.919123183925784 ], [ 7.105673897385414, 50.913459709220177 ], [ 7.096690744544219, 50.913459709220177 ], [ 7.096690744544219, 50.919123183925784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 53.151119477006027 ], [ 7.114657050226609, 53.151119477006027 ], [ 7.114657050226609, 53.145731883852818 ], [ 7.105673897385414, 53.145731883852818 ], [ 7.105673897385414, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 53.145731883852818 ], [ 7.114657050226609, 53.145731883852818 ], [ 7.114657050226609, 53.140343614761399 ], [ 7.105673897385414, 53.140343614761399 ], [ 7.105673897385414, 53.145731883852818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23772 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 52.84294679068212 ], [ 7.114657050226609, 52.84294679068212 ], [ 7.114657050226609, 52.837520610335602 ], [ 7.105673897385414, 52.837520610335602 ], [ 7.105673897385414, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23891 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 52.19246121362054 ], [ 7.114657050226609, 52.19246121362054 ], [ 7.114657050226609, 52.18695410091204 ], [ 7.105673897385414, 52.18695410091204 ], [ 7.105673897385414, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23892 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 52.18695410091204 ], [ 7.114657050226609, 52.18695410091204 ], [ 7.114657050226609, 52.181446306033571 ], [ 7.105673897385414, 52.181446306033571 ], [ 7.105673897385414, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 23893 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 52.181446306033571 ], [ 7.114657050226609, 52.181446306033571 ], [ 7.114657050226609, 52.17593782895154 ], [ 7.105673897385414, 52.17593782895154 ], [ 7.105673897385414, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24119 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 50.919123183925784 ], [ 7.114657050226609, 50.919123183925784 ], [ 7.114657050226609, 50.913459709220177 ], [ 7.105673897385414, 50.913459709220177 ], [ 7.105673897385414, 50.919123183925784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24120 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.105673897385414, 50.913459709220177 ], [ 7.114657050226609, 50.913459709220177 ], [ 7.114657050226609, 50.907795545249719 ], [ 7.105673897385414, 50.907795545249719 ], [ 7.105673897385414, 50.913459709220177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24390 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 53.151119477006027 ], [ 7.123640203067805, 53.151119477006027 ], [ 7.123640203067805, 53.145731883852818 ], [ 7.114657050226609, 53.145731883852818 ], [ 7.114657050226609, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24447 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 52.84294679068212 ], [ 7.123640203067805, 52.84294679068212 ], [ 7.123640203067805, 52.837520610335602 ], [ 7.114657050226609, 52.837520610335602 ], [ 7.114657050226609, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24563 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 52.208978459062536 ], [ 7.123640203067805, 52.208978459062536 ], [ 7.123640203067805, 52.20347339266214 ], [ 7.114657050226609, 52.20347339266214 ], [ 7.114657050226609, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24564 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 52.20347339266214 ], [ 7.123640203067805, 52.20347339266214 ], [ 7.123640203067805, 52.197967644192694 ], [ 7.114657050226609, 52.197967644192694 ], [ 7.114657050226609, 52.20347339266214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24565 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 52.197967644192694 ], [ 7.123640203067805, 52.197967644192694 ], [ 7.123640203067805, 52.19246121362054 ], [ 7.114657050226609, 52.19246121362054 ], [ 7.114657050226609, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24566 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 52.19246121362054 ], [ 7.123640203067805, 52.19246121362054 ], [ 7.123640203067805, 52.18695410091204 ], [ 7.114657050226609, 52.18695410091204 ], [ 7.114657050226609, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 50.913459709220177 ], [ 7.123640203067805, 50.913459709220177 ], [ 7.123640203067805, 50.907795545249719 ], [ 7.114657050226609, 50.907795545249719 ], [ 7.114657050226609, 50.913459709220177 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 24796 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.114657050226609, 50.907795545249719 ], [ 7.123640203067805, 50.907795545249719 ], [ 7.123640203067805, 50.902130691985889 ], [ 7.114657050226609, 50.902130691985889 ], [ 7.114657050226609, 50.907795545249719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25064 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 53.156506394258173 ], [ 7.132623355909, 53.156506394258173 ], [ 7.132623355909, 53.151119477006027 ], [ 7.123640203067805, 53.151119477006027 ], [ 7.123640203067805, 53.156506394258173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.84294679068212 ], [ 7.132623355909, 52.84294679068212 ], [ 7.132623355909, 52.837520610335602 ], [ 7.123640203067805, 52.837520610335602 ], [ 7.123640203067805, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25123 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.837520610335602 ], [ 7.132623355909, 52.837520610335602 ], [ 7.132623355909, 52.832093751964685 ], [ 7.123640203067805, 52.832093751964685 ], [ 7.123640203067805, 52.837520610335602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25236 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.219986545790952 ], [ 7.132623355909, 52.219986545790952 ], [ 7.132623355909, 52.214482843427575 ], [ 7.123640203067805, 52.214482843427575 ], [ 7.123640203067805, 52.219986545790952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25237 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.214482843427575 ], [ 7.132623355909, 52.214482843427575 ], [ 7.132623355909, 52.208978459062536 ], [ 7.123640203067805, 52.208978459062536 ], [ 7.123640203067805, 52.214482843427575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25238 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.208978459062536 ], [ 7.132623355909, 52.208978459062536 ], [ 7.132623355909, 52.20347339266214 ], [ 7.123640203067805, 52.20347339266214 ], [ 7.123640203067805, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25240 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.197967644192694 ], [ 7.132623355909, 52.197967644192694 ], [ 7.132623355909, 52.19246121362054 ], [ 7.123640203067805, 52.19246121362054 ], [ 7.123640203067805, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 52.19246121362054 ], [ 7.132623355909, 52.19246121362054 ], [ 7.132623355909, 52.18695410091204 ], [ 7.123640203067805, 52.18695410091204 ], [ 7.123640203067805, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25471 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.123640203067805, 50.907795545249719 ], [ 7.132623355909, 50.907795545249719 ], [ 7.132623355909, 50.902130691985889 ], [ 7.123640203067805, 50.902130691985889 ], [ 7.123640203067805, 50.907795545249719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 53.161892635646453 ], [ 7.141606508750195, 53.161892635646453 ], [ 7.141606508750195, 53.156506394258173 ], [ 7.132623355909, 53.156506394258173 ], [ 7.132623355909, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25739 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 53.156506394258173 ], [ 7.141606508750195, 53.156506394258173 ], [ 7.141606508750195, 53.151119477006027 ], [ 7.132623355909, 53.151119477006027 ], [ 7.132623355909, 53.156506394258173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25798 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 52.837520610335602 ], [ 7.141606508750195, 52.837520610335602 ], [ 7.141606508750195, 52.832093751964685 ], [ 7.132623355909, 52.832093751964685 ], [ 7.132623355909, 52.837520610335602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25909 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 52.230991904647652 ], [ 7.141606508750195, 52.230991904647652 ], [ 7.141606508750195, 52.225489566186397 ], [ 7.132623355909, 52.225489566186397 ], [ 7.132623355909, 52.230991904647652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25910 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 52.225489566186397 ], [ 7.141606508750195, 52.225489566186397 ], [ 7.141606508750195, 52.219986545790952 ], [ 7.132623355909, 52.219986545790952 ], [ 7.132623355909, 52.225489566186397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25911 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 52.219986545790952 ], [ 7.141606508750195, 52.219986545790952 ], [ 7.141606508750195, 52.214482843427575 ], [ 7.132623355909, 52.214482843427575 ], [ 7.132623355909, 52.219986545790952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 25915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 52.197967644192694 ], [ 7.141606508750195, 52.197967644192694 ], [ 7.141606508750195, 52.19246121362054 ], [ 7.132623355909, 52.19246121362054 ], [ 7.132623355909, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26146 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 50.907795545249719 ], [ 7.141606508750195, 50.907795545249719 ], [ 7.141606508750195, 50.902130691985889 ], [ 7.132623355909, 50.902130691985889 ], [ 7.132623355909, 50.907795545249719 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.132623355909, 50.902130691985889 ], [ 7.141606508750195, 50.902130691985889 ], [ 7.141606508750195, 50.896465149400186 ], [ 7.132623355909, 50.896465149400186 ], [ 7.132623355909, 50.902130691985889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 53.167278201208049 ], [ 7.15058966159139, 53.167278201208049 ], [ 7.15058966159139, 53.161892635646453 ], [ 7.141606508750195, 53.161892635646453 ], [ 7.141606508750195, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 53.161892635646453 ], [ 7.15058966159139, 53.161892635646453 ], [ 7.15058966159139, 53.156506394258173 ], [ 7.141606508750195, 53.156506394258173 ], [ 7.141606508750195, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26473 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 52.837520610335602 ], [ 7.15058966159139, 52.837520610335602 ], [ 7.15058966159139, 52.832093751964685 ], [ 7.141606508750195, 52.832093751964685 ], [ 7.141606508750195, 52.837520610335602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26583 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 52.236493561208484 ], [ 7.15058966159139, 52.236493561208484 ], [ 7.15058966159139, 52.230991904647652 ], [ 7.141606508750195, 52.230991904647652 ], [ 7.141606508750195, 52.236493561208484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26584 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 52.230991904647652 ], [ 7.15058966159139, 52.230991904647652 ], [ 7.15058966159139, 52.225489566186397 ], [ 7.141606508750195, 52.225489566186397 ], [ 7.141606508750195, 52.230991904647652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26590 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 52.197967644192694 ], [ 7.15058966159139, 52.197967644192694 ], [ 7.15058966159139, 52.19246121362054 ], [ 7.141606508750195, 52.19246121362054 ], [ 7.141606508750195, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 26822 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.141606508750195, 50.902130691985889 ], [ 7.15058966159139, 50.902130691985889 ], [ 7.15058966159139, 50.896465149400186 ], [ 7.141606508750195, 50.896465149400186 ], [ 7.141606508750195, 50.902130691985889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27001 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 53.627912700822961 ], [ 7.159572814432586, 53.627912700822961 ], [ 7.159572814432586, 53.622585115097181 ], [ 7.15058966159139, 53.622585115097181 ], [ 7.15058966159139, 53.627912700822961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 53.622585115097181 ], [ 7.159572814432586, 53.622585115097181 ], [ 7.159572814432586, 53.617256856814933 ], [ 7.15058966159139, 53.617256856814933 ], [ 7.15058966159139, 53.622585115097181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27086 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 53.172663090980187 ], [ 7.159572814432586, 53.172663090980187 ], [ 7.159572814432586, 53.167278201208049 ], [ 7.15058966159139, 53.167278201208049 ], [ 7.15058966159139, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27087 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 53.167278201208049 ], [ 7.159572814432586, 53.167278201208049 ], [ 7.159572814432586, 53.161892635646453 ], [ 7.15058966159139, 53.161892635646453 ], [ 7.15058966159139, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 52.837520610335602 ], [ 7.159572814432586, 52.837520610335602 ], [ 7.159572814432586, 52.832093751964685 ], [ 7.15058966159139, 52.832093751964685 ], [ 7.15058966159139, 52.837520610335602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 52.832093751964685 ], [ 7.159572814432586, 52.832093751964685 ], [ 7.159572814432586, 52.826666215533322 ], [ 7.15058966159139, 52.826666215533322 ], [ 7.15058966159139, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27256 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 52.247494828764033 ], [ 7.159572814432586, 52.247494828764033 ], [ 7.159572814432586, 52.241994535902663 ], [ 7.15058966159139, 52.241994535902663 ], [ 7.15058966159139, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27257 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 52.241994535902663 ], [ 7.159572814432586, 52.241994535902663 ], [ 7.159572814432586, 52.236493561208484 ], [ 7.15058966159139, 52.236493561208484 ], [ 7.15058966159139, 52.241994535902663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27258 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 52.236493561208484 ], [ 7.159572814432586, 52.236493561208484 ], [ 7.159572814432586, 52.230991904647652 ], [ 7.15058966159139, 52.230991904647652 ], [ 7.15058966159139, 52.236493561208484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27265 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 52.197967644192694 ], [ 7.159572814432586, 52.197967644192694 ], [ 7.159572814432586, 52.19246121362054 ], [ 7.15058966159139, 52.19246121362054 ], [ 7.15058966159139, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27497 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.15058966159139, 50.902130691985889 ], [ 7.159572814432586, 50.902130691985889 ], [ 7.159572814432586, 50.896465149400186 ], [ 7.15058966159139, 50.896465149400186 ], [ 7.15058966159139, 50.902130691985889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 53.627912700822961 ], [ 7.16855596727378, 53.627912700822961 ], [ 7.16855596727378, 53.622585115097181 ], [ 7.159572814432586, 53.622585115097181 ], [ 7.159572814432586, 53.627912700822961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 53.622585115097181 ], [ 7.16855596727378, 53.622585115097181 ], [ 7.16855596727378, 53.617256856814933 ], [ 7.159572814432586, 53.617256856814933 ], [ 7.159572814432586, 53.622585115097181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 53.617256856814933 ], [ 7.16855596727378, 53.617256856814933 ], [ 7.16855596727378, 53.611927925937387 ], [ 7.159572814432586, 53.611927925937387 ], [ 7.159572814432586, 53.617256856814933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27761 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 53.172663090980187 ], [ 7.16855596727378, 53.172663090980187 ], [ 7.16855596727378, 53.167278201208049 ], [ 7.159572814432586, 53.167278201208049 ], [ 7.159572814432586, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.832093751964685 ], [ 7.16855596727378, 52.832093751964685 ], [ 7.16855596727378, 52.826666215533322 ], [ 7.159572814432586, 52.826666215533322 ], [ 7.159572814432586, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27832 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.788654471799063 ], [ 7.16855596727378, 52.788654471799063 ], [ 7.16855596727378, 52.783221509589467 ], [ 7.159572814432586, 52.783221509589467 ], [ 7.159572814432586, 52.788654471799063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27833 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.783221509589467 ], [ 7.16855596727378, 52.783221509589467 ], [ 7.16855596727378, 52.777787868996043 ], [ 7.159572814432586, 52.777787868996043 ], [ 7.159572814432586, 52.783221509589467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27834 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.777787868996043 ], [ 7.16855596727378, 52.777787868996043 ], [ 7.16855596727378, 52.772353549982967 ], [ 7.159572814432586, 52.772353549982967 ], [ 7.159572814432586, 52.777787868996043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27835 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.772353549982967 ], [ 7.16855596727378, 52.772353549982967 ], [ 7.16855596727378, 52.766918552514426 ], [ 7.159572814432586, 52.766918552514426 ], [ 7.159572814432586, 52.772353549982967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27836 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.766918552514426 ], [ 7.16855596727378, 52.766918552514426 ], [ 7.16855596727378, 52.761482876554631 ], [ 7.159572814432586, 52.761482876554631 ], [ 7.159572814432586, 52.766918552514426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27837 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.761482876554631 ], [ 7.16855596727378, 52.761482876554631 ], [ 7.16855596727378, 52.756046522067805 ], [ 7.159572814432586, 52.756046522067805 ], [ 7.159572814432586, 52.761482876554631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27838 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.756046522067805 ], [ 7.16855596727378, 52.756046522067805 ], [ 7.16855596727378, 52.75060948901821 ], [ 7.159572814432586, 52.75060948901821 ], [ 7.159572814432586, 52.756046522067805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27839 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.75060948901821 ], [ 7.16855596727378, 52.75060948901821 ], [ 7.16855596727378, 52.745171777370089 ], [ 7.159572814432586, 52.745171777370089 ], [ 7.159572814432586, 52.75060948901821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27840 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.745171777370089 ], [ 7.16855596727378, 52.745171777370089 ], [ 7.16855596727378, 52.739733387087746 ], [ 7.159572814432586, 52.739733387087746 ], [ 7.159572814432586, 52.745171777370089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27841 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.739733387087746 ], [ 7.16855596727378, 52.739733387087746 ], [ 7.16855596727378, 52.734294318135497 ], [ 7.159572814432586, 52.734294318135497 ], [ 7.159572814432586, 52.739733387087746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27842 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.734294318135497 ], [ 7.16855596727378, 52.734294318135497 ], [ 7.16855596727378, 52.728854570477658 ], [ 7.159572814432586, 52.728854570477658 ], [ 7.159572814432586, 52.734294318135497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27843 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.728854570477658 ], [ 7.16855596727378, 52.728854570477658 ], [ 7.16855596727378, 52.723414144078575 ], [ 7.159572814432586, 52.723414144078575 ], [ 7.159572814432586, 52.728854570477658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.723414144078575 ], [ 7.16855596727378, 52.723414144078575 ], [ 7.16855596727378, 52.717973038902642 ], [ 7.159572814432586, 52.717973038902642 ], [ 7.159572814432586, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27845 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.717973038902642 ], [ 7.16855596727378, 52.717973038902642 ], [ 7.16855596727378, 52.712531254914204 ], [ 7.159572814432586, 52.712531254914204 ], [ 7.159572814432586, 52.717973038902642 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27846 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.712531254914204 ], [ 7.16855596727378, 52.712531254914204 ], [ 7.16855596727378, 52.707088792077698 ], [ 7.159572814432586, 52.707088792077698 ], [ 7.159572814432586, 52.712531254914204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27847 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.707088792077698 ], [ 7.16855596727378, 52.707088792077698 ], [ 7.16855596727378, 52.701645650357548 ], [ 7.159572814432586, 52.701645650357548 ], [ 7.159572814432586, 52.707088792077698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27848 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.701645650357548 ], [ 7.16855596727378, 52.701645650357548 ], [ 7.16855596727378, 52.696201829718206 ], [ 7.159572814432586, 52.696201829718206 ], [ 7.159572814432586, 52.701645650357548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.696201829718206 ], [ 7.16855596727378, 52.696201829718206 ], [ 7.16855596727378, 52.690757330124136 ], [ 7.159572814432586, 52.690757330124136 ], [ 7.159572814432586, 52.696201829718206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27850 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.690757330124136 ], [ 7.16855596727378, 52.690757330124136 ], [ 7.16855596727378, 52.685312151539826 ], [ 7.159572814432586, 52.685312151539826 ], [ 7.159572814432586, 52.690757330124136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27851 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.685312151539826 ], [ 7.16855596727378, 52.685312151539826 ], [ 7.16855596727378, 52.679866293929777 ], [ 7.159572814432586, 52.679866293929777 ], [ 7.159572814432586, 52.685312151539826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.679866293929777 ], [ 7.16855596727378, 52.679866293929777 ], [ 7.16855596727378, 52.674419757258526 ], [ 7.159572814432586, 52.674419757258526 ], [ 7.159572814432586, 52.679866293929777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27930 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.252994439826388 ], [ 7.16855596727378, 52.252994439826388 ], [ 7.16855596727378, 52.247494828764033 ], [ 7.159572814432586, 52.247494828764033 ], [ 7.159572814432586, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27931 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.247494828764033 ], [ 7.16855596727378, 52.247494828764033 ], [ 7.16855596727378, 52.241994535902663 ], [ 7.159572814432586, 52.241994535902663 ], [ 7.159572814432586, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 27940 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 52.197967644192694 ], [ 7.16855596727378, 52.197967644192694 ], [ 7.16855596727378, 52.19246121362054 ], [ 7.159572814432586, 52.19246121362054 ], [ 7.159572814432586, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28173 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.159572814432586, 50.896465149400186 ], [ 7.16855596727378, 50.896465149400186 ], [ 7.16855596727378, 50.890798917464139 ], [ 7.159572814432586, 50.890798917464139 ], [ 7.159572814432586, 50.896465149400186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 53.622585115097181 ], [ 7.177539120114976, 53.622585115097181 ], [ 7.177539120114976, 53.617256856814933 ], [ 7.16855596727378, 53.617256856814933 ], [ 7.16855596727378, 53.622585115097181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 53.617256856814933 ], [ 7.177539120114976, 53.617256856814933 ], [ 7.177539120114976, 53.611927925937387 ], [ 7.16855596727378, 53.611927925937387 ], [ 7.16855596727378, 53.617256856814933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28354 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 53.611927925937387 ], [ 7.177539120114976, 53.611927925937387 ], [ 7.177539120114976, 53.606598322425761 ], [ 7.16855596727378, 53.606598322425761 ], [ 7.16855596727378, 53.611927925937387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 53.178047305000128 ], [ 7.177539120114976, 53.178047305000128 ], [ 7.177539120114976, 53.172663090980187 ], [ 7.16855596727378, 53.172663090980187 ], [ 7.16855596727378, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28436 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 53.172663090980187 ], [ 7.177539120114976, 53.172663090980187 ], [ 7.177539120114976, 53.167278201208049 ], [ 7.16855596727378, 53.167278201208049 ], [ 7.16855596727378, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28499 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.832093751964685 ], [ 7.177539120114976, 52.832093751964685 ], [ 7.177539120114976, 52.826666215533322 ], [ 7.16855596727378, 52.826666215533322 ], [ 7.16855596727378, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28504 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.804949288483563 ], [ 7.177539120114976, 52.804949288483563 ], [ 7.177539120114976, 52.799518361210232 ], [ 7.16855596727378, 52.799518361210232 ], [ 7.16855596727378, 52.804949288483563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.799518361210232 ], [ 7.177539120114976, 52.799518361210232 ], [ 7.177539120114976, 52.794086755660693 ], [ 7.16855596727378, 52.794086755660693 ], [ 7.16855596727378, 52.799518361210232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.794086755660693 ], [ 7.177539120114976, 52.794086755660693 ], [ 7.177539120114976, 52.788654471799063 ], [ 7.16855596727378, 52.788654471799063 ], [ 7.16855596727378, 52.794086755660693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28507 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.788654471799063 ], [ 7.177539120114976, 52.788654471799063 ], [ 7.177539120114976, 52.783221509589467 ], [ 7.16855596727378, 52.783221509589467 ], [ 7.16855596727378, 52.788654471799063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28519 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.723414144078575 ], [ 7.177539120114976, 52.723414144078575 ], [ 7.177539120114976, 52.717973038902642 ], [ 7.16855596727378, 52.717973038902642 ], [ 7.16855596727378, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28527 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.679866293929777 ], [ 7.177539120114976, 52.679866293929777 ], [ 7.177539120114976, 52.674419757258526 ], [ 7.16855596727378, 52.674419757258526 ], [ 7.16855596727378, 52.679866293929777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28528 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.674419757258526 ], [ 7.177539120114976, 52.674419757258526 ], [ 7.177539120114976, 52.668972541490625 ], [ 7.16855596727378, 52.668972541490625 ], [ 7.16855596727378, 52.674419757258526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28529 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.668972541490625 ], [ 7.177539120114976, 52.668972541490625 ], [ 7.177539120114976, 52.663524646590638 ], [ 7.16855596727378, 52.663524646590638 ], [ 7.16855596727378, 52.668972541490625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28602 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.269489182558083 ], [ 7.177539120114976, 52.269489182558083 ], [ 7.177539120114976, 52.263991616689538 ], [ 7.16855596727378, 52.263991616689538 ], [ 7.16855596727378, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.263991616689538 ], [ 7.177539120114976, 52.263991616689538 ], [ 7.177539120114976, 52.258493369123606 ], [ 7.16855596727378, 52.258493369123606 ], [ 7.16855596727378, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28604 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.258493369123606 ], [ 7.177539120114976, 52.258493369123606 ], [ 7.177539120114976, 52.252994439826388 ], [ 7.16855596727378, 52.252994439826388 ], [ 7.16855596727378, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28605 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.252994439826388 ], [ 7.177539120114976, 52.252994439826388 ], [ 7.177539120114976, 52.247494828764033 ], [ 7.16855596727378, 52.247494828764033 ], [ 7.16855596727378, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28615 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 52.197967644192694 ], [ 7.177539120114976, 52.197967644192694 ], [ 7.177539120114976, 52.19246121362054 ], [ 7.16855596727378, 52.19246121362054 ], [ 7.16855596727378, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28848 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 50.896465149400186 ], [ 7.177539120114976, 50.896465149400186 ], [ 7.177539120114976, 50.890798917464139 ], [ 7.16855596727378, 50.890798917464139 ], [ 7.16855596727378, 50.896465149400186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 28849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.16855596727378, 50.890798917464139 ], [ 7.177539120114976, 50.890798917464139 ], [ 7.177539120114976, 50.885131996149291 ], [ 7.16855596727378, 50.885131996149291 ], [ 7.16855596727378, 50.890798917464139 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29028 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 53.617256856814933 ], [ 7.186522272956172, 53.617256856814933 ], [ 7.186522272956172, 53.611927925937387 ], [ 7.177539120114976, 53.611927925937387 ], [ 7.177539120114976, 53.617256856814933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29029 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 53.611927925937387 ], [ 7.186522272956172, 53.611927925937387 ], [ 7.186522272956172, 53.606598322425761 ], [ 7.177539120114976, 53.606598322425761 ], [ 7.177539120114976, 53.611927925937387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29030 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 53.606598322425761 ], [ 7.186522272956172, 53.606598322425761 ], [ 7.186522272956172, 53.601268046241266 ], [ 7.177539120114976, 53.601268046241266 ], [ 7.177539120114976, 53.606598322425761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29053 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 53.483831705685517 ], [ 7.186522272956172, 53.483831705685517 ], [ 7.186522272956172, 53.478485947363744 ], [ 7.177539120114976, 53.478485947363744 ], [ 7.177539120114976, 53.483831705685517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29110 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 53.178047305000128 ], [ 7.186522272956172, 53.178047305000128 ], [ 7.186522272956172, 53.172663090980187 ], [ 7.177539120114976, 53.172663090980187 ], [ 7.177539120114976, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29174 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.832093751964685 ], [ 7.186522272956172, 52.832093751964685 ], [ 7.186522272956172, 52.826666215533322 ], [ 7.177539120114976, 52.826666215533322 ], [ 7.177539120114976, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.826666215533322 ], [ 7.186522272956172, 52.826666215533322 ], [ 7.186522272956172, 52.821238001005511 ], [ 7.177539120114976, 52.821238001005511 ], [ 7.177539120114976, 52.826666215533322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.810379537516596 ], [ 7.186522272956172, 52.810379537516596 ], [ 7.186522272956172, 52.804949288483563 ], [ 7.177539120114976, 52.804949288483563 ], [ 7.177539120114976, 52.810379537516596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29179 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.804949288483563 ], [ 7.186522272956172, 52.804949288483563 ], [ 7.186522272956172, 52.799518361210232 ], [ 7.177539120114976, 52.799518361210232 ], [ 7.177539120114976, 52.804949288483563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29194 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.723414144078575 ], [ 7.186522272956172, 52.723414144078575 ], [ 7.186522272956172, 52.717973038902642 ], [ 7.177539120114976, 52.717973038902642 ], [ 7.177539120114976, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29204 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.668972541490625 ], [ 7.186522272956172, 52.668972541490625 ], [ 7.186522272956172, 52.663524646590638 ], [ 7.177539120114976, 52.663524646590638 ], [ 7.177539120114976, 52.668972541490625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.663524646590638 ], [ 7.186522272956172, 52.663524646590638 ], [ 7.186522272956172, 52.658076072523158 ], [ 7.177539120114976, 52.658076072523158 ], [ 7.177539120114976, 52.663524646590638 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.658076072523158 ], [ 7.186522272956172, 52.658076072523158 ], [ 7.186522272956172, 52.652626819252795 ], [ 7.177539120114976, 52.652626819252795 ], [ 7.177539120114976, 52.658076072523158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.625370363620426 ], [ 7.186522272956172, 52.625370363620426 ], [ 7.186522272956172, 52.619917034390667 ], [ 7.177539120114976, 52.619917034390667 ], [ 7.177539120114976, 52.625370363620426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.619917034390667 ], [ 7.186522272956172, 52.619917034390667 ], [ 7.186522272956172, 52.614463025710862 ], [ 7.177539120114976, 52.614463025710862 ], [ 7.177539120114976, 52.619917034390667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29214 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.614463025710862 ], [ 7.186522272956172, 52.614463025710862 ], [ 7.186522272956172, 52.609008337545774 ], [ 7.177539120114976, 52.609008337545774 ], [ 7.177539120114976, 52.614463025710862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.609008337545774 ], [ 7.186522272956172, 52.609008337545774 ], [ 7.186522272956172, 52.603552969860189 ], [ 7.177539120114976, 52.603552969860189 ], [ 7.177539120114976, 52.609008337545774 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29216 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.603552969860189 ], [ 7.186522272956172, 52.603552969860189 ], [ 7.186522272956172, 52.598096922618922 ], [ 7.177539120114976, 52.598096922618922 ], [ 7.177539120114976, 52.603552969860189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29217 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.598096922618922 ], [ 7.186522272956172, 52.598096922618922 ], [ 7.186522272956172, 52.592640195786814 ], [ 7.177539120114976, 52.592640195786814 ], [ 7.177539120114976, 52.598096922618922 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29218 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.592640195786814 ], [ 7.186522272956172, 52.592640195786814 ], [ 7.186522272956172, 52.5871827893287 ], [ 7.177539120114976, 52.5871827893287 ], [ 7.177539120114976, 52.592640195786814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29219 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.5871827893287 ], [ 7.186522272956172, 52.5871827893287 ], [ 7.186522272956172, 52.58172470320946 ], [ 7.177539120114976, 52.58172470320946 ], [ 7.177539120114976, 52.5871827893287 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.58172470320946 ], [ 7.186522272956172, 52.58172470320946 ], [ 7.186522272956172, 52.576265937393991 ], [ 7.177539120114976, 52.576265937393991 ], [ 7.177539120114976, 52.58172470320946 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.576265937393991 ], [ 7.186522272956172, 52.576265937393991 ], [ 7.186522272956172, 52.5708064918472 ], [ 7.177539120114976, 52.5708064918472 ], [ 7.177539120114976, 52.576265937393991 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29222 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.5708064918472 ], [ 7.186522272956172, 52.5708064918472 ], [ 7.186522272956172, 52.565346366534015 ], [ 7.177539120114976, 52.565346366534015 ], [ 7.177539120114976, 52.5708064918472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29223 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.565346366534015 ], [ 7.186522272956172, 52.565346366534015 ], [ 7.186522272956172, 52.559885561419414 ], [ 7.177539120114976, 52.559885561419414 ], [ 7.177539120114976, 52.565346366534015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.274986066763148 ], [ 7.186522272956172, 52.274986066763148 ], [ 7.186522272956172, 52.269489182558083 ], [ 7.177539120114976, 52.269489182558083 ], [ 7.177539120114976, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29277 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.269489182558083 ], [ 7.186522272956172, 52.269489182558083 ], [ 7.186522272956172, 52.263991616689538 ], [ 7.177539120114976, 52.263991616689538 ], [ 7.177539120114976, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29290 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 52.197967644192694 ], [ 7.186522272956172, 52.197967644192694 ], [ 7.186522272956172, 52.19246121362054 ], [ 7.177539120114976, 52.19246121362054 ], [ 7.177539120114976, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 50.890798917464139 ], [ 7.186522272956172, 50.890798917464139 ], [ 7.186522272956172, 50.885131996149291 ], [ 7.177539120114976, 50.885131996149291 ], [ 7.177539120114976, 50.890798917464139 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.177539120114976, 50.885131996149291 ], [ 7.186522272956172, 50.885131996149291 ], [ 7.186522272956172, 50.879464385427205 ], [ 7.177539120114976, 50.879464385427205 ], [ 7.177539120114976, 50.885131996149291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29700 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.633239614031105 ], [ 7.195505425797366, 53.633239614031105 ], [ 7.195505425797366, 53.627912700822961 ], [ 7.186522272956172, 53.627912700822961 ], [ 7.186522272956172, 53.633239614031105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29701 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.627912700822961 ], [ 7.195505425797366, 53.627912700822961 ], [ 7.195505425797366, 53.622585115097181 ], [ 7.186522272956172, 53.622585115097181 ], [ 7.186522272956172, 53.627912700822961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29702 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.622585115097181 ], [ 7.195505425797366, 53.622585115097181 ], [ 7.195505425797366, 53.617256856814933 ], [ 7.186522272956172, 53.617256856814933 ], [ 7.186522272956172, 53.622585115097181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.617256856814933 ], [ 7.195505425797366, 53.617256856814933 ], [ 7.195505425797366, 53.611927925937387 ], [ 7.186522272956172, 53.611927925937387 ], [ 7.186522272956172, 53.617256856814933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.606598322425761 ], [ 7.195505425797366, 53.606598322425761 ], [ 7.195505425797366, 53.601268046241266 ], [ 7.186522272956172, 53.601268046241266 ], [ 7.186522272956172, 53.606598322425761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.601268046241266 ], [ 7.195505425797366, 53.601268046241266 ], [ 7.195505425797366, 53.595937097345129 ], [ 7.186522272956172, 53.595937097345129 ], [ 7.186522272956172, 53.601268046241266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29720 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.526573527333056 ], [ 7.195505425797366, 53.526573527333056 ], [ 7.195505425797366, 53.521233156414247 ], [ 7.186522272956172, 53.521233156414247 ], [ 7.186522272956172, 53.526573527333056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29721 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.521233156414247 ], [ 7.195505425797366, 53.521233156414247 ], [ 7.195505425797366, 53.51589211220459 ], [ 7.186522272956172, 53.51589211220459 ], [ 7.186522272956172, 53.521233156414247 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29722 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.51589211220459 ], [ 7.195505425797366, 53.51589211220459 ], [ 7.195505425797366, 53.510550394665586 ], [ 7.186522272956172, 53.510550394665586 ], [ 7.186522272956172, 53.51589211220459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.499864939445793 ], [ 7.195505425797366, 53.499864939445793 ], [ 7.195505425797366, 53.49452120168818 ], [ 7.186522272956172, 53.49452120168818 ], [ 7.186522272956172, 53.499864939445793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29726 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.49452120168818 ], [ 7.195505425797366, 53.49452120168818 ], [ 7.195505425797366, 53.489176790447537 ], [ 7.186522272956172, 53.489176790447537 ], [ 7.186522272956172, 53.49452120168818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29727 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.489176790447537 ], [ 7.195505425797366, 53.489176790447537 ], [ 7.195505425797366, 53.483831705685517 ], [ 7.186522272956172, 53.483831705685517 ], [ 7.186522272956172, 53.489176790447537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29728 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.483831705685517 ], [ 7.195505425797366, 53.483831705685517 ], [ 7.195505425797366, 53.478485947363744 ], [ 7.186522272956172, 53.478485947363744 ], [ 7.186522272956172, 53.483831705685517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29784 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 53.183430843305111 ], [ 7.195505425797366, 53.183430843305111 ], [ 7.195505425797366, 53.178047305000128 ], [ 7.186522272956172, 53.178047305000128 ], [ 7.186522272956172, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29850 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.826666215533322 ], [ 7.195505425797366, 52.826666215533322 ], [ 7.195505425797366, 52.821238001005511 ], [ 7.186522272956172, 52.821238001005511 ], [ 7.186522272956172, 52.826666215533322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29851 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.821238001005511 ], [ 7.195505425797366, 52.821238001005511 ], [ 7.195505425797366, 52.815809108345263 ], [ 7.186522272956172, 52.815809108345263 ], [ 7.186522272956172, 52.821238001005511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.815809108345263 ], [ 7.195505425797366, 52.815809108345263 ], [ 7.195505425797366, 52.810379537516596 ], [ 7.186522272956172, 52.810379537516596 ], [ 7.186522272956172, 52.815809108345263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29853 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.810379537516596 ], [ 7.195505425797366, 52.810379537516596 ], [ 7.195505425797366, 52.804949288483563 ], [ 7.186522272956172, 52.804949288483563 ], [ 7.186522272956172, 52.810379537516596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.723414144078575 ], [ 7.195505425797366, 52.723414144078575 ], [ 7.195505425797366, 52.717973038902642 ], [ 7.186522272956172, 52.717973038902642 ], [ 7.186522272956172, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29879 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.668972541490625 ], [ 7.195505425797366, 52.668972541490625 ], [ 7.195505425797366, 52.663524646590638 ], [ 7.186522272956172, 52.663524646590638 ], [ 7.186522272956172, 52.668972541490625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29881 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.658076072523158 ], [ 7.195505425797366, 52.658076072523158 ], [ 7.195505425797366, 52.652626819252795 ], [ 7.186522272956172, 52.652626819252795 ], [ 7.186522272956172, 52.658076072523158 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29882 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.652626819252795 ], [ 7.195505425797366, 52.652626819252795 ], [ 7.195505425797366, 52.64717688674417 ], [ 7.186522272956172, 52.64717688674417 ], [ 7.186522272956172, 52.652626819252795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.64717688674417 ], [ 7.195505425797366, 52.64717688674417 ], [ 7.195505425797366, 52.64172627496194 ], [ 7.186522272956172, 52.64172627496194 ], [ 7.186522272956172, 52.64717688674417 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.64172627496194 ], [ 7.195505425797366, 52.64172627496194 ], [ 7.195505425797366, 52.636274983870777 ], [ 7.186522272956172, 52.636274983870777 ], [ 7.186522272956172, 52.64172627496194 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.636274983870777 ], [ 7.195505425797366, 52.636274983870777 ], [ 7.195505425797366, 52.630823013435368 ], [ 7.186522272956172, 52.630823013435368 ], [ 7.186522272956172, 52.636274983870777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.630823013435368 ], [ 7.195505425797366, 52.630823013435368 ], [ 7.195505425797366, 52.625370363620426 ], [ 7.186522272956172, 52.625370363620426 ], [ 7.186522272956172, 52.630823013435368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29887 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.625370363620426 ], [ 7.195505425797366, 52.625370363620426 ], [ 7.195505425797366, 52.619917034390667 ], [ 7.186522272956172, 52.619917034390667 ], [ 7.186522272956172, 52.625370363620426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29888 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.619917034390667 ], [ 7.195505425797366, 52.619917034390667 ], [ 7.195505425797366, 52.614463025710862 ], [ 7.186522272956172, 52.614463025710862 ], [ 7.186522272956172, 52.619917034390667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29898 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.565346366534015 ], [ 7.195505425797366, 52.565346366534015 ], [ 7.195505425797366, 52.559885561419414 ], [ 7.186522272956172, 52.559885561419414 ], [ 7.186522272956172, 52.565346366534015 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29899 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.559885561419414 ], [ 7.195505425797366, 52.559885561419414 ], [ 7.195505425797366, 52.554424076468344 ], [ 7.186522272956172, 52.554424076468344 ], [ 7.186522272956172, 52.559885561419414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29900 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.554424076468344 ], [ 7.195505425797366, 52.554424076468344 ], [ 7.195505425797366, 52.548961911645804 ], [ 7.186522272956172, 52.548961911645804 ], [ 7.186522272956172, 52.554424076468344 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.548961911645804 ], [ 7.195505425797366, 52.548961911645804 ], [ 7.195505425797366, 52.543499066916823 ], [ 7.186522272956172, 52.543499066916823 ], [ 7.186522272956172, 52.548961911645804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29902 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.543499066916823 ], [ 7.195505425797366, 52.543499066916823 ], [ 7.195505425797366, 52.538035542246426 ], [ 7.186522272956172, 52.538035542246426 ], [ 7.186522272956172, 52.543499066916823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29950 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.280482269338677 ], [ 7.195505425797366, 52.280482269338677 ], [ 7.195505425797366, 52.274986066763148 ], [ 7.186522272956172, 52.274986066763148 ], [ 7.186522272956172, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.274986066763148 ], [ 7.195505425797366, 52.274986066763148 ], [ 7.195505425797366, 52.269489182558083 ], [ 7.186522272956172, 52.269489182558083 ], [ 7.186522272956172, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 29965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 52.197967644192694 ], [ 7.195505425797366, 52.197967644192694 ], [ 7.195505425797366, 52.19246121362054 ], [ 7.186522272956172, 52.19246121362054 ], [ 7.186522272956172, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30200 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 50.885131996149291 ], [ 7.195505425797366, 50.885131996149291 ], [ 7.195505425797366, 50.879464385427205 ], [ 7.186522272956172, 50.879464385427205 ], [ 7.186522272956172, 50.885131996149291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30201 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 50.879464385427205 ], [ 7.195505425797366, 50.879464385427205 ], [ 7.195505425797366, 50.873796085269483 ], [ 7.186522272956172, 50.873796085269483 ], [ 7.186522272956172, 50.879464385427205 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30202 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.186522272956172, 50.873796085269483 ], [ 7.195505425797366, 50.873796085269483 ], [ 7.195505425797366, 50.868127095647736 ], [ 7.186522272956172, 50.868127095647736 ], [ 7.186522272956172, 50.873796085269483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.633239614031105 ], [ 7.204488578638562, 53.633239614031105 ], [ 7.204488578638562, 53.627912700822961 ], [ 7.195505425797366, 53.627912700822961 ], [ 7.195505425797366, 53.633239614031105 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30376 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.627912700822961 ], [ 7.204488578638562, 53.627912700822961 ], [ 7.204488578638562, 53.622585115097181 ], [ 7.195505425797366, 53.622585115097181 ], [ 7.195505425797366, 53.627912700822961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.617256856814933 ], [ 7.204488578638562, 53.617256856814933 ], [ 7.204488578638562, 53.611927925937387 ], [ 7.195505425797366, 53.611927925937387 ], [ 7.195505425797366, 53.617256856814933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30381 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.601268046241266 ], [ 7.204488578638562, 53.601268046241266 ], [ 7.204488578638562, 53.595937097345129 ], [ 7.195505425797366, 53.595937097345129 ], [ 7.195505425797366, 53.601268046241266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30382 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.595937097345129 ], [ 7.204488578638562, 53.595937097345129 ], [ 7.204488578638562, 53.590605475698609 ], [ 7.195505425797366, 53.590605475698609 ], [ 7.195505425797366, 53.595937097345129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30393 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.537252249452031 ], [ 7.204488578638562, 53.537252249452031 ], [ 7.204488578638562, 53.531913224999485 ], [ 7.195505425797366, 53.531913224999485 ], [ 7.195505425797366, 53.537252249452031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30394 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.531913224999485 ], [ 7.204488578638562, 53.531913224999485 ], [ 7.204488578638562, 53.526573527333056 ], [ 7.195505425797366, 53.526573527333056 ], [ 7.195505425797366, 53.531913224999485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30397 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.51589211220459 ], [ 7.204488578638562, 53.51589211220459 ], [ 7.204488578638562, 53.510550394665586 ], [ 7.195505425797366, 53.510550394665586 ], [ 7.195505425797366, 53.51589211220459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30398 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.510550394665586 ], [ 7.204488578638562, 53.510550394665586 ], [ 7.204488578638562, 53.505208003758803 ], [ 7.195505425797366, 53.505208003758803 ], [ 7.195505425797366, 53.510550394665586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30399 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.505208003758803 ], [ 7.204488578638562, 53.505208003758803 ], [ 7.204488578638562, 53.499864939445793 ], [ 7.195505425797366, 53.499864939445793 ], [ 7.195505425797366, 53.505208003758803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30400 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.499864939445793 ], [ 7.204488578638562, 53.499864939445793 ], [ 7.204488578638562, 53.49452120168818 ], [ 7.195505425797366, 53.49452120168818 ], [ 7.195505425797366, 53.499864939445793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30403 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.483831705685517 ], [ 7.204488578638562, 53.483831705685517 ], [ 7.204488578638562, 53.478485947363744 ], [ 7.195505425797366, 53.478485947363744 ], [ 7.195505425797366, 53.483831705685517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30424 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.371429274478253 ], [ 7.204488578638562, 53.371429274478253 ], [ 7.204488578638562, 53.366069362574621 ], [ 7.195505425797366, 53.366069362574621 ], [ 7.195505425797366, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30425 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.366069362574621 ], [ 7.204488578638562, 53.366069362574621 ], [ 7.204488578638562, 53.360708776272133 ], [ 7.195505425797366, 53.360708776272133 ], [ 7.195505425797366, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30426 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.360708776272133 ], [ 7.204488578638562, 53.360708776272133 ], [ 7.204488578638562, 53.355347515532877 ], [ 7.195505425797366, 53.355347515532877 ], [ 7.195505425797366, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30460 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 53.178047305000128 ], [ 7.204488578638562, 53.178047305000128 ], [ 7.204488578638562, 53.172663090980187 ], [ 7.195505425797366, 53.172663090980187 ], [ 7.195505425797366, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.832093751964685 ], [ 7.204488578638562, 52.832093751964685 ], [ 7.204488578638562, 52.826666215533322 ], [ 7.195505425797366, 52.826666215533322 ], [ 7.195505425797366, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.826666215533322 ], [ 7.204488578638562, 52.826666215533322 ], [ 7.204488578638562, 52.821238001005511 ], [ 7.195505425797366, 52.821238001005511 ], [ 7.195505425797366, 52.826666215533322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30526 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.821238001005511 ], [ 7.204488578638562, 52.821238001005511 ], [ 7.204488578638562, 52.815809108345263 ], [ 7.195505425797366, 52.815809108345263 ], [ 7.195505425797366, 52.821238001005511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30527 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.815809108345263 ], [ 7.204488578638562, 52.815809108345263 ], [ 7.204488578638562, 52.810379537516596 ], [ 7.195505425797366, 52.810379537516596 ], [ 7.195505425797366, 52.815809108345263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30528 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.810379537516596 ], [ 7.204488578638562, 52.810379537516596 ], [ 7.204488578638562, 52.804949288483563 ], [ 7.195505425797366, 52.804949288483563 ], [ 7.195505425797366, 52.810379537516596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30529 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.804949288483563 ], [ 7.204488578638562, 52.804949288483563 ], [ 7.204488578638562, 52.799518361210232 ], [ 7.195505425797366, 52.799518361210232 ], [ 7.195505425797366, 52.804949288483563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.723414144078575 ], [ 7.204488578638562, 52.723414144078575 ], [ 7.204488578638562, 52.717973038902642 ], [ 7.195505425797366, 52.717973038902642 ], [ 7.195505425797366, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30554 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.668972541490625 ], [ 7.204488578638562, 52.668972541490625 ], [ 7.204488578638562, 52.663524646590638 ], [ 7.195505425797366, 52.663524646590638 ], [ 7.195505425797366, 52.668972541490625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30577 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.543499066916823 ], [ 7.204488578638562, 52.543499066916823 ], [ 7.204488578638562, 52.538035542246426 ], [ 7.195505425797366, 52.538035542246426 ], [ 7.195505425797366, 52.543499066916823 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.538035542246426 ], [ 7.204488578638562, 52.538035542246426 ], [ 7.204488578638562, 52.532571337599663 ], [ 7.195505425797366, 52.532571337599663 ], [ 7.195505425797366, 52.538035542246426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30579 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.532571337599663 ], [ 7.204488578638562, 52.532571337599663 ], [ 7.204488578638562, 52.527106452941617 ], [ 7.195505425797366, 52.527106452941617 ], [ 7.195505425797366, 52.532571337599663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30580 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.527106452941617 ], [ 7.204488578638562, 52.527106452941617 ], [ 7.204488578638562, 52.521640888237386 ], [ 7.195505425797366, 52.521640888237386 ], [ 7.195505425797366, 52.527106452941617 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30581 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.521640888237386 ], [ 7.204488578638562, 52.521640888237386 ], [ 7.204488578638562, 52.516174643452075 ], [ 7.195505425797366, 52.516174643452075 ], [ 7.195505425797366, 52.521640888237386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30582 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.516174643452075 ], [ 7.204488578638562, 52.516174643452075 ], [ 7.204488578638562, 52.51070771855084 ], [ 7.195505425797366, 52.51070771855084 ], [ 7.195505425797366, 52.516174643452075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30583 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.51070771855084 ], [ 7.204488578638562, 52.51070771855084 ], [ 7.204488578638562, 52.505240113498814 ], [ 7.195505425797366, 52.505240113498814 ], [ 7.195505425797366, 52.51070771855084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30584 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.505240113498814 ], [ 7.204488578638562, 52.505240113498814 ], [ 7.204488578638562, 52.499771828261196 ], [ 7.195505425797366, 52.499771828261196 ], [ 7.195505425797366, 52.505240113498814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.499771828261196 ], [ 7.204488578638562, 52.499771828261196 ], [ 7.204488578638562, 52.494302862803181 ], [ 7.195505425797366, 52.494302862803181 ], [ 7.195505425797366, 52.499771828261196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30586 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.494302862803181 ], [ 7.204488578638562, 52.494302862803181 ], [ 7.204488578638562, 52.488833217089969 ], [ 7.195505425797366, 52.488833217089969 ], [ 7.195505425797366, 52.494302862803181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30624 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.285977790318626 ], [ 7.204488578638562, 52.285977790318626 ], [ 7.204488578638562, 52.280482269338677 ], [ 7.195505425797366, 52.280482269338677 ], [ 7.195505425797366, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.280482269338677 ], [ 7.204488578638562, 52.280482269338677 ], [ 7.204488578638562, 52.274986066763148 ], [ 7.195505425797366, 52.274986066763148 ], [ 7.195505425797366, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30640 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 52.197967644192694 ], [ 7.204488578638562, 52.197967644192694 ], [ 7.204488578638562, 52.19246121362054 ], [ 7.195505425797366, 52.19246121362054 ], [ 7.195505425797366, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30877 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 50.873796085269483 ], [ 7.204488578638562, 50.873796085269483 ], [ 7.204488578638562, 50.868127095647736 ], [ 7.195505425797366, 50.868127095647736 ], [ 7.195505425797366, 50.873796085269483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30878 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 50.868127095647736 ], [ 7.204488578638562, 50.868127095647736 ], [ 7.204488578638562, 50.862457416533616 ], [ 7.195505425797366, 50.862457416533616 ], [ 7.195505425797366, 50.868127095647736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30882 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 50.845444241953729 ], [ 7.204488578638562, 50.845444241953729 ], [ 7.204488578638562, 50.839771804586967 ], [ 7.195505425797366, 50.839771804586967 ], [ 7.195505425797366, 50.845444241953729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 50.839771804586967 ], [ 7.204488578638562, 50.839771804586967 ], [ 7.204488578638562, 50.83409867758639 ], [ 7.195505425797366, 50.83409867758639 ], [ 7.195505425797366, 50.839771804586967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 50.83409867758639 ], [ 7.204488578638562, 50.83409867758639 ], [ 7.204488578638562, 50.828424860923768 ], [ 7.195505425797366, 50.828424860923768 ], [ 7.195505425797366, 50.83409867758639 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 30885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.195505425797366, 50.828424860923768 ], [ 7.204488578638562, 50.828424860923768 ], [ 7.204488578638562, 50.822750354570921 ], [ 7.195505425797366, 50.822750354570921 ], [ 7.195505425797366, 50.828424860923768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31053 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.617256856814933 ], [ 7.213471731479757, 53.617256856814933 ], [ 7.213471731479757, 53.611927925937387 ], [ 7.204488578638562, 53.611927925937387 ], [ 7.204488578638562, 53.617256856814933 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31054 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.611927925937387 ], [ 7.213471731479757, 53.611927925937387 ], [ 7.213471731479757, 53.606598322425761 ], [ 7.204488578638562, 53.606598322425761 ], [ 7.204488578638562, 53.611927925937387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31057 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.595937097345129 ], [ 7.213471731479757, 53.595937097345129 ], [ 7.213471731479757, 53.590605475698609 ], [ 7.204488578638562, 53.590605475698609 ], [ 7.204488578638562, 53.595937097345129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31058 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.590605475698609 ], [ 7.213471731479757, 53.590605475698609 ], [ 7.213471731479757, 53.585273181262998 ], [ 7.204488578638562, 53.585273181262998 ], [ 7.204488578638562, 53.590605475698609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31060 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.579940213999578 ], [ 7.213471731479757, 53.579940213999578 ], [ 7.213471731479757, 53.574606573869637 ], [ 7.204488578638562, 53.574606573869637 ], [ 7.204488578638562, 53.579940213999578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31061 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.574606573869637 ], [ 7.213471731479757, 53.574606573869637 ], [ 7.213471731479757, 53.569272260834531 ], [ 7.204488578638562, 53.569272260834531 ], [ 7.204488578638562, 53.574606573869637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31062 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.569272260834531 ], [ 7.213471731479757, 53.569272260834531 ], [ 7.213471731479757, 53.563937274855604 ], [ 7.204488578638562, 53.563937274855604 ], [ 7.204488578638562, 53.569272260834531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31063 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.563937274855604 ], [ 7.213471731479757, 53.563937274855604 ], [ 7.213471731479757, 53.558601615894212 ], [ 7.204488578638562, 53.558601615894212 ], [ 7.204488578638562, 53.563937274855604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31064 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.558601615894212 ], [ 7.213471731479757, 53.558601615894212 ], [ 7.213471731479757, 53.553265283911749 ], [ 7.204488578638562, 53.553265283911749 ], [ 7.204488578638562, 53.558601615894212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.553265283911749 ], [ 7.213471731479757, 53.553265283911749 ], [ 7.213471731479757, 53.54792827886962 ], [ 7.204488578638562, 53.54792827886962 ], [ 7.204488578638562, 53.553265283911749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31066 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.54792827886962 ], [ 7.213471731479757, 53.54792827886962 ], [ 7.213471731479757, 53.542590600729227 ], [ 7.204488578638562, 53.542590600729227 ], [ 7.204488578638562, 53.54792827886962 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31067 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.542590600729227 ], [ 7.213471731479757, 53.542590600729227 ], [ 7.213471731479757, 53.537252249452031 ], [ 7.204488578638562, 53.537252249452031 ], [ 7.204488578638562, 53.542590600729227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31068 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.537252249452031 ], [ 7.213471731479757, 53.537252249452031 ], [ 7.213471731479757, 53.531913224999485 ], [ 7.204488578638562, 53.531913224999485 ], [ 7.204488578638562, 53.537252249452031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31078 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.483831705685517 ], [ 7.213471731479757, 53.483831705685517 ], [ 7.213471731479757, 53.478485947363744 ], [ 7.204488578638562, 53.478485947363744 ], [ 7.204488578638562, 53.483831705685517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31079 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.478485947363744 ], [ 7.213471731479757, 53.478485947363744 ], [ 7.213471731479757, 53.473139515443876 ], [ 7.204488578638562, 53.473139515443876 ], [ 7.204488578638562, 53.478485947363744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31080 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.473139515443876 ], [ 7.213471731479757, 53.473139515443876 ], [ 7.213471731479757, 53.467792409887601 ], [ 7.204488578638562, 53.467792409887601 ], [ 7.204488578638562, 53.473139515443876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31093 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.403574585650404 ], [ 7.213471731479757, 53.403574585650404 ], [ 7.213471731479757, 53.398218719342381 ], [ 7.204488578638562, 53.398218719342381 ], [ 7.204488578638562, 53.403574585650404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31094 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.398218719342381 ], [ 7.213471731479757, 53.398218719342381 ], [ 7.213471731479757, 53.392862178863453 ], [ 7.204488578638562, 53.392862178863453 ], [ 7.204488578638562, 53.398218719342381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31095 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.392862178863453 ], [ 7.213471731479757, 53.392862178863453 ], [ 7.213471731479757, 53.387504964175598 ], [ 7.204488578638562, 53.387504964175598 ], [ 7.204488578638562, 53.392862178863453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31096 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.387504964175598 ], [ 7.213471731479757, 53.387504964175598 ], [ 7.213471731479757, 53.382147075240773 ], [ 7.204488578638562, 53.382147075240773 ], [ 7.204488578638562, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31099 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.371429274478253 ], [ 7.213471731479757, 53.371429274478253 ], [ 7.213471731479757, 53.366069362574621 ], [ 7.204488578638562, 53.366069362574621 ], [ 7.204488578638562, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31100 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.366069362574621 ], [ 7.213471731479757, 53.366069362574621 ], [ 7.213471731479757, 53.360708776272133 ], [ 7.204488578638562, 53.360708776272133 ], [ 7.204488578638562, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31101 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.360708776272133 ], [ 7.213471731479757, 53.360708776272133 ], [ 7.213471731479757, 53.355347515532877 ], [ 7.204488578638562, 53.355347515532877 ], [ 7.204488578638562, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 53.178047305000128 ], [ 7.213471731479757, 53.178047305000128 ], [ 7.213471731479757, 53.172663090980187 ], [ 7.204488578638562, 53.172663090980187 ], [ 7.204488578638562, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31196 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.848372293040271 ], [ 7.213471731479757, 52.848372293040271 ], [ 7.213471731479757, 52.84294679068212 ], [ 7.204488578638562, 52.84294679068212 ], [ 7.204488578638562, 52.848372293040271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31197 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.84294679068212 ], [ 7.213471731479757, 52.84294679068212 ], [ 7.213471731479757, 52.837520610335602 ], [ 7.204488578638562, 52.837520610335602 ], [ 7.204488578638562, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31198 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.837520610335602 ], [ 7.213471731479757, 52.837520610335602 ], [ 7.213471731479757, 52.832093751964685 ], [ 7.204488578638562, 52.832093751964685 ], [ 7.204488578638562, 52.837520610335602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31199 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.832093751964685 ], [ 7.213471731479757, 52.832093751964685 ], [ 7.213471731479757, 52.826666215533322 ], [ 7.204488578638562, 52.826666215533322 ], [ 7.204488578638562, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31200 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.826666215533322 ], [ 7.213471731479757, 52.826666215533322 ], [ 7.213471731479757, 52.821238001005511 ], [ 7.204488578638562, 52.821238001005511 ], [ 7.204488578638562, 52.826666215533322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31204 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.804949288483563 ], [ 7.213471731479757, 52.804949288483563 ], [ 7.213471731479757, 52.799518361210232 ], [ 7.204488578638562, 52.799518361210232 ], [ 7.204488578638562, 52.804949288483563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.799518361210232 ], [ 7.213471731479757, 52.799518361210232 ], [ 7.213471731479757, 52.794086755660693 ], [ 7.204488578638562, 52.794086755660693 ], [ 7.204488578638562, 52.799518361210232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.761482876554631 ], [ 7.213471731479757, 52.761482876554631 ], [ 7.213471731479757, 52.756046522067805 ], [ 7.204488578638562, 52.756046522067805 ], [ 7.204488578638562, 52.761482876554631 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.756046522067805 ], [ 7.213471731479757, 52.756046522067805 ], [ 7.213471731479757, 52.75060948901821 ], [ 7.204488578638562, 52.75060948901821 ], [ 7.204488578638562, 52.756046522067805 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31214 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.75060948901821 ], [ 7.213471731479757, 52.75060948901821 ], [ 7.213471731479757, 52.745171777370089 ], [ 7.204488578638562, 52.745171777370089 ], [ 7.204488578638562, 52.75060948901821 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31215 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.745171777370089 ], [ 7.213471731479757, 52.745171777370089 ], [ 7.213471731479757, 52.739733387087746 ], [ 7.204488578638562, 52.739733387087746 ], [ 7.204488578638562, 52.745171777370089 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31216 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.739733387087746 ], [ 7.213471731479757, 52.739733387087746 ], [ 7.213471731479757, 52.734294318135497 ], [ 7.204488578638562, 52.734294318135497 ], [ 7.204488578638562, 52.739733387087746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31217 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.734294318135497 ], [ 7.213471731479757, 52.734294318135497 ], [ 7.213471731479757, 52.728854570477658 ], [ 7.204488578638562, 52.728854570477658 ], [ 7.204488578638562, 52.734294318135497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31219 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.723414144078575 ], [ 7.213471731479757, 52.723414144078575 ], [ 7.213471731479757, 52.717973038902642 ], [ 7.204488578638562, 52.717973038902642 ], [ 7.204488578638562, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31229 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.668972541490625 ], [ 7.213471731479757, 52.668972541490625 ], [ 7.213471731479757, 52.663524646590638 ], [ 7.204488578638562, 52.663524646590638 ], [ 7.204488578638562, 52.668972541490625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31261 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.494302862803181 ], [ 7.213471731479757, 52.494302862803181 ], [ 7.213471731479757, 52.488833217089969 ], [ 7.204488578638562, 52.488833217089969 ], [ 7.204488578638562, 52.494302862803181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31262 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.488833217089969 ], [ 7.213471731479757, 52.488833217089969 ], [ 7.213471731479757, 52.483362891086827 ], [ 7.204488578638562, 52.483362891086827 ], [ 7.204488578638562, 52.488833217089969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31263 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.483362891086827 ], [ 7.213471731479757, 52.483362891086827 ], [ 7.213471731479757, 52.477891884758989 ], [ 7.204488578638562, 52.477891884758989 ], [ 7.204488578638562, 52.483362891086827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31299 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.285977790318626 ], [ 7.213471731479757, 52.285977790318626 ], [ 7.213471731479757, 52.280482269338677 ], [ 7.204488578638562, 52.280482269338677 ], [ 7.204488578638562, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31315 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.197967644192694 ], [ 7.213471731479757, 52.197967644192694 ], [ 7.213471731479757, 52.19246121362054 ], [ 7.204488578638562, 52.19246121362054 ], [ 7.204488578638562, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31316 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 52.19246121362054 ], [ 7.213471731479757, 52.19246121362054 ], [ 7.213471731479757, 52.18695410091204 ], [ 7.204488578638562, 52.18695410091204 ], [ 7.204488578638562, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31553 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 50.868127095647736 ], [ 7.213471731479757, 50.868127095647736 ], [ 7.213471731479757, 50.862457416533616 ], [ 7.204488578638562, 50.862457416533616 ], [ 7.204488578638562, 50.868127095647736 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31554 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 50.862457416533616 ], [ 7.213471731479757, 50.862457416533616 ], [ 7.213471731479757, 50.856787047898784 ], [ 7.204488578638562, 50.856787047898784 ], [ 7.204488578638562, 50.862457416533616 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 50.851115989714913 ], [ 7.213471731479757, 50.851115989714913 ], [ 7.213471731479757, 50.845444241953729 ], [ 7.204488578638562, 50.845444241953729 ], [ 7.204488578638562, 50.851115989714913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 50.845444241953729 ], [ 7.213471731479757, 50.845444241953729 ], [ 7.213471731479757, 50.839771804586967 ], [ 7.204488578638562, 50.839771804586967 ], [ 7.204488578638562, 50.845444241953729 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31561 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 50.822750354570921 ], [ 7.213471731479757, 50.822750354570921 ], [ 7.213471731479757, 50.817075158499669 ], [ 7.204488578638562, 50.817075158499669 ], [ 7.204488578638562, 50.822750354570921 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31562 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.204488578638562, 50.817075158499669 ], [ 7.213471731479757, 50.817075158499669 ], [ 7.213471731479757, 50.811399272681861 ], [ 7.204488578638562, 50.811399272681861 ], [ 7.204488578638562, 50.817075158499669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31729 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.611927925937387 ], [ 7.222454884320952, 53.611927925937387 ], [ 7.222454884320952, 53.606598322425761 ], [ 7.213471731479757, 53.606598322425761 ], [ 7.213471731479757, 53.611927925937387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31733 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.590605475698609 ], [ 7.222454884320952, 53.590605475698609 ], [ 7.222454884320952, 53.585273181262998 ], [ 7.213471731479757, 53.585273181262998 ], [ 7.213471731479757, 53.590605475698609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.585273181262998 ], [ 7.222454884320952, 53.585273181262998 ], [ 7.222454884320952, 53.579940213999578 ], [ 7.213471731479757, 53.579940213999578 ], [ 7.213471731479757, 53.585273181262998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.579940213999578 ], [ 7.222454884320952, 53.579940213999578 ], [ 7.222454884320952, 53.574606573869637 ], [ 7.213471731479757, 53.574606573869637 ], [ 7.213471731479757, 53.579940213999578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31755 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.473139515443876 ], [ 7.222454884320952, 53.473139515443876 ], [ 7.222454884320952, 53.467792409887601 ], [ 7.213471731479757, 53.467792409887601 ], [ 7.213471731479757, 53.473139515443876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31756 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.467792409887601 ], [ 7.222454884320952, 53.467792409887601 ], [ 7.222454884320952, 53.462444630656634 ], [ 7.213471731479757, 53.462444630656634 ], [ 7.213471731479757, 53.467792409887601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31757 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.462444630656634 ], [ 7.222454884320952, 53.462444630656634 ], [ 7.222454884320952, 53.457096177712678 ], [ 7.213471731479757, 53.457096177712678 ], [ 7.213471731479757, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.457096177712678 ], [ 7.222454884320952, 53.457096177712678 ], [ 7.222454884320952, 53.451747051017477 ], [ 7.213471731479757, 53.451747051017477 ], [ 7.213471731479757, 53.457096177712678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31759 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.451747051017477 ], [ 7.222454884320952, 53.451747051017477 ], [ 7.222454884320952, 53.446397250532783 ], [ 7.213471731479757, 53.446397250532783 ], [ 7.213471731479757, 53.451747051017477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31766 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.414284295905972 ], [ 7.222454884320952, 53.414284295905972 ], [ 7.222454884320952, 53.408929777825577 ], [ 7.213471731479757, 53.408929777825577 ], [ 7.213471731479757, 53.414284295905972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31767 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.408929777825577 ], [ 7.222454884320952, 53.408929777825577 ], [ 7.222454884320952, 53.403574585650404 ], [ 7.213471731479757, 53.403574585650404 ], [ 7.213471731479757, 53.408929777825577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31768 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.403574585650404 ], [ 7.222454884320952, 53.403574585650404 ], [ 7.222454884320952, 53.398218719342381 ], [ 7.213471731479757, 53.398218719342381 ], [ 7.213471731479757, 53.403574585650404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31770 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.392862178863453 ], [ 7.222454884320952, 53.392862178863453 ], [ 7.222454884320952, 53.387504964175598 ], [ 7.213471731479757, 53.387504964175598 ], [ 7.213471731479757, 53.392862178863453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31771 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.387504964175598 ], [ 7.222454884320952, 53.387504964175598 ], [ 7.222454884320952, 53.382147075240773 ], [ 7.213471731479757, 53.382147075240773 ], [ 7.213471731479757, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.366069362574621 ], [ 7.222454884320952, 53.366069362574621 ], [ 7.222454884320952, 53.360708776272133 ], [ 7.213471731479757, 53.360708776272133 ], [ 7.213471731479757, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31776 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.360708776272133 ], [ 7.222454884320952, 53.360708776272133 ], [ 7.222454884320952, 53.355347515532877 ], [ 7.213471731479757, 53.355347515532877 ], [ 7.213471731479757, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31809 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.183430843305111 ], [ 7.222454884320952, 53.183430843305111 ], [ 7.222454884320952, 53.178047305000128 ], [ 7.213471731479757, 53.178047305000128 ], [ 7.213471731479757, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31810 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 53.178047305000128 ], [ 7.222454884320952, 53.178047305000128 ], [ 7.222454884320952, 53.172663090980187 ], [ 7.213471731479757, 53.172663090980187 ], [ 7.213471731479757, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31867 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.870067523310944 ], [ 7.222454884320952, 52.870067523310944 ], [ 7.222454884320952, 52.864644732545337 ], [ 7.213471731479757, 52.864644732545337 ], [ 7.213471731479757, 52.870067523310944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.864644732545337 ], [ 7.222454884320952, 52.864644732545337 ], [ 7.222454884320952, 52.859221263935773 ], [ 7.213471731479757, 52.859221263935773 ], [ 7.213471731479757, 52.864644732545337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.859221263935773 ], [ 7.222454884320952, 52.859221263935773 ], [ 7.222454884320952, 52.853797117446121 ], [ 7.213471731479757, 52.853797117446121 ], [ 7.213471731479757, 52.859221263935773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31870 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.853797117446121 ], [ 7.222454884320952, 52.853797117446121 ], [ 7.222454884320952, 52.848372293040271 ], [ 7.213471731479757, 52.848372293040271 ], [ 7.213471731479757, 52.853797117446121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31871 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.848372293040271 ], [ 7.222454884320952, 52.848372293040271 ], [ 7.222454884320952, 52.84294679068212 ], [ 7.213471731479757, 52.84294679068212 ], [ 7.213471731479757, 52.848372293040271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31872 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.84294679068212 ], [ 7.222454884320952, 52.84294679068212 ], [ 7.222454884320952, 52.837520610335602 ], [ 7.213471731479757, 52.837520610335602 ], [ 7.213471731479757, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31879 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.804949288483563 ], [ 7.222454884320952, 52.804949288483563 ], [ 7.222454884320952, 52.799518361210232 ], [ 7.213471731479757, 52.799518361210232 ], [ 7.213471731479757, 52.804949288483563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31880 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.799518361210232 ], [ 7.222454884320952, 52.799518361210232 ], [ 7.222454884320952, 52.794086755660693 ], [ 7.213471731479757, 52.794086755660693 ], [ 7.213471731479757, 52.799518361210232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.783221509589467 ], [ 7.222454884320952, 52.783221509589467 ], [ 7.222454884320952, 52.777787868996043 ], [ 7.213471731479757, 52.777787868996043 ], [ 7.213471731479757, 52.783221509589467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.777787868996043 ], [ 7.222454884320952, 52.777787868996043 ], [ 7.222454884320952, 52.772353549982967 ], [ 7.213471731479757, 52.772353549982967 ], [ 7.213471731479757, 52.777787868996043 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.772353549982967 ], [ 7.222454884320952, 52.772353549982967 ], [ 7.222454884320952, 52.766918552514426 ], [ 7.213471731479757, 52.766918552514426 ], [ 7.213471731479757, 52.772353549982967 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.766918552514426 ], [ 7.222454884320952, 52.766918552514426 ], [ 7.222454884320952, 52.761482876554631 ], [ 7.213471731479757, 52.761482876554631 ], [ 7.213471731479757, 52.766918552514426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31892 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.734294318135497 ], [ 7.222454884320952, 52.734294318135497 ], [ 7.222454884320952, 52.728854570477658 ], [ 7.213471731479757, 52.728854570477658 ], [ 7.213471731479757, 52.734294318135497 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31893 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.728854570477658 ], [ 7.222454884320952, 52.728854570477658 ], [ 7.222454884320952, 52.723414144078575 ], [ 7.213471731479757, 52.723414144078575 ], [ 7.213471731479757, 52.728854570477658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.723414144078575 ], [ 7.222454884320952, 52.723414144078575 ], [ 7.222454884320952, 52.717973038902642 ], [ 7.213471731479757, 52.717973038902642 ], [ 7.213471731479757, 52.723414144078575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31903 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.674419757258526 ], [ 7.222454884320952, 52.674419757258526 ], [ 7.222454884320952, 52.668972541490625 ], [ 7.213471731479757, 52.668972541490625 ], [ 7.213471731479757, 52.674419757258526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31904 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.668972541490625 ], [ 7.222454884320952, 52.668972541490625 ], [ 7.222454884320952, 52.663524646590638 ], [ 7.213471731479757, 52.663524646590638 ], [ 7.213471731479757, 52.668972541490625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31938 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.483362891086827 ], [ 7.222454884320952, 52.483362891086827 ], [ 7.222454884320952, 52.477891884758989 ], [ 7.213471731479757, 52.477891884758989 ], [ 7.213471731479757, 52.483362891086827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31939 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.477891884758989 ], [ 7.222454884320952, 52.477891884758989 ], [ 7.222454884320952, 52.472420198071745 ], [ 7.213471731479757, 52.472420198071745 ], [ 7.213471731479757, 52.477891884758989 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31940 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.472420198071745 ], [ 7.222454884320952, 52.472420198071745 ], [ 7.222454884320952, 52.466947830990414 ], [ 7.213471731479757, 52.466947830990414 ], [ 7.213471731479757, 52.472420198071745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31973 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.291472629736958 ], [ 7.222454884320952, 52.291472629736958 ], [ 7.222454884320952, 52.285977790318626 ], [ 7.213471731479757, 52.285977790318626 ], [ 7.213471731479757, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31974 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.285977790318626 ], [ 7.222454884320952, 52.285977790318626 ], [ 7.222454884320952, 52.280482269338677 ], [ 7.213471731479757, 52.280482269338677 ], [ 7.213471731479757, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 31991 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 52.19246121362054 ], [ 7.222454884320952, 52.19246121362054 ], [ 7.222454884320952, 52.18695410091204 ], [ 7.213471731479757, 52.18695410091204 ], [ 7.213471731479757, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32230 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 50.856787047898784 ], [ 7.222454884320952, 50.856787047898784 ], [ 7.222454884320952, 50.851115989714913 ], [ 7.213471731479757, 50.851115989714913 ], [ 7.213471731479757, 50.856787047898784 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32231 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 50.851115989714913 ], [ 7.222454884320952, 50.851115989714913 ], [ 7.222454884320952, 50.845444241953729 ], [ 7.213471731479757, 50.845444241953729 ], [ 7.213471731479757, 50.851115989714913 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32237 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 50.817075158499669 ], [ 7.222454884320952, 50.817075158499669 ], [ 7.222454884320952, 50.811399272681861 ], [ 7.213471731479757, 50.811399272681861 ], [ 7.213471731479757, 50.817075158499669 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32238 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 50.811399272681861 ], [ 7.222454884320952, 50.811399272681861 ], [ 7.222454884320952, 50.805722697089386 ], [ 7.213471731479757, 50.805722697089386 ], [ 7.213471731479757, 50.811399272681861 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32239 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.213471731479757, 50.805722697089386 ], [ 7.222454884320952, 50.805722697089386 ], [ 7.222454884320952, 50.80004543169413 ], [ 7.213471731479757, 50.80004543169413 ], [ 7.213471731479757, 50.805722697089386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32404 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.611927925937387 ], [ 7.231438037162147, 53.611927925937387 ], [ 7.231438037162147, 53.606598322425761 ], [ 7.222454884320952, 53.606598322425761 ], [ 7.222454884320952, 53.611927925937387 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32405 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.606598322425761 ], [ 7.231438037162147, 53.606598322425761 ], [ 7.231438037162147, 53.601268046241266 ], [ 7.222454884320952, 53.601268046241266 ], [ 7.222454884320952, 53.606598322425761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32408 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.590605475698609 ], [ 7.231438037162147, 53.590605475698609 ], [ 7.231438037162147, 53.585273181262998 ], [ 7.222454884320952, 53.585273181262998 ], [ 7.222454884320952, 53.590605475698609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32409 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.585273181262998 ], [ 7.231438037162147, 53.585273181262998 ], [ 7.231438037162147, 53.579940213999578 ], [ 7.222454884320952, 53.579940213999578 ], [ 7.222454884320952, 53.585273181262998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.446397250532783 ], [ 7.231438037162147, 53.446397250532783 ], [ 7.231438037162147, 53.441046776220375 ], [ 7.222454884320952, 53.441046776220375 ], [ 7.222454884320952, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32436 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.441046776220375 ], [ 7.231438037162147, 53.441046776220375 ], [ 7.231438037162147, 53.435695628042033 ], [ 7.222454884320952, 53.435695628042033 ], [ 7.222454884320952, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32437 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.435695628042033 ], [ 7.231438037162147, 53.435695628042033 ], [ 7.231438037162147, 53.430343805959581 ], [ 7.222454884320952, 53.430343805959581 ], [ 7.222454884320952, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32438 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.430343805959581 ], [ 7.231438037162147, 53.430343805959581 ], [ 7.231438037162147, 53.42499130993486 ], [ 7.222454884320952, 53.42499130993486 ], [ 7.222454884320952, 53.430343805959581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32440 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.419638139929702 ], [ 7.231438037162147, 53.419638139929702 ], [ 7.231438037162147, 53.414284295905972 ], [ 7.222454884320952, 53.414284295905972 ], [ 7.222454884320952, 53.419638139929702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32441 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.414284295905972 ], [ 7.231438037162147, 53.414284295905972 ], [ 7.231438037162147, 53.408929777825577 ], [ 7.222454884320952, 53.408929777825577 ], [ 7.222454884320952, 53.414284295905972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.387504964175598 ], [ 7.231438037162147, 53.387504964175598 ], [ 7.231438037162147, 53.382147075240773 ], [ 7.222454884320952, 53.382147075240773 ], [ 7.222454884320952, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32451 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.360708776272133 ], [ 7.231438037162147, 53.360708776272133 ], [ 7.231438037162147, 53.355347515532877 ], [ 7.222454884320952, 53.355347515532877 ], [ 7.222454884320952, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32484 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 53.183430843305111 ], [ 7.231438037162147, 53.183430843305111 ], [ 7.231438037162147, 53.178047305000128 ], [ 7.222454884320952, 53.178047305000128 ], [ 7.222454884320952, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.886331828905575 ], [ 7.231438037162147, 52.886331828905575 ], [ 7.231438037162147, 52.880911071454882 ], [ 7.222454884320952, 52.880911071454882 ], [ 7.222454884320952, 52.886331828905575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32540 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.880911071454882 ], [ 7.231438037162147, 52.880911071454882 ], [ 7.231438037162147, 52.875489636268739 ], [ 7.222454884320952, 52.875489636268739 ], [ 7.222454884320952, 52.880911071454882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32541 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.875489636268739 ], [ 7.231438037162147, 52.875489636268739 ], [ 7.231438037162147, 52.870067523310944 ], [ 7.222454884320952, 52.870067523310944 ], [ 7.222454884320952, 52.875489636268739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.870067523310944 ], [ 7.231438037162147, 52.870067523310944 ], [ 7.231438037162147, 52.864644732545337 ], [ 7.222454884320952, 52.864644732545337 ], [ 7.222454884320952, 52.870067523310944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32553 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.810379537516596 ], [ 7.231438037162147, 52.810379537516596 ], [ 7.231438037162147, 52.804949288483563 ], [ 7.222454884320952, 52.804949288483563 ], [ 7.222454884320952, 52.810379537516596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32554 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.804949288483563 ], [ 7.231438037162147, 52.804949288483563 ], [ 7.231438037162147, 52.799518361210232 ], [ 7.222454884320952, 52.799518361210232 ], [ 7.222454884320952, 52.804949288483563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.799518361210232 ], [ 7.231438037162147, 52.799518361210232 ], [ 7.231438037162147, 52.794086755660693 ], [ 7.222454884320952, 52.794086755660693 ], [ 7.222454884320952, 52.799518361210232 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.794086755660693 ], [ 7.231438037162147, 52.794086755660693 ], [ 7.231438037162147, 52.788654471799063 ], [ 7.222454884320952, 52.788654471799063 ], [ 7.222454884320952, 52.794086755660693 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.788654471799063 ], [ 7.231438037162147, 52.788654471799063 ], [ 7.231438037162147, 52.783221509589467 ], [ 7.222454884320952, 52.783221509589467 ], [ 7.222454884320952, 52.788654471799063 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32558 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.783221509589467 ], [ 7.231438037162147, 52.783221509589467 ], [ 7.231438037162147, 52.777787868996043 ], [ 7.222454884320952, 52.777787868996043 ], [ 7.222454884320952, 52.783221509589467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32568 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.728854570477658 ], [ 7.231438037162147, 52.728854570477658 ], [ 7.231438037162147, 52.723414144078575 ], [ 7.222454884320952, 52.723414144078575 ], [ 7.222454884320952, 52.728854570477658 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.674419757258526 ], [ 7.231438037162147, 52.674419757258526 ], [ 7.231438037162147, 52.668972541490625 ], [ 7.222454884320952, 52.668972541490625 ], [ 7.222454884320952, 52.674419757258526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32615 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.472420198071745 ], [ 7.231438037162147, 52.472420198071745 ], [ 7.231438037162147, 52.466947830990414 ], [ 7.222454884320952, 52.466947830990414 ], [ 7.222454884320952, 52.472420198071745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32616 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.466947830990414 ], [ 7.231438037162147, 52.466947830990414 ], [ 7.231438037162147, 52.461474783480291 ], [ 7.222454884320952, 52.461474783480291 ], [ 7.222454884320952, 52.466947830990414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.291472629736958 ], [ 7.231438037162147, 52.291472629736958 ], [ 7.231438037162147, 52.285977790318626 ], [ 7.222454884320952, 52.285977790318626 ], [ 7.222454884320952, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.19246121362054 ], [ 7.231438037162147, 52.19246121362054 ], [ 7.231438037162147, 52.18695410091204 ], [ 7.222454884320952, 52.18695410091204 ], [ 7.222454884320952, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 52.18695410091204 ], [ 7.231438037162147, 52.18695410091204 ], [ 7.231438037162147, 52.181446306033571 ], [ 7.222454884320952, 52.181446306033571 ], [ 7.222454884320952, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32914 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 50.805722697089386 ], [ 7.231438037162147, 50.805722697089386 ], [ 7.231438037162147, 50.80004543169413 ], [ 7.222454884320952, 50.80004543169413 ], [ 7.222454884320952, 50.805722697089386 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 50.80004543169413 ], [ 7.231438037162147, 50.80004543169413 ], [ 7.231438037162147, 50.79436747646804 ], [ 7.222454884320952, 50.79436747646804 ], [ 7.222454884320952, 50.80004543169413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32921 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 50.765967351893877 ], [ 7.231438037162147, 50.765967351893877 ], [ 7.231438037162147, 50.760285257094438 ], [ 7.222454884320952, 50.760285257094438 ], [ 7.222454884320952, 50.765967351893877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32922 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 50.760285257094438 ], [ 7.231438037162147, 50.760285257094438 ], [ 7.231438037162147, 50.754602472268296 ], [ 7.222454884320952, 50.754602472268296 ], [ 7.222454884320952, 50.760285257094438 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 32923 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.222454884320952, 50.754602472268296 ], [ 7.231438037162147, 50.754602472268296 ], [ 7.231438037162147, 50.748918997387548 ], [ 7.222454884320952, 50.748918997387548 ], [ 7.222454884320952, 50.754602472268296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33080 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.606598322425761 ], [ 7.240421190003343, 53.606598322425761 ], [ 7.240421190003343, 53.601268046241266 ], [ 7.231438037162147, 53.601268046241266 ], [ 7.231438037162147, 53.606598322425761 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33081 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.601268046241266 ], [ 7.240421190003343, 53.601268046241266 ], [ 7.240421190003343, 53.595937097345129 ], [ 7.231438037162147, 53.595937097345129 ], [ 7.231438037162147, 53.601268046241266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33082 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.595937097345129 ], [ 7.240421190003343, 53.595937097345129 ], [ 7.240421190003343, 53.590605475698609 ], [ 7.231438037162147, 53.590605475698609 ], [ 7.231438037162147, 53.595937097345129 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33083 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.590605475698609 ], [ 7.240421190003343, 53.590605475698609 ], [ 7.240421190003343, 53.585273181262998 ], [ 7.231438037162147, 53.585273181262998 ], [ 7.231438037162147, 53.590605475698609 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33085 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.579940213999578 ], [ 7.240421190003343, 53.579940213999578 ], [ 7.240421190003343, 53.574606573869637 ], [ 7.231438037162147, 53.574606573869637 ], [ 7.231438037162147, 53.579940213999578 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33086 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.574606573869637 ], [ 7.240421190003343, 53.574606573869637 ], [ 7.240421190003343, 53.569272260834531 ], [ 7.231438037162147, 53.569272260834531 ], [ 7.231438037162147, 53.574606573869637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33112 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.435695628042033 ], [ 7.240421190003343, 53.435695628042033 ], [ 7.240421190003343, 53.430343805959581 ], [ 7.231438037162147, 53.430343805959581 ], [ 7.231438037162147, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.430343805959581 ], [ 7.240421190003343, 53.430343805959581 ], [ 7.240421190003343, 53.42499130993486 ], [ 7.231438037162147, 53.42499130993486 ], [ 7.231438037162147, 53.430343805959581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33114 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.42499130993486 ], [ 7.240421190003343, 53.42499130993486 ], [ 7.240421190003343, 53.419638139929702 ], [ 7.231438037162147, 53.419638139929702 ], [ 7.231438037162147, 53.42499130993486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33115 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.419638139929702 ], [ 7.240421190003343, 53.419638139929702 ], [ 7.240421190003343, 53.414284295905972 ], [ 7.231438037162147, 53.414284295905972 ], [ 7.231438037162147, 53.419638139929702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33121 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.387504964175598 ], [ 7.240421190003343, 53.387504964175598 ], [ 7.240421190003343, 53.382147075240773 ], [ 7.231438037162147, 53.382147075240773 ], [ 7.231438037162147, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.382147075240773 ], [ 7.240421190003343, 53.382147075240773 ], [ 7.240421190003343, 53.37678851202098 ], [ 7.231438037162147, 53.37678851202098 ], [ 7.231438037162147, 53.382147075240773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33123 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.37678851202098 ], [ 7.240421190003343, 53.37678851202098 ], [ 7.240421190003343, 53.371429274478253 ], [ 7.231438037162147, 53.371429274478253 ], [ 7.231438037162147, 53.37678851202098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33124 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.371429274478253 ], [ 7.240421190003343, 53.371429274478253 ], [ 7.240421190003343, 53.366069362574621 ], [ 7.231438037162147, 53.366069362574621 ], [ 7.231438037162147, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33125 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.366069362574621 ], [ 7.240421190003343, 53.366069362574621 ], [ 7.240421190003343, 53.360708776272133 ], [ 7.231438037162147, 53.360708776272133 ], [ 7.231438037162147, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33159 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.183430843305111 ], [ 7.240421190003343, 53.183430843305111 ], [ 7.240421190003343, 53.178047305000128 ], [ 7.231438037162147, 53.178047305000128 ], [ 7.231438037162147, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33177 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.086423739082818 ], [ 7.240421190003343, 53.086423739082818 ], [ 7.240421190003343, 53.081028032223678 ], [ 7.231438037162147, 53.081028032223678 ], [ 7.231438037162147, 53.086423739082818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.081028032223678 ], [ 7.240421190003343, 53.081028032223678 ], [ 7.240421190003343, 53.075631648981876 ], [ 7.231438037162147, 53.075631648981876 ], [ 7.231438037162147, 53.081028032223678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33179 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.075631648981876 ], [ 7.240421190003343, 53.075631648981876 ], [ 7.240421190003343, 53.070234589320478 ], [ 7.231438037162147, 53.070234589320478 ], [ 7.231438037162147, 53.075631648981876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33180 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.070234589320478 ], [ 7.240421190003343, 53.070234589320478 ], [ 7.240421190003343, 53.064836853202593 ], [ 7.231438037162147, 53.064836853202593 ], [ 7.231438037162147, 53.070234589320478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33181 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.064836853202593 ], [ 7.240421190003343, 53.064836853202593 ], [ 7.240421190003343, 53.05943844059135 ], [ 7.231438037162147, 53.05943844059135 ], [ 7.231438037162147, 53.064836853202593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33182 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.05943844059135 ], [ 7.240421190003343, 53.05943844059135 ], [ 7.240421190003343, 53.054039351449894 ], [ 7.231438037162147, 53.054039351449894 ], [ 7.231438037162147, 53.05943844059135 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33183 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.054039351449894 ], [ 7.240421190003343, 53.054039351449894 ], [ 7.240421190003343, 53.048639585741391 ], [ 7.231438037162147, 53.048639585741391 ], [ 7.231438037162147, 53.054039351449894 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33184 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 53.048639585741391 ], [ 7.240421190003343, 53.048639585741391 ], [ 7.240421190003343, 53.043239143429027 ], [ 7.231438037162147, 53.043239143429027 ], [ 7.231438037162147, 53.048639585741391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.891751908657021 ], [ 7.240421190003343, 52.891751908657021 ], [ 7.240421190003343, 52.886331828905575 ], [ 7.231438037162147, 52.886331828905575 ], [ 7.231438037162147, 52.891751908657021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33214 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.886331828905575 ], [ 7.240421190003343, 52.886331828905575 ], [ 7.240421190003343, 52.880911071454882 ], [ 7.231438037162147, 52.880911071454882 ], [ 7.231438037162147, 52.886331828905575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33227 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.815809108345263 ], [ 7.240421190003343, 52.815809108345263 ], [ 7.240421190003343, 52.810379537516596 ], [ 7.231438037162147, 52.810379537516596 ], [ 7.231438037162147, 52.815809108345263 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33228 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.810379537516596 ], [ 7.240421190003343, 52.810379537516596 ], [ 7.240421190003343, 52.804949288483563 ], [ 7.231438037162147, 52.804949288483563 ], [ 7.231438037162147, 52.810379537516596 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33252 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.679866293929777 ], [ 7.240421190003343, 52.679866293929777 ], [ 7.240421190003343, 52.674419757258526 ], [ 7.231438037162147, 52.674419757258526 ], [ 7.231438037162147, 52.679866293929777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33253 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.674419757258526 ], [ 7.240421190003343, 52.674419757258526 ], [ 7.240421190003343, 52.668972541490625 ], [ 7.231438037162147, 52.668972541490625 ], [ 7.231438037162147, 52.674419757258526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33291 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.466947830990414 ], [ 7.240421190003343, 52.466947830990414 ], [ 7.240421190003343, 52.461474783480291 ], [ 7.231438037162147, 52.461474783480291 ], [ 7.231438037162147, 52.466947830990414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33292 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.461474783480291 ], [ 7.240421190003343, 52.461474783480291 ], [ 7.240421190003343, 52.456001055506725 ], [ 7.231438037162147, 52.456001055506725 ], [ 7.231438037162147, 52.461474783480291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.296966787627667 ], [ 7.240421190003343, 52.296966787627667 ], [ 7.240421190003343, 52.291472629736958 ], [ 7.231438037162147, 52.291472629736958 ], [ 7.231438037162147, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33323 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.291472629736958 ], [ 7.240421190003343, 52.291472629736958 ], [ 7.240421190003343, 52.285977790318626 ], [ 7.231438037162147, 52.285977790318626 ], [ 7.231438037162147, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33342 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 52.18695410091204 ], [ 7.240421190003343, 52.18695410091204 ], [ 7.240421190003343, 52.181446306033571 ], [ 7.231438037162147, 52.181446306033571 ], [ 7.231438037162147, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33590 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.80004543169413 ], [ 7.240421190003343, 50.80004543169413 ], [ 7.240421190003343, 50.79436747646804 ], [ 7.231438037162147, 50.79436747646804 ], [ 7.231438037162147, 50.80004543169413 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33591 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.79436747646804 ], [ 7.240421190003343, 50.79436747646804 ], [ 7.240421190003343, 50.788688831383048 ], [ 7.231438037162147, 50.788688831383048 ], [ 7.231438037162147, 50.79436747646804 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33592 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.788688831383048 ], [ 7.240421190003343, 50.788688831383048 ], [ 7.240421190003343, 50.783009496411132 ], [ 7.231438037162147, 50.783009496411132 ], [ 7.231438037162147, 50.788688831383048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33594 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.777329471524276 ], [ 7.240421190003343, 50.777329471524276 ], [ 7.240421190003343, 50.77164875669451 ], [ 7.231438037162147, 50.77164875669451 ], [ 7.231438037162147, 50.777329471524276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.77164875669451 ], [ 7.240421190003343, 50.77164875669451 ], [ 7.240421190003343, 50.765967351893877 ], [ 7.231438037162147, 50.765967351893877 ], [ 7.231438037162147, 50.77164875669451 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33598 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.754602472268296 ], [ 7.240421190003343, 50.754602472268296 ], [ 7.240421190003343, 50.748918997387548 ], [ 7.231438037162147, 50.748918997387548 ], [ 7.231438037162147, 50.754602472268296 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33599 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.748918997387548 ], [ 7.240421190003343, 50.748918997387548 ], [ 7.240421190003343, 50.743234832424342 ], [ 7.231438037162147, 50.743234832424342 ], [ 7.231438037162147, 50.748918997387548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33600 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.743234832424342 ], [ 7.240421190003343, 50.743234832424342 ], [ 7.240421190003343, 50.737549977350838 ], [ 7.231438037162147, 50.737549977350838 ], [ 7.231438037162147, 50.743234832424342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.737549977350838 ], [ 7.240421190003343, 50.737549977350838 ], [ 7.240421190003343, 50.731864432139211 ], [ 7.231438037162147, 50.731864432139211 ], [ 7.231438037162147, 50.737549977350838 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33602 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.731864432139211 ], [ 7.240421190003343, 50.731864432139211 ], [ 7.240421190003343, 50.726178196761694 ], [ 7.231438037162147, 50.726178196761694 ], [ 7.231438037162147, 50.731864432139211 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.726178196761694 ], [ 7.240421190003343, 50.726178196761694 ], [ 7.240421190003343, 50.720491271190504 ], [ 7.231438037162147, 50.720491271190504 ], [ 7.231438037162147, 50.726178196761694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33604 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.231438037162147, 50.720491271190504 ], [ 7.240421190003343, 50.720491271190504 ], [ 7.240421190003343, 50.714803655397901 ], [ 7.231438037162147, 50.714803655397901 ], [ 7.231438037162147, 50.720491271190504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33761 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.574606573869637 ], [ 7.249404342844537, 53.574606573869637 ], [ 7.249404342844537, 53.569272260834531 ], [ 7.240421190003343, 53.569272260834531 ], [ 7.240421190003343, 53.574606573869637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33762 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.569272260834531 ], [ 7.249404342844537, 53.569272260834531 ], [ 7.249404342844537, 53.563937274855604 ], [ 7.240421190003343, 53.563937274855604 ], [ 7.240421190003343, 53.569272260834531 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33763 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.563937274855604 ], [ 7.249404342844537, 53.563937274855604 ], [ 7.249404342844537, 53.558601615894212 ], [ 7.240421190003343, 53.558601615894212 ], [ 7.240421190003343, 53.563937274855604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33787 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.435695628042033 ], [ 7.249404342844537, 53.435695628042033 ], [ 7.249404342844537, 53.430343805959581 ], [ 7.240421190003343, 53.430343805959581 ], [ 7.240421190003343, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33788 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.430343805959581 ], [ 7.249404342844537, 53.430343805959581 ], [ 7.249404342844537, 53.42499130993486 ], [ 7.240421190003343, 53.42499130993486 ], [ 7.240421190003343, 53.430343805959581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33798 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.37678851202098 ], [ 7.249404342844537, 53.37678851202098 ], [ 7.249404342844537, 53.371429274478253 ], [ 7.240421190003343, 53.371429274478253 ], [ 7.240421190003343, 53.37678851202098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33799 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.371429274478253 ], [ 7.249404342844537, 53.371429274478253 ], [ 7.249404342844537, 53.366069362574621 ], [ 7.240421190003343, 53.366069362574621 ], [ 7.240421190003343, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33800 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.366069362574621 ], [ 7.249404342844537, 53.366069362574621 ], [ 7.249404342844537, 53.360708776272133 ], [ 7.240421190003343, 53.360708776272133 ], [ 7.240421190003343, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33834 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.183430843305111 ], [ 7.249404342844537, 53.183430843305111 ], [ 7.249404342844537, 53.178047305000128 ], [ 7.240421190003343, 53.178047305000128 ], [ 7.240421190003343, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33848 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.107999803431483 ], [ 7.249404342844537, 53.107999803431483 ], [ 7.249404342844537, 53.102606801733558 ], [ 7.240421190003343, 53.102606801733558 ], [ 7.240421190003343, 53.107999803431483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.102606801733558 ], [ 7.249404342844537, 53.102606801733558 ], [ 7.249404342844537, 53.097213123800792 ], [ 7.240421190003343, 53.097213123800792 ], [ 7.240421190003343, 53.102606801733558 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33850 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.097213123800792 ], [ 7.249404342844537, 53.097213123800792 ], [ 7.249404342844537, 53.091818769596202 ], [ 7.240421190003343, 53.091818769596202 ], [ 7.240421190003343, 53.097213123800792 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33851 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.091818769596202 ], [ 7.249404342844537, 53.091818769596202 ], [ 7.249404342844537, 53.086423739082818 ], [ 7.240421190003343, 53.086423739082818 ], [ 7.240421190003343, 53.091818769596202 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.086423739082818 ], [ 7.249404342844537, 53.086423739082818 ], [ 7.249404342844537, 53.081028032223678 ], [ 7.240421190003343, 53.081028032223678 ], [ 7.240421190003343, 53.086423739082818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33855 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.070234589320478 ], [ 7.249404342844537, 53.070234589320478 ], [ 7.249404342844537, 53.064836853202593 ], [ 7.240421190003343, 53.064836853202593 ], [ 7.240421190003343, 53.070234589320478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33856 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.064836853202593 ], [ 7.249404342844537, 53.064836853202593 ], [ 7.249404342844537, 53.05943844059135 ], [ 7.240421190003343, 53.05943844059135 ], [ 7.240421190003343, 53.064836853202593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33859 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.048639585741391 ], [ 7.249404342844537, 53.048639585741391 ], [ 7.249404342844537, 53.043239143429027 ], [ 7.240421190003343, 53.043239143429027 ], [ 7.240421190003343, 53.048639585741391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33860 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.043239143429027 ], [ 7.249404342844537, 53.043239143429027 ], [ 7.249404342844537, 53.037838024476009 ], [ 7.240421190003343, 53.037838024476009 ], [ 7.240421190003343, 53.043239143429027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.037838024476009 ], [ 7.249404342844537, 53.037838024476009 ], [ 7.249404342844537, 53.032436228845555 ], [ 7.240421190003343, 53.032436228845555 ], [ 7.240421190003343, 53.037838024476009 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33862 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.032436228845555 ], [ 7.249404342844537, 53.032436228845555 ], [ 7.249404342844537, 53.027033756500906 ], [ 7.240421190003343, 53.027033756500906 ], [ 7.240421190003343, 53.032436228845555 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33863 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.027033756500906 ], [ 7.249404342844537, 53.027033756500906 ], [ 7.249404342844537, 53.021630607405321 ], [ 7.240421190003343, 53.021630607405321 ], [ 7.240421190003343, 53.027033756500906 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33864 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.021630607405321 ], [ 7.249404342844537, 53.021630607405321 ], [ 7.249404342844537, 53.0162267815221 ], [ 7.240421190003343, 53.0162267815221 ], [ 7.240421190003343, 53.021630607405321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33865 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 53.0162267815221 ], [ 7.249404342844537, 53.0162267815221 ], [ 7.249404342844537, 53.010822278814523 ], [ 7.240421190003343, 53.010822278814523 ], [ 7.240421190003343, 53.0162267815221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33870 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.989197499007467 ], [ 7.249404342844537, 52.989197499007467 ], [ 7.249404342844537, 52.983789611628367 ], [ 7.240421190003343, 52.983789611628367 ], [ 7.240421190003343, 52.989197499007467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33885 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.908008082078268 ], [ 7.249404342844537, 52.908008082078268 ], [ 7.249404342844537, 52.902590035207112 ], [ 7.240421190003343, 52.902590035207112 ], [ 7.240421190003343, 52.908008082078268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.902590035207112 ], [ 7.249404342844537, 52.902590035207112 ], [ 7.249404342844537, 52.897171310745449 ], [ 7.240421190003343, 52.897171310745449 ], [ 7.240421190003343, 52.902590035207112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33887 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.897171310745449 ], [ 7.249404342844537, 52.897171310745449 ], [ 7.249404342844537, 52.891751908657021 ], [ 7.240421190003343, 52.891751908657021 ], [ 7.240421190003343, 52.897171310745449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33888 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.891751908657021 ], [ 7.249404342844537, 52.891751908657021 ], [ 7.249404342844537, 52.886331828905575 ], [ 7.240421190003343, 52.886331828905575 ], [ 7.240421190003343, 52.891751908657021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.821238001005511 ], [ 7.249404342844537, 52.821238001005511 ], [ 7.249404342844537, 52.815809108345263 ], [ 7.240421190003343, 52.815809108345263 ], [ 7.240421190003343, 52.821238001005511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33926 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.685312151539826 ], [ 7.249404342844537, 52.685312151539826 ], [ 7.249404342844537, 52.679866293929777 ], [ 7.240421190003343, 52.679866293929777 ], [ 7.240421190003343, 52.685312151539826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33927 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.679866293929777 ], [ 7.249404342844537, 52.679866293929777 ], [ 7.249404342844537, 52.674419757258526 ], [ 7.240421190003343, 52.674419757258526 ], [ 7.240421190003343, 52.679866293929777 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33967 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.461474783480291 ], [ 7.249404342844537, 52.461474783480291 ], [ 7.249404342844537, 52.456001055506725 ], [ 7.240421190003343, 52.456001055506725 ], [ 7.240421190003343, 52.461474783480291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33968 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.456001055506725 ], [ 7.249404342844537, 52.456001055506725 ], [ 7.249404342844537, 52.450526647035083 ], [ 7.240421190003343, 52.450526647035083 ], [ 7.240421190003343, 52.456001055506725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33969 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.450526647035083 ], [ 7.249404342844537, 52.450526647035083 ], [ 7.249404342844537, 52.445051558030741 ], [ 7.240421190003343, 52.445051558030741 ], [ 7.240421190003343, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33978 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.401226342671684 ], [ 7.249404342844537, 52.401226342671684 ], [ 7.249404342844537, 52.395745127318705 ], [ 7.240421190003343, 52.395745127318705 ], [ 7.240421190003343, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33979 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.395745127318705 ], [ 7.249404342844537, 52.395745127318705 ], [ 7.249404342844537, 52.390263231087978 ], [ 7.240421190003343, 52.390263231087978 ], [ 7.240421190003343, 52.395745127318705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33980 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.390263231087978 ], [ 7.249404342844537, 52.390263231087978 ], [ 7.249404342844537, 52.384780653945128 ], [ 7.240421190003343, 52.384780653945128 ], [ 7.240421190003343, 52.390263231087978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33981 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.384780653945128 ], [ 7.249404342844537, 52.384780653945128 ], [ 7.249404342844537, 52.379297395855779 ], [ 7.240421190003343, 52.379297395855779 ], [ 7.240421190003343, 52.384780653945128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33982 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.379297395855779 ], [ 7.249404342844537, 52.379297395855779 ], [ 7.249404342844537, 52.373813456785584 ], [ 7.240421190003343, 52.373813456785584 ], [ 7.240421190003343, 52.379297395855779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.302460264024795 ], [ 7.249404342844537, 52.302460264024795 ], [ 7.249404342844537, 52.296966787627667 ], [ 7.240421190003343, 52.296966787627667 ], [ 7.240421190003343, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 33997 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.296966787627667 ], [ 7.249404342844537, 52.296966787627667 ], [ 7.249404342844537, 52.291472629736958 ], [ 7.240421190003343, 52.291472629736958 ], [ 7.240421190003343, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34017 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.18695410091204 ], [ 7.249404342844537, 52.18695410091204 ], [ 7.249404342844537, 52.181446306033571 ], [ 7.240421190003343, 52.181446306033571 ], [ 7.240421190003343, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 52.181446306033571 ], [ 7.249404342844537, 52.181446306033571 ], [ 7.249404342844537, 52.17593782895154 ], [ 7.240421190003343, 52.17593782895154 ], [ 7.240421190003343, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34267 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 50.788688831383048 ], [ 7.249404342844537, 50.788688831383048 ], [ 7.249404342844537, 50.783009496411132 ], [ 7.240421190003343, 50.783009496411132 ], [ 7.240421190003343, 50.788688831383048 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34268 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 50.783009496411132 ], [ 7.249404342844537, 50.783009496411132 ], [ 7.249404342844537, 50.777329471524276 ], [ 7.240421190003343, 50.777329471524276 ], [ 7.240421190003343, 50.783009496411132 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34269 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 50.777329471524276 ], [ 7.249404342844537, 50.777329471524276 ], [ 7.249404342844537, 50.77164875669451 ], [ 7.240421190003343, 50.77164875669451 ], [ 7.240421190003343, 50.777329471524276 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34279 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 50.720491271190504 ], [ 7.249404342844537, 50.720491271190504 ], [ 7.249404342844537, 50.714803655397901 ], [ 7.240421190003343, 50.714803655397901 ], [ 7.240421190003343, 50.720491271190504 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34280 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 50.714803655397901 ], [ 7.249404342844537, 50.714803655397901 ], [ 7.249404342844537, 50.709115349356168 ], [ 7.240421190003343, 50.709115349356168 ], [ 7.240421190003343, 50.714803655397901 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34281 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.240421190003343, 50.709115349356168 ], [ 7.249404342844537, 50.709115349356168 ], [ 7.249404342844537, 50.703426353037599 ], [ 7.240421190003343, 50.703426353037599 ], [ 7.240421190003343, 50.709115349356168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34438 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.563937274855604 ], [ 7.258387495685733, 53.563937274855604 ], [ 7.258387495685733, 53.558601615894212 ], [ 7.249404342844537, 53.558601615894212 ], [ 7.249404342844537, 53.563937274855604 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34439 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.558601615894212 ], [ 7.258387495685733, 53.558601615894212 ], [ 7.258387495685733, 53.553265283911749 ], [ 7.249404342844537, 53.553265283911749 ], [ 7.249404342844537, 53.558601615894212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34440 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.553265283911749 ], [ 7.258387495685733, 53.553265283911749 ], [ 7.258387495685733, 53.54792827886962 ], [ 7.249404342844537, 53.54792827886962 ], [ 7.249404342844537, 53.553265283911749 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34441 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.54792827886962 ], [ 7.258387495685733, 53.54792827886962 ], [ 7.258387495685733, 53.542590600729227 ], [ 7.249404342844537, 53.542590600729227 ], [ 7.249404342844537, 53.54792827886962 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34460 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.446397250532783 ], [ 7.258387495685733, 53.446397250532783 ], [ 7.258387495685733, 53.441046776220375 ], [ 7.249404342844537, 53.441046776220375 ], [ 7.249404342844537, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34461 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.441046776220375 ], [ 7.258387495685733, 53.441046776220375 ], [ 7.258387495685733, 53.435695628042033 ], [ 7.249404342844537, 53.435695628042033 ], [ 7.249404342844537, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34462 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.435695628042033 ], [ 7.258387495685733, 53.435695628042033 ], [ 7.258387495685733, 53.430343805959581 ], [ 7.249404342844537, 53.430343805959581 ], [ 7.249404342844537, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.366069362574621 ], [ 7.258387495685733, 53.366069362574621 ], [ 7.258387495685733, 53.360708776272133 ], [ 7.249404342844537, 53.360708776272133 ], [ 7.249404342844537, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34509 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.183430843305111 ], [ 7.258387495685733, 53.183430843305111 ], [ 7.258387495685733, 53.178047305000128 ], [ 7.249404342844537, 53.178047305000128 ], [ 7.249404342844537, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34510 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.178047305000128 ], [ 7.258387495685733, 53.178047305000128 ], [ 7.258387495685733, 53.172663090980187 ], [ 7.249404342844537, 53.172663090980187 ], [ 7.249404342844537, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34521 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.118783778270895 ], [ 7.258387495685733, 53.118783778270895 ], [ 7.258387495685733, 53.113392128931586 ], [ 7.249404342844537, 53.113392128931586 ], [ 7.249404342844537, 53.118783778270895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34522 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.113392128931586 ], [ 7.258387495685733, 53.113392128931586 ], [ 7.258387495685733, 53.107999803431483 ], [ 7.249404342844537, 53.107999803431483 ], [ 7.249404342844537, 53.113392128931586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34523 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.107999803431483 ], [ 7.258387495685733, 53.107999803431483 ], [ 7.258387495685733, 53.102606801733558 ], [ 7.249404342844537, 53.102606801733558 ], [ 7.249404342844537, 53.107999803431483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34531 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.064836853202593 ], [ 7.258387495685733, 53.064836853202593 ], [ 7.258387495685733, 53.05943844059135 ], [ 7.249404342844537, 53.05943844059135 ], [ 7.249404342844537, 53.064836853202593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34540 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.0162267815221 ], [ 7.258387495685733, 53.0162267815221 ], [ 7.258387495685733, 53.010822278814523 ], [ 7.249404342844537, 53.010822278814523 ], [ 7.249404342844537, 53.0162267815221 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34541 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.010822278814523 ], [ 7.258387495685733, 53.010822278814523 ], [ 7.258387495685733, 53.005417099245932 ], [ 7.249404342844537, 53.005417099245932 ], [ 7.249404342844537, 53.010822278814523 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.005417099245932 ], [ 7.258387495685733, 53.005417099245932 ], [ 7.258387495685733, 53.000011242779649 ], [ 7.249404342844537, 53.000011242779649 ], [ 7.249404342844537, 53.005417099245932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 53.000011242779649 ], [ 7.258387495685733, 53.000011242779649 ], [ 7.258387495685733, 52.994604709379033 ], [ 7.249404342844537, 52.994604709379033 ], [ 7.249404342844537, 53.000011242779649 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.994604709379033 ], [ 7.258387495685733, 52.994604709379033 ], [ 7.258387495685733, 52.989197499007467 ], [ 7.249404342844537, 52.989197499007467 ], [ 7.249404342844537, 52.994604709379033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.989197499007467 ], [ 7.258387495685733, 52.989197499007467 ], [ 7.258387495685733, 52.983789611628367 ], [ 7.249404342844537, 52.983789611628367 ], [ 7.249404342844537, 52.989197499007467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34546 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.983789611628367 ], [ 7.258387495685733, 52.983789611628367 ], [ 7.258387495685733, 52.97838104720514 ], [ 7.249404342844537, 52.97838104720514 ], [ 7.249404342844537, 52.983789611628367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34547 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.97838104720514 ], [ 7.258387495685733, 52.97838104720514 ], [ 7.258387495685733, 52.972971805701206 ], [ 7.249404342844537, 52.972971805701206 ], [ 7.249404342844537, 52.97838104720514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34548 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.972971805701206 ], [ 7.258387495685733, 52.972971805701206 ], [ 7.258387495685733, 52.967561887080052 ], [ 7.249404342844537, 52.967561887080052 ], [ 7.249404342844537, 52.972971805701206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34549 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.967561887080052 ], [ 7.258387495685733, 52.967561887080052 ], [ 7.258387495685733, 52.962151291305126 ], [ 7.249404342844537, 52.962151291305126 ], [ 7.249404342844537, 52.967561887080052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34550 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.962151291305126 ], [ 7.258387495685733, 52.962151291305126 ], [ 7.258387495685733, 52.95674001833995 ], [ 7.249404342844537, 52.95674001833995 ], [ 7.249404342844537, 52.962151291305126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34551 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.95674001833995 ], [ 7.258387495685733, 52.95674001833995 ], [ 7.258387495685733, 52.951328068148023 ], [ 7.249404342844537, 52.951328068148023 ], [ 7.249404342844537, 52.95674001833995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34552 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.951328068148023 ], [ 7.258387495685733, 52.951328068148023 ], [ 7.258387495685733, 52.9459154406929 ], [ 7.249404342844537, 52.9459154406929 ], [ 7.249404342844537, 52.951328068148023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34553 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.9459154406929 ], [ 7.258387495685733, 52.9459154406929 ], [ 7.258387495685733, 52.940502135938111 ], [ 7.249404342844537, 52.940502135938111 ], [ 7.249404342844537, 52.9459154406929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34554 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.940502135938111 ], [ 7.258387495685733, 52.940502135938111 ], [ 7.258387495685733, 52.935088153847246 ], [ 7.249404342844537, 52.935088153847246 ], [ 7.249404342844537, 52.940502135938111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.935088153847246 ], [ 7.258387495685733, 52.935088153847246 ], [ 7.258387495685733, 52.929673494383898 ], [ 7.249404342844537, 52.929673494383898 ], [ 7.249404342844537, 52.935088153847246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.929673494383898 ], [ 7.258387495685733, 52.929673494383898 ], [ 7.258387495685733, 52.924258157511687 ], [ 7.249404342844537, 52.924258157511687 ], [ 7.249404342844537, 52.929673494383898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34557 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.924258157511687 ], [ 7.258387495685733, 52.924258157511687 ], [ 7.258387495685733, 52.91884214319424 ], [ 7.249404342844537, 52.91884214319424 ], [ 7.249404342844537, 52.924258157511687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34558 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.91884214319424 ], [ 7.258387495685733, 52.91884214319424 ], [ 7.258387495685733, 52.913425451395206 ], [ 7.249404342844537, 52.913425451395206 ], [ 7.249404342844537, 52.91884214319424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34559 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.913425451395206 ], [ 7.258387495685733, 52.913425451395206 ], [ 7.258387495685733, 52.908008082078268 ], [ 7.249404342844537, 52.908008082078268 ], [ 7.249404342844537, 52.913425451395206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34560 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.908008082078268 ], [ 7.258387495685733, 52.908008082078268 ], [ 7.258387495685733, 52.902590035207112 ], [ 7.249404342844537, 52.902590035207112 ], [ 7.249404342844537, 52.908008082078268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.84294679068212 ], [ 7.258387495685733, 52.84294679068212 ], [ 7.258387495685733, 52.837520610335602 ], [ 7.249404342844537, 52.837520610335602 ], [ 7.249404342844537, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34573 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.837520610335602 ], [ 7.258387495685733, 52.837520610335602 ], [ 7.258387495685733, 52.832093751964685 ], [ 7.249404342844537, 52.832093751964685 ], [ 7.249404342844537, 52.837520610335602 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34574 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.832093751964685 ], [ 7.258387495685733, 52.832093751964685 ], [ 7.258387495685733, 52.826666215533322 ], [ 7.249404342844537, 52.826666215533322 ], [ 7.249404342844537, 52.832093751964685 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.826666215533322 ], [ 7.258387495685733, 52.826666215533322 ], [ 7.258387495685733, 52.821238001005511 ], [ 7.249404342844537, 52.821238001005511 ], [ 7.249404342844537, 52.826666215533322 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34576 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.821238001005511 ], [ 7.258387495685733, 52.821238001005511 ], [ 7.258387495685733, 52.815809108345263 ], [ 7.249404342844537, 52.815809108345263 ], [ 7.249404342844537, 52.821238001005511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34600 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.690757330124136 ], [ 7.258387495685733, 52.690757330124136 ], [ 7.258387495685733, 52.685312151539826 ], [ 7.249404342844537, 52.685312151539826 ], [ 7.249404342844537, 52.690757330124136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.685312151539826 ], [ 7.258387495685733, 52.685312151539826 ], [ 7.258387495685733, 52.679866293929777 ], [ 7.249404342844537, 52.679866293929777 ], [ 7.249404342844537, 52.685312151539826 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34644 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.450526647035083 ], [ 7.258387495685733, 52.450526647035083 ], [ 7.258387495685733, 52.445051558030741 ], [ 7.249404342844537, 52.445051558030741 ], [ 7.249404342844537, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.445051558030741 ], [ 7.258387495685733, 52.445051558030741 ], [ 7.258387495685733, 52.439575788459102 ], [ 7.249404342844537, 52.439575788459102 ], [ 7.249404342844537, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34646 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.439575788459102 ], [ 7.258387495685733, 52.439575788459102 ], [ 7.258387495685733, 52.434099338285606 ], [ 7.249404342844537, 52.434099338285606 ], [ 7.249404342844537, 52.439575788459102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34650 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.417665903808441 ], [ 7.258387495685733, 52.417665903808441 ], [ 7.258387495685733, 52.412186730882112 ], [ 7.249404342844537, 52.412186730882112 ], [ 7.249404342844537, 52.417665903808441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34651 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.412186730882112 ], [ 7.258387495685733, 52.412186730882112 ], [ 7.258387495685733, 52.406706877181342 ], [ 7.249404342844537, 52.406706877181342 ], [ 7.249404342844537, 52.412186730882112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.406706877181342 ], [ 7.258387495685733, 52.406706877181342 ], [ 7.258387495685733, 52.401226342671684 ], [ 7.249404342844537, 52.401226342671684 ], [ 7.249404342844537, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34653 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.401226342671684 ], [ 7.258387495685733, 52.401226342671684 ], [ 7.258387495685733, 52.395745127318705 ], [ 7.249404342844537, 52.395745127318705 ], [ 7.249404342844537, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34657 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.379297395855779 ], [ 7.258387495685733, 52.379297395855779 ], [ 7.258387495685733, 52.373813456785584 ], [ 7.249404342844537, 52.373813456785584 ], [ 7.249404342844537, 52.379297395855779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34658 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.373813456785584 ], [ 7.258387495685733, 52.373813456785584 ], [ 7.258387495685733, 52.368328836700215 ], [ 7.249404342844537, 52.368328836700215 ], [ 7.249404342844537, 52.373813456785584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34659 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.368328836700215 ], [ 7.258387495685733, 52.368328836700215 ], [ 7.258387495685733, 52.362843535565368 ], [ 7.249404342844537, 52.362843535565368 ], [ 7.249404342844537, 52.368328836700215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34660 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.362843535565368 ], [ 7.258387495685733, 52.362843535565368 ], [ 7.258387495685733, 52.357357553346738 ], [ 7.249404342844537, 52.357357553346738 ], [ 7.249404342844537, 52.362843535565368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.357357553346738 ], [ 7.258387495685733, 52.357357553346738 ], [ 7.258387495685733, 52.351870890010083 ], [ 7.249404342844537, 52.351870890010083 ], [ 7.249404342844537, 52.357357553346738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.346383545521142 ], [ 7.258387495685733, 52.346383545521142 ], [ 7.258387495685733, 52.340895519845688 ], [ 7.249404342844537, 52.340895519845688 ], [ 7.249404342844537, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34664 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.340895519845688 ], [ 7.258387495685733, 52.340895519845688 ], [ 7.258387495685733, 52.335406812949529 ], [ 7.249404342844537, 52.335406812949529 ], [ 7.249404342844537, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34665 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.335406812949529 ], [ 7.258387495685733, 52.335406812949529 ], [ 7.258387495685733, 52.329917424798474 ], [ 7.249404342844537, 52.329917424798474 ], [ 7.249404342844537, 52.335406812949529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.329917424798474 ], [ 7.258387495685733, 52.329917424798474 ], [ 7.258387495685733, 52.32442735535836 ], [ 7.249404342844537, 52.32442735535836 ], [ 7.249404342844537, 52.329917424798474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.32442735535836 ], [ 7.258387495685733, 52.32442735535836 ], [ 7.258387495685733, 52.318936604595045 ], [ 7.249404342844537, 52.318936604595045 ], [ 7.249404342844537, 52.32442735535836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34668 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.318936604595045 ], [ 7.258387495685733, 52.318936604595045 ], [ 7.258387495685733, 52.313445172474403 ], [ 7.249404342844537, 52.313445172474403 ], [ 7.249404342844537, 52.318936604595045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.313445172474403 ], [ 7.258387495685733, 52.313445172474403 ], [ 7.258387495685733, 52.307953058962347 ], [ 7.249404342844537, 52.307953058962347 ], [ 7.249404342844537, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34670 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.307953058962347 ], [ 7.258387495685733, 52.307953058962347 ], [ 7.258387495685733, 52.302460264024795 ], [ 7.249404342844537, 52.302460264024795 ], [ 7.249404342844537, 52.307953058962347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34671 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.302460264024795 ], [ 7.258387495685733, 52.302460264024795 ], [ 7.258387495685733, 52.296966787627667 ], [ 7.249404342844537, 52.296966787627667 ], [ 7.249404342844537, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34693 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.181446306033571 ], [ 7.258387495685733, 52.181446306033571 ], [ 7.258387495685733, 52.17593782895154 ], [ 7.249404342844537, 52.17593782895154 ], [ 7.249404342844537, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34694 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 52.17593782895154 ], [ 7.258387495685733, 52.17593782895154 ], [ 7.258387495685733, 52.170428669632379 ], [ 7.249404342844537, 52.170428669632379 ], [ 7.249404342844537, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34956 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 50.709115349356168 ], [ 7.258387495685733, 50.709115349356168 ], [ 7.258387495685733, 50.703426353037599 ], [ 7.249404342844537, 50.703426353037599 ], [ 7.249404342844537, 50.709115349356168 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 34957 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.249404342844537, 50.703426353037599 ], [ 7.258387495685733, 50.703426353037599 ], [ 7.258387495685733, 50.697736666414535 ], [ 7.249404342844537, 50.697736666414535 ], [ 7.249404342844537, 50.703426353037599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35116 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.54792827886962 ], [ 7.267370648526929, 53.54792827886962 ], [ 7.267370648526929, 53.542590600729227 ], [ 7.258387495685733, 53.542590600729227 ], [ 7.258387495685733, 53.54792827886962 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35117 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.542590600729227 ], [ 7.267370648526929, 53.542590600729227 ], [ 7.267370648526929, 53.537252249452031 ], [ 7.258387495685733, 53.537252249452031 ], [ 7.258387495685733, 53.542590600729227 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.537252249452031 ], [ 7.267370648526929, 53.537252249452031 ], [ 7.267370648526929, 53.531913224999485 ], [ 7.258387495685733, 53.531913224999485 ], [ 7.258387495685733, 53.537252249452031 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35134 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.451747051017477 ], [ 7.267370648526929, 53.451747051017477 ], [ 7.267370648526929, 53.446397250532783 ], [ 7.258387495685733, 53.446397250532783 ], [ 7.258387495685733, 53.451747051017477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.446397250532783 ], [ 7.267370648526929, 53.446397250532783 ], [ 7.267370648526929, 53.441046776220375 ], [ 7.258387495685733, 53.441046776220375 ], [ 7.258387495685733, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35150 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.366069362574621 ], [ 7.267370648526929, 53.366069362574621 ], [ 7.267370648526929, 53.360708776272133 ], [ 7.258387495685733, 53.360708776272133 ], [ 7.258387495685733, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35185 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.178047305000128 ], [ 7.267370648526929, 53.178047305000128 ], [ 7.267370648526929, 53.172663090980187 ], [ 7.258387495685733, 53.172663090980187 ], [ 7.258387495685733, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35186 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.172663090980187 ], [ 7.267370648526929, 53.172663090980187 ], [ 7.267370648526929, 53.167278201208049 ], [ 7.258387495685733, 53.167278201208049 ], [ 7.258387495685733, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35194 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.129565048615333 ], [ 7.267370648526929, 53.129565048615333 ], [ 7.267370648526929, 53.124174751486457 ], [ 7.258387495685733, 53.124174751486457 ], [ 7.258387495685733, 53.129565048615333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35195 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.124174751486457 ], [ 7.267370648526929, 53.124174751486457 ], [ 7.267370648526929, 53.118783778270895 ], [ 7.258387495685733, 53.118783778270895 ], [ 7.258387495685733, 53.124174751486457 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35196 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.118783778270895 ], [ 7.267370648526929, 53.118783778270895 ], [ 7.267370648526929, 53.113392128931586 ], [ 7.258387495685733, 53.113392128931586 ], [ 7.258387495685733, 53.118783778270895 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.070234589320478 ], [ 7.267370648526929, 53.070234589320478 ], [ 7.267370648526929, 53.064836853202593 ], [ 7.258387495685733, 53.064836853202593 ], [ 7.258387495685733, 53.070234589320478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 53.064836853202593 ], [ 7.267370648526929, 53.064836853202593 ], [ 7.267370648526929, 53.05943844059135 ], [ 7.258387495685733, 53.05943844059135 ], [ 7.258387495685733, 53.064836853202593 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.989197499007467 ], [ 7.267370648526929, 52.989197499007467 ], [ 7.267370648526929, 52.983789611628367 ], [ 7.258387495685733, 52.983789611628367 ], [ 7.258387495685733, 52.989197499007467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35237 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.897171310745449 ], [ 7.267370648526929, 52.897171310745449 ], [ 7.267370648526929, 52.891751908657021 ], [ 7.258387495685733, 52.891751908657021 ], [ 7.258387495685733, 52.897171310745449 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35238 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.891751908657021 ], [ 7.267370648526929, 52.891751908657021 ], [ 7.267370648526929, 52.886331828905575 ], [ 7.258387495685733, 52.886331828905575 ], [ 7.258387495685733, 52.891751908657021 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35239 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.886331828905575 ], [ 7.267370648526929, 52.886331828905575 ], [ 7.267370648526929, 52.880911071454882 ], [ 7.258387495685733, 52.880911071454882 ], [ 7.258387495685733, 52.886331828905575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35240 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.880911071454882 ], [ 7.267370648526929, 52.880911071454882 ], [ 7.267370648526929, 52.875489636268739 ], [ 7.258387495685733, 52.875489636268739 ], [ 7.258387495685733, 52.880911071454882 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.875489636268739 ], [ 7.267370648526929, 52.875489636268739 ], [ 7.267370648526929, 52.870067523310944 ], [ 7.258387495685733, 52.870067523310944 ], [ 7.258387495685733, 52.875489636268739 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35242 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.870067523310944 ], [ 7.267370648526929, 52.870067523310944 ], [ 7.267370648526929, 52.864644732545337 ], [ 7.258387495685733, 52.864644732545337 ], [ 7.258387495685733, 52.870067523310944 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35246 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.848372293040271 ], [ 7.267370648526929, 52.848372293040271 ], [ 7.267370648526929, 52.84294679068212 ], [ 7.258387495685733, 52.84294679068212 ], [ 7.258387495685733, 52.848372293040271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35247 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.84294679068212 ], [ 7.267370648526929, 52.84294679068212 ], [ 7.267370648526929, 52.837520610335602 ], [ 7.258387495685733, 52.837520610335602 ], [ 7.258387495685733, 52.84294679068212 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35273 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.701645650357548 ], [ 7.267370648526929, 52.701645650357548 ], [ 7.267370648526929, 52.696201829718206 ], [ 7.258387495685733, 52.696201829718206 ], [ 7.258387495685733, 52.701645650357548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35274 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.696201829718206 ], [ 7.267370648526929, 52.696201829718206 ], [ 7.267370648526929, 52.690757330124136 ], [ 7.258387495685733, 52.690757330124136 ], [ 7.258387495685733, 52.696201829718206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.690757330124136 ], [ 7.267370648526929, 52.690757330124136 ], [ 7.267370648526929, 52.685312151539826 ], [ 7.258387495685733, 52.685312151539826 ], [ 7.258387495685733, 52.690757330124136 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35321 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.439575788459102 ], [ 7.267370648526929, 52.439575788459102 ], [ 7.267370648526929, 52.434099338285606 ], [ 7.258387495685733, 52.434099338285606 ], [ 7.258387495685733, 52.439575788459102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.434099338285606 ], [ 7.267370648526929, 52.434099338285606 ], [ 7.267370648526929, 52.428622207475684 ], [ 7.258387495685733, 52.428622207475684 ], [ 7.258387495685733, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35323 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.428622207475684 ], [ 7.267370648526929, 52.428622207475684 ], [ 7.267370648526929, 52.423144395994797 ], [ 7.258387495685733, 52.423144395994797 ], [ 7.258387495685733, 52.428622207475684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35324 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.423144395994797 ], [ 7.267370648526929, 52.423144395994797 ], [ 7.267370648526929, 52.417665903808441 ], [ 7.258387495685733, 52.417665903808441 ], [ 7.258387495685733, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35325 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.417665903808441 ], [ 7.267370648526929, 52.417665903808441 ], [ 7.267370648526929, 52.412186730882112 ], [ 7.258387495685733, 52.412186730882112 ], [ 7.258387495685733, 52.417665903808441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35336 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.357357553346738 ], [ 7.267370648526929, 52.357357553346738 ], [ 7.267370648526929, 52.351870890010083 ], [ 7.258387495685733, 52.351870890010083 ], [ 7.258387495685733, 52.357357553346738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.351870890010083 ], [ 7.267370648526929, 52.351870890010083 ], [ 7.267370648526929, 52.346383545521142 ], [ 7.258387495685733, 52.346383545521142 ], [ 7.258387495685733, 52.351870890010083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.346383545521142 ], [ 7.267370648526929, 52.346383545521142 ], [ 7.267370648526929, 52.340895519845688 ], [ 7.258387495685733, 52.340895519845688 ], [ 7.258387495685733, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35339 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.340895519845688 ], [ 7.267370648526929, 52.340895519845688 ], [ 7.267370648526929, 52.335406812949529 ], [ 7.258387495685733, 52.335406812949529 ], [ 7.258387495685733, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35369 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.17593782895154 ], [ 7.267370648526929, 52.17593782895154 ], [ 7.267370648526929, 52.170428669632379 ], [ 7.258387495685733, 52.170428669632379 ], [ 7.258387495685733, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35370 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 52.170428669632379 ], [ 7.267370648526929, 52.170428669632379 ], [ 7.267370648526929, 52.164918828042516 ], [ 7.258387495685733, 52.164918828042516 ], [ 7.258387495685733, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35632 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 50.703426353037599 ], [ 7.267370648526929, 50.703426353037599 ], [ 7.267370648526929, 50.697736666414535 ], [ 7.258387495685733, 50.697736666414535 ], [ 7.258387495685733, 50.703426353037599 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35633 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.258387495685733, 50.697736666414535 ], [ 7.267370648526929, 50.697736666414535 ], [ 7.267370648526929, 50.692046289459327 ], [ 7.258387495685733, 50.692046289459327 ], [ 7.258387495685733, 50.697736666414535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.531913224999485 ], [ 7.276353801368123, 53.531913224999485 ], [ 7.276353801368123, 53.526573527333056 ], [ 7.267370648526929, 53.526573527333056 ], [ 7.267370648526929, 53.531913224999485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35808 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.457096177712678 ], [ 7.276353801368123, 53.457096177712678 ], [ 7.276353801368123, 53.451747051017477 ], [ 7.267370648526929, 53.451747051017477 ], [ 7.267370648526929, 53.457096177712678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35809 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.451747051017477 ], [ 7.276353801368123, 53.451747051017477 ], [ 7.276353801368123, 53.446397250532783 ], [ 7.267370648526929, 53.446397250532783 ], [ 7.267370648526929, 53.451747051017477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.366069362574621 ], [ 7.276353801368123, 53.366069362574621 ], [ 7.276353801368123, 53.360708776272133 ], [ 7.267370648526929, 53.360708776272133 ], [ 7.267370648526929, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.172663090980187 ], [ 7.276353801368123, 53.172663090980187 ], [ 7.276353801368123, 53.167278201208049 ], [ 7.267370648526929, 53.167278201208049 ], [ 7.267370648526929, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35862 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.167278201208049 ], [ 7.276353801368123, 53.167278201208049 ], [ 7.276353801368123, 53.161892635646453 ], [ 7.267370648526929, 53.161892635646453 ], [ 7.267370648526929, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35866 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.145731883852818 ], [ 7.276353801368123, 53.145731883852818 ], [ 7.276353801368123, 53.140343614761399 ], [ 7.267370648526929, 53.140343614761399 ], [ 7.267370648526929, 53.145731883852818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35867 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.140343614761399 ], [ 7.276353801368123, 53.140343614761399 ], [ 7.276353801368123, 53.134954669694615 ], [ 7.267370648526929, 53.134954669694615 ], [ 7.267370648526929, 53.140343614761399 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.134954669694615 ], [ 7.276353801368123, 53.134954669694615 ], [ 7.276353801368123, 53.129565048615333 ], [ 7.267370648526929, 53.129565048615333 ], [ 7.267370648526929, 53.134954669694615 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 53.129565048615333 ], [ 7.276353801368123, 53.129565048615333 ], [ 7.276353801368123, 53.124174751486457 ], [ 7.267370648526929, 53.124174751486457 ], [ 7.267370648526929, 53.129565048615333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.989197499007467 ], [ 7.276353801368123, 52.989197499007467 ], [ 7.276353801368123, 52.983789611628367 ], [ 7.267370648526929, 52.983789611628367 ], [ 7.267370648526929, 52.989197499007467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35897 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.97838104720514 ], [ 7.276353801368123, 52.97838104720514 ], [ 7.276353801368123, 52.972971805701206 ], [ 7.267370648526929, 52.972971805701206 ], [ 7.267370648526929, 52.97838104720514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35898 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.972971805701206 ], [ 7.276353801368123, 52.972971805701206 ], [ 7.276353801368123, 52.967561887080052 ], [ 7.267370648526929, 52.967561887080052 ], [ 7.267370648526929, 52.972971805701206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35899 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.967561887080052 ], [ 7.276353801368123, 52.967561887080052 ], [ 7.276353801368123, 52.962151291305126 ], [ 7.267370648526929, 52.962151291305126 ], [ 7.267370648526929, 52.967561887080052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35900 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.962151291305126 ], [ 7.276353801368123, 52.962151291305126 ], [ 7.276353801368123, 52.95674001833995 ], [ 7.267370648526929, 52.95674001833995 ], [ 7.267370648526929, 52.962151291305126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35901 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.95674001833995 ], [ 7.276353801368123, 52.95674001833995 ], [ 7.276353801368123, 52.951328068148023 ], [ 7.267370648526929, 52.951328068148023 ], [ 7.267370648526929, 52.95674001833995 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35902 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.951328068148023 ], [ 7.276353801368123, 52.951328068148023 ], [ 7.276353801368123, 52.9459154406929 ], [ 7.267370648526929, 52.9459154406929 ], [ 7.267370648526929, 52.951328068148023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35903 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.9459154406929 ], [ 7.276353801368123, 52.9459154406929 ], [ 7.276353801368123, 52.940502135938111 ], [ 7.267370648526929, 52.940502135938111 ], [ 7.267370648526929, 52.9459154406929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35910 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.908008082078268 ], [ 7.276353801368123, 52.908008082078268 ], [ 7.276353801368123, 52.902590035207112 ], [ 7.267370648526929, 52.902590035207112 ], [ 7.267370648526929, 52.908008082078268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35911 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.902590035207112 ], [ 7.276353801368123, 52.902590035207112 ], [ 7.276353801368123, 52.897171310745449 ], [ 7.267370648526929, 52.897171310745449 ], [ 7.267370648526929, 52.902590035207112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35918 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.864644732545337 ], [ 7.276353801368123, 52.864644732545337 ], [ 7.276353801368123, 52.859221263935773 ], [ 7.267370648526929, 52.859221263935773 ], [ 7.267370648526929, 52.864644732545337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35920 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.853797117446121 ], [ 7.276353801368123, 52.853797117446121 ], [ 7.276353801368123, 52.848372293040271 ], [ 7.267370648526929, 52.848372293040271 ], [ 7.267370648526929, 52.853797117446121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35921 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.848372293040271 ], [ 7.276353801368123, 52.848372293040271 ], [ 7.276353801368123, 52.84294679068212 ], [ 7.267370648526929, 52.84294679068212 ], [ 7.267370648526929, 52.848372293040271 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35947 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.707088792077698 ], [ 7.276353801368123, 52.707088792077698 ], [ 7.276353801368123, 52.701645650357548 ], [ 7.267370648526929, 52.701645650357548 ], [ 7.267370648526929, 52.707088792077698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35948 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.701645650357548 ], [ 7.276353801368123, 52.701645650357548 ], [ 7.276353801368123, 52.696201829718206 ], [ 7.267370648526929, 52.696201829718206 ], [ 7.267370648526929, 52.701645650357548 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 35949 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.696201829718206 ], [ 7.276353801368123, 52.696201829718206 ], [ 7.276353801368123, 52.690757330124136 ], [ 7.267370648526929, 52.690757330124136 ], [ 7.267370648526929, 52.696201829718206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36014 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.340895519845688 ], [ 7.276353801368123, 52.340895519845688 ], [ 7.276353801368123, 52.335406812949529 ], [ 7.267370648526929, 52.335406812949529 ], [ 7.267370648526929, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 52.170428669632379 ], [ 7.276353801368123, 52.170428669632379 ], [ 7.276353801368123, 52.164918828042516 ], [ 7.267370648526929, 52.164918828042516 ], [ 7.267370648526929, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36308 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 50.697736666414535 ], [ 7.276353801368123, 50.697736666414535 ], [ 7.276353801368123, 50.692046289459327 ], [ 7.267370648526929, 50.692046289459327 ], [ 7.267370648526929, 50.697736666414535 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36309 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 50.692046289459327 ], [ 7.276353801368123, 50.692046289459327 ], [ 7.276353801368123, 50.68635522214435 ], [ 7.267370648526929, 50.68635522214435 ], [ 7.267370648526929, 50.692046289459327 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36310 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.267370648526929, 50.68635522214435 ], [ 7.276353801368123, 50.68635522214435 ], [ 7.276353801368123, 50.680663464441999 ], [ 7.267370648526929, 50.680663464441999 ], [ 7.267370648526929, 50.68635522214435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36469 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.531913224999485 ], [ 7.285336954209319, 53.531913224999485 ], [ 7.285336954209319, 53.526573527333056 ], [ 7.276353801368123, 53.526573527333056 ], [ 7.276353801368123, 53.531913224999485 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36470 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.526573527333056 ], [ 7.285336954209319, 53.526573527333056 ], [ 7.285336954209319, 53.521233156414247 ], [ 7.276353801368123, 53.521233156414247 ], [ 7.276353801368123, 53.526573527333056 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36471 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.521233156414247 ], [ 7.285336954209319, 53.521233156414247 ], [ 7.285336954209319, 53.51589211220459 ], [ 7.276353801368123, 53.51589211220459 ], [ 7.276353801368123, 53.521233156414247 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36472 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.51589211220459 ], [ 7.285336954209319, 53.51589211220459 ], [ 7.285336954209319, 53.510550394665586 ], [ 7.276353801368123, 53.510550394665586 ], [ 7.276353801368123, 53.51589211220459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36482 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.462444630656634 ], [ 7.285336954209319, 53.462444630656634 ], [ 7.285336954209319, 53.457096177712678 ], [ 7.276353801368123, 53.457096177712678 ], [ 7.276353801368123, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36483 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.457096177712678 ], [ 7.285336954209319, 53.457096177712678 ], [ 7.285336954209319, 53.451747051017477 ], [ 7.276353801368123, 53.451747051017477 ], [ 7.276353801368123, 53.457096177712678 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36500 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.366069362574621 ], [ 7.285336954209319, 53.366069362574621 ], [ 7.285336954209319, 53.360708776272133 ], [ 7.276353801368123, 53.360708776272133 ], [ 7.276353801368123, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36537 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.167278201208049 ], [ 7.285336954209319, 53.167278201208049 ], [ 7.285336954209319, 53.161892635646453 ], [ 7.276353801368123, 53.161892635646453 ], [ 7.276353801368123, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36538 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.161892635646453 ], [ 7.285336954209319, 53.161892635646453 ], [ 7.285336954209319, 53.156506394258173 ], [ 7.276353801368123, 53.156506394258173 ], [ 7.276353801368123, 53.161892635646453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.156506394258173 ], [ 7.285336954209319, 53.156506394258173 ], [ 7.285336954209319, 53.151119477006027 ], [ 7.276353801368123, 53.151119477006027 ], [ 7.276353801368123, 53.156506394258173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36540 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.151119477006027 ], [ 7.285336954209319, 53.151119477006027 ], [ 7.285336954209319, 53.145731883852818 ], [ 7.276353801368123, 53.145731883852818 ], [ 7.276353801368123, 53.151119477006027 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36541 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 53.145731883852818 ], [ 7.285336954209319, 53.145731883852818 ], [ 7.285336954209319, 53.140343614761399 ], [ 7.276353801368123, 53.140343614761399 ], [ 7.276353801368123, 53.145731883852818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36570 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.989197499007467 ], [ 7.285336954209319, 52.989197499007467 ], [ 7.285336954209319, 52.983789611628367 ], [ 7.276353801368123, 52.983789611628367 ], [ 7.276353801368123, 52.989197499007467 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.983789611628367 ], [ 7.285336954209319, 52.983789611628367 ], [ 7.285336954209319, 52.97838104720514 ], [ 7.276353801368123, 52.97838104720514 ], [ 7.276353801368123, 52.983789611628367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.97838104720514 ], [ 7.285336954209319, 52.97838104720514 ], [ 7.285336954209319, 52.972971805701206 ], [ 7.276353801368123, 52.972971805701206 ], [ 7.276353801368123, 52.97838104720514 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36574 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.967561887080052 ], [ 7.285336954209319, 52.967561887080052 ], [ 7.285336954209319, 52.962151291305126 ], [ 7.276353801368123, 52.962151291305126 ], [ 7.276353801368123, 52.967561887080052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.962151291305126 ], [ 7.285336954209319, 52.962151291305126 ], [ 7.285336954209319, 52.95674001833995 ], [ 7.276353801368123, 52.95674001833995 ], [ 7.276353801368123, 52.962151291305126 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.9459154406929 ], [ 7.285336954209319, 52.9459154406929 ], [ 7.285336954209319, 52.940502135938111 ], [ 7.276353801368123, 52.940502135938111 ], [ 7.276353801368123, 52.9459154406929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36579 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.940502135938111 ], [ 7.285336954209319, 52.940502135938111 ], [ 7.285336954209319, 52.935088153847246 ], [ 7.276353801368123, 52.935088153847246 ], [ 7.276353801368123, 52.940502135938111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36580 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.935088153847246 ], [ 7.285336954209319, 52.935088153847246 ], [ 7.285336954209319, 52.929673494383898 ], [ 7.276353801368123, 52.929673494383898 ], [ 7.276353801368123, 52.935088153847246 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36581 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.929673494383898 ], [ 7.285336954209319, 52.929673494383898 ], [ 7.285336954209319, 52.924258157511687 ], [ 7.276353801368123, 52.924258157511687 ], [ 7.276353801368123, 52.929673494383898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36582 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.924258157511687 ], [ 7.285336954209319, 52.924258157511687 ], [ 7.285336954209319, 52.91884214319424 ], [ 7.276353801368123, 52.91884214319424 ], [ 7.276353801368123, 52.924258157511687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36584 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.913425451395206 ], [ 7.285336954209319, 52.913425451395206 ], [ 7.285336954209319, 52.908008082078268 ], [ 7.276353801368123, 52.908008082078268 ], [ 7.276353801368123, 52.913425451395206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36585 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.908008082078268 ], [ 7.285336954209319, 52.908008082078268 ], [ 7.285336954209319, 52.902590035207112 ], [ 7.276353801368123, 52.902590035207112 ], [ 7.276353801368123, 52.908008082078268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36593 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.864644732545337 ], [ 7.285336954209319, 52.864644732545337 ], [ 7.285336954209319, 52.859221263935773 ], [ 7.276353801368123, 52.859221263935773 ], [ 7.276353801368123, 52.864644732545337 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36594 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.859221263935773 ], [ 7.285336954209319, 52.859221263935773 ], [ 7.285336954209319, 52.853797117446121 ], [ 7.276353801368123, 52.853797117446121 ], [ 7.276353801368123, 52.859221263935773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.853797117446121 ], [ 7.285336954209319, 52.853797117446121 ], [ 7.285336954209319, 52.848372293040271 ], [ 7.276353801368123, 52.848372293040271 ], [ 7.276353801368123, 52.853797117446121 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36689 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.340895519845688 ], [ 7.285336954209319, 52.340895519845688 ], [ 7.285336954209319, 52.335406812949529 ], [ 7.276353801368123, 52.335406812949529 ], [ 7.276353801368123, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36720 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 52.170428669632379 ], [ 7.285336954209319, 52.170428669632379 ], [ 7.285336954209319, 52.164918828042516 ], [ 7.276353801368123, 52.164918828042516 ], [ 7.276353801368123, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36985 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 50.68635522214435 ], [ 7.285336954209319, 50.68635522214435 ], [ 7.285336954209319, 50.680663464441999 ], [ 7.276353801368123, 50.680663464441999 ], [ 7.276353801368123, 50.68635522214435 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 36986 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.276353801368123, 50.680663464441999 ], [ 7.285336954209319, 50.680663464441999 ], [ 7.285336954209319, 50.674971016324704 ], [ 7.276353801368123, 50.674971016324704 ], [ 7.276353801368123, 50.680663464441999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.51589211220459 ], [ 7.294320107050513, 53.51589211220459 ], [ 7.294320107050513, 53.510550394665586 ], [ 7.285336954209319, 53.510550394665586 ], [ 7.285336954209319, 53.51589211220459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.510550394665586 ], [ 7.294320107050513, 53.510550394665586 ], [ 7.294320107050513, 53.505208003758803 ], [ 7.285336954209319, 53.505208003758803 ], [ 7.285336954209319, 53.510550394665586 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.505208003758803 ], [ 7.294320107050513, 53.505208003758803 ], [ 7.294320107050513, 53.499864939445793 ], [ 7.285336954209319, 53.499864939445793 ], [ 7.285336954209319, 53.505208003758803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37156 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.467792409887601 ], [ 7.294320107050513, 53.467792409887601 ], [ 7.294320107050513, 53.462444630656634 ], [ 7.285336954209319, 53.462444630656634 ], [ 7.285336954209319, 53.467792409887601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37157 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.462444630656634 ], [ 7.294320107050513, 53.462444630656634 ], [ 7.294320107050513, 53.457096177712678 ], [ 7.285336954209319, 53.457096177712678 ], [ 7.285336954209319, 53.462444630656634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37175 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.366069362574621 ], [ 7.294320107050513, 53.366069362574621 ], [ 7.294320107050513, 53.360708776272133 ], [ 7.285336954209319, 53.360708776272133 ], [ 7.285336954209319, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37209 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.183430843305111 ], [ 7.294320107050513, 53.183430843305111 ], [ 7.294320107050513, 53.178047305000128 ], [ 7.285336954209319, 53.178047305000128 ], [ 7.285336954209319, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37210 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.178047305000128 ], [ 7.294320107050513, 53.178047305000128 ], [ 7.294320107050513, 53.172663090980187 ], [ 7.285336954209319, 53.172663090980187 ], [ 7.285336954209319, 53.178047305000128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37211 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.172663090980187 ], [ 7.294320107050513, 53.172663090980187 ], [ 7.294320107050513, 53.167278201208049 ], [ 7.285336954209319, 53.167278201208049 ], [ 7.285336954209319, 53.172663090980187 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 53.167278201208049 ], [ 7.294320107050513, 53.167278201208049 ], [ 7.294320107050513, 53.161892635646453 ], [ 7.285336954209319, 53.161892635646453 ], [ 7.285336954209319, 53.167278201208049 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37246 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 52.983789611628367 ], [ 7.294320107050513, 52.983789611628367 ], [ 7.294320107050513, 52.97838104720514 ], [ 7.285336954209319, 52.97838104720514 ], [ 7.285336954209319, 52.983789611628367 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37257 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 52.924258157511687 ], [ 7.294320107050513, 52.924258157511687 ], [ 7.294320107050513, 52.91884214319424 ], [ 7.285336954209319, 52.91884214319424 ], [ 7.285336954209319, 52.924258157511687 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37258 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 52.91884214319424 ], [ 7.294320107050513, 52.91884214319424 ], [ 7.294320107050513, 52.913425451395206 ], [ 7.285336954209319, 52.913425451395206 ], [ 7.285336954209319, 52.91884214319424 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37259 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 52.913425451395206 ], [ 7.294320107050513, 52.913425451395206 ], [ 7.294320107050513, 52.908008082078268 ], [ 7.285336954209319, 52.908008082078268 ], [ 7.285336954209319, 52.913425451395206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 52.340895519845688 ], [ 7.294320107050513, 52.340895519845688 ], [ 7.294320107050513, 52.335406812949529 ], [ 7.285336954209319, 52.335406812949529 ], [ 7.285336954209319, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 52.170428669632379 ], [ 7.294320107050513, 52.170428669632379 ], [ 7.294320107050513, 52.164918828042516 ], [ 7.285336954209319, 52.164918828042516 ], [ 7.285336954209319, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37661 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.285336954209319, 50.680663464441999 ], [ 7.294320107050513, 50.680663464441999 ], [ 7.294320107050513, 50.674971016324704 ], [ 7.285336954209319, 50.674971016324704 ], [ 7.285336954209319, 50.680663464441999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37824 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.505208003758803 ], [ 7.303303259891709, 53.505208003758803 ], [ 7.303303259891709, 53.499864939445793 ], [ 7.294320107050513, 53.499864939445793 ], [ 7.294320107050513, 53.505208003758803 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37825 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.499864939445793 ], [ 7.303303259891709, 53.499864939445793 ], [ 7.303303259891709, 53.49452120168818 ], [ 7.294320107050513, 53.49452120168818 ], [ 7.294320107050513, 53.499864939445793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37831 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.467792409887601 ], [ 7.303303259891709, 53.467792409887601 ], [ 7.303303259891709, 53.462444630656634 ], [ 7.294320107050513, 53.462444630656634 ], [ 7.294320107050513, 53.467792409887601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.371429274478253 ], [ 7.303303259891709, 53.371429274478253 ], [ 7.303303259891709, 53.366069362574621 ], [ 7.294320107050513, 53.366069362574621 ], [ 7.294320107050513, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37881 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.199577404303241 ], [ 7.303303259891709, 53.199577404303241 ], [ 7.303303259891709, 53.19419589291936 ], [ 7.294320107050513, 53.19419589291936 ], [ 7.294320107050513, 53.199577404303241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37882 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.19419589291936 ], [ 7.303303259891709, 53.19419589291936 ], [ 7.303303259891709, 53.188813705932425 ], [ 7.294320107050513, 53.188813705932425 ], [ 7.294320107050513, 53.19419589291936 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37883 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.188813705932425 ], [ 7.303303259891709, 53.188813705932425 ], [ 7.303303259891709, 53.183430843305111 ], [ 7.294320107050513, 53.183430843305111 ], [ 7.294320107050513, 53.188813705932425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 37884 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 53.183430843305111 ], [ 7.303303259891709, 53.183430843305111 ], [ 7.303303259891709, 53.178047305000128 ], [ 7.294320107050513, 53.178047305000128 ], [ 7.294320107050513, 53.183430843305111 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38039 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 52.340895519845688 ], [ 7.303303259891709, 52.340895519845688 ], [ 7.303303259891709, 52.335406812949529 ], [ 7.294320107050513, 52.335406812949529 ], [ 7.294320107050513, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38070 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 52.170428669632379 ], [ 7.303303259891709, 52.170428669632379 ], [ 7.303303259891709, 52.164918828042516 ], [ 7.294320107050513, 52.164918828042516 ], [ 7.294320107050513, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38337 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.294320107050513, 50.674971016324704 ], [ 7.303303259891709, 50.674971016324704 ], [ 7.303303259891709, 50.669277877764898 ], [ 7.294320107050513, 50.669277877764898 ], [ 7.294320107050513, 50.674971016324704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38500 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.499864939445793 ], [ 7.312286412732905, 53.499864939445793 ], [ 7.312286412732905, 53.49452120168818 ], [ 7.303303259891709, 53.49452120168818 ], [ 7.303303259891709, 53.499864939445793 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38501 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.49452120168818 ], [ 7.312286412732905, 53.49452120168818 ], [ 7.312286412732905, 53.489176790447537 ], [ 7.303303259891709, 53.489176790447537 ], [ 7.303303259891709, 53.49452120168818 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38502 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.489176790447537 ], [ 7.312286412732905, 53.489176790447537 ], [ 7.312286412732905, 53.483831705685517 ], [ 7.303303259891709, 53.483831705685517 ], [ 7.303303259891709, 53.489176790447537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38505 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.473139515443876 ], [ 7.312286412732905, 53.473139515443876 ], [ 7.312286412732905, 53.467792409887601 ], [ 7.303303259891709, 53.467792409887601 ], [ 7.303303259891709, 53.473139515443876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38506 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.467792409887601 ], [ 7.312286412732905, 53.467792409887601 ], [ 7.312286412732905, 53.462444630656634 ], [ 7.303303259891709, 53.462444630656634 ], [ 7.303303259891709, 53.467792409887601 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.371429274478253 ], [ 7.312286412732905, 53.371429274478253 ], [ 7.312286412732905, 53.366069362574621 ], [ 7.303303259891709, 53.366069362574621 ], [ 7.303303259891709, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38554 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.210338400411189 ], [ 7.312286412732905, 53.210338400411189 ], [ 7.312286412732905, 53.204958240121393 ], [ 7.303303259891709, 53.204958240121393 ], [ 7.303303259891709, 53.210338400411189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.204958240121393 ], [ 7.312286412732905, 53.204958240121393 ], [ 7.312286412732905, 53.199577404303241 ], [ 7.303303259891709, 53.199577404303241 ], [ 7.303303259891709, 53.204958240121393 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38556 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 53.199577404303241 ], [ 7.312286412732905, 53.199577404303241 ], [ 7.312286412732905, 53.19419589291936 ], [ 7.303303259891709, 53.19419589291936 ], [ 7.303303259891709, 53.199577404303241 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38714 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 52.340895519845688 ], [ 7.312286412732905, 52.340895519845688 ], [ 7.312286412732905, 52.335406812949529 ], [ 7.303303259891709, 52.335406812949529 ], [ 7.303303259891709, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 52.170428669632379 ], [ 7.312286412732905, 52.170428669632379 ], [ 7.312286412732905, 52.164918828042516 ], [ 7.303303259891709, 52.164918828042516 ], [ 7.303303259891709, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 38746 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 52.164918828042516 ], [ 7.312286412732905, 52.164918828042516 ], [ 7.312286412732905, 52.159408304148414 ], [ 7.303303259891709, 52.159408304148414 ], [ 7.303303259891709, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 50.674971016324704 ], [ 7.312286412732905, 50.674971016324704 ], [ 7.312286412732905, 50.669277877764898 ], [ 7.303303259891709, 50.669277877764898 ], [ 7.303303259891709, 50.674971016324704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39013 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.303303259891709, 50.669277877764898 ], [ 7.312286412732905, 50.669277877764898 ], [ 7.312286412732905, 50.663584048735075 ], [ 7.303303259891709, 50.663584048735075 ], [ 7.303303259891709, 50.669277877764898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39177 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.489176790447537 ], [ 7.321269565574099, 53.489176790447537 ], [ 7.321269565574099, 53.483831705685517 ], [ 7.312286412732905, 53.483831705685517 ], [ 7.312286412732905, 53.489176790447537 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.483831705685517 ], [ 7.321269565574099, 53.483831705685517 ], [ 7.321269565574099, 53.478485947363744 ], [ 7.312286412732905, 53.478485947363744 ], [ 7.312286412732905, 53.483831705685517 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39179 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.478485947363744 ], [ 7.321269565574099, 53.478485947363744 ], [ 7.321269565574099, 53.473139515443876 ], [ 7.312286412732905, 53.473139515443876 ], [ 7.312286412732905, 53.478485947363744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39180 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.473139515443876 ], [ 7.321269565574099, 53.473139515443876 ], [ 7.321269565574099, 53.467792409887601 ], [ 7.312286412732905, 53.467792409887601 ], [ 7.312286412732905, 53.473139515443876 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39199 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.371429274478253 ], [ 7.321269565574099, 53.371429274478253 ], [ 7.321269565574099, 53.366069362574621 ], [ 7.312286412732905, 53.366069362574621 ], [ 7.312286412732905, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39228 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.21571788520999 ], [ 7.321269565574099, 53.21571788520999 ], [ 7.321269565574099, 53.210338400411189 ], [ 7.312286412732905, 53.210338400411189 ], [ 7.312286412732905, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39229 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 53.210338400411189 ], [ 7.321269565574099, 53.210338400411189 ], [ 7.321269565574099, 53.204958240121393 ], [ 7.312286412732905, 53.204958240121393 ], [ 7.312286412732905, 53.210338400411189 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39389 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 52.340895519845688 ], [ 7.321269565574099, 52.340895519845688 ], [ 7.321269565574099, 52.335406812949529 ], [ 7.312286412732905, 52.335406812949529 ], [ 7.312286412732905, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39421 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 52.164918828042516 ], [ 7.321269565574099, 52.164918828042516 ], [ 7.321269565574099, 52.159408304148414 ], [ 7.312286412732905, 52.159408304148414 ], [ 7.312286412732905, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39422 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 52.159408304148414 ], [ 7.321269565574099, 52.159408304148414 ], [ 7.321269565574099, 52.153897097916577 ], [ 7.312286412732905, 52.153897097916577 ], [ 7.312286412732905, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39688 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 50.669277877764898 ], [ 7.321269565574099, 50.669277877764898 ], [ 7.321269565574099, 50.663584048735075 ], [ 7.312286412732905, 50.663584048735075 ], [ 7.312286412732905, 50.669277877764898 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39689 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.312286412732905, 50.663584048735075 ], [ 7.321269565574099, 50.663584048735075 ], [ 7.321269565574099, 50.657889529207722 ], [ 7.312286412732905, 50.657889529207722 ], [ 7.312286412732905, 50.663584048735075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39854 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 53.478485947363744 ], [ 7.330252718415294, 53.478485947363744 ], [ 7.330252718415294, 53.473139515443876 ], [ 7.321269565574099, 53.473139515443876 ], [ 7.321269565574099, 53.478485947363744 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39874 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 53.371429274478253 ], [ 7.330252718415294, 53.371429274478253 ], [ 7.330252718415294, 53.366069362574621 ], [ 7.321269565574099, 53.366069362574621 ], [ 7.321269565574099, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 39903 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 53.21571788520999 ], [ 7.330252718415294, 53.21571788520999 ], [ 7.330252718415294, 53.210338400411189 ], [ 7.321269565574099, 53.210338400411189 ], [ 7.321269565574099, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40064 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 52.340895519845688 ], [ 7.330252718415294, 52.340895519845688 ], [ 7.330252718415294, 52.335406812949529 ], [ 7.321269565574099, 52.335406812949529 ], [ 7.321269565574099, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40096 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 52.164918828042516 ], [ 7.330252718415294, 52.164918828042516 ], [ 7.330252718415294, 52.159408304148414 ], [ 7.321269565574099, 52.159408304148414 ], [ 7.321269565574099, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40097 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 52.159408304148414 ], [ 7.330252718415294, 52.159408304148414 ], [ 7.330252718415294, 52.153897097916577 ], [ 7.321269565574099, 52.153897097916577 ], [ 7.321269565574099, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 50.663584048735075 ], [ 7.330252718415294, 50.663584048735075 ], [ 7.330252718415294, 50.657889529207722 ], [ 7.321269565574099, 50.657889529207722 ], [ 7.321269565574099, 50.663584048735075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40365 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 50.657889529207722 ], [ 7.330252718415294, 50.657889529207722 ], [ 7.330252718415294, 50.652194319155363 ], [ 7.321269565574099, 50.652194319155363 ], [ 7.321269565574099, 50.657889529207722 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40366 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.321269565574099, 50.652194319155363 ], [ 7.330252718415294, 50.652194319155363 ], [ 7.330252718415294, 50.646498418550529 ], [ 7.321269565574099, 50.646498418550529 ], [ 7.321269565574099, 50.652194319155363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40549 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 53.371429274478253 ], [ 7.33923587125649, 53.371429274478253 ], [ 7.33923587125649, 53.366069362574621 ], [ 7.330252718415294, 53.366069362574621 ], [ 7.330252718415294, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 53.21571788520999 ], [ 7.33923587125649, 53.21571788520999 ], [ 7.33923587125649, 53.210338400411189 ], [ 7.330252718415294, 53.210338400411189 ], [ 7.330252718415294, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 52.346383545521142 ], [ 7.33923587125649, 52.346383545521142 ], [ 7.33923587125649, 52.340895519845688 ], [ 7.330252718415294, 52.340895519845688 ], [ 7.330252718415294, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40739 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 52.340895519845688 ], [ 7.33923587125649, 52.340895519845688 ], [ 7.33923587125649, 52.335406812949529 ], [ 7.330252718415294, 52.335406812949529 ], [ 7.330252718415294, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40771 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 52.164918828042516 ], [ 7.33923587125649, 52.164918828042516 ], [ 7.33923587125649, 52.159408304148414 ], [ 7.330252718415294, 52.159408304148414 ], [ 7.330252718415294, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40772 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 52.159408304148414 ], [ 7.33923587125649, 52.159408304148414 ], [ 7.33923587125649, 52.153897097916577 ], [ 7.330252718415294, 52.153897097916577 ], [ 7.330252718415294, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40773 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 52.153897097916577 ], [ 7.33923587125649, 52.153897097916577 ], [ 7.33923587125649, 52.148385209313496 ], [ 7.330252718415294, 52.148385209313496 ], [ 7.330252718415294, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 40774 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 52.148385209313496 ], [ 7.33923587125649, 52.148385209313496 ], [ 7.33923587125649, 52.142872638305697 ], [ 7.330252718415294, 52.142872638305697 ], [ 7.330252718415294, 52.148385209313496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41041 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 50.652194319155363 ], [ 7.33923587125649, 50.652194319155363 ], [ 7.33923587125649, 50.646498418550529 ], [ 7.330252718415294, 50.646498418550529 ], [ 7.330252718415294, 50.652194319155363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41042 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.330252718415294, 50.646498418550529 ], [ 7.33923587125649, 50.646498418550529 ], [ 7.33923587125649, 50.640801827365813 ], [ 7.330252718415294, 50.640801827365813 ], [ 7.330252718415294, 50.646498418550529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41219 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 53.398218719342381 ], [ 7.348219024097684, 53.398218719342381 ], [ 7.348219024097684, 53.392862178863453 ], [ 7.33923587125649, 53.392862178863453 ], [ 7.33923587125649, 53.398218719342381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 53.392862178863453 ], [ 7.348219024097684, 53.392862178863453 ], [ 7.348219024097684, 53.387504964175598 ], [ 7.33923587125649, 53.387504964175598 ], [ 7.33923587125649, 53.392862178863453 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 53.387504964175598 ], [ 7.348219024097684, 53.387504964175598 ], [ 7.348219024097684, 53.382147075240773 ], [ 7.33923587125649, 53.382147075240773 ], [ 7.33923587125649, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41224 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 53.371429274478253 ], [ 7.348219024097684, 53.371429274478253 ], [ 7.348219024097684, 53.366069362574621 ], [ 7.33923587125649, 53.366069362574621 ], [ 7.33923587125649, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41252 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 53.2210966945552 ], [ 7.348219024097684, 53.2210966945552 ], [ 7.348219024097684, 53.21571788520999 ], [ 7.33923587125649, 53.21571788520999 ], [ 7.33923587125649, 53.2210966945552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41253 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 53.21571788520999 ], [ 7.348219024097684, 53.21571788520999 ], [ 7.348219024097684, 53.210338400411189 ], [ 7.33923587125649, 53.210338400411189 ], [ 7.33923587125649, 53.21571788520999 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 52.346383545521142 ], [ 7.348219024097684, 52.346383545521142 ], [ 7.348219024097684, 52.340895519845688 ], [ 7.33923587125649, 52.340895519845688 ], [ 7.33923587125649, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 52.170428669632379 ], [ 7.348219024097684, 52.170428669632379 ], [ 7.348219024097684, 52.164918828042516 ], [ 7.33923587125649, 52.164918828042516 ], [ 7.33923587125649, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 52.164918828042516 ], [ 7.348219024097684, 52.164918828042516 ], [ 7.348219024097684, 52.159408304148414 ], [ 7.33923587125649, 52.159408304148414 ], [ 7.33923587125649, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41447 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 52.159408304148414 ], [ 7.348219024097684, 52.159408304148414 ], [ 7.348219024097684, 52.153897097916577 ], [ 7.33923587125649, 52.153897097916577 ], [ 7.33923587125649, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41448 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 52.153897097916577 ], [ 7.348219024097684, 52.153897097916577 ], [ 7.348219024097684, 52.148385209313496 ], [ 7.33923587125649, 52.148385209313496 ], [ 7.33923587125649, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41449 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 52.148385209313496 ], [ 7.348219024097684, 52.148385209313496 ], [ 7.348219024097684, 52.142872638305697 ], [ 7.33923587125649, 52.142872638305697 ], [ 7.33923587125649, 52.148385209313496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41717 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 50.646498418550529 ], [ 7.348219024097684, 50.646498418550529 ], [ 7.348219024097684, 50.640801827365813 ], [ 7.33923587125649, 50.640801827365813 ], [ 7.33923587125649, 50.646498418550529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.33923587125649, 50.640801827365813 ], [ 7.348219024097684, 50.640801827365813 ], [ 7.348219024097684, 50.635104545573768 ], [ 7.33923587125649, 50.635104545573768 ], [ 7.33923587125649, 50.640801827365813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41893 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.403574585650404 ], [ 7.35720217693888, 53.403574585650404 ], [ 7.35720217693888, 53.398218719342381 ], [ 7.348219024097684, 53.398218719342381 ], [ 7.348219024097684, 53.403574585650404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.398218719342381 ], [ 7.35720217693888, 53.398218719342381 ], [ 7.35720217693888, 53.392862178863453 ], [ 7.348219024097684, 53.392862178863453 ], [ 7.348219024097684, 53.398218719342381 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41896 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.387504964175598 ], [ 7.35720217693888, 53.387504964175598 ], [ 7.35720217693888, 53.382147075240773 ], [ 7.348219024097684, 53.382147075240773 ], [ 7.348219024097684, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41897 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.382147075240773 ], [ 7.35720217693888, 53.382147075240773 ], [ 7.35720217693888, 53.37678851202098 ], [ 7.348219024097684, 53.37678851202098 ], [ 7.348219024097684, 53.382147075240773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41898 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.37678851202098 ], [ 7.35720217693888, 53.37678851202098 ], [ 7.35720217693888, 53.371429274478253 ], [ 7.348219024097684, 53.371429274478253 ], [ 7.348219024097684, 53.37678851202098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41899 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.371429274478253 ], [ 7.35720217693888, 53.371429274478253 ], [ 7.35720217693888, 53.366069362574621 ], [ 7.348219024097684, 53.366069362574621 ], [ 7.348219024097684, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 41927 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 53.2210966945552 ], [ 7.35720217693888, 53.2210966945552 ], [ 7.35720217693888, 53.21571788520999 ], [ 7.348219024097684, 53.21571788520999 ], [ 7.348219024097684, 53.2210966945552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42088 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 52.346383545521142 ], [ 7.35720217693888, 52.346383545521142 ], [ 7.35720217693888, 52.340895519845688 ], [ 7.348219024097684, 52.340895519845688 ], [ 7.348219024097684, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 52.181446306033571 ], [ 7.35720217693888, 52.181446306033571 ], [ 7.35720217693888, 52.17593782895154 ], [ 7.348219024097684, 52.17593782895154 ], [ 7.348219024097684, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42119 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 52.17593782895154 ], [ 7.35720217693888, 52.17593782895154 ], [ 7.35720217693888, 52.170428669632379 ], [ 7.348219024097684, 52.170428669632379 ], [ 7.348219024097684, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42120 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 52.170428669632379 ], [ 7.35720217693888, 52.170428669632379 ], [ 7.35720217693888, 52.164918828042516 ], [ 7.348219024097684, 52.164918828042516 ], [ 7.348219024097684, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 52.159408304148414 ], [ 7.35720217693888, 52.159408304148414 ], [ 7.35720217693888, 52.153897097916577 ], [ 7.348219024097684, 52.153897097916577 ], [ 7.348219024097684, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42123 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 52.153897097916577 ], [ 7.35720217693888, 52.153897097916577 ], [ 7.35720217693888, 52.148385209313496 ], [ 7.348219024097684, 52.148385209313496 ], [ 7.348219024097684, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42393 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.348219024097684, 50.640801827365813 ], [ 7.35720217693888, 50.640801827365813 ], [ 7.35720217693888, 50.635104545573768 ], [ 7.348219024097684, 50.635104545573768 ], [ 7.348219024097684, 50.640801827365813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42567 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 53.408929777825577 ], [ 7.366185329780076, 53.408929777825577 ], [ 7.366185329780076, 53.403574585650404 ], [ 7.35720217693888, 53.403574585650404 ], [ 7.35720217693888, 53.408929777825577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42568 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 53.403574585650404 ], [ 7.366185329780076, 53.403574585650404 ], [ 7.366185329780076, 53.398218719342381 ], [ 7.35720217693888, 53.398218719342381 ], [ 7.35720217693888, 53.403574585650404 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42574 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 53.371429274478253 ], [ 7.366185329780076, 53.371429274478253 ], [ 7.366185329780076, 53.366069362574621 ], [ 7.35720217693888, 53.366069362574621 ], [ 7.35720217693888, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 53.226474828484214 ], [ 7.366185329780076, 53.226474828484214 ], [ 7.366185329780076, 53.2210966945552 ], [ 7.35720217693888, 53.2210966945552 ], [ 7.35720217693888, 53.226474828484214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42602 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 53.2210966945552 ], [ 7.366185329780076, 53.2210966945552 ], [ 7.366185329780076, 53.21571788520999 ], [ 7.35720217693888, 53.21571788520999 ], [ 7.35720217693888, 53.2210966945552 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42763 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.346383545521142 ], [ 7.366185329780076, 52.346383545521142 ], [ 7.366185329780076, 52.340895519845688 ], [ 7.35720217693888, 52.340895519845688 ], [ 7.35720217693888, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42790 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.197967644192694 ], [ 7.366185329780076, 52.197967644192694 ], [ 7.366185329780076, 52.19246121362054 ], [ 7.35720217693888, 52.19246121362054 ], [ 7.35720217693888, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42791 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.19246121362054 ], [ 7.366185329780076, 52.19246121362054 ], [ 7.366185329780076, 52.18695410091204 ], [ 7.35720217693888, 52.18695410091204 ], [ 7.35720217693888, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42792 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.18695410091204 ], [ 7.366185329780076, 52.18695410091204 ], [ 7.366185329780076, 52.181446306033571 ], [ 7.35720217693888, 52.181446306033571 ], [ 7.35720217693888, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42798 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.153897097916577 ], [ 7.366185329780076, 52.153897097916577 ], [ 7.366185329780076, 52.148385209313496 ], [ 7.35720217693888, 52.148385209313496 ], [ 7.35720217693888, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42799 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.148385209313496 ], [ 7.366185329780076, 52.148385209313496 ], [ 7.366185329780076, 52.142872638305697 ], [ 7.35720217693888, 52.142872638305697 ], [ 7.35720217693888, 52.148385209313496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 42800 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 52.142872638305697 ], [ 7.366185329780076, 52.142872638305697 ], [ 7.366185329780076, 52.137359384859757 ], [ 7.35720217693888, 52.137359384859757 ], [ 7.35720217693888, 52.142872638305697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43068 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.35720217693888, 50.640801827365813 ], [ 7.366185329780076, 50.640801827365813 ], [ 7.366185329780076, 50.635104545573768 ], [ 7.35720217693888, 50.635104545573768 ], [ 7.35720217693888, 50.640801827365813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 53.414284295905972 ], [ 7.37516848262127, 53.414284295905972 ], [ 7.37516848262127, 53.408929777825577 ], [ 7.366185329780076, 53.408929777825577 ], [ 7.366185329780076, 53.414284295905972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43242 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 53.408929777825577 ], [ 7.37516848262127, 53.408929777825577 ], [ 7.37516848262127, 53.403574585650404 ], [ 7.366185329780076, 53.403574585650404 ], [ 7.366185329780076, 53.408929777825577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43249 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 53.371429274478253 ], [ 7.37516848262127, 53.371429274478253 ], [ 7.37516848262127, 53.366069362574621 ], [ 7.366185329780076, 53.366069362574621 ], [ 7.366185329780076, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43250 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 53.366069362574621 ], [ 7.37516848262127, 53.366069362574621 ], [ 7.37516848262127, 53.360708776272133 ], [ 7.366185329780076, 53.360708776272133 ], [ 7.366185329780076, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 53.226474828484214 ], [ 7.37516848262127, 53.226474828484214 ], [ 7.37516848262127, 53.2210966945552 ], [ 7.366185329780076, 53.2210966945552 ], [ 7.366185329780076, 53.226474828484214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43438 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.346383545521142 ], [ 7.37516848262127, 52.346383545521142 ], [ 7.37516848262127, 52.340895519845688 ], [ 7.366185329780076, 52.340895519845688 ], [ 7.366185329780076, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43463 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.208978459062536 ], [ 7.37516848262127, 52.208978459062536 ], [ 7.37516848262127, 52.20347339266214 ], [ 7.366185329780076, 52.20347339266214 ], [ 7.366185329780076, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43464 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.20347339266214 ], [ 7.37516848262127, 52.20347339266214 ], [ 7.37516848262127, 52.197967644192694 ], [ 7.366185329780076, 52.197967644192694 ], [ 7.366185329780076, 52.20347339266214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43465 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.197967644192694 ], [ 7.37516848262127, 52.197967644192694 ], [ 7.37516848262127, 52.19246121362054 ], [ 7.366185329780076, 52.19246121362054 ], [ 7.366185329780076, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.142872638305697 ], [ 7.37516848262127, 52.142872638305697 ], [ 7.37516848262127, 52.137359384859757 ], [ 7.366185329780076, 52.137359384859757 ], [ 7.366185329780076, 52.142872638305697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43476 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.137359384859757 ], [ 7.37516848262127, 52.137359384859757 ], [ 7.37516848262127, 52.131845448942222 ], [ 7.366185329780076, 52.131845448942222 ], [ 7.366185329780076, 52.137359384859757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43477 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.131845448942222 ], [ 7.37516848262127, 52.131845448942222 ], [ 7.37516848262127, 52.126330830519684 ], [ 7.366185329780076, 52.126330830519684 ], [ 7.366185329780076, 52.131845448942222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43478 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.126330830519684 ], [ 7.37516848262127, 52.126330830519684 ], [ 7.37516848262127, 52.120815529558762 ], [ 7.366185329780076, 52.120815529558762 ], [ 7.366185329780076, 52.126330830519684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43479 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.120815529558762 ], [ 7.37516848262127, 52.120815529558762 ], [ 7.37516848262127, 52.115299546026087 ], [ 7.366185329780076, 52.115299546026087 ], [ 7.366185329780076, 52.120815529558762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43480 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 52.115299546026087 ], [ 7.37516848262127, 52.115299546026087 ], [ 7.37516848262127, 52.109782879888321 ], [ 7.366185329780076, 52.109782879888321 ], [ 7.366185329780076, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.366185329780076, 50.635104545573768 ], [ 7.37516848262127, 50.635104545573768 ], [ 7.37516848262127, 50.629406573147037 ], [ 7.366185329780076, 50.629406573147037 ], [ 7.366185329780076, 50.635104545573768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43915 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 53.419638139929702 ], [ 7.384151635462466, 53.419638139929702 ], [ 7.384151635462466, 53.414284295905972 ], [ 7.37516848262127, 53.414284295905972 ], [ 7.37516848262127, 53.419638139929702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43916 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 53.414284295905972 ], [ 7.384151635462466, 53.414284295905972 ], [ 7.384151635462466, 53.408929777825577 ], [ 7.37516848262127, 53.408929777825577 ], [ 7.37516848262127, 53.414284295905972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 53.366069362574621 ], [ 7.384151635462466, 53.366069362574621 ], [ 7.384151635462466, 53.360708776272133 ], [ 7.37516848262127, 53.360708776272133 ], [ 7.37516848262127, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 43951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 53.226474828484214 ], [ 7.384151635462466, 53.226474828484214 ], [ 7.384151635462466, 53.2210966945552 ], [ 7.37516848262127, 53.2210966945552 ], [ 7.37516848262127, 53.226474828484214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.346383545521142 ], [ 7.384151635462466, 52.346383545521142 ], [ 7.384151635462466, 52.340895519845688 ], [ 7.37516848262127, 52.340895519845688 ], [ 7.37516848262127, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44134 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.230991904647652 ], [ 7.384151635462466, 52.230991904647652 ], [ 7.384151635462466, 52.225489566186397 ], [ 7.37516848262127, 52.225489566186397 ], [ 7.37516848262127, 52.230991904647652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44135 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.225489566186397 ], [ 7.384151635462466, 52.225489566186397 ], [ 7.384151635462466, 52.219986545790952 ], [ 7.37516848262127, 52.219986545790952 ], [ 7.37516848262127, 52.225489566186397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44136 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.219986545790952 ], [ 7.384151635462466, 52.219986545790952 ], [ 7.384151635462466, 52.214482843427575 ], [ 7.37516848262127, 52.214482843427575 ], [ 7.37516848262127, 52.219986545790952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44137 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.214482843427575 ], [ 7.384151635462466, 52.214482843427575 ], [ 7.384151635462466, 52.208978459062536 ], [ 7.37516848262127, 52.208978459062536 ], [ 7.37516848262127, 52.214482843427575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44138 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.208978459062536 ], [ 7.384151635462466, 52.208978459062536 ], [ 7.384151635462466, 52.20347339266214 ], [ 7.37516848262127, 52.20347339266214 ], [ 7.37516848262127, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44155 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.115299546026087 ], [ 7.384151635462466, 52.115299546026087 ], [ 7.384151635462466, 52.109782879888321 ], [ 7.37516848262127, 52.109782879888321 ], [ 7.37516848262127, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44156 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 52.109782879888321 ], [ 7.384151635462466, 52.109782879888321 ], [ 7.384151635462466, 52.104265531112141 ], [ 7.37516848262127, 52.104265531112141 ], [ 7.37516848262127, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44419 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.37516848262127, 50.635104545573768 ], [ 7.384151635462466, 50.635104545573768 ], [ 7.384151635462466, 50.629406573147037 ], [ 7.37516848262127, 50.629406573147037 ], [ 7.37516848262127, 50.635104545573768 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44586 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.441046776220375 ], [ 7.393134788303662, 53.441046776220375 ], [ 7.393134788303662, 53.435695628042033 ], [ 7.384151635462466, 53.435695628042033 ], [ 7.384151635462466, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44587 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.435695628042033 ], [ 7.393134788303662, 53.435695628042033 ], [ 7.393134788303662, 53.430343805959581 ], [ 7.384151635462466, 53.430343805959581 ], [ 7.384151635462466, 53.435695628042033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44588 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.430343805959581 ], [ 7.393134788303662, 53.430343805959581 ], [ 7.393134788303662, 53.42499130993486 ], [ 7.384151635462466, 53.42499130993486 ], [ 7.384151635462466, 53.430343805959581 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44589 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.42499130993486 ], [ 7.393134788303662, 53.42499130993486 ], [ 7.393134788303662, 53.419638139929702 ], [ 7.384151635462466, 53.419638139929702 ], [ 7.384151635462466, 53.42499130993486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44590 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.419638139929702 ], [ 7.393134788303662, 53.419638139929702 ], [ 7.393134788303662, 53.414284295905972 ], [ 7.384151635462466, 53.414284295905972 ], [ 7.384151635462466, 53.419638139929702 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44600 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.366069362574621 ], [ 7.393134788303662, 53.366069362574621 ], [ 7.393134788303662, 53.360708776272133 ], [ 7.384151635462466, 53.360708776272133 ], [ 7.384151635462466, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44625 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.231852287034478 ], [ 7.393134788303662, 53.231852287034478 ], [ 7.393134788303662, 53.226474828484214 ], [ 7.384151635462466, 53.226474828484214 ], [ 7.384151635462466, 53.231852287034478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44626 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 53.226474828484214 ], [ 7.393134788303662, 53.226474828484214 ], [ 7.393134788303662, 53.2210966945552 ], [ 7.384151635462466, 53.2210966945552 ], [ 7.384151635462466, 53.226474828484214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44788 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 52.346383545521142 ], [ 7.393134788303662, 52.346383545521142 ], [ 7.393134788303662, 52.340895519845688 ], [ 7.384151635462466, 52.340895519845688 ], [ 7.384151635462466, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44808 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 52.236493561208484 ], [ 7.393134788303662, 52.236493561208484 ], [ 7.393134788303662, 52.230991904647652 ], [ 7.384151635462466, 52.230991904647652 ], [ 7.384151635462466, 52.236493561208484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44809 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 52.230991904647652 ], [ 7.393134788303662, 52.230991904647652 ], [ 7.393134788303662, 52.225489566186397 ], [ 7.384151635462466, 52.225489566186397 ], [ 7.384151635462466, 52.230991904647652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44831 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 52.109782879888321 ], [ 7.393134788303662, 52.109782879888321 ], [ 7.393134788303662, 52.104265531112141 ], [ 7.384151635462466, 52.104265531112141 ], [ 7.384151635462466, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 44832 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 52.104265531112141 ], [ 7.393134788303662, 52.104265531112141 ], [ 7.393134788303662, 52.098747499664242 ], [ 7.384151635462466, 52.098747499664242 ], [ 7.384151635462466, 52.104265531112141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45095 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 50.629406573147037 ], [ 7.393134788303662, 50.629406573147037 ], [ 7.393134788303662, 50.623707910058258 ], [ 7.384151635462466, 50.623707910058258 ], [ 7.384151635462466, 50.629406573147037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45096 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.384151635462466, 50.623707910058258 ], [ 7.393134788303662, 50.623707910058258 ], [ 7.393134788303662, 50.618008556280095 ], [ 7.384151635462466, 50.618008556280095 ], [ 7.384151635462466, 50.623707910058258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45260 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 53.446397250532783 ], [ 7.402117941144856, 53.446397250532783 ], [ 7.402117941144856, 53.441046776220375 ], [ 7.393134788303662, 53.441046776220375 ], [ 7.393134788303662, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45261 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 53.441046776220375 ], [ 7.402117941144856, 53.441046776220375 ], [ 7.402117941144856, 53.435695628042033 ], [ 7.393134788303662, 53.435695628042033 ], [ 7.393134788303662, 53.441046776220375 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45275 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 53.366069362574621 ], [ 7.402117941144856, 53.366069362574621 ], [ 7.402117941144856, 53.360708776272133 ], [ 7.393134788303662, 53.360708776272133 ], [ 7.393134788303662, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 53.360708776272133 ], [ 7.402117941144856, 53.360708776272133 ], [ 7.402117941144856, 53.355347515532877 ], [ 7.393134788303662, 53.355347515532877 ], [ 7.393134788303662, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45300 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 53.231852287034478 ], [ 7.402117941144856, 53.231852287034478 ], [ 7.402117941144856, 53.226474828484214 ], [ 7.393134788303662, 53.226474828484214 ], [ 7.393134788303662, 53.231852287034478 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45463 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 52.346383545521142 ], [ 7.402117941144856, 52.346383545521142 ], [ 7.402117941144856, 52.340895519845688 ], [ 7.393134788303662, 52.340895519845688 ], [ 7.393134788303662, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45482 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 52.241994535902663 ], [ 7.402117941144856, 52.241994535902663 ], [ 7.402117941144856, 52.236493561208484 ], [ 7.393134788303662, 52.236493561208484 ], [ 7.393134788303662, 52.241994535902663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45483 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 52.236493561208484 ], [ 7.402117941144856, 52.236493561208484 ], [ 7.402117941144856, 52.230991904647652 ], [ 7.393134788303662, 52.230991904647652 ], [ 7.393134788303662, 52.236493561208484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45507 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 52.104265531112141 ], [ 7.402117941144856, 52.104265531112141 ], [ 7.402117941144856, 52.098747499664242 ], [ 7.393134788303662, 52.098747499664242 ], [ 7.393134788303662, 52.104265531112141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45508 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 52.098747499664242 ], [ 7.402117941144856, 52.098747499664242 ], [ 7.402117941144856, 52.093228785511329 ], [ 7.393134788303662, 52.093228785511329 ], [ 7.393134788303662, 52.098747499664242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45771 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.393134788303662, 50.623707910058258 ], [ 7.402117941144856, 50.623707910058258 ], [ 7.402117941144856, 50.618008556280095 ], [ 7.393134788303662, 50.618008556280095 ], [ 7.393134788303662, 50.623707910058258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45934 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 53.451747051017477 ], [ 7.411101093986052, 53.451747051017477 ], [ 7.411101093986052, 53.446397250532783 ], [ 7.402117941144856, 53.446397250532783 ], [ 7.402117941144856, 53.451747051017477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45935 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 53.446397250532783 ], [ 7.411101093986052, 53.446397250532783 ], [ 7.411101093986052, 53.441046776220375 ], [ 7.402117941144856, 53.441046776220375 ], [ 7.402117941144856, 53.446397250532783 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45951 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 53.360708776272133 ], [ 7.411101093986052, 53.360708776272133 ], [ 7.411101093986052, 53.355347515532877 ], [ 7.402117941144856, 53.355347515532877 ], [ 7.402117941144856, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45952 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 53.355347515532877 ], [ 7.411101093986052, 53.355347515532877 ], [ 7.411101093986052, 53.349985580318929 ], [ 7.402117941144856, 53.349985580318929 ], [ 7.402117941144856, 53.355347515532877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45973 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 53.242605178148565 ], [ 7.411101093986052, 53.242605178148565 ], [ 7.411101093986052, 53.237229070243437 ], [ 7.402117941144856, 53.237229070243437 ], [ 7.402117941144856, 53.242605178148565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 45974 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 53.237229070243437 ], [ 7.411101093986052, 53.237229070243437 ], [ 7.411101093986052, 53.231852287034478 ], [ 7.402117941144856, 53.231852287034478 ], [ 7.402117941144856, 53.237229070243437 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.340895519845688 ], [ 7.411101093986052, 52.340895519845688 ], [ 7.411101093986052, 52.335406812949529 ], [ 7.402117941144856, 52.335406812949529 ], [ 7.402117941144856, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.296966787627667 ], [ 7.411101093986052, 52.296966787627667 ], [ 7.411101093986052, 52.291472629736958 ], [ 7.402117941144856, 52.291472629736958 ], [ 7.402117941144856, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.291472629736958 ], [ 7.411101093986052, 52.291472629736958 ], [ 7.411101093986052, 52.285977790318626 ], [ 7.402117941144856, 52.285977790318626 ], [ 7.402117941144856, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46149 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.285977790318626 ], [ 7.411101093986052, 52.285977790318626 ], [ 7.411101093986052, 52.280482269338677 ], [ 7.402117941144856, 52.280482269338677 ], [ 7.402117941144856, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46150 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.280482269338677 ], [ 7.411101093986052, 52.280482269338677 ], [ 7.411101093986052, 52.274986066763148 ], [ 7.402117941144856, 52.274986066763148 ], [ 7.402117941144856, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46151 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.274986066763148 ], [ 7.411101093986052, 52.274986066763148 ], [ 7.411101093986052, 52.269489182558083 ], [ 7.402117941144856, 52.269489182558083 ], [ 7.402117941144856, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46152 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.269489182558083 ], [ 7.411101093986052, 52.269489182558083 ], [ 7.411101093986052, 52.263991616689538 ], [ 7.402117941144856, 52.263991616689538 ], [ 7.402117941144856, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46153 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.263991616689538 ], [ 7.411101093986052, 52.263991616689538 ], [ 7.411101093986052, 52.258493369123606 ], [ 7.402117941144856, 52.258493369123606 ], [ 7.402117941144856, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46154 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.258493369123606 ], [ 7.411101093986052, 52.258493369123606 ], [ 7.411101093986052, 52.252994439826388 ], [ 7.402117941144856, 52.252994439826388 ], [ 7.402117941144856, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46155 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.252994439826388 ], [ 7.411101093986052, 52.252994439826388 ], [ 7.411101093986052, 52.247494828764033 ], [ 7.402117941144856, 52.247494828764033 ], [ 7.402117941144856, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46156 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.247494828764033 ], [ 7.411101093986052, 52.247494828764033 ], [ 7.411101093986052, 52.241994535902663 ], [ 7.402117941144856, 52.241994535902663 ], [ 7.402117941144856, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46157 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.241994535902663 ], [ 7.411101093986052, 52.241994535902663 ], [ 7.411101093986052, 52.236493561208484 ], [ 7.402117941144856, 52.236493561208484 ], [ 7.402117941144856, 52.241994535902663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46183 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 52.098747499664242 ], [ 7.411101093986052, 52.098747499664242 ], [ 7.411101093986052, 52.093228785511329 ], [ 7.402117941144856, 52.093228785511329 ], [ 7.402117941144856, 52.098747499664242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.402117941144856, 50.623707910058258 ], [ 7.411101093986052, 50.623707910058258 ], [ 7.411101093986052, 50.618008556280095 ], [ 7.402117941144856, 50.618008556280095 ], [ 7.402117941144856, 50.623707910058258 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46627 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 53.355347515532877 ], [ 7.420084246827246, 53.355347515532877 ], [ 7.420084246827246, 53.349985580318929 ], [ 7.411101093986052, 53.349985580318929 ], [ 7.411101093986052, 53.355347515532877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46628 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 53.349985580318929 ], [ 7.420084246827246, 53.349985580318929 ], [ 7.420084246827246, 53.344622970592418 ], [ 7.411101093986052, 53.344622970592418 ], [ 7.411101093986052, 53.349985580318929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46647 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 53.247980610787351 ], [ 7.420084246827246, 53.247980610787351 ], [ 7.420084246827246, 53.242605178148565 ], [ 7.411101093986052, 53.242605178148565 ], [ 7.411101093986052, 53.247980610787351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 53.242605178148565 ], [ 7.420084246827246, 53.242605178148565 ], [ 7.420084246827246, 53.237229070243437 ], [ 7.411101093986052, 53.237229070243437 ], [ 7.411101093986052, 53.242605178148565 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46814 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.340895519845688 ], [ 7.420084246827246, 52.340895519845688 ], [ 7.420084246827246, 52.335406812949529 ], [ 7.411101093986052, 52.335406812949529 ], [ 7.411101093986052, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.335406812949529 ], [ 7.420084246827246, 52.335406812949529 ], [ 7.420084246827246, 52.329917424798474 ], [ 7.411101093986052, 52.329917424798474 ], [ 7.411101093986052, 52.335406812949529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46816 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.329917424798474 ], [ 7.420084246827246, 52.329917424798474 ], [ 7.420084246827246, 52.32442735535836 ], [ 7.411101093986052, 52.32442735535836 ], [ 7.411101093986052, 52.329917424798474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46819 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.313445172474403 ], [ 7.420084246827246, 52.313445172474403 ], [ 7.420084246827246, 52.307953058962347 ], [ 7.411101093986052, 52.307953058962347 ], [ 7.411101093986052, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46820 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.307953058962347 ], [ 7.420084246827246, 52.307953058962347 ], [ 7.420084246827246, 52.302460264024795 ], [ 7.411101093986052, 52.302460264024795 ], [ 7.411101093986052, 52.307953058962347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46821 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.302460264024795 ], [ 7.420084246827246, 52.302460264024795 ], [ 7.420084246827246, 52.296966787627667 ], [ 7.411101093986052, 52.296966787627667 ], [ 7.411101093986052, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46822 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.296966787627667 ], [ 7.420084246827246, 52.296966787627667 ], [ 7.420084246827246, 52.291472629736958 ], [ 7.411101093986052, 52.291472629736958 ], [ 7.411101093986052, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46858 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.098747499664242 ], [ 7.420084246827246, 52.098747499664242 ], [ 7.420084246827246, 52.093228785511329 ], [ 7.411101093986052, 52.093228785511329 ], [ 7.411101093986052, 52.098747499664242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46859 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.093228785511329 ], [ 7.420084246827246, 52.093228785511329 ], [ 7.420084246827246, 52.087709388620169 ], [ 7.411101093986052, 52.087709388620169 ], [ 7.411101093986052, 52.093228785511329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46860 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.087709388620169 ], [ 7.420084246827246, 52.087709388620169 ], [ 7.420084246827246, 52.082189308957496 ], [ 7.411101093986052, 52.082189308957496 ], [ 7.411101093986052, 52.087709388620169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 46861 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 52.082189308957496 ], [ 7.420084246827246, 52.082189308957496 ], [ 7.420084246827246, 52.076668546490119 ], [ 7.411101093986052, 52.076668546490119 ], [ 7.411101093986052, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.411101093986052, 50.618008556280095 ], [ 7.420084246827246, 50.618008556280095 ], [ 7.420084246827246, 50.612308511785223 ], [ 7.411101093986052, 50.612308511785223 ], [ 7.411101093986052, 50.618008556280095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47303 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 53.349985580318929 ], [ 7.429067399668442, 53.349985580318929 ], [ 7.429067399668442, 53.344622970592418 ], [ 7.420084246827246, 53.344622970592418 ], [ 7.420084246827246, 53.349985580318929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47304 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 53.344622970592418 ], [ 7.429067399668442, 53.344622970592418 ], [ 7.429067399668442, 53.339259686315472 ], [ 7.420084246827246, 53.339259686315472 ], [ 7.420084246827246, 53.344622970592418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47305 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 53.339259686315472 ], [ 7.429067399668442, 53.339259686315472 ], [ 7.429067399668442, 53.333895727450233 ], [ 7.420084246827246, 53.333895727450233 ], [ 7.420084246827246, 53.339259686315472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47321 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 53.253355368197305 ], [ 7.429067399668442, 53.253355368197305 ], [ 7.429067399668442, 53.247980610787351 ], [ 7.420084246827246, 53.247980610787351 ], [ 7.420084246827246, 53.253355368197305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 53.247980610787351 ], [ 7.429067399668442, 53.247980610787351 ], [ 7.429067399668442, 53.242605178148565 ], [ 7.420084246827246, 53.242605178148565 ], [ 7.420084246827246, 53.247980610787351 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47491 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 52.329917424798474 ], [ 7.429067399668442, 52.329917424798474 ], [ 7.429067399668442, 52.32442735535836 ], [ 7.420084246827246, 52.32442735535836 ], [ 7.420084246827246, 52.329917424798474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47492 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 52.32442735535836 ], [ 7.429067399668442, 52.32442735535836 ], [ 7.429067399668442, 52.318936604595045 ], [ 7.420084246827246, 52.318936604595045 ], [ 7.420084246827246, 52.32442735535836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47493 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 52.318936604595045 ], [ 7.429067399668442, 52.318936604595045 ], [ 7.429067399668442, 52.313445172474403 ], [ 7.420084246827246, 52.313445172474403 ], [ 7.420084246827246, 52.318936604595045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47494 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 52.313445172474403 ], [ 7.429067399668442, 52.313445172474403 ], [ 7.429067399668442, 52.307953058962347 ], [ 7.420084246827246, 52.307953058962347 ], [ 7.420084246827246, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47536 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 52.082189308957496 ], [ 7.429067399668442, 52.082189308957496 ], [ 7.429067399668442, 52.076668546490119 ], [ 7.420084246827246, 52.076668546490119 ], [ 7.420084246827246, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47537 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 52.076668546490119 ], [ 7.429067399668442, 52.076668546490119 ], [ 7.429067399668442, 52.071147101184813 ], [ 7.420084246827246, 52.071147101184813 ], [ 7.420084246827246, 52.076668546490119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47797 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 50.618008556280095 ], [ 7.429067399668442, 50.618008556280095 ], [ 7.429067399668442, 50.612308511785223 ], [ 7.420084246827246, 50.612308511785223 ], [ 7.420084246827246, 50.618008556280095 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47798 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.420084246827246, 50.612308511785223 ], [ 7.429067399668442, 50.612308511785223 ], [ 7.429067399668442, 50.606607776546362 ], [ 7.420084246827246, 50.606607776546362 ], [ 7.420084246827246, 50.612308511785223 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47980 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 53.339259686315472 ], [ 7.438050552509638, 53.339259686315472 ], [ 7.438050552509638, 53.333895727450233 ], [ 7.429067399668442, 53.333895727450233 ], [ 7.429067399668442, 53.339259686315472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47981 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 53.333895727450233 ], [ 7.438050552509638, 53.333895727450233 ], [ 7.438050552509638, 53.32853109395888 ], [ 7.429067399668442, 53.32853109395888 ], [ 7.429067399668442, 53.333895727450233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47995 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 53.258729450415949 ], [ 7.438050552509638, 53.258729450415949 ], [ 7.438050552509638, 53.253355368197305 ], [ 7.429067399668442, 53.253355368197305 ], [ 7.429067399668442, 53.258729450415949 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 47996 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 53.253355368197305 ], [ 7.438050552509638, 53.253355368197305 ], [ 7.438050552509638, 53.247980610787351 ], [ 7.429067399668442, 53.247980610787351 ], [ 7.429067399668442, 53.253355368197305 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48167 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 52.32442735535836 ], [ 7.438050552509638, 52.32442735535836 ], [ 7.438050552509638, 52.318936604595045 ], [ 7.429067399668442, 52.318936604595045 ], [ 7.429067399668442, 52.32442735535836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48212 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 52.076668546490119 ], [ 7.438050552509638, 52.076668546490119 ], [ 7.438050552509638, 52.071147101184813 ], [ 7.429067399668442, 52.071147101184813 ], [ 7.429067399668442, 52.076668546490119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 52.071147101184813 ], [ 7.438050552509638, 52.071147101184813 ], [ 7.438050552509638, 52.065624973008426 ], [ 7.429067399668442, 52.065624973008426 ], [ 7.429067399668442, 52.071147101184813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48214 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 52.065624973008426 ], [ 7.438050552509638, 52.065624973008426 ], [ 7.438050552509638, 52.060102161927794 ], [ 7.429067399668442, 52.060102161927794 ], [ 7.429067399668442, 52.065624973008426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48474 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 50.606607776546362 ], [ 7.438050552509638, 50.606607776546362 ], [ 7.438050552509638, 50.600906350536256 ], [ 7.429067399668442, 50.600906350536256 ], [ 7.429067399668442, 50.606607776546362 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.429067399668442, 50.600906350536256 ], [ 7.438050552509638, 50.600906350536256 ], [ 7.438050552509638, 50.59520423372765 ], [ 7.429067399668442, 50.59520423372765 ], [ 7.429067399668442, 50.600906350536256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48656 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 53.333895727450233 ], [ 7.447033705350832, 53.333895727450233 ], [ 7.447033705350832, 53.32853109395888 ], [ 7.438050552509638, 53.32853109395888 ], [ 7.438050552509638, 53.333895727450233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48657 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 53.32853109395888 ], [ 7.447033705350832, 53.32853109395888 ], [ 7.447033705350832, 53.323165785803603 ], [ 7.438050552509638, 53.323165785803603 ], [ 7.438050552509638, 53.32853109395888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48669 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 53.264102857480836 ], [ 7.447033705350832, 53.264102857480836 ], [ 7.447033705350832, 53.258729450415949 ], [ 7.438050552509638, 53.258729450415949 ], [ 7.438050552509638, 53.264102857480836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48670 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 53.258729450415949 ], [ 7.447033705350832, 53.258729450415949 ], [ 7.447033705350832, 53.253355368197305 ], [ 7.438050552509638, 53.253355368197305 ], [ 7.438050552509638, 53.258729450415949 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48842 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 52.32442735535836 ], [ 7.447033705350832, 52.32442735535836 ], [ 7.447033705350832, 52.318936604595045 ], [ 7.438050552509638, 52.318936604595045 ], [ 7.438050552509638, 52.32442735535836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48843 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 52.318936604595045 ], [ 7.447033705350832, 52.318936604595045 ], [ 7.447033705350832, 52.313445172474403 ], [ 7.438050552509638, 52.313445172474403 ], [ 7.438050552509638, 52.318936604595045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 52.065624973008426 ], [ 7.447033705350832, 52.065624973008426 ], [ 7.447033705350832, 52.060102161927794 ], [ 7.438050552509638, 52.060102161927794 ], [ 7.438050552509638, 52.065624973008426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48890 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 52.060102161927794 ], [ 7.447033705350832, 52.060102161927794 ], [ 7.447033705350832, 52.054578667909787 ], [ 7.438050552509638, 52.054578667909787 ], [ 7.438050552509638, 52.060102161927794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48891 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 52.054578667909787 ], [ 7.447033705350832, 52.054578667909787 ], [ 7.447033705350832, 52.049054490921293 ], [ 7.438050552509638, 52.049054490921293 ], [ 7.438050552509638, 52.054578667909787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 48892 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 52.049054490921293 ], [ 7.447033705350832, 52.049054490921293 ], [ 7.447033705350832, 52.043529630929235 ], [ 7.438050552509638, 52.043529630929235 ], [ 7.438050552509638, 52.049054490921293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49150 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 50.600906350536256 ], [ 7.447033705350832, 50.600906350536256 ], [ 7.447033705350832, 50.59520423372765 ], [ 7.438050552509638, 50.59520423372765 ], [ 7.438050552509638, 50.600906350536256 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49151 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.438050552509638, 50.59520423372765 ], [ 7.447033705350832, 50.59520423372765 ], [ 7.447033705350832, 50.589501426093335 ], [ 7.438050552509638, 50.589501426093335 ], [ 7.438050552509638, 50.59520423372765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 53.32853109395888 ], [ 7.456016858192028, 53.32853109395888 ], [ 7.456016858192028, 53.323165785803603 ], [ 7.447033705350832, 53.323165785803603 ], [ 7.447033705350832, 53.32853109395888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49333 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 53.323165785803603 ], [ 7.456016858192028, 53.323165785803603 ], [ 7.456016858192028, 53.317799802946595 ], [ 7.447033705350832, 53.317799802946595 ], [ 7.447033705350832, 53.323165785803603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49334 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 53.317799802946595 ], [ 7.456016858192028, 53.317799802946595 ], [ 7.456016858192028, 53.312433145350091 ], [ 7.447033705350832, 53.312433145350091 ], [ 7.447033705350832, 53.317799802946595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49344 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 53.264102857480836 ], [ 7.456016858192028, 53.264102857480836 ], [ 7.456016858192028, 53.258729450415949 ], [ 7.447033705350832, 53.258729450415949 ], [ 7.447033705350832, 53.264102857480836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49518 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 52.318936604595045 ], [ 7.456016858192028, 52.318936604595045 ], [ 7.456016858192028, 52.313445172474403 ], [ 7.447033705350832, 52.313445172474403 ], [ 7.447033705350832, 52.318936604595045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49567 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 52.049054490921293 ], [ 7.456016858192028, 52.049054490921293 ], [ 7.456016858192028, 52.043529630929235 ], [ 7.447033705350832, 52.043529630929235 ], [ 7.447033705350832, 52.049054490921293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49568 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 52.043529630929235 ], [ 7.456016858192028, 52.043529630929235 ], [ 7.456016858192028, 52.038004087900532 ], [ 7.447033705350832, 52.038004087900532 ], [ 7.447033705350832, 52.043529630929235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 49826 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.447033705350832, 50.59520423372765 ], [ 7.456016858192028, 50.59520423372765 ], [ 7.456016858192028, 50.589501426093335 ], [ 7.447033705350832, 50.589501426093335 ], [ 7.447033705350832, 50.59520423372765 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50009 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 53.317799802946595 ], [ 7.465000011033223, 53.317799802946595 ], [ 7.465000011033223, 53.312433145350091 ], [ 7.456016858192028, 53.312433145350091 ], [ 7.456016858192028, 53.317799802946595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50010 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 53.312433145350091 ], [ 7.465000011033223, 53.312433145350091 ], [ 7.465000011033223, 53.307065812976333 ], [ 7.456016858192028, 53.307065812976333 ], [ 7.456016858192028, 53.312433145350091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50018 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 53.269475589429511 ], [ 7.465000011033223, 53.269475589429511 ], [ 7.465000011033223, 53.264102857480836 ], [ 7.456016858192028, 53.264102857480836 ], [ 7.456016858192028, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50019 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 53.264102857480836 ], [ 7.465000011033223, 53.264102857480836 ], [ 7.465000011033223, 53.258729450415949 ], [ 7.456016858192028, 53.258729450415949 ], [ 7.456016858192028, 53.264102857480836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50193 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 52.318936604595045 ], [ 7.465000011033223, 52.318936604595045 ], [ 7.465000011033223, 52.313445172474403 ], [ 7.456016858192028, 52.313445172474403 ], [ 7.456016858192028, 52.318936604595045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50194 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 52.313445172474403 ], [ 7.465000011033223, 52.313445172474403 ], [ 7.465000011033223, 52.307953058962347 ], [ 7.456016858192028, 52.307953058962347 ], [ 7.456016858192028, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50243 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 52.043529630929235 ], [ 7.465000011033223, 52.043529630929235 ], [ 7.465000011033223, 52.038004087900532 ], [ 7.456016858192028, 52.038004087900532 ], [ 7.456016858192028, 52.043529630929235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50244 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 52.038004087900532 ], [ 7.465000011033223, 52.038004087900532 ], [ 7.465000011033223, 52.032477861802128 ], [ 7.456016858192028, 52.032477861802128 ], [ 7.456016858192028, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50502 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.456016858192028, 50.589501426093335 ], [ 7.465000011033223, 50.589501426093335 ], [ 7.465000011033223, 50.58379792760612 ], [ 7.456016858192028, 50.58379792760612 ], [ 7.456016858192028, 50.589501426093335 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50683 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 53.323165785803603 ], [ 7.473983163874418, 53.323165785803603 ], [ 7.473983163874418, 53.317799802946595 ], [ 7.465000011033223, 53.317799802946595 ], [ 7.465000011033223, 53.323165785803603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50684 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 53.317799802946595 ], [ 7.473983163874418, 53.317799802946595 ], [ 7.473983163874418, 53.312433145350091 ], [ 7.465000011033223, 53.312433145350091 ], [ 7.465000011033223, 53.317799802946595 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 53.312433145350091 ], [ 7.473983163874418, 53.312433145350091 ], [ 7.473983163874418, 53.307065812976333 ], [ 7.465000011033223, 53.307065812976333 ], [ 7.465000011033223, 53.312433145350091 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50686 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 53.307065812976333 ], [ 7.473983163874418, 53.307065812976333 ], [ 7.473983163874418, 53.301697805787583 ], [ 7.465000011033223, 53.301697805787583 ], [ 7.465000011033223, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50687 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 53.301697805787583 ], [ 7.473983163874418, 53.301697805787583 ], [ 7.473983163874418, 53.296329123746133 ], [ 7.465000011033223, 53.296329123746133 ], [ 7.465000011033223, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50693 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 53.269475589429511 ], [ 7.473983163874418, 53.269475589429511 ], [ 7.473983163874418, 53.264102857480836 ], [ 7.465000011033223, 53.264102857480836 ], [ 7.465000011033223, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 52.313445172474403 ], [ 7.473983163874418, 52.313445172474403 ], [ 7.473983163874418, 52.307953058962347 ], [ 7.465000011033223, 52.307953058962347 ], [ 7.465000011033223, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 50919 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 52.038004087900532 ], [ 7.473983163874418, 52.038004087900532 ], [ 7.473983163874418, 52.032477861802128 ], [ 7.465000011033223, 52.032477861802128 ], [ 7.465000011033223, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51178 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.465000011033223, 50.58379792760612 ], [ 7.473983163874418, 50.58379792760612 ], [ 7.473983163874418, 50.578093738238842 ], [ 7.465000011033223, 50.578093738238842 ], [ 7.465000011033223, 50.58379792760612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51356 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.333895727450233 ], [ 7.482966316715613, 53.333895727450233 ], [ 7.482966316715613, 53.32853109395888 ], [ 7.473983163874418, 53.32853109395888 ], [ 7.473983163874418, 53.333895727450233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51357 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.32853109395888 ], [ 7.482966316715613, 53.32853109395888 ], [ 7.482966316715613, 53.323165785803603 ], [ 7.473983163874418, 53.323165785803603 ], [ 7.473983163874418, 53.32853109395888 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51358 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.323165785803603 ], [ 7.482966316715613, 53.323165785803603 ], [ 7.482966316715613, 53.317799802946595 ], [ 7.473983163874418, 53.317799802946595 ], [ 7.473983163874418, 53.323165785803603 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51361 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.307065812976333 ], [ 7.482966316715613, 53.307065812976333 ], [ 7.482966316715613, 53.301697805787583 ], [ 7.473983163874418, 53.301697805787583 ], [ 7.473983163874418, 53.307065812976333 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51362 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.301697805787583 ], [ 7.482966316715613, 53.301697805787583 ], [ 7.482966316715613, 53.296329123746133 ], [ 7.473983163874418, 53.296329123746133 ], [ 7.473983163874418, 53.301697805787583 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51363 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.296329123746133 ], [ 7.482966316715613, 53.296329123746133 ], [ 7.482966316715613, 53.290959766814282 ], [ 7.473983163874418, 53.290959766814282 ], [ 7.473983163874418, 53.296329123746133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51368 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 53.269475589429511 ], [ 7.482966316715613, 53.269475589429511 ], [ 7.482966316715613, 53.264102857480836 ], [ 7.473983163874418, 53.264102857480836 ], [ 7.473983163874418, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51544 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 52.313445172474403 ], [ 7.482966316715613, 52.313445172474403 ], [ 7.482966316715613, 52.307953058962347 ], [ 7.473983163874418, 52.307953058962347 ], [ 7.473983163874418, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 52.307953058962347 ], [ 7.482966316715613, 52.307953058962347 ], [ 7.482966316715613, 52.302460264024795 ], [ 7.473983163874418, 52.302460264024795 ], [ 7.473983163874418, 52.307953058962347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51594 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 52.038004087900532 ], [ 7.482966316715613, 52.038004087900532 ], [ 7.482966316715613, 52.032477861802128 ], [ 7.473983163874418, 52.032477861802128 ], [ 7.473983163874418, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 52.032477861802128 ], [ 7.482966316715613, 52.032477861802128 ], [ 7.482966316715613, 52.026950952601005 ], [ 7.473983163874418, 52.026950952601005 ], [ 7.473983163874418, 52.032477861802128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 51853 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.473983163874418, 50.58379792760612 ], [ 7.482966316715613, 50.58379792760612 ], [ 7.482966316715613, 50.578093738238842 ], [ 7.473983163874418, 50.578093738238842 ], [ 7.473983163874418, 50.58379792760612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52029 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.344622970592418 ], [ 7.491949469556809, 53.344622970592418 ], [ 7.491949469556809, 53.339259686315472 ], [ 7.482966316715613, 53.339259686315472 ], [ 7.482966316715613, 53.344622970592418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52030 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.339259686315472 ], [ 7.491949469556809, 53.339259686315472 ], [ 7.491949469556809, 53.333895727450233 ], [ 7.482966316715613, 53.333895727450233 ], [ 7.482966316715613, 53.339259686315472 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52031 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.333895727450233 ], [ 7.491949469556809, 53.333895727450233 ], [ 7.491949469556809, 53.32853109395888 ], [ 7.482966316715613, 53.32853109395888 ], [ 7.482966316715613, 53.333895727450233 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52038 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.296329123746133 ], [ 7.491949469556809, 53.296329123746133 ], [ 7.491949469556809, 53.290959766814282 ], [ 7.482966316715613, 53.290959766814282 ], [ 7.482966316715613, 53.296329123746133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52039 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.290959766814282 ], [ 7.491949469556809, 53.290959766814282 ], [ 7.491949469556809, 53.285589734954343 ], [ 7.482966316715613, 53.285589734954343 ], [ 7.482966316715613, 53.290959766814282 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52040 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.285589734954343 ], [ 7.491949469556809, 53.285589734954343 ], [ 7.491949469556809, 53.280219028128663 ], [ 7.482966316715613, 53.280219028128663 ], [ 7.482966316715613, 53.285589734954343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52043 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 53.269475589429511 ], [ 7.491949469556809, 53.269475589429511 ], [ 7.491949469556809, 53.264102857480836 ], [ 7.482966316715613, 53.264102857480836 ], [ 7.482966316715613, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 52.307953058962347 ], [ 7.491949469556809, 52.307953058962347 ], [ 7.491949469556809, 52.302460264024795 ], [ 7.482966316715613, 52.302460264024795 ], [ 7.482966316715613, 52.307953058962347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52270 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 52.032477861802128 ], [ 7.491949469556809, 52.032477861802128 ], [ 7.491949469556809, 52.026950952601005 ], [ 7.482966316715613, 52.026950952601005 ], [ 7.482966316715613, 52.032477861802128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52271 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 52.026950952601005 ], [ 7.491949469556809, 52.026950952601005 ], [ 7.491949469556809, 52.021423360264173 ], [ 7.482966316715613, 52.021423360264173 ], [ 7.482966316715613, 52.026950952601005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52528 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 50.58379792760612 ], [ 7.491949469556809, 50.58379792760612 ], [ 7.491949469556809, 50.578093738238842 ], [ 7.482966316715613, 50.578093738238842 ], [ 7.482966316715613, 50.58379792760612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52529 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.482966316715613, 50.578093738238842 ], [ 7.491949469556809, 50.578093738238842 ], [ 7.491949469556809, 50.572388857964334 ], [ 7.482966316715613, 50.572388857964334 ], [ 7.482966316715613, 50.578093738238842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52702 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.355347515532877 ], [ 7.500932622398003, 53.355347515532877 ], [ 7.500932622398003, 53.349985580318929 ], [ 7.491949469556809, 53.349985580318929 ], [ 7.491949469556809, 53.355347515532877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.349985580318929 ], [ 7.500932622398003, 53.349985580318929 ], [ 7.500932622398003, 53.344622970592418 ], [ 7.491949469556809, 53.344622970592418 ], [ 7.491949469556809, 53.349985580318929 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52704 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.344622970592418 ], [ 7.500932622398003, 53.344622970592418 ], [ 7.500932622398003, 53.339259686315472 ], [ 7.491949469556809, 53.339259686315472 ], [ 7.491949469556809, 53.344622970592418 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52715 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.285589734954343 ], [ 7.500932622398003, 53.285589734954343 ], [ 7.500932622398003, 53.280219028128663 ], [ 7.491949469556809, 53.280219028128663 ], [ 7.491949469556809, 53.285589734954343 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.280219028128663 ], [ 7.500932622398003, 53.280219028128663 ], [ 7.500932622398003, 53.274847646299598 ], [ 7.491949469556809, 53.274847646299598 ], [ 7.491949469556809, 53.280219028128663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52717 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.274847646299598 ], [ 7.500932622398003, 53.274847646299598 ], [ 7.500932622398003, 53.269475589429511 ], [ 7.491949469556809, 53.269475589429511 ], [ 7.491949469556809, 53.274847646299598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 53.269475589429511 ], [ 7.500932622398003, 53.269475589429511 ], [ 7.500932622398003, 53.264102857480836 ], [ 7.491949469556809, 53.264102857480836 ], [ 7.491949469556809, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52895 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 52.307953058962347 ], [ 7.500932622398003, 52.307953058962347 ], [ 7.500932622398003, 52.302460264024795 ], [ 7.491949469556809, 52.302460264024795 ], [ 7.491949469556809, 52.307953058962347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52896 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 52.302460264024795 ], [ 7.500932622398003, 52.302460264024795 ], [ 7.500932622398003, 52.296966787627667 ], [ 7.491949469556809, 52.296966787627667 ], [ 7.491949469556809, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52946 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 52.026950952601005 ], [ 7.500932622398003, 52.026950952601005 ], [ 7.500932622398003, 52.021423360264173 ], [ 7.491949469556809, 52.021423360264173 ], [ 7.491949469556809, 52.026950952601005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52947 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 52.021423360264173 ], [ 7.500932622398003, 52.021423360264173 ], [ 7.500932622398003, 52.015895084758625 ], [ 7.491949469556809, 52.015895084758625 ], [ 7.491949469556809, 52.021423360264173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 52948 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 52.015895084758625 ], [ 7.500932622398003, 52.015895084758625 ], [ 7.500932622398003, 52.010366126051423 ], [ 7.491949469556809, 52.010366126051423 ], [ 7.491949469556809, 52.015895084758625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53204 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.491949469556809, 50.578093738238842 ], [ 7.500932622398003, 50.578093738238842 ], [ 7.500932622398003, 50.572388857964334 ], [ 7.491949469556809, 50.572388857964334 ], [ 7.491949469556809, 50.578093738238842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53376 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 53.360708776272133 ], [ 7.509915775239199, 53.360708776272133 ], [ 7.509915775239199, 53.355347515532877 ], [ 7.500932622398003, 53.355347515532877 ], [ 7.500932622398003, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53377 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 53.355347515532877 ], [ 7.509915775239199, 53.355347515532877 ], [ 7.509915775239199, 53.349985580318929 ], [ 7.500932622398003, 53.349985580318929 ], [ 7.500932622398003, 53.355347515532877 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53393 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 53.269475589429511 ], [ 7.509915775239199, 53.269475589429511 ], [ 7.509915775239199, 53.264102857480836 ], [ 7.500932622398003, 53.264102857480836 ], [ 7.500932622398003, 53.269475589429511 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53571 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 52.302460264024795 ], [ 7.509915775239199, 52.302460264024795 ], [ 7.509915775239199, 52.296966787627667 ], [ 7.500932622398003, 52.296966787627667 ], [ 7.500932622398003, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 52.296966787627667 ], [ 7.509915775239199, 52.296966787627667 ], [ 7.509915775239199, 52.291472629736958 ], [ 7.500932622398003, 52.291472629736958 ], [ 7.500932622398003, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53623 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 52.015895084758625 ], [ 7.509915775239199, 52.015895084758625 ], [ 7.509915775239199, 52.010366126051423 ], [ 7.500932622398003, 52.010366126051423 ], [ 7.500932622398003, 52.015895084758625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53624 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 52.010366126051423 ], [ 7.509915775239199, 52.010366126051423 ], [ 7.509915775239199, 52.00483648410961 ], [ 7.500932622398003, 52.00483648410961 ], [ 7.500932622398003, 52.010366126051423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53879 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 50.578093738238842 ], [ 7.509915775239199, 50.578093738238842 ], [ 7.509915775239199, 50.572388857964334 ], [ 7.500932622398003, 50.572388857964334 ], [ 7.500932622398003, 50.578093738238842 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 53880 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.500932622398003, 50.572388857964334 ], [ 7.509915775239199, 50.572388857964334 ], [ 7.509915775239199, 50.566683286755506 ], [ 7.500932622398003, 50.566683286755506 ], [ 7.500932622398003, 50.572388857964334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54050 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.509915775239199, 53.366069362574621 ], [ 7.518898928080395, 53.366069362574621 ], [ 7.518898928080395, 53.360708776272133 ], [ 7.509915775239199, 53.360708776272133 ], [ 7.509915775239199, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54051 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.509915775239199, 53.360708776272133 ], [ 7.518898928080395, 53.360708776272133 ], [ 7.518898928080395, 53.355347515532877 ], [ 7.509915775239199, 53.355347515532877 ], [ 7.509915775239199, 53.360708776272133 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54247 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.509915775239199, 52.296966787627667 ], [ 7.518898928080395, 52.296966787627667 ], [ 7.518898928080395, 52.291472629736958 ], [ 7.509915775239199, 52.291472629736958 ], [ 7.509915775239199, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54299 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.509915775239199, 52.010366126051423 ], [ 7.518898928080395, 52.010366126051423 ], [ 7.518898928080395, 52.00483648410961 ], [ 7.509915775239199, 52.00483648410961 ], [ 7.509915775239199, 52.010366126051423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54300 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.509915775239199, 52.00483648410961 ], [ 7.518898928080395, 52.00483648410961 ], [ 7.518898928080395, 51.999306158900268 ], [ 7.509915775239199, 51.999306158900268 ], [ 7.509915775239199, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54555 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.509915775239199, 50.572388857964334 ], [ 7.518898928080395, 50.572388857964334 ], [ 7.518898928080395, 50.566683286755506 ], [ 7.509915775239199, 50.566683286755506 ], [ 7.509915775239199, 50.572388857964334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54722 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 53.382147075240773 ], [ 7.527882080921589, 53.382147075240773 ], [ 7.527882080921589, 53.37678851202098 ], [ 7.518898928080395, 53.37678851202098 ], [ 7.518898928080395, 53.382147075240773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54723 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 53.37678851202098 ], [ 7.527882080921589, 53.37678851202098 ], [ 7.527882080921589, 53.371429274478253 ], [ 7.518898928080395, 53.371429274478253 ], [ 7.518898928080395, 53.37678851202098 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54724 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 53.371429274478253 ], [ 7.527882080921589, 53.371429274478253 ], [ 7.527882080921589, 53.366069362574621 ], [ 7.518898928080395, 53.366069362574621 ], [ 7.518898928080395, 53.371429274478253 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 53.366069362574621 ], [ 7.527882080921589, 53.366069362574621 ], [ 7.527882080921589, 53.360708776272133 ], [ 7.518898928080395, 53.360708776272133 ], [ 7.518898928080395, 53.366069362574621 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54922 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 52.296966787627667 ], [ 7.527882080921589, 52.296966787627667 ], [ 7.527882080921589, 52.291472629736958 ], [ 7.518898928080395, 52.291472629736958 ], [ 7.518898928080395, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 52.00483648410961 ], [ 7.527882080921589, 52.00483648410961 ], [ 7.527882080921589, 51.999306158900268 ], [ 7.518898928080395, 51.999306158900268 ], [ 7.518898928080395, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 54976 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 51.999306158900268 ], [ 7.527882080921589, 51.999306158900268 ], [ 7.527882080921589, 51.993775150390505 ], [ 7.518898928080395, 51.993775150390505 ], [ 7.518898928080395, 51.999306158900268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55230 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 50.572388857964334 ], [ 7.527882080921589, 50.572388857964334 ], [ 7.527882080921589, 50.566683286755506 ], [ 7.518898928080395, 50.566683286755506 ], [ 7.518898928080395, 50.572388857964334 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55231 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.518898928080395, 50.566683286755506 ], [ 7.527882080921589, 50.566683286755506 ], [ 7.527882080921589, 50.560977024585242 ], [ 7.518898928080395, 50.560977024585242 ], [ 7.518898928080395, 50.566683286755506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55396 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 53.387504964175598 ], [ 7.536865233762785, 53.387504964175598 ], [ 7.536865233762785, 53.382147075240773 ], [ 7.527882080921589, 53.382147075240773 ], [ 7.527882080921589, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55397 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 53.382147075240773 ], [ 7.536865233762785, 53.382147075240773 ], [ 7.536865233762785, 53.37678851202098 ], [ 7.527882080921589, 53.37678851202098 ], [ 7.527882080921589, 53.382147075240773 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55597 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 52.296966787627667 ], [ 7.536865233762785, 52.296966787627667 ], [ 7.536865233762785, 52.291472629736958 ], [ 7.527882080921589, 52.291472629736958 ], [ 7.527882080921589, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55598 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 52.291472629736958 ], [ 7.536865233762785, 52.291472629736958 ], [ 7.536865233762785, 52.285977790318626 ], [ 7.527882080921589, 52.285977790318626 ], [ 7.527882080921589, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55651 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 51.999306158900268 ], [ 7.536865233762785, 51.999306158900268 ], [ 7.536865233762785, 51.993775150390505 ], [ 7.527882080921589, 51.993775150390505 ], [ 7.527882080921589, 51.999306158900268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 51.993775150390505 ], [ 7.536865233762785, 51.993775150390505 ], [ 7.536865233762785, 51.988243458547444 ], [ 7.527882080921589, 51.988243458547444 ], [ 7.527882080921589, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55906 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 50.566683286755506 ], [ 7.536865233762785, 50.566683286755506 ], [ 7.536865233762785, 50.560977024585242 ], [ 7.527882080921589, 50.560977024585242 ], [ 7.527882080921589, 50.566683286755506 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 55907 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.527882080921589, 50.560977024585242 ], [ 7.536865233762785, 50.560977024585242 ], [ 7.536865233762785, 50.555270071426492 ], [ 7.527882080921589, 50.555270071426492 ], [ 7.527882080921589, 50.560977024585242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 56071 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.536865233762785, 53.387504964175598 ], [ 7.545848386603979, 53.387504964175598 ], [ 7.545848386603979, 53.382147075240773 ], [ 7.536865233762785, 53.382147075240773 ], [ 7.536865233762785, 53.387504964175598 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 56273 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.536865233762785, 52.291472629736958 ], [ 7.545848386603979, 52.291472629736958 ], [ 7.545848386603979, 52.285977790318626 ], [ 7.536865233762785, 52.285977790318626 ], [ 7.536865233762785, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 56327 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.536865233762785, 51.993775150390505 ], [ 7.545848386603979, 51.993775150390505 ], [ 7.545848386603979, 51.988243458547444 ], [ 7.536865233762785, 51.988243458547444 ], [ 7.536865233762785, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 56582 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.536865233762785, 50.560977024585242 ], [ 7.545848386603979, 50.560977024585242 ], [ 7.545848386603979, 50.555270071426492 ], [ 7.536865233762785, 50.555270071426492 ], [ 7.536865233762785, 50.560977024585242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 56948 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 52.291472629736958 ], [ 7.554831539445175, 52.291472629736958 ], [ 7.554831539445175, 52.285977790318626 ], [ 7.545848386603979, 52.285977790318626 ], [ 7.545848386603979, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.993775150390505 ], [ 7.554831539445175, 51.993775150390505 ], [ 7.554831539445175, 51.988243458547444 ], [ 7.545848386603979, 51.988243458547444 ], [ 7.545848386603979, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57003 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.988243458547444 ], [ 7.554831539445175, 51.988243458547444 ], [ 7.554831539445175, 51.982711083338224 ], [ 7.545848386603979, 51.982711083338224 ], [ 7.545848386603979, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.982711083338224 ], [ 7.554831539445175, 51.982711083338224 ], [ 7.554831539445175, 51.977178024730023 ], [ 7.545848386603979, 51.977178024730023 ], [ 7.545848386603979, 51.982711083338224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.977178024730023 ], [ 7.554831539445175, 51.977178024730023 ], [ 7.554831539445175, 51.971644282690022 ], [ 7.545848386603979, 51.971644282690022 ], [ 7.545848386603979, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.971644282690022 ], [ 7.554831539445175, 51.971644282690022 ], [ 7.554831539445175, 51.96610985718543 ], [ 7.545848386603979, 51.96610985718543 ], [ 7.545848386603979, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57007 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.96610985718543 ], [ 7.554831539445175, 51.96610985718543 ], [ 7.554831539445175, 51.960574748183475 ], [ 7.545848386603979, 51.960574748183475 ], [ 7.545848386603979, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.960574748183475 ], [ 7.554831539445175, 51.960574748183475 ], [ 7.554831539445175, 51.955038955651425 ], [ 7.545848386603979, 51.955038955651425 ], [ 7.545848386603979, 51.960574748183475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57009 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.955038955651425 ], [ 7.554831539445175, 51.955038955651425 ], [ 7.554831539445175, 51.949502479556529 ], [ 7.545848386603979, 51.949502479556529 ], [ 7.545848386603979, 51.955038955651425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57010 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.949502479556529 ], [ 7.554831539445175, 51.949502479556529 ], [ 7.554831539445175, 51.943965319866109 ], [ 7.545848386603979, 51.943965319866109 ], [ 7.545848386603979, 51.949502479556529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57011 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.943965319866109 ], [ 7.554831539445175, 51.943965319866109 ], [ 7.554831539445175, 51.93842747654746 ], [ 7.545848386603979, 51.93842747654746 ], [ 7.545848386603979, 51.943965319866109 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57012 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.93842747654746 ], [ 7.554831539445175, 51.93842747654746 ], [ 7.554831539445175, 51.932888949567932 ], [ 7.545848386603979, 51.932888949567932 ], [ 7.545848386603979, 51.93842747654746 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57013 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 51.932888949567932 ], [ 7.554831539445175, 51.932888949567932 ], [ 7.554831539445175, 51.92734973889489 ], [ 7.545848386603979, 51.92734973889489 ], [ 7.545848386603979, 51.932888949567932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57257 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.545848386603979, 50.560977024585242 ], [ 7.554831539445175, 50.560977024585242 ], [ 7.554831539445175, 50.555270071426492 ], [ 7.545848386603979, 50.555270071426492 ], [ 7.545848386603979, 50.560977024585242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57623 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 52.291472629736958 ], [ 7.56381469228637, 52.291472629736958 ], [ 7.56381469228637, 52.285977790318626 ], [ 7.554831539445175, 52.285977790318626 ], [ 7.554831539445175, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.993775150390505 ], [ 7.56381469228637, 51.993775150390505 ], [ 7.56381469228637, 51.988243458547444 ], [ 7.554831539445175, 51.988243458547444 ], [ 7.554831539445175, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57678 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.988243458547444 ], [ 7.56381469228637, 51.988243458547444 ], [ 7.56381469228637, 51.982711083338224 ], [ 7.554831539445175, 51.982711083338224 ], [ 7.554831539445175, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57688 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.932888949567932 ], [ 7.56381469228637, 51.932888949567932 ], [ 7.56381469228637, 51.92734973889489 ], [ 7.554831539445175, 51.92734973889489 ], [ 7.554831539445175, 51.932888949567932 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57689 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.92734973889489 ], [ 7.56381469228637, 51.92734973889489 ], [ 7.56381469228637, 51.921809844495691 ], [ 7.554831539445175, 51.921809844495691 ], [ 7.554831539445175, 51.92734973889489 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57690 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.921809844495691 ], [ 7.56381469228637, 51.921809844495691 ], [ 7.56381469228637, 51.916269266337764 ], [ 7.554831539445175, 51.916269266337764 ], [ 7.554831539445175, 51.921809844495691 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57691 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.916269266337764 ], [ 7.56381469228637, 51.916269266337764 ], [ 7.56381469228637, 51.910728004388538 ], [ 7.554831539445175, 51.910728004388538 ], [ 7.554831539445175, 51.916269266337764 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57692 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 51.910728004388538 ], [ 7.56381469228637, 51.910728004388538 ], [ 7.56381469228637, 51.905186058615428 ], [ 7.554831539445175, 51.905186058615428 ], [ 7.554831539445175, 51.910728004388538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 57932 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.554831539445175, 50.560977024585242 ], [ 7.56381469228637, 50.560977024585242 ], [ 7.56381469228637, 50.555270071426492 ], [ 7.554831539445175, 50.555270071426492 ], [ 7.554831539445175, 50.560977024585242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58298 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 52.291472629736958 ], [ 7.572797845127565, 52.291472629736958 ], [ 7.572797845127565, 52.285977790318626 ], [ 7.56381469228637, 52.285977790318626 ], [ 7.56381469228637, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58350 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 52.00483648410961 ], [ 7.572797845127565, 52.00483648410961 ], [ 7.572797845127565, 51.999306158900268 ], [ 7.56381469228637, 51.999306158900268 ], [ 7.56381469228637, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58351 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.999306158900268 ], [ 7.572797845127565, 51.999306158900268 ], [ 7.572797845127565, 51.993775150390505 ], [ 7.56381469228637, 51.993775150390505 ], [ 7.56381469228637, 51.999306158900268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.993775150390505 ], [ 7.572797845127565, 51.993775150390505 ], [ 7.572797845127565, 51.988243458547444 ], [ 7.56381469228637, 51.988243458547444 ], [ 7.56381469228637, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58367 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.910728004388538 ], [ 7.572797845127565, 51.910728004388538 ], [ 7.572797845127565, 51.905186058615428 ], [ 7.56381469228637, 51.905186058615428 ], [ 7.56381469228637, 51.910728004388538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58368 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.905186058615428 ], [ 7.572797845127565, 51.905186058615428 ], [ 7.572797845127565, 51.899643428985925 ], [ 7.56381469228637, 51.899643428985925 ], [ 7.56381469228637, 51.905186058615428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58369 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.899643428985925 ], [ 7.572797845127565, 51.899643428985925 ], [ 7.572797845127565, 51.894100115467516 ], [ 7.56381469228637, 51.894100115467516 ], [ 7.56381469228637, 51.899643428985925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58370 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.894100115467516 ], [ 7.572797845127565, 51.894100115467516 ], [ 7.572797845127565, 51.888556118027701 ], [ 7.56381469228637, 51.888556118027701 ], [ 7.56381469228637, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58371 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 51.888556118027701 ], [ 7.572797845127565, 51.888556118027701 ], [ 7.572797845127565, 51.883011436634021 ], [ 7.56381469228637, 51.883011436634021 ], [ 7.56381469228637, 51.888556118027701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58607 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.56381469228637, 50.560977024585242 ], [ 7.572797845127565, 50.560977024585242 ], [ 7.572797845127565, 50.555270071426492 ], [ 7.56381469228637, 50.555270071426492 ], [ 7.56381469228637, 50.560977024585242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 58973 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 52.291472629736958 ], [ 7.58178099796876, 52.291472629736958 ], [ 7.58178099796876, 52.285977790318626 ], [ 7.572797845127565, 52.285977790318626 ], [ 7.572797845127565, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59023 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 52.015895084758625 ], [ 7.58178099796876, 52.015895084758625 ], [ 7.58178099796876, 52.010366126051423 ], [ 7.572797845127565, 52.010366126051423 ], [ 7.572797845127565, 52.015895084758625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59024 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 52.010366126051423 ], [ 7.58178099796876, 52.010366126051423 ], [ 7.58178099796876, 52.00483648410961 ], [ 7.572797845127565, 52.00483648410961 ], [ 7.572797845127565, 52.010366126051423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59025 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 52.00483648410961 ], [ 7.58178099796876, 52.00483648410961 ], [ 7.58178099796876, 51.999306158900268 ], [ 7.572797845127565, 51.999306158900268 ], [ 7.572797845127565, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59027 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 51.993775150390505 ], [ 7.58178099796876, 51.993775150390505 ], [ 7.58178099796876, 51.988243458547444 ], [ 7.572797845127565, 51.988243458547444 ], [ 7.572797845127565, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59028 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 51.988243458547444 ], [ 7.58178099796876, 51.988243458547444 ], [ 7.58178099796876, 51.982711083338224 ], [ 7.572797845127565, 51.982711083338224 ], [ 7.572797845127565, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59030 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 51.977178024730023 ], [ 7.58178099796876, 51.977178024730023 ], [ 7.58178099796876, 51.971644282690022 ], [ 7.572797845127565, 51.971644282690022 ], [ 7.572797845127565, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59031 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 51.971644282690022 ], [ 7.58178099796876, 51.971644282690022 ], [ 7.58178099796876, 51.96610985718543 ], [ 7.572797845127565, 51.96610985718543 ], [ 7.572797845127565, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 51.894100115467516 ], [ 7.58178099796876, 51.894100115467516 ], [ 7.58178099796876, 51.888556118027701 ], [ 7.572797845127565, 51.888556118027701 ], [ 7.572797845127565, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 51.888556118027701 ], [ 7.58178099796876, 51.888556118027701 ], [ 7.58178099796876, 51.883011436634021 ], [ 7.572797845127565, 51.883011436634021 ], [ 7.572797845127565, 51.888556118027701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59283 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.572797845127565, 50.555270071426492 ], [ 7.58178099796876, 50.555270071426492 ], [ 7.58178099796876, 50.549562427252191 ], [ 7.572797845127565, 50.549562427252191 ], [ 7.572797845127565, 50.555270071426492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59648 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 52.291472629736958 ], [ 7.590764150809957, 52.291472629736958 ], [ 7.590764150809957, 52.285977790318626 ], [ 7.58178099796876, 52.285977790318626 ], [ 7.58178099796876, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59697 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 52.021423360264173 ], [ 7.590764150809957, 52.021423360264173 ], [ 7.590764150809957, 52.015895084758625 ], [ 7.58178099796876, 52.015895084758625 ], [ 7.58178099796876, 52.021423360264173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59698 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 52.015895084758625 ], [ 7.590764150809957, 52.015895084758625 ], [ 7.590764150809957, 52.010366126051423 ], [ 7.58178099796876, 52.010366126051423 ], [ 7.58178099796876, 52.015895084758625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 51.988243458547444 ], [ 7.590764150809957, 51.988243458547444 ], [ 7.590764150809957, 51.982711083338224 ], [ 7.58178099796876, 51.982711083338224 ], [ 7.58178099796876, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 51.977178024730023 ], [ 7.590764150809957, 51.977178024730023 ], [ 7.590764150809957, 51.971644282690022 ], [ 7.58178099796876, 51.971644282690022 ], [ 7.58178099796876, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 51.971644282690022 ], [ 7.590764150809957, 51.971644282690022 ], [ 7.590764150809957, 51.96610985718543 ], [ 7.58178099796876, 51.96610985718543 ], [ 7.58178099796876, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59707 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 51.96610985718543 ], [ 7.590764150809957, 51.96610985718543 ], [ 7.590764150809957, 51.960574748183475 ], [ 7.58178099796876, 51.960574748183475 ], [ 7.58178099796876, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59720 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 51.894100115467516 ], [ 7.590764150809957, 51.894100115467516 ], [ 7.590764150809957, 51.888556118027701 ], [ 7.58178099796876, 51.888556118027701 ], [ 7.58178099796876, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59959 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 50.549562427252191 ], [ 7.590764150809957, 50.549562427252191 ], [ 7.590764150809957, 50.543854092035311 ], [ 7.58178099796876, 50.543854092035311 ], [ 7.58178099796876, 50.549562427252191 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 59960 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.58178099796876, 50.543854092035311 ], [ 7.590764150809957, 50.543854092035311 ], [ 7.590764150809957, 50.538145065748864 ], [ 7.58178099796876, 50.538145065748864 ], [ 7.58178099796876, 50.543854092035311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60323 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 52.291472629736958 ], [ 7.59974730365115, 52.291472629736958 ], [ 7.59974730365115, 52.285977790318626 ], [ 7.590764150809957, 52.285977790318626 ], [ 7.590764150809957, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60371 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 52.026950952601005 ], [ 7.59974730365115, 52.026950952601005 ], [ 7.59974730365115, 52.021423360264173 ], [ 7.590764150809957, 52.021423360264173 ], [ 7.590764150809957, 52.026950952601005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60372 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 52.021423360264173 ], [ 7.59974730365115, 52.021423360264173 ], [ 7.59974730365115, 52.015895084758625 ], [ 7.590764150809957, 52.015895084758625 ], [ 7.590764150809957, 52.021423360264173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 51.988243458547444 ], [ 7.59974730365115, 51.988243458547444 ], [ 7.59974730365115, 51.982711083338224 ], [ 7.590764150809957, 51.982711083338224 ], [ 7.590764150809957, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60379 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 51.982711083338224 ], [ 7.59974730365115, 51.982711083338224 ], [ 7.59974730365115, 51.977178024730023 ], [ 7.590764150809957, 51.977178024730023 ], [ 7.590764150809957, 51.982711083338224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60380 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 51.977178024730023 ], [ 7.59974730365115, 51.977178024730023 ], [ 7.59974730365115, 51.971644282690022 ], [ 7.590764150809957, 51.971644282690022 ], [ 7.590764150809957, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60381 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 51.971644282690022 ], [ 7.59974730365115, 51.971644282690022 ], [ 7.59974730365115, 51.96610985718543 ], [ 7.590764150809957, 51.96610985718543 ], [ 7.590764150809957, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 51.894100115467516 ], [ 7.59974730365115, 51.894100115467516 ], [ 7.59974730365115, 51.888556118027701 ], [ 7.590764150809957, 51.888556118027701 ], [ 7.590764150809957, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60635 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 50.543854092035311 ], [ 7.59974730365115, 50.543854092035311 ], [ 7.59974730365115, 50.538145065748864 ], [ 7.590764150809957, 50.538145065748864 ], [ 7.590764150809957, 50.543854092035311 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60636 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.590764150809957, 50.538145065748864 ], [ 7.59974730365115, 50.538145065748864 ], [ 7.59974730365115, 50.53243534836588 ], [ 7.590764150809957, 50.53243534836588 ], [ 7.590764150809957, 50.538145065748864 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60998 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.291472629736958 ], [ 7.608730456492347, 52.291472629736958 ], [ 7.608730456492347, 52.285977790318626 ], [ 7.59974730365115, 52.285977790318626 ], [ 7.59974730365115, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 60999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.285977790318626 ], [ 7.608730456492347, 52.285977790318626 ], [ 7.608730456492347, 52.280482269338677 ], [ 7.59974730365115, 52.280482269338677 ], [ 7.59974730365115, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61000 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.280482269338677 ], [ 7.608730456492347, 52.280482269338677 ], [ 7.608730456492347, 52.274986066763148 ], [ 7.59974730365115, 52.274986066763148 ], [ 7.59974730365115, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61030 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.115299546026087 ], [ 7.608730456492347, 52.115299546026087 ], [ 7.608730456492347, 52.109782879888321 ], [ 7.59974730365115, 52.109782879888321 ], [ 7.59974730365115, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61043 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.043529630929235 ], [ 7.608730456492347, 52.043529630929235 ], [ 7.608730456492347, 52.038004087900532 ], [ 7.59974730365115, 52.038004087900532 ], [ 7.59974730365115, 52.043529630929235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61044 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.038004087900532 ], [ 7.608730456492347, 52.038004087900532 ], [ 7.608730456492347, 52.032477861802128 ], [ 7.59974730365115, 52.032477861802128 ], [ 7.59974730365115, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61045 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 52.032477861802128 ], [ 7.608730456492347, 52.032477861802128 ], [ 7.608730456492347, 52.026950952601005 ], [ 7.59974730365115, 52.026950952601005 ], [ 7.59974730365115, 52.032477861802128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61054 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 51.982711083338224 ], [ 7.608730456492347, 51.982711083338224 ], [ 7.608730456492347, 51.977178024730023 ], [ 7.59974730365115, 51.977178024730023 ], [ 7.59974730365115, 51.982711083338224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61055 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 51.977178024730023 ], [ 7.608730456492347, 51.977178024730023 ], [ 7.608730456492347, 51.971644282690022 ], [ 7.59974730365115, 51.971644282690022 ], [ 7.59974730365115, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61070 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 51.894100115467516 ], [ 7.608730456492347, 51.894100115467516 ], [ 7.608730456492347, 51.888556118027701 ], [ 7.59974730365115, 51.888556118027701 ], [ 7.59974730365115, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61071 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 51.888556118027701 ], [ 7.608730456492347, 51.888556118027701 ], [ 7.608730456492347, 51.883011436634021 ], [ 7.59974730365115, 51.883011436634021 ], [ 7.59974730365115, 51.888556118027701 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61312 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.59974730365115, 50.53243534836588 ], [ 7.608730456492347, 50.53243534836588 ], [ 7.608730456492347, 50.526724939859392 ], [ 7.59974730365115, 50.526724939859392 ], [ 7.59974730365115, 50.53243534836588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61673 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.291472629736958 ], [ 7.617713609333542, 52.291472629736958 ], [ 7.617713609333542, 52.285977790318626 ], [ 7.608730456492347, 52.285977790318626 ], [ 7.608730456492347, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.280482269338677 ], [ 7.617713609333542, 52.280482269338677 ], [ 7.617713609333542, 52.274986066763148 ], [ 7.608730456492347, 52.274986066763148 ], [ 7.608730456492347, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61676 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.274986066763148 ], [ 7.617713609333542, 52.274986066763148 ], [ 7.617713609333542, 52.269489182558083 ], [ 7.608730456492347, 52.269489182558083 ], [ 7.608730456492347, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.269489182558083 ], [ 7.617713609333542, 52.269489182558083 ], [ 7.617713609333542, 52.263991616689538 ], [ 7.608730456492347, 52.263991616689538 ], [ 7.608730456492347, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.126330830519684 ], [ 7.617713609333542, 52.126330830519684 ], [ 7.617713609333542, 52.120815529558762 ], [ 7.608730456492347, 52.120815529558762 ], [ 7.608730456492347, 52.126330830519684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61704 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.120815529558762 ], [ 7.617713609333542, 52.120815529558762 ], [ 7.617713609333542, 52.115299546026087 ], [ 7.608730456492347, 52.115299546026087 ], [ 7.608730456492347, 52.120815529558762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61705 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.115299546026087 ], [ 7.617713609333542, 52.115299546026087 ], [ 7.617713609333542, 52.109782879888321 ], [ 7.608730456492347, 52.109782879888321 ], [ 7.608730456492347, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61706 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.109782879888321 ], [ 7.617713609333542, 52.109782879888321 ], [ 7.617713609333542, 52.104265531112141 ], [ 7.608730456492347, 52.104265531112141 ], [ 7.608730456492347, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61716 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.054578667909787 ], [ 7.617713609333542, 52.054578667909787 ], [ 7.617713609333542, 52.049054490921293 ], [ 7.608730456492347, 52.049054490921293 ], [ 7.608730456492347, 52.054578667909787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61717 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.049054490921293 ], [ 7.617713609333542, 52.049054490921293 ], [ 7.617713609333542, 52.043529630929235 ], [ 7.608730456492347, 52.043529630929235 ], [ 7.608730456492347, 52.049054490921293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61718 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 52.043529630929235 ], [ 7.617713609333542, 52.043529630929235 ], [ 7.617713609333542, 52.038004087900532 ], [ 7.608730456492347, 52.038004087900532 ], [ 7.608730456492347, 52.043529630929235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61730 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 51.977178024730023 ], [ 7.617713609333542, 51.977178024730023 ], [ 7.617713609333542, 51.971644282690022 ], [ 7.608730456492347, 51.971644282690022 ], [ 7.608730456492347, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61744 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 51.899643428985925 ], [ 7.617713609333542, 51.899643428985925 ], [ 7.617713609333542, 51.894100115467516 ], [ 7.608730456492347, 51.894100115467516 ], [ 7.608730456492347, 51.899643428985925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61745 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 51.894100115467516 ], [ 7.617713609333542, 51.894100115467516 ], [ 7.617713609333542, 51.888556118027701 ], [ 7.608730456492347, 51.888556118027701 ], [ 7.608730456492347, 51.894100115467516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61987 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 50.53243534836588 ], [ 7.617713609333542, 50.53243534836588 ], [ 7.617713609333542, 50.526724939859392 ], [ 7.608730456492347, 50.526724939859392 ], [ 7.608730456492347, 50.53243534836588 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 61988 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.608730456492347, 50.526724939859392 ], [ 7.617713609333542, 50.526724939859392 ], [ 7.617713609333542, 50.521013840202492 ], [ 7.608730456492347, 50.521013840202492 ], [ 7.608730456492347, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62348 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.291472629736958 ], [ 7.626696762174737, 52.291472629736958 ], [ 7.626696762174737, 52.285977790318626 ], [ 7.617713609333542, 52.285977790318626 ], [ 7.617713609333542, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62349 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.285977790318626 ], [ 7.626696762174737, 52.285977790318626 ], [ 7.626696762174737, 52.280482269338677 ], [ 7.617713609333542, 52.280482269338677 ], [ 7.617713609333542, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62351 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.274986066763148 ], [ 7.626696762174737, 52.274986066763148 ], [ 7.626696762174737, 52.269489182558083 ], [ 7.617713609333542, 52.269489182558083 ], [ 7.617713609333542, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62352 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.269489182558083 ], [ 7.626696762174737, 52.269489182558083 ], [ 7.626696762174737, 52.263991616689538 ], [ 7.617713609333542, 52.263991616689538 ], [ 7.617713609333542, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62353 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.263991616689538 ], [ 7.626696762174737, 52.263991616689538 ], [ 7.626696762174737, 52.258493369123606 ], [ 7.617713609333542, 52.258493369123606 ], [ 7.617713609333542, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62354 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.258493369123606 ], [ 7.626696762174737, 52.258493369123606 ], [ 7.626696762174737, 52.252994439826388 ], [ 7.617713609333542, 52.252994439826388 ], [ 7.617713609333542, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.142872638305697 ], [ 7.626696762174737, 52.142872638305697 ], [ 7.626696762174737, 52.137359384859757 ], [ 7.617713609333542, 52.137359384859757 ], [ 7.617713609333542, 52.142872638305697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62376 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.137359384859757 ], [ 7.626696762174737, 52.137359384859757 ], [ 7.626696762174737, 52.131845448942222 ], [ 7.617713609333542, 52.131845448942222 ], [ 7.617713609333542, 52.137359384859757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62377 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.131845448942222 ], [ 7.626696762174737, 52.131845448942222 ], [ 7.626696762174737, 52.126330830519684 ], [ 7.617713609333542, 52.126330830519684 ], [ 7.617713609333542, 52.131845448942222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.126330830519684 ], [ 7.626696762174737, 52.126330830519684 ], [ 7.626696762174737, 52.120815529558762 ], [ 7.617713609333542, 52.120815529558762 ], [ 7.617713609333542, 52.126330830519684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62381 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.109782879888321 ], [ 7.626696762174737, 52.109782879888321 ], [ 7.626696762174737, 52.104265531112141 ], [ 7.617713609333542, 52.104265531112141 ], [ 7.617713609333542, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62389 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.065624973008426 ], [ 7.626696762174737, 52.065624973008426 ], [ 7.626696762174737, 52.060102161927794 ], [ 7.617713609333542, 52.060102161927794 ], [ 7.617713609333542, 52.065624973008426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62390 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 52.060102161927794 ], [ 7.626696762174737, 52.060102161927794 ], [ 7.626696762174737, 52.054578667909787 ], [ 7.617713609333542, 52.054578667909787 ], [ 7.617713609333542, 52.060102161927794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62405 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 51.977178024730023 ], [ 7.626696762174737, 51.977178024730023 ], [ 7.626696762174737, 51.971644282690022 ], [ 7.617713609333542, 51.971644282690022 ], [ 7.617713609333542, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62418 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 51.905186058615428 ], [ 7.626696762174737, 51.905186058615428 ], [ 7.626696762174737, 51.899643428985925 ], [ 7.617713609333542, 51.899643428985925 ], [ 7.617713609333542, 51.905186058615428 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62419 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 51.899643428985925 ], [ 7.626696762174737, 51.899643428985925 ], [ 7.626696762174737, 51.894100115467516 ], [ 7.617713609333542, 51.894100115467516 ], [ 7.617713609333542, 51.899643428985925 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 62663 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.617713609333542, 50.526724939859392 ], [ 7.626696762174737, 50.526724939859392 ], [ 7.626696762174737, 50.521013840202492 ], [ 7.617713609333542, 50.521013840202492 ], [ 7.617713609333542, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63024 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.285977790318626 ], [ 7.635679915015932, 52.285977790318626 ], [ 7.635679915015932, 52.280482269338677 ], [ 7.626696762174737, 52.280482269338677 ], [ 7.626696762174737, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63048 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.153897097916577 ], [ 7.635679915015932, 52.153897097916577 ], [ 7.635679915015932, 52.148385209313496 ], [ 7.626696762174737, 52.148385209313496 ], [ 7.626696762174737, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63049 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.148385209313496 ], [ 7.635679915015932, 52.148385209313496 ], [ 7.635679915015932, 52.142872638305697 ], [ 7.626696762174737, 52.142872638305697 ], [ 7.626696762174737, 52.148385209313496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63050 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.142872638305697 ], [ 7.635679915015932, 52.142872638305697 ], [ 7.635679915015932, 52.137359384859757 ], [ 7.626696762174737, 52.137359384859757 ], [ 7.626696762174737, 52.142872638305697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63056 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.109782879888321 ], [ 7.635679915015932, 52.109782879888321 ], [ 7.635679915015932, 52.104265531112141 ], [ 7.626696762174737, 52.104265531112141 ], [ 7.626696762174737, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63057 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.104265531112141 ], [ 7.635679915015932, 52.104265531112141 ], [ 7.635679915015932, 52.098747499664242 ], [ 7.626696762174737, 52.098747499664242 ], [ 7.626696762174737, 52.104265531112141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63058 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.098747499664242 ], [ 7.635679915015932, 52.098747499664242 ], [ 7.635679915015932, 52.093228785511329 ], [ 7.626696762174737, 52.093228785511329 ], [ 7.626696762174737, 52.098747499664242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63059 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.093228785511329 ], [ 7.635679915015932, 52.093228785511329 ], [ 7.635679915015932, 52.087709388620169 ], [ 7.626696762174737, 52.087709388620169 ], [ 7.626696762174737, 52.093228785511329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63062 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.076668546490119 ], [ 7.635679915015932, 52.076668546490119 ], [ 7.635679915015932, 52.071147101184813 ], [ 7.626696762174737, 52.071147101184813 ], [ 7.626696762174737, 52.076668546490119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63063 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 52.071147101184813 ], [ 7.635679915015932, 52.071147101184813 ], [ 7.635679915015932, 52.065624973008426 ], [ 7.626696762174737, 52.065624973008426 ], [ 7.626696762174737, 52.071147101184813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63080 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 51.977178024730023 ], [ 7.635679915015932, 51.977178024730023 ], [ 7.635679915015932, 51.971644282690022 ], [ 7.626696762174737, 51.971644282690022 ], [ 7.626696762174737, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63081 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 51.971644282690022 ], [ 7.635679915015932, 51.971644282690022 ], [ 7.635679915015932, 51.96610985718543 ], [ 7.626696762174737, 51.96610985718543 ], [ 7.626696762174737, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63082 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 51.96610985718543 ], [ 7.635679915015932, 51.96610985718543 ], [ 7.635679915015932, 51.960574748183475 ], [ 7.626696762174737, 51.960574748183475 ], [ 7.626696762174737, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63083 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 51.960574748183475 ], [ 7.635679915015932, 51.960574748183475 ], [ 7.635679915015932, 51.955038955651425 ], [ 7.626696762174737, 51.955038955651425 ], [ 7.626696762174737, 51.960574748183475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63338 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.626696762174737, 50.526724939859392 ], [ 7.635679915015932, 50.526724939859392 ], [ 7.635679915015932, 50.521013840202492 ], [ 7.626696762174737, 50.521013840202492 ], [ 7.626696762174737, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63699 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.285977790318626 ], [ 7.644663067857127, 52.285977790318626 ], [ 7.644663067857127, 52.280482269338677 ], [ 7.635679915015932, 52.280482269338677 ], [ 7.635679915015932, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63700 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.280482269338677 ], [ 7.644663067857127, 52.280482269338677 ], [ 7.644663067857127, 52.274986066763148 ], [ 7.635679915015932, 52.274986066763148 ], [ 7.635679915015932, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63721 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.164918828042516 ], [ 7.644663067857127, 52.164918828042516 ], [ 7.644663067857127, 52.159408304148414 ], [ 7.635679915015932, 52.159408304148414 ], [ 7.635679915015932, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63722 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.159408304148414 ], [ 7.644663067857127, 52.159408304148414 ], [ 7.644663067857127, 52.153897097916577 ], [ 7.635679915015932, 52.153897097916577 ], [ 7.635679915015932, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63723 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.153897097916577 ], [ 7.644663067857127, 52.153897097916577 ], [ 7.644663067857127, 52.148385209313496 ], [ 7.635679915015932, 52.148385209313496 ], [ 7.635679915015932, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.093228785511329 ], [ 7.644663067857127, 52.093228785511329 ], [ 7.644663067857127, 52.087709388620169 ], [ 7.635679915015932, 52.087709388620169 ], [ 7.635679915015932, 52.093228785511329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.087709388620169 ], [ 7.644663067857127, 52.087709388620169 ], [ 7.644663067857127, 52.082189308957496 ], [ 7.635679915015932, 52.082189308957496 ], [ 7.635679915015932, 52.087709388620169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63736 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 52.082189308957496 ], [ 7.644663067857127, 52.082189308957496 ], [ 7.644663067857127, 52.076668546490119 ], [ 7.635679915015932, 52.076668546490119 ], [ 7.635679915015932, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63755 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 51.977178024730023 ], [ 7.644663067857127, 51.977178024730023 ], [ 7.644663067857127, 51.971644282690022 ], [ 7.635679915015932, 51.971644282690022 ], [ 7.635679915015932, 51.977178024730023 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63756 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 51.971644282690022 ], [ 7.644663067857127, 51.971644282690022 ], [ 7.644663067857127, 51.96610985718543 ], [ 7.635679915015932, 51.96610985718543 ], [ 7.635679915015932, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 63758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 51.960574748183475 ], [ 7.644663067857127, 51.960574748183475 ], [ 7.644663067857127, 51.955038955651425 ], [ 7.635679915015932, 51.955038955651425 ], [ 7.635679915015932, 51.960574748183475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64013 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.635679915015932, 50.526724939859392 ], [ 7.644663067857127, 50.526724939859392 ], [ 7.644663067857127, 50.521013840202492 ], [ 7.635679915015932, 50.521013840202492 ], [ 7.635679915015932, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64371 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.302460264024795 ], [ 7.653646220698322, 52.302460264024795 ], [ 7.653646220698322, 52.296966787627667 ], [ 7.644663067857127, 52.296966787627667 ], [ 7.644663067857127, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64375 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.280482269338677 ], [ 7.653646220698322, 52.280482269338677 ], [ 7.653646220698322, 52.274986066763148 ], [ 7.644663067857127, 52.274986066763148 ], [ 7.644663067857127, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64376 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.274986066763148 ], [ 7.653646220698322, 52.274986066763148 ], [ 7.653646220698322, 52.269489182558083 ], [ 7.644663067857127, 52.269489182558083 ], [ 7.644663067857127, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64391 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.19246121362054 ], [ 7.653646220698322, 52.19246121362054 ], [ 7.653646220698322, 52.18695410091204 ], [ 7.644663067857127, 52.18695410091204 ], [ 7.644663067857127, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64392 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.18695410091204 ], [ 7.653646220698322, 52.18695410091204 ], [ 7.653646220698322, 52.181446306033571 ], [ 7.644663067857127, 52.181446306033571 ], [ 7.644663067857127, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64393 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.181446306033571 ], [ 7.653646220698322, 52.181446306033571 ], [ 7.653646220698322, 52.17593782895154 ], [ 7.644663067857127, 52.17593782895154 ], [ 7.644663067857127, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64394 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.17593782895154 ], [ 7.653646220698322, 52.17593782895154 ], [ 7.653646220698322, 52.170428669632379 ], [ 7.644663067857127, 52.170428669632379 ], [ 7.644663067857127, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64395 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.170428669632379 ], [ 7.653646220698322, 52.170428669632379 ], [ 7.653646220698322, 52.164918828042516 ], [ 7.644663067857127, 52.164918828042516 ], [ 7.644663067857127, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64409 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.093228785511329 ], [ 7.653646220698322, 52.093228785511329 ], [ 7.653646220698322, 52.087709388620169 ], [ 7.644663067857127, 52.087709388620169 ], [ 7.644663067857127, 52.093228785511329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64410 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.087709388620169 ], [ 7.653646220698322, 52.087709388620169 ], [ 7.653646220698322, 52.082189308957496 ], [ 7.644663067857127, 52.082189308957496 ], [ 7.644663067857127, 52.087709388620169 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64411 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 52.082189308957496 ], [ 7.653646220698322, 52.082189308957496 ], [ 7.653646220698322, 52.076668546490119 ], [ 7.644663067857127, 52.076668546490119 ], [ 7.644663067857127, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64431 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 51.971644282690022 ], [ 7.653646220698322, 51.971644282690022 ], [ 7.653646220698322, 51.96610985718543 ], [ 7.644663067857127, 51.96610985718543 ], [ 7.644663067857127, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64432 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 51.96610985718543 ], [ 7.653646220698322, 51.96610985718543 ], [ 7.653646220698322, 51.960574748183475 ], [ 7.644663067857127, 51.960574748183475 ], [ 7.644663067857127, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64433 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 51.960574748183475 ], [ 7.653646220698322, 51.960574748183475 ], [ 7.653646220698322, 51.955038955651425 ], [ 7.644663067857127, 51.955038955651425 ], [ 7.644663067857127, 51.960574748183475 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64434 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 51.955038955651425 ], [ 7.653646220698322, 51.955038955651425 ], [ 7.653646220698322, 51.949502479556529 ], [ 7.644663067857127, 51.949502479556529 ], [ 7.644663067857127, 51.955038955651425 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 64688 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.644663067857127, 50.526724939859392 ], [ 7.653646220698322, 50.526724939859392 ], [ 7.653646220698322, 50.521013840202492 ], [ 7.644663067857127, 50.521013840202492 ], [ 7.644663067857127, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65046 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.302460264024795 ], [ 7.662629373539517, 52.302460264024795 ], [ 7.662629373539517, 52.296966787627667 ], [ 7.653646220698322, 52.296966787627667 ], [ 7.653646220698322, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65047 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.296966787627667 ], [ 7.662629373539517, 52.296966787627667 ], [ 7.662629373539517, 52.291472629736958 ], [ 7.653646220698322, 52.291472629736958 ], [ 7.653646220698322, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65051 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.274986066763148 ], [ 7.662629373539517, 52.274986066763148 ], [ 7.662629373539517, 52.269489182558083 ], [ 7.653646220698322, 52.269489182558083 ], [ 7.653646220698322, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65052 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.269489182558083 ], [ 7.662629373539517, 52.269489182558083 ], [ 7.662629373539517, 52.263991616689538 ], [ 7.653646220698322, 52.263991616689538 ], [ 7.653646220698322, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65065 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.197967644192694 ], [ 7.662629373539517, 52.197967644192694 ], [ 7.662629373539517, 52.19246121362054 ], [ 7.653646220698322, 52.19246121362054 ], [ 7.653646220698322, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65066 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.19246121362054 ], [ 7.662629373539517, 52.19246121362054 ], [ 7.662629373539517, 52.18695410091204 ], [ 7.653646220698322, 52.18695410091204 ], [ 7.653646220698322, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65084 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.093228785511329 ], [ 7.662629373539517, 52.093228785511329 ], [ 7.662629373539517, 52.087709388620169 ], [ 7.653646220698322, 52.087709388620169 ], [ 7.653646220698322, 52.093228785511329 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65086 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.082189308957496 ], [ 7.662629373539517, 52.082189308957496 ], [ 7.662629373539517, 52.076668546490119 ], [ 7.653646220698322, 52.076668546490119 ], [ 7.653646220698322, 52.082189308957496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65087 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 52.076668546490119 ], [ 7.662629373539517, 52.076668546490119 ], [ 7.662629373539517, 52.071147101184813 ], [ 7.653646220698322, 52.071147101184813 ], [ 7.653646220698322, 52.076668546490119 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65103 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 51.988243458547444 ], [ 7.662629373539517, 51.988243458547444 ], [ 7.662629373539517, 51.982711083338224 ], [ 7.653646220698322, 51.982711083338224 ], [ 7.653646220698322, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65106 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 51.971644282690022 ], [ 7.662629373539517, 51.971644282690022 ], [ 7.662629373539517, 51.96610985718543 ], [ 7.653646220698322, 51.96610985718543 ], [ 7.653646220698322, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65363 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.653646220698322, 50.526724939859392 ], [ 7.662629373539517, 50.526724939859392 ], [ 7.662629373539517, 50.521013840202492 ], [ 7.653646220698322, 50.521013840202492 ], [ 7.653646220698322, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65722 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.296966787627667 ], [ 7.671612526380712, 52.296966787627667 ], [ 7.671612526380712, 52.291472629736958 ], [ 7.662629373539517, 52.291472629736958 ], [ 7.662629373539517, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65724 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.285977790318626 ], [ 7.671612526380712, 52.285977790318626 ], [ 7.671612526380712, 52.280482269338677 ], [ 7.662629373539517, 52.280482269338677 ], [ 7.662629373539517, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65725 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.280482269338677 ], [ 7.671612526380712, 52.280482269338677 ], [ 7.671612526380712, 52.274986066763148 ], [ 7.662629373539517, 52.274986066763148 ], [ 7.662629373539517, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65726 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.274986066763148 ], [ 7.671612526380712, 52.274986066763148 ], [ 7.671612526380712, 52.269489182558083 ], [ 7.662629373539517, 52.269489182558083 ], [ 7.662629373539517, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65727 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.269489182558083 ], [ 7.671612526380712, 52.269489182558083 ], [ 7.671612526380712, 52.263991616689538 ], [ 7.662629373539517, 52.263991616689538 ], [ 7.662629373539517, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65738 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.208978459062536 ], [ 7.671612526380712, 52.208978459062536 ], [ 7.671612526380712, 52.20347339266214 ], [ 7.662629373539517, 52.20347339266214 ], [ 7.662629373539517, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65739 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.20347339266214 ], [ 7.671612526380712, 52.20347339266214 ], [ 7.671612526380712, 52.197967644192694 ], [ 7.662629373539517, 52.197967644192694 ], [ 7.662629373539517, 52.20347339266214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65740 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.197967644192694 ], [ 7.671612526380712, 52.197967644192694 ], [ 7.671612526380712, 52.19246121362054 ], [ 7.662629373539517, 52.19246121362054 ], [ 7.662629373539517, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.098747499664242 ], [ 7.671612526380712, 52.098747499664242 ], [ 7.671612526380712, 52.093228785511329 ], [ 7.662629373539517, 52.093228785511329 ], [ 7.662629373539517, 52.098747499664242 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65763 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.071147101184813 ], [ 7.671612526380712, 52.071147101184813 ], [ 7.671612526380712, 52.065624973008426 ], [ 7.662629373539517, 52.065624973008426 ], [ 7.662629373539517, 52.071147101184813 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65764 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.065624973008426 ], [ 7.671612526380712, 52.065624973008426 ], [ 7.671612526380712, 52.060102161927794 ], [ 7.662629373539517, 52.060102161927794 ], [ 7.662629373539517, 52.065624973008426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65775 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 52.00483648410961 ], [ 7.671612526380712, 52.00483648410961 ], [ 7.671612526380712, 51.999306158900268 ], [ 7.662629373539517, 51.999306158900268 ], [ 7.662629373539517, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65776 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 51.999306158900268 ], [ 7.671612526380712, 51.999306158900268 ], [ 7.671612526380712, 51.993775150390505 ], [ 7.662629373539517, 51.993775150390505 ], [ 7.662629373539517, 51.999306158900268 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65777 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 51.993775150390505 ], [ 7.671612526380712, 51.993775150390505 ], [ 7.671612526380712, 51.988243458547444 ], [ 7.662629373539517, 51.988243458547444 ], [ 7.662629373539517, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65778 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 51.988243458547444 ], [ 7.671612526380712, 51.988243458547444 ], [ 7.671612526380712, 51.982711083338224 ], [ 7.662629373539517, 51.982711083338224 ], [ 7.662629373539517, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 65781 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 51.971644282690022 ], [ 7.671612526380712, 51.971644282690022 ], [ 7.671612526380712, 51.96610985718543 ], [ 7.662629373539517, 51.96610985718543 ], [ 7.662629373539517, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66038 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.662629373539517, 50.526724939859392 ], [ 7.671612526380712, 50.526724939859392 ], [ 7.671612526380712, 50.521013840202492 ], [ 7.662629373539517, 50.521013840202492 ], [ 7.662629373539517, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66397 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.296966787627667 ], [ 7.680595679221907, 52.296966787627667 ], [ 7.680595679221907, 52.291472629736958 ], [ 7.671612526380712, 52.291472629736958 ], [ 7.671612526380712, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66398 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.291472629736958 ], [ 7.680595679221907, 52.291472629736958 ], [ 7.680595679221907, 52.285977790318626 ], [ 7.671612526380712, 52.285977790318626 ], [ 7.671612526380712, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66399 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.285977790318626 ], [ 7.680595679221907, 52.285977790318626 ], [ 7.680595679221907, 52.280482269338677 ], [ 7.671612526380712, 52.280482269338677 ], [ 7.671612526380712, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66402 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.269489182558083 ], [ 7.680595679221907, 52.269489182558083 ], [ 7.680595679221907, 52.263991616689538 ], [ 7.671612526380712, 52.263991616689538 ], [ 7.671612526380712, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66410 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.225489566186397 ], [ 7.680595679221907, 52.225489566186397 ], [ 7.680595679221907, 52.219986545790952 ], [ 7.671612526380712, 52.219986545790952 ], [ 7.671612526380712, 52.225489566186397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66411 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.219986545790952 ], [ 7.680595679221907, 52.219986545790952 ], [ 7.680595679221907, 52.214482843427575 ], [ 7.671612526380712, 52.214482843427575 ], [ 7.671612526380712, 52.219986545790952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.214482843427575 ], [ 7.680595679221907, 52.214482843427575 ], [ 7.680595679221907, 52.208978459062536 ], [ 7.671612526380712, 52.208978459062536 ], [ 7.671612526380712, 52.214482843427575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.208978459062536 ], [ 7.680595679221907, 52.208978459062536 ], [ 7.680595679221907, 52.20347339266214 ], [ 7.671612526380712, 52.20347339266214 ], [ 7.671612526380712, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66432 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.104265531112141 ], [ 7.680595679221907, 52.104265531112141 ], [ 7.680595679221907, 52.098747499664242 ], [ 7.671612526380712, 52.098747499664242 ], [ 7.671612526380712, 52.104265531112141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66439 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.065624973008426 ], [ 7.680595679221907, 52.065624973008426 ], [ 7.680595679221907, 52.060102161927794 ], [ 7.671612526380712, 52.060102161927794 ], [ 7.671612526380712, 52.065624973008426 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66440 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.060102161927794 ], [ 7.680595679221907, 52.060102161927794 ], [ 7.680595679221907, 52.054578667909787 ], [ 7.671612526380712, 52.054578667909787 ], [ 7.671612526380712, 52.060102161927794 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66441 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.054578667909787 ], [ 7.680595679221907, 52.054578667909787 ], [ 7.680595679221907, 52.049054490921293 ], [ 7.671612526380712, 52.049054490921293 ], [ 7.671612526380712, 52.054578667909787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66444 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.038004087900532 ], [ 7.680595679221907, 52.038004087900532 ], [ 7.680595679221907, 52.032477861802128 ], [ 7.671612526380712, 52.032477861802128 ], [ 7.671612526380712, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66445 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.032477861802128 ], [ 7.680595679221907, 52.032477861802128 ], [ 7.680595679221907, 52.026950952601005 ], [ 7.671612526380712, 52.026950952601005 ], [ 7.671612526380712, 52.032477861802128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66447 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.021423360264173 ], [ 7.680595679221907, 52.021423360264173 ], [ 7.680595679221907, 52.015895084758625 ], [ 7.671612526380712, 52.015895084758625 ], [ 7.671612526380712, 52.021423360264173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66448 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.015895084758625 ], [ 7.680595679221907, 52.015895084758625 ], [ 7.680595679221907, 52.010366126051423 ], [ 7.671612526380712, 52.010366126051423 ], [ 7.671612526380712, 52.015895084758625 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66449 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.010366126051423 ], [ 7.680595679221907, 52.010366126051423 ], [ 7.680595679221907, 52.00483648410961 ], [ 7.671612526380712, 52.00483648410961 ], [ 7.671612526380712, 52.010366126051423 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66450 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 52.00483648410961 ], [ 7.680595679221907, 52.00483648410961 ], [ 7.680595679221907, 51.999306158900268 ], [ 7.671612526380712, 51.999306158900268 ], [ 7.671612526380712, 52.00483648410961 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66452 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 51.993775150390505 ], [ 7.680595679221907, 51.993775150390505 ], [ 7.680595679221907, 51.988243458547444 ], [ 7.671612526380712, 51.988243458547444 ], [ 7.671612526380712, 51.993775150390505 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66453 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 51.988243458547444 ], [ 7.680595679221907, 51.988243458547444 ], [ 7.680595679221907, 51.982711083338224 ], [ 7.671612526380712, 51.982711083338224 ], [ 7.671612526380712, 51.988243458547444 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66454 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 51.982711083338224 ], [ 7.680595679221907, 51.982711083338224 ], [ 7.680595679221907, 51.977178024730023 ], [ 7.671612526380712, 51.977178024730023 ], [ 7.671612526380712, 51.982711083338224 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66456 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 51.971644282690022 ], [ 7.680595679221907, 51.971644282690022 ], [ 7.680595679221907, 51.96610985718543 ], [ 7.671612526380712, 51.96610985718543 ], [ 7.671612526380712, 51.971644282690022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66457 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 51.96610985718543 ], [ 7.680595679221907, 51.96610985718543 ], [ 7.680595679221907, 51.960574748183475 ], [ 7.671612526380712, 51.960574748183475 ], [ 7.671612526380712, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 66713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.671612526380712, 50.526724939859392 ], [ 7.680595679221907, 50.526724939859392 ], [ 7.680595679221907, 50.521013840202492 ], [ 7.671612526380712, 50.521013840202492 ], [ 7.671612526380712, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67073 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.291472629736958 ], [ 7.689578832063104, 52.291472629736958 ], [ 7.689578832063104, 52.285977790318626 ], [ 7.680595679221907, 52.285977790318626 ], [ 7.680595679221907, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67078 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.263991616689538 ], [ 7.689578832063104, 52.263991616689538 ], [ 7.689578832063104, 52.258493369123606 ], [ 7.680595679221907, 52.258493369123606 ], [ 7.680595679221907, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67084 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.230991904647652 ], [ 7.689578832063104, 52.230991904647652 ], [ 7.689578832063104, 52.225489566186397 ], [ 7.680595679221907, 52.225489566186397 ], [ 7.680595679221907, 52.230991904647652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67085 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.225489566186397 ], [ 7.689578832063104, 52.225489566186397 ], [ 7.689578832063104, 52.219986545790952 ], [ 7.680595679221907, 52.219986545790952 ], [ 7.680595679221907, 52.225489566186397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67106 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.109782879888321 ], [ 7.689578832063104, 52.109782879888321 ], [ 7.689578832063104, 52.104265531112141 ], [ 7.680595679221907, 52.104265531112141 ], [ 7.680595679221907, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67107 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.104265531112141 ], [ 7.689578832063104, 52.104265531112141 ], [ 7.689578832063104, 52.098747499664242 ], [ 7.680595679221907, 52.098747499664242 ], [ 7.680595679221907, 52.104265531112141 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67116 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.054578667909787 ], [ 7.689578832063104, 52.054578667909787 ], [ 7.689578832063104, 52.049054490921293 ], [ 7.680595679221907, 52.049054490921293 ], [ 7.680595679221907, 52.054578667909787 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67117 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.049054490921293 ], [ 7.689578832063104, 52.049054490921293 ], [ 7.689578832063104, 52.043529630929235 ], [ 7.680595679221907, 52.043529630929235 ], [ 7.680595679221907, 52.049054490921293 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.043529630929235 ], [ 7.689578832063104, 52.043529630929235 ], [ 7.689578832063104, 52.038004087900532 ], [ 7.680595679221907, 52.038004087900532 ], [ 7.680595679221907, 52.043529630929235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67119 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.038004087900532 ], [ 7.689578832063104, 52.038004087900532 ], [ 7.689578832063104, 52.032477861802128 ], [ 7.680595679221907, 52.032477861802128 ], [ 7.680595679221907, 52.038004087900532 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67120 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.032477861802128 ], [ 7.689578832063104, 52.032477861802128 ], [ 7.689578832063104, 52.026950952601005 ], [ 7.680595679221907, 52.026950952601005 ], [ 7.680595679221907, 52.032477861802128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67121 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.026950952601005 ], [ 7.689578832063104, 52.026950952601005 ], [ 7.689578832063104, 52.021423360264173 ], [ 7.680595679221907, 52.021423360264173 ], [ 7.680595679221907, 52.026950952601005 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 52.021423360264173 ], [ 7.689578832063104, 52.021423360264173 ], [ 7.689578832063104, 52.015895084758625 ], [ 7.680595679221907, 52.015895084758625 ], [ 7.680595679221907, 52.021423360264173 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67132 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 51.96610985718543 ], [ 7.689578832063104, 51.96610985718543 ], [ 7.689578832063104, 51.960574748183475 ], [ 7.680595679221907, 51.960574748183475 ], [ 7.680595679221907, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67388 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.680595679221907, 50.526724939859392 ], [ 7.689578832063104, 50.526724939859392 ], [ 7.689578832063104, 50.521013840202492 ], [ 7.680595679221907, 50.521013840202492 ], [ 7.680595679221907, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67753 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.263991616689538 ], [ 7.698561984904297, 52.263991616689538 ], [ 7.698561984904297, 52.258493369123606 ], [ 7.689578832063104, 52.258493369123606 ], [ 7.689578832063104, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67755 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.252994439826388 ], [ 7.698561984904297, 52.252994439826388 ], [ 7.698561984904297, 52.247494828764033 ], [ 7.689578832063104, 52.247494828764033 ], [ 7.689578832063104, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67756 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.247494828764033 ], [ 7.698561984904297, 52.247494828764033 ], [ 7.698561984904297, 52.241994535902663 ], [ 7.689578832063104, 52.241994535902663 ], [ 7.689578832063104, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67757 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.241994535902663 ], [ 7.698561984904297, 52.241994535902663 ], [ 7.698561984904297, 52.236493561208484 ], [ 7.689578832063104, 52.236493561208484 ], [ 7.689578832063104, 52.241994535902663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67758 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.236493561208484 ], [ 7.698561984904297, 52.236493561208484 ], [ 7.698561984904297, 52.230991904647652 ], [ 7.689578832063104, 52.230991904647652 ], [ 7.689578832063104, 52.236493561208484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67780 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.115299546026087 ], [ 7.698561984904297, 52.115299546026087 ], [ 7.698561984904297, 52.109782879888321 ], [ 7.689578832063104, 52.109782879888321 ], [ 7.689578832063104, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67781 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 52.109782879888321 ], [ 7.698561984904297, 52.109782879888321 ], [ 7.698561984904297, 52.104265531112141 ], [ 7.689578832063104, 52.104265531112141 ], [ 7.689578832063104, 52.109782879888321 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 67807 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 51.96610985718543 ], [ 7.698561984904297, 51.96610985718543 ], [ 7.698561984904297, 51.960574748183475 ], [ 7.689578832063104, 51.960574748183475 ], [ 7.689578832063104, 51.96610985718543 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68063 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 50.526724939859392 ], [ 7.698561984904297, 50.526724939859392 ], [ 7.698561984904297, 50.521013840202492 ], [ 7.689578832063104, 50.521013840202492 ], [ 7.689578832063104, 50.526724939859392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68064 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.689578832063104, 50.521013840202492 ], [ 7.698561984904297, 50.521013840202492 ], [ 7.698561984904297, 50.515302049368266 ], [ 7.689578832063104, 50.515302049368266 ], [ 7.689578832063104, 50.521013840202492 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68428 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.698561984904297, 52.263991616689538 ], [ 7.707545137745494, 52.263991616689538 ], [ 7.707545137745494, 52.258493369123606 ], [ 7.698561984904297, 52.258493369123606 ], [ 7.698561984904297, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68429 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.698561984904297, 52.258493369123606 ], [ 7.707545137745494, 52.258493369123606 ], [ 7.707545137745494, 52.252994439826388 ], [ 7.698561984904297, 52.252994439826388 ], [ 7.698561984904297, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68430 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.698561984904297, 52.252994439826388 ], [ 7.707545137745494, 52.252994439826388 ], [ 7.707545137745494, 52.247494828764033 ], [ 7.698561984904297, 52.247494828764033 ], [ 7.698561984904297, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68454 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.698561984904297, 52.120815529558762 ], [ 7.707545137745494, 52.120815529558762 ], [ 7.707545137745494, 52.115299546026087 ], [ 7.698561984904297, 52.115299546026087 ], [ 7.698561984904297, 52.120815529558762 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68455 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.698561984904297, 52.115299546026087 ], [ 7.707545137745494, 52.115299546026087 ], [ 7.707545137745494, 52.109782879888321 ], [ 7.698561984904297, 52.109782879888321 ], [ 7.698561984904297, 52.115299546026087 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 68740 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.698561984904297, 50.515302049368266 ], [ 7.707545137745494, 50.515302049368266 ], [ 7.707545137745494, 50.509589567329833 ], [ 7.698561984904297, 50.509589567329833 ], [ 7.698561984904297, 50.515302049368266 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69103 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.707545137745494, 52.263991616689538 ], [ 7.716528290586689, 52.263991616689538 ], [ 7.716528290586689, 52.258493369123606 ], [ 7.707545137745494, 52.258493369123606 ], [ 7.707545137745494, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69104 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.707545137745494, 52.258493369123606 ], [ 7.716528290586689, 52.258493369123606 ], [ 7.716528290586689, 52.252994439826388 ], [ 7.707545137745494, 52.252994439826388 ], [ 7.707545137745494, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69105 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.707545137745494, 52.252994439826388 ], [ 7.716528290586689, 52.252994439826388 ], [ 7.716528290586689, 52.247494828764033 ], [ 7.707545137745494, 52.247494828764033 ], [ 7.707545137745494, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69127 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.707545137745494, 52.131845448942222 ], [ 7.716528290586689, 52.131845448942222 ], [ 7.716528290586689, 52.126330830519684 ], [ 7.707545137745494, 52.126330830519684 ], [ 7.707545137745494, 52.131845448942222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69128 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.707545137745494, 52.126330830519684 ], [ 7.716528290586689, 52.126330830519684 ], [ 7.716528290586689, 52.120815529558762 ], [ 7.707545137745494, 52.120815529558762 ], [ 7.707545137745494, 52.126330830519684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69416 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.707545137745494, 50.509589567329833 ], [ 7.716528290586689, 50.509589567329833 ], [ 7.716528290586689, 50.503876394060342 ], [ 7.707545137745494, 50.503876394060342 ], [ 7.707545137745494, 50.509589567329833 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69778 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.716528290586689, 52.263991616689538 ], [ 7.725511443427884, 52.263991616689538 ], [ 7.725511443427884, 52.258493369123606 ], [ 7.716528290586689, 52.258493369123606 ], [ 7.716528290586689, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69779 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.716528290586689, 52.258493369123606 ], [ 7.725511443427884, 52.258493369123606 ], [ 7.725511443427884, 52.252994439826388 ], [ 7.716528290586689, 52.252994439826388 ], [ 7.716528290586689, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69801 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.716528290586689, 52.137359384859757 ], [ 7.725511443427884, 52.137359384859757 ], [ 7.725511443427884, 52.131845448942222 ], [ 7.716528290586689, 52.131845448942222 ], [ 7.716528290586689, 52.137359384859757 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 69802 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.716528290586689, 52.131845448942222 ], [ 7.725511443427884, 52.131845448942222 ], [ 7.725511443427884, 52.126330830519684 ], [ 7.716528290586689, 52.126330830519684 ], [ 7.716528290586689, 52.131845448942222 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 70091 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.716528290586689, 50.509589567329833 ], [ 7.725511443427884, 50.509589567329833 ], [ 7.725511443427884, 50.503876394060342 ], [ 7.716528290586689, 50.503876394060342 ], [ 7.716528290586689, 50.509589567329833 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 70453 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.725511443427884, 52.263991616689538 ], [ 7.734494596269079, 52.263991616689538 ], [ 7.734494596269079, 52.258493369123606 ], [ 7.725511443427884, 52.258493369123606 ], [ 7.725511443427884, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 70474 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.725511443427884, 52.148385209313496 ], [ 7.734494596269079, 52.148385209313496 ], [ 7.734494596269079, 52.142872638305697 ], [ 7.725511443427884, 52.142872638305697 ], [ 7.725511443427884, 52.148385209313496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 70475 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.725511443427884, 52.142872638305697 ], [ 7.734494596269079, 52.142872638305697 ], [ 7.734494596269079, 52.137359384859757 ], [ 7.725511443427884, 52.137359384859757 ], [ 7.725511443427884, 52.142872638305697 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 70767 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.725511443427884, 50.503876394060342 ], [ 7.734494596269079, 50.503876394060342 ], [ 7.734494596269079, 50.498162529532976 ], [ 7.725511443427884, 50.498162529532976 ], [ 7.725511443427884, 50.503876394060342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 70768 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.725511443427884, 50.498162529532976 ], [ 7.734494596269079, 50.498162529532976 ], [ 7.734494596269079, 50.492447973720914 ], [ 7.725511443427884, 50.492447973720914 ], [ 7.725511443427884, 50.498162529532976 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71127 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.734494596269079, 52.269489182558083 ], [ 7.743477749110276, 52.269489182558083 ], [ 7.743477749110276, 52.263991616689538 ], [ 7.734494596269079, 52.263991616689538 ], [ 7.734494596269079, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71128 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.734494596269079, 52.263991616689538 ], [ 7.743477749110276, 52.263991616689538 ], [ 7.743477749110276, 52.258493369123606 ], [ 7.734494596269079, 52.258493369123606 ], [ 7.734494596269079, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.734494596269079, 52.159408304148414 ], [ 7.743477749110276, 52.159408304148414 ], [ 7.743477749110276, 52.153897097916577 ], [ 7.734494596269079, 52.153897097916577 ], [ 7.734494596269079, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71148 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.734494596269079, 52.153897097916577 ], [ 7.743477749110276, 52.153897097916577 ], [ 7.743477749110276, 52.148385209313496 ], [ 7.734494596269079, 52.148385209313496 ], [ 7.734494596269079, 52.153897097916577 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.734494596269079, 50.498162529532976 ], [ 7.743477749110276, 50.498162529532976 ], [ 7.743477749110276, 50.492447973720914 ], [ 7.734494596269079, 50.492447973720914 ], [ 7.734494596269079, 50.498162529532976 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71444 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.734494596269079, 50.492447973720914 ], [ 7.743477749110276, 50.492447973720914 ], [ 7.743477749110276, 50.486732726597396 ], [ 7.734494596269079, 50.486732726597396 ], [ 7.734494596269079, 50.492447973720914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71772 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 52.434099338285606 ], [ 7.752460901951469, 52.434099338285606 ], [ 7.752460901951469, 52.428622207475684 ], [ 7.743477749110276, 52.428622207475684 ], [ 7.743477749110276, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71802 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 52.269489182558083 ], [ 7.752460901951469, 52.269489182558083 ], [ 7.752460901951469, 52.263991616689538 ], [ 7.743477749110276, 52.263991616689538 ], [ 7.743477749110276, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71803 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 52.263991616689538 ], [ 7.752460901951469, 52.263991616689538 ], [ 7.752460901951469, 52.258493369123606 ], [ 7.743477749110276, 52.258493369123606 ], [ 7.743477749110276, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71821 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 52.164918828042516 ], [ 7.752460901951469, 52.164918828042516 ], [ 7.752460901951469, 52.159408304148414 ], [ 7.743477749110276, 52.159408304148414 ], [ 7.743477749110276, 52.164918828042516 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 71822 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 52.159408304148414 ], [ 7.752460901951469, 52.159408304148414 ], [ 7.752460901951469, 52.153897097916577 ], [ 7.743477749110276, 52.153897097916577 ], [ 7.743477749110276, 52.159408304148414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72119 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 50.492447973720914 ], [ 7.752460901951469, 50.492447973720914 ], [ 7.752460901951469, 50.486732726597396 ], [ 7.743477749110276, 50.486732726597396 ], [ 7.743477749110276, 50.492447973720914 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72120 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.743477749110276, 50.486732726597396 ], [ 7.752460901951469, 50.486732726597396 ], [ 7.752460901951469, 50.481016788135626 ], [ 7.743477749110276, 50.481016788135626 ], [ 7.743477749110276, 50.486732726597396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72446 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.752460901951469, 52.439575788459102 ], [ 7.761444054792666, 52.439575788459102 ], [ 7.761444054792666, 52.434099338285606 ], [ 7.752460901951469, 52.434099338285606 ], [ 7.752460901951469, 52.439575788459102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72447 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.752460901951469, 52.434099338285606 ], [ 7.761444054792666, 52.434099338285606 ], [ 7.761444054792666, 52.428622207475684 ], [ 7.752460901951469, 52.428622207475684 ], [ 7.752460901951469, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72495 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.752460901951469, 52.170428669632379 ], [ 7.761444054792666, 52.170428669632379 ], [ 7.761444054792666, 52.164918828042516 ], [ 7.752460901951469, 52.164918828042516 ], [ 7.752460901951469, 52.170428669632379 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.752460901951469, 50.486732726597396 ], [ 7.761444054792666, 50.486732726597396 ], [ 7.761444054792666, 50.481016788135626 ], [ 7.752460901951469, 50.481016788135626 ], [ 7.752460901951469, 50.486732726597396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72796 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.752460901951469, 50.481016788135626 ], [ 7.761444054792666, 50.481016788135626 ], [ 7.761444054792666, 50.475300158308912 ], [ 7.752460901951469, 50.475300158308912 ], [ 7.752460901951469, 50.481016788135626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 72797 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.752460901951469, 50.475300158308912 ], [ 7.761444054792666, 50.475300158308912 ], [ 7.761444054792666, 50.46958283709052 ], [ 7.752460901951469, 50.46958283709052 ], [ 7.752460901951469, 50.475300158308912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73120 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 52.445051558030741 ], [ 7.770427207633861, 52.445051558030741 ], [ 7.770427207633861, 52.439575788459102 ], [ 7.761444054792666, 52.439575788459102 ], [ 7.761444054792666, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73121 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 52.439575788459102 ], [ 7.770427207633861, 52.439575788459102 ], [ 7.770427207633861, 52.434099338285606 ], [ 7.761444054792666, 52.434099338285606 ], [ 7.761444054792666, 52.439575788459102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73122 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 52.434099338285606 ], [ 7.770427207633861, 52.434099338285606 ], [ 7.770427207633861, 52.428622207475684 ], [ 7.761444054792666, 52.428622207475684 ], [ 7.761444054792666, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73169 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 52.17593782895154 ], [ 7.770427207633861, 52.17593782895154 ], [ 7.770427207633861, 52.170428669632379 ], [ 7.761444054792666, 52.170428669632379 ], [ 7.761444054792666, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73472 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 50.475300158308912 ], [ 7.770427207633861, 50.475300158308912 ], [ 7.770427207633861, 50.46958283709052 ], [ 7.761444054792666, 50.46958283709052 ], [ 7.761444054792666, 50.475300158308912 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73473 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 50.46958283709052 ], [ 7.770427207633861, 50.46958283709052 ], [ 7.770427207633861, 50.463864824453779 ], [ 7.761444054792666, 50.463864824453779 ], [ 7.761444054792666, 50.46958283709052 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73474 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.761444054792666, 50.463864824453779 ], [ 7.770427207633861, 50.463864824453779 ], [ 7.770427207633861, 50.458146120372028 ], [ 7.761444054792666, 50.458146120372028 ], [ 7.761444054792666, 50.463864824453779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73782 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.516174643452075 ], [ 7.779410360475056, 52.516174643452075 ], [ 7.779410360475056, 52.51070771855084 ], [ 7.770427207633861, 52.51070771855084 ], [ 7.770427207633861, 52.516174643452075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73783 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.51070771855084 ], [ 7.779410360475056, 52.51070771855084 ], [ 7.779410360475056, 52.505240113498814 ], [ 7.770427207633861, 52.505240113498814 ], [ 7.770427207633861, 52.51070771855084 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73784 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.505240113498814 ], [ 7.779410360475056, 52.505240113498814 ], [ 7.779410360475056, 52.499771828261196 ], [ 7.770427207633861, 52.499771828261196 ], [ 7.770427207633861, 52.505240113498814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73794 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.450526647035083 ], [ 7.779410360475056, 52.450526647035083 ], [ 7.779410360475056, 52.445051558030741 ], [ 7.770427207633861, 52.445051558030741 ], [ 7.770427207633861, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.445051558030741 ], [ 7.779410360475056, 52.445051558030741 ], [ 7.779410360475056, 52.439575788459102 ], [ 7.770427207633861, 52.439575788459102 ], [ 7.770427207633861, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73797 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.434099338285606 ], [ 7.779410360475056, 52.434099338285606 ], [ 7.779410360475056, 52.428622207475684 ], [ 7.770427207633861, 52.428622207475684 ], [ 7.770427207633861, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73843 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.181446306033571 ], [ 7.779410360475056, 52.181446306033571 ], [ 7.779410360475056, 52.17593782895154 ], [ 7.770427207633861, 52.17593782895154 ], [ 7.770427207633861, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 73844 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 52.17593782895154 ], [ 7.779410360475056, 52.17593782895154 ], [ 7.779410360475056, 52.170428669632379 ], [ 7.770427207633861, 52.170428669632379 ], [ 7.770427207633861, 52.17593782895154 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74150 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 50.458146120372028 ], [ 7.779410360475056, 50.458146120372028 ], [ 7.779410360475056, 50.452426724818636 ], [ 7.770427207633861, 50.452426724818636 ], [ 7.770427207633861, 50.458146120372028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74151 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.770427207633861, 50.452426724818636 ], [ 7.779410360475056, 50.452426724818636 ], [ 7.779410360475056, 50.446706637766972 ], [ 7.770427207633861, 50.446706637766972 ], [ 7.770427207633861, 50.452426724818636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74457 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.516174643452075 ], [ 7.788393513316251, 52.516174643452075 ], [ 7.788393513316251, 52.51070771855084 ], [ 7.779410360475056, 52.51070771855084 ], [ 7.779410360475056, 52.516174643452075 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74459 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.505240113498814 ], [ 7.788393513316251, 52.505240113498814 ], [ 7.788393513316251, 52.499771828261196 ], [ 7.779410360475056, 52.499771828261196 ], [ 7.779410360475056, 52.505240113498814 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74460 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.499771828261196 ], [ 7.788393513316251, 52.499771828261196 ], [ 7.788393513316251, 52.494302862803181 ], [ 7.779410360475056, 52.494302862803181 ], [ 7.779410360475056, 52.499771828261196 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74461 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.494302862803181 ], [ 7.788393513316251, 52.494302862803181 ], [ 7.788393513316251, 52.488833217089969 ], [ 7.779410360475056, 52.488833217089969 ], [ 7.779410360475056, 52.494302862803181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74465 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.472420198071745 ], [ 7.788393513316251, 52.472420198071745 ], [ 7.788393513316251, 52.466947830990414 ], [ 7.779410360475056, 52.466947830990414 ], [ 7.779410360475056, 52.472420198071745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74466 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.466947830990414 ], [ 7.788393513316251, 52.466947830990414 ], [ 7.788393513316251, 52.461474783480291 ], [ 7.779410360475056, 52.461474783480291 ], [ 7.779410360475056, 52.466947830990414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74467 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.461474783480291 ], [ 7.788393513316251, 52.461474783480291 ], [ 7.788393513316251, 52.456001055506725 ], [ 7.779410360475056, 52.456001055506725 ], [ 7.779410360475056, 52.461474783480291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74468 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.456001055506725 ], [ 7.788393513316251, 52.456001055506725 ], [ 7.788393513316251, 52.450526647035083 ], [ 7.779410360475056, 52.450526647035083 ], [ 7.779410360475056, 52.456001055506725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74469 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.450526647035083 ], [ 7.788393513316251, 52.450526647035083 ], [ 7.788393513316251, 52.445051558030741 ], [ 7.779410360475056, 52.445051558030741 ], [ 7.779410360475056, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74472 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.434099338285606 ], [ 7.788393513316251, 52.434099338285606 ], [ 7.788393513316251, 52.428622207475684 ], [ 7.779410360475056, 52.428622207475684 ], [ 7.779410360475056, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74473 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.428622207475684 ], [ 7.788393513316251, 52.428622207475684 ], [ 7.788393513316251, 52.423144395994797 ], [ 7.779410360475056, 52.423144395994797 ], [ 7.779410360475056, 52.428622207475684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74517 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.18695410091204 ], [ 7.788393513316251, 52.18695410091204 ], [ 7.788393513316251, 52.181446306033571 ], [ 7.779410360475056, 52.181446306033571 ], [ 7.779410360475056, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74518 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 52.181446306033571 ], [ 7.788393513316251, 52.181446306033571 ], [ 7.788393513316251, 52.17593782895154 ], [ 7.779410360475056, 52.17593782895154 ], [ 7.779410360475056, 52.181446306033571 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 74826 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.779410360475056, 50.452426724818636 ], [ 7.788393513316251, 50.452426724818636 ], [ 7.788393513316251, 50.446706637766972 ], [ 7.779410360475056, 50.446706637766972 ], [ 7.779410360475056, 50.452426724818636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75136 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.494302862803181 ], [ 7.797376666157445, 52.494302862803181 ], [ 7.797376666157445, 52.488833217089969 ], [ 7.788393513316251, 52.488833217089969 ], [ 7.788393513316251, 52.494302862803181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75138 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.483362891086827 ], [ 7.797376666157445, 52.483362891086827 ], [ 7.797376666157445, 52.477891884758989 ], [ 7.788393513316251, 52.477891884758989 ], [ 7.788393513316251, 52.483362891086827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.477891884758989 ], [ 7.797376666157445, 52.477891884758989 ], [ 7.797376666157445, 52.472420198071745 ], [ 7.788393513316251, 52.472420198071745 ], [ 7.788393513316251, 52.477891884758989 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75140 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.472420198071745 ], [ 7.797376666157445, 52.472420198071745 ], [ 7.797376666157445, 52.466947830990414 ], [ 7.788393513316251, 52.466947830990414 ], [ 7.788393513316251, 52.472420198071745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75190 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.197967644192694 ], [ 7.797376666157445, 52.197967644192694 ], [ 7.797376666157445, 52.19246121362054 ], [ 7.788393513316251, 52.19246121362054 ], [ 7.788393513316251, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75191 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.19246121362054 ], [ 7.797376666157445, 52.19246121362054 ], [ 7.797376666157445, 52.18695410091204 ], [ 7.788393513316251, 52.18695410091204 ], [ 7.788393513316251, 52.19246121362054 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75192 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 52.18695410091204 ], [ 7.797376666157445, 52.18695410091204 ], [ 7.797376666157445, 52.181446306033571 ], [ 7.788393513316251, 52.181446306033571 ], [ 7.788393513316251, 52.18695410091204 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75501 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 50.452426724818636 ], [ 7.797376666157445, 50.452426724818636 ], [ 7.797376666157445, 50.446706637766972 ], [ 7.788393513316251, 50.446706637766972 ], [ 7.788393513316251, 50.452426724818636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75502 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.788393513316251, 50.446706637766972 ], [ 7.797376666157445, 50.446706637766972 ], [ 7.797376666157445, 50.440985859190477 ], [ 7.788393513316251, 50.440985859190477 ], [ 7.788393513316251, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75811 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.797376666157445, 52.494302862803181 ], [ 7.806359818998641, 52.494302862803181 ], [ 7.806359818998641, 52.488833217089969 ], [ 7.797376666157445, 52.488833217089969 ], [ 7.797376666157445, 52.494302862803181 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75812 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.797376666157445, 52.488833217089969 ], [ 7.806359818998641, 52.488833217089969 ], [ 7.806359818998641, 52.483362891086827 ], [ 7.797376666157445, 52.483362891086827 ], [ 7.797376666157445, 52.488833217089969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75823 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.797376666157445, 52.428622207475684 ], [ 7.806359818998641, 52.428622207475684 ], [ 7.806359818998641, 52.423144395994797 ], [ 7.797376666157445, 52.423144395994797 ], [ 7.797376666157445, 52.428622207475684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75864 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.797376666157445, 52.20347339266214 ], [ 7.806359818998641, 52.20347339266214 ], [ 7.806359818998641, 52.197967644192694 ], [ 7.797376666157445, 52.197967644192694 ], [ 7.797376666157445, 52.20347339266214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 75865 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.797376666157445, 52.197967644192694 ], [ 7.806359818998641, 52.197967644192694 ], [ 7.806359818998641, 52.19246121362054 ], [ 7.797376666157445, 52.19246121362054 ], [ 7.797376666157445, 52.197967644192694 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 76177 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.797376666157445, 50.446706637766972 ], [ 7.806359818998641, 50.446706637766972 ], [ 7.806359818998641, 50.440985859190477 ], [ 7.797376666157445, 50.440985859190477 ], [ 7.797376666157445, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 76487 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.806359818998641, 52.488833217089969 ], [ 7.815342971839836, 52.488833217089969 ], [ 7.815342971839836, 52.483362891086827 ], [ 7.806359818998641, 52.483362891086827 ], [ 7.806359818998641, 52.488833217089969 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 76488 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.806359818998641, 52.483362891086827 ], [ 7.815342971839836, 52.483362891086827 ], [ 7.815342971839836, 52.477891884758989 ], [ 7.806359818998641, 52.477891884758989 ], [ 7.806359818998641, 52.483362891086827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 76499 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.806359818998641, 52.423144395994797 ], [ 7.815342971839836, 52.423144395994797 ], [ 7.815342971839836, 52.417665903808441 ], [ 7.806359818998641, 52.417665903808441 ], [ 7.806359818998641, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 76539 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.806359818998641, 52.20347339266214 ], [ 7.815342971839836, 52.20347339266214 ], [ 7.815342971839836, 52.197967644192694 ], [ 7.806359818998641, 52.197967644192694 ], [ 7.806359818998641, 52.20347339266214 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 76852 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.806359818998641, 50.446706637766972 ], [ 7.815342971839836, 50.446706637766972 ], [ 7.815342971839836, 50.440985859190477 ], [ 7.806359818998641, 50.440985859190477 ], [ 7.806359818998641, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77163 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.815342971839836, 52.483362891086827 ], [ 7.824326124681031, 52.483362891086827 ], [ 7.824326124681031, 52.477891884758989 ], [ 7.815342971839836, 52.477891884758989 ], [ 7.815342971839836, 52.483362891086827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77174 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.815342971839836, 52.423144395994797 ], [ 7.824326124681031, 52.423144395994797 ], [ 7.824326124681031, 52.417665903808441 ], [ 7.815342971839836, 52.417665903808441 ], [ 7.815342971839836, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77213 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.815342971839836, 52.208978459062536 ], [ 7.824326124681031, 52.208978459062536 ], [ 7.824326124681031, 52.20347339266214 ], [ 7.815342971839836, 52.20347339266214 ], [ 7.815342971839836, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77527 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.815342971839836, 50.446706637766972 ], [ 7.824326124681031, 50.446706637766972 ], [ 7.824326124681031, 50.440985859190477 ], [ 7.815342971839836, 50.440985859190477 ], [ 7.815342971839836, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77838 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.824326124681031, 52.483362891086827 ], [ 7.833309277522226, 52.483362891086827 ], [ 7.833309277522226, 52.477891884758989 ], [ 7.824326124681031, 52.477891884758989 ], [ 7.824326124681031, 52.483362891086827 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77839 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.824326124681031, 52.477891884758989 ], [ 7.833309277522226, 52.477891884758989 ], [ 7.833309277522226, 52.472420198071745 ], [ 7.824326124681031, 52.472420198071745 ], [ 7.824326124681031, 52.477891884758989 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77840 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.824326124681031, 52.472420198071745 ], [ 7.833309277522226, 52.472420198071745 ], [ 7.833309277522226, 52.466947830990414 ], [ 7.824326124681031, 52.466947830990414 ], [ 7.824326124681031, 52.472420198071745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.824326124681031, 52.423144395994797 ], [ 7.833309277522226, 52.423144395994797 ], [ 7.833309277522226, 52.417665903808441 ], [ 7.824326124681031, 52.417665903808441 ], [ 7.824326124681031, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 77888 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.824326124681031, 52.208978459062536 ], [ 7.833309277522226, 52.208978459062536 ], [ 7.833309277522226, 52.20347339266214 ], [ 7.824326124681031, 52.20347339266214 ], [ 7.824326124681031, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78202 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.824326124681031, 50.446706637766972 ], [ 7.833309277522226, 50.446706637766972 ], [ 7.833309277522226, 50.440985859190477 ], [ 7.824326124681031, 50.440985859190477 ], [ 7.824326124681031, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78515 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 52.472420198071745 ], [ 7.842292430363423, 52.472420198071745 ], [ 7.842292430363423, 52.466947830990414 ], [ 7.833309277522226, 52.466947830990414 ], [ 7.833309277522226, 52.472420198071745 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78516 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 52.466947830990414 ], [ 7.842292430363423, 52.466947830990414 ], [ 7.842292430363423, 52.461474783480291 ], [ 7.833309277522226, 52.461474783480291 ], [ 7.833309277522226, 52.466947830990414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 52.423144395994797 ], [ 7.842292430363423, 52.423144395994797 ], [ 7.842292430363423, 52.417665903808441 ], [ 7.833309277522226, 52.417665903808441 ], [ 7.833309277522226, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78525 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 52.417665903808441 ], [ 7.842292430363423, 52.417665903808441 ], [ 7.842292430363423, 52.412186730882112 ], [ 7.833309277522226, 52.412186730882112 ], [ 7.833309277522226, 52.417665903808441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78562 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 52.214482843427575 ], [ 7.842292430363423, 52.214482843427575 ], [ 7.842292430363423, 52.208978459062536 ], [ 7.833309277522226, 52.208978459062536 ], [ 7.833309277522226, 52.214482843427575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78563 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 52.208978459062536 ], [ 7.842292430363423, 52.208978459062536 ], [ 7.842292430363423, 52.20347339266214 ], [ 7.833309277522226, 52.20347339266214 ], [ 7.833309277522226, 52.208978459062536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 78877 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.833309277522226, 50.446706637766972 ], [ 7.842292430363423, 50.446706637766972 ], [ 7.842292430363423, 50.440985859190477 ], [ 7.833309277522226, 50.440985859190477 ], [ 7.833309277522226, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79191 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 52.466947830990414 ], [ 7.851275583204616, 52.466947830990414 ], [ 7.851275583204616, 52.461474783480291 ], [ 7.842292430363423, 52.461474783480291 ], [ 7.842292430363423, 52.466947830990414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79200 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 52.417665903808441 ], [ 7.851275583204616, 52.417665903808441 ], [ 7.851275583204616, 52.412186730882112 ], [ 7.842292430363423, 52.412186730882112 ], [ 7.842292430363423, 52.417665903808441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79201 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 52.412186730882112 ], [ 7.851275583204616, 52.412186730882112 ], [ 7.851275583204616, 52.406706877181342 ], [ 7.842292430363423, 52.406706877181342 ], [ 7.842292430363423, 52.412186730882112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79202 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 52.406706877181342 ], [ 7.851275583204616, 52.406706877181342 ], [ 7.851275583204616, 52.401226342671684 ], [ 7.842292430363423, 52.401226342671684 ], [ 7.842292430363423, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79203 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 52.401226342671684 ], [ 7.851275583204616, 52.401226342671684 ], [ 7.851275583204616, 52.395745127318705 ], [ 7.842292430363423, 52.395745127318705 ], [ 7.842292430363423, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79237 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 52.214482843427575 ], [ 7.851275583204616, 52.214482843427575 ], [ 7.851275583204616, 52.208978459062536 ], [ 7.842292430363423, 52.208978459062536 ], [ 7.842292430363423, 52.214482843427575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79552 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.842292430363423, 50.446706637766972 ], [ 7.851275583204616, 50.446706637766972 ], [ 7.851275583204616, 50.440985859190477 ], [ 7.842292430363423, 50.440985859190477 ], [ 7.842292430363423, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79866 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.851275583204616, 52.466947830990414 ], [ 7.860258736045813, 52.466947830990414 ], [ 7.860258736045813, 52.461474783480291 ], [ 7.851275583204616, 52.461474783480291 ], [ 7.851275583204616, 52.466947830990414 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79867 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.851275583204616, 52.461474783480291 ], [ 7.860258736045813, 52.461474783480291 ], [ 7.860258736045813, 52.456001055506725 ], [ 7.851275583204616, 52.456001055506725 ], [ 7.851275583204616, 52.461474783480291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79877 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.851275583204616, 52.406706877181342 ], [ 7.860258736045813, 52.406706877181342 ], [ 7.860258736045813, 52.401226342671684 ], [ 7.851275583204616, 52.401226342671684 ], [ 7.851275583204616, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79878 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.851275583204616, 52.401226342671684 ], [ 7.860258736045813, 52.401226342671684 ], [ 7.860258736045813, 52.395745127318705 ], [ 7.851275583204616, 52.395745127318705 ], [ 7.851275583204616, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 79912 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.851275583204616, 52.214482843427575 ], [ 7.860258736045813, 52.214482843427575 ], [ 7.860258736045813, 52.208978459062536 ], [ 7.851275583204616, 52.208978459062536 ], [ 7.851275583204616, 52.214482843427575 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 80226 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.851275583204616, 50.452426724818636 ], [ 7.860258736045813, 50.452426724818636 ], [ 7.860258736045813, 50.446706637766972 ], [ 7.851275583204616, 50.446706637766972 ], [ 7.851275583204616, 50.452426724818636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 80542 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.860258736045813, 52.461474783480291 ], [ 7.869241888887008, 52.461474783480291 ], [ 7.869241888887008, 52.456001055506725 ], [ 7.860258736045813, 52.456001055506725 ], [ 7.860258736045813, 52.461474783480291 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 80543 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.860258736045813, 52.456001055506725 ], [ 7.869241888887008, 52.456001055506725 ], [ 7.869241888887008, 52.450526647035083 ], [ 7.860258736045813, 52.450526647035083 ], [ 7.860258736045813, 52.456001055506725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 80553 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.860258736045813, 52.401226342671684 ], [ 7.869241888887008, 52.401226342671684 ], [ 7.869241888887008, 52.395745127318705 ], [ 7.860258736045813, 52.395745127318705 ], [ 7.860258736045813, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 80586 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.860258736045813, 52.219986545790952 ], [ 7.869241888887008, 52.219986545790952 ], [ 7.869241888887008, 52.214482843427575 ], [ 7.860258736045813, 52.214482843427575 ], [ 7.860258736045813, 52.219986545790952 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 80900 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.860258736045813, 50.458146120372028 ], [ 7.869241888887008, 50.458146120372028 ], [ 7.869241888887008, 50.452426724818636 ], [ 7.860258736045813, 50.452426724818636 ], [ 7.860258736045813, 50.458146120372028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81218 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.869241888887008, 52.456001055506725 ], [ 7.878225041728203, 52.456001055506725 ], [ 7.878225041728203, 52.450526647035083 ], [ 7.869241888887008, 52.450526647035083 ], [ 7.869241888887008, 52.456001055506725 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81219 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.869241888887008, 52.450526647035083 ], [ 7.878225041728203, 52.450526647035083 ], [ 7.878225041728203, 52.445051558030741 ], [ 7.869241888887008, 52.445051558030741 ], [ 7.869241888887008, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81228 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.869241888887008, 52.401226342671684 ], [ 7.878225041728203, 52.401226342671684 ], [ 7.878225041728203, 52.395745127318705 ], [ 7.869241888887008, 52.395745127318705 ], [ 7.869241888887008, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81259 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.869241888887008, 52.230991904647652 ], [ 7.878225041728203, 52.230991904647652 ], [ 7.878225041728203, 52.225489566186397 ], [ 7.869241888887008, 52.225489566186397 ], [ 7.869241888887008, 52.230991904647652 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81260 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.869241888887008, 52.225489566186397 ], [ 7.878225041728203, 52.225489566186397 ], [ 7.878225041728203, 52.219986545790952 ], [ 7.869241888887008, 52.219986545790952 ], [ 7.869241888887008, 52.225489566186397 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81575 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.869241888887008, 50.458146120372028 ], [ 7.878225041728203, 50.458146120372028 ], [ 7.878225041728203, 50.452426724818636 ], [ 7.869241888887008, 50.452426724818636 ], [ 7.869241888887008, 50.458146120372028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81894 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.878225041728203, 52.450526647035083 ], [ 7.887208194569398, 52.450526647035083 ], [ 7.887208194569398, 52.445051558030741 ], [ 7.878225041728203, 52.445051558030741 ], [ 7.878225041728203, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81903 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.878225041728203, 52.401226342671684 ], [ 7.887208194569398, 52.401226342671684 ], [ 7.887208194569398, 52.395745127318705 ], [ 7.878225041728203, 52.395745127318705 ], [ 7.878225041728203, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81932 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.878225041728203, 52.241994535902663 ], [ 7.887208194569398, 52.241994535902663 ], [ 7.887208194569398, 52.236493561208484 ], [ 7.878225041728203, 52.236493561208484 ], [ 7.878225041728203, 52.241994535902663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 81933 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.878225041728203, 52.236493561208484 ], [ 7.887208194569398, 52.236493561208484 ], [ 7.887208194569398, 52.230991904647652 ], [ 7.878225041728203, 52.230991904647652 ], [ 7.878225041728203, 52.236493561208484 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 82250 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.878225041728203, 50.458146120372028 ], [ 7.887208194569398, 50.458146120372028 ], [ 7.887208194569398, 50.452426724818636 ], [ 7.878225041728203, 50.452426724818636 ], [ 7.878225041728203, 50.458146120372028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 82569 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.887208194569398, 52.450526647035083 ], [ 7.896191347410594, 52.450526647035083 ], [ 7.896191347410594, 52.445051558030741 ], [ 7.887208194569398, 52.445051558030741 ], [ 7.887208194569398, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 82578 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.887208194569398, 52.401226342671684 ], [ 7.896191347410594, 52.401226342671684 ], [ 7.896191347410594, 52.395745127318705 ], [ 7.887208194569398, 52.395745127318705 ], [ 7.887208194569398, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 82606 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.887208194569398, 52.247494828764033 ], [ 7.896191347410594, 52.247494828764033 ], [ 7.896191347410594, 52.241994535902663 ], [ 7.887208194569398, 52.241994535902663 ], [ 7.887208194569398, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 82607 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.887208194569398, 52.241994535902663 ], [ 7.896191347410594, 52.241994535902663 ], [ 7.896191347410594, 52.236493561208484 ], [ 7.887208194569398, 52.236493561208484 ], [ 7.887208194569398, 52.241994535902663 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 82925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.887208194569398, 50.458146120372028 ], [ 7.896191347410594, 50.458146120372028 ], [ 7.896191347410594, 50.452426724818636 ], [ 7.887208194569398, 50.452426724818636 ], [ 7.887208194569398, 50.458146120372028 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83244 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.896191347410594, 52.450526647035083 ], [ 7.905174500251788, 52.450526647035083 ], [ 7.905174500251788, 52.445051558030741 ], [ 7.896191347410594, 52.445051558030741 ], [ 7.896191347410594, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83253 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.896191347410594, 52.401226342671684 ], [ 7.905174500251788, 52.401226342671684 ], [ 7.905174500251788, 52.395745127318705 ], [ 7.896191347410594, 52.395745127318705 ], [ 7.896191347410594, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83281 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.896191347410594, 52.247494828764033 ], [ 7.905174500251788, 52.247494828764033 ], [ 7.905174500251788, 52.241994535902663 ], [ 7.896191347410594, 52.241994535902663 ], [ 7.896191347410594, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.896191347410594, 50.452426724818636 ], [ 7.905174500251788, 50.452426724818636 ], [ 7.905174500251788, 50.446706637766972 ], [ 7.896191347410594, 50.446706637766972 ], [ 7.896191347410594, 50.452426724818636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83919 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.905174500251788, 52.450526647035083 ], [ 7.914157653092984, 52.450526647035083 ], [ 7.914157653092984, 52.445051558030741 ], [ 7.905174500251788, 52.445051558030741 ], [ 7.905174500251788, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83928 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.905174500251788, 52.401226342671684 ], [ 7.914157653092984, 52.401226342671684 ], [ 7.914157653092984, 52.395745127318705 ], [ 7.905174500251788, 52.395745127318705 ], [ 7.905174500251788, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83955 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.905174500251788, 52.252994439826388 ], [ 7.914157653092984, 52.252994439826388 ], [ 7.914157653092984, 52.247494828764033 ], [ 7.905174500251788, 52.247494828764033 ], [ 7.905174500251788, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 83956 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.905174500251788, 52.247494828764033 ], [ 7.914157653092984, 52.247494828764033 ], [ 7.914157653092984, 52.241994535902663 ], [ 7.905174500251788, 52.241994535902663 ], [ 7.905174500251788, 52.247494828764033 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84276 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.905174500251788, 50.452426724818636 ], [ 7.914157653092984, 50.452426724818636 ], [ 7.914157653092984, 50.446706637766972 ], [ 7.905174500251788, 50.446706637766972 ], [ 7.905174500251788, 50.452426724818636 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84277 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.905174500251788, 50.446706637766972 ], [ 7.914157653092984, 50.446706637766972 ], [ 7.914157653092984, 50.440985859190477 ], [ 7.905174500251788, 50.440985859190477 ], [ 7.905174500251788, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84594 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 52.450526647035083 ], [ 7.923140805934178, 52.450526647035083 ], [ 7.923140805934178, 52.445051558030741 ], [ 7.914157653092984, 52.445051558030741 ], [ 7.914157653092984, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84602 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 52.406706877181342 ], [ 7.923140805934178, 52.406706877181342 ], [ 7.923140805934178, 52.401226342671684 ], [ 7.914157653092984, 52.401226342671684 ], [ 7.914157653092984, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84603 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 52.401226342671684 ], [ 7.923140805934178, 52.401226342671684 ], [ 7.923140805934178, 52.395745127318705 ], [ 7.914157653092984, 52.395745127318705 ], [ 7.914157653092984, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84628 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 52.263991616689538 ], [ 7.923140805934178, 52.263991616689538 ], [ 7.923140805934178, 52.258493369123606 ], [ 7.914157653092984, 52.258493369123606 ], [ 7.914157653092984, 52.263991616689538 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84629 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 52.258493369123606 ], [ 7.923140805934178, 52.258493369123606 ], [ 7.923140805934178, 52.252994439826388 ], [ 7.914157653092984, 52.252994439826388 ], [ 7.914157653092984, 52.258493369123606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84630 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 52.252994439826388 ], [ 7.923140805934178, 52.252994439826388 ], [ 7.923140805934178, 52.247494828764033 ], [ 7.914157653092984, 52.247494828764033 ], [ 7.914157653092984, 52.252994439826388 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84952 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 50.446706637766972 ], [ 7.923140805934178, 50.446706637766972 ], [ 7.923140805934178, 50.440985859190477 ], [ 7.914157653092984, 50.440985859190477 ], [ 7.914157653092984, 50.446706637766972 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84953 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 50.440985859190477 ], [ 7.923140805934178, 50.440985859190477 ], [ 7.923140805934178, 50.435264389062567 ], [ 7.914157653092984, 50.435264389062567 ], [ 7.914157653092984, 50.440985859190477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 84954 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.914157653092984, 50.435264389062567 ], [ 7.923140805934178, 50.435264389062567 ], [ 7.923140805934178, 50.429542227356713 ], [ 7.914157653092984, 50.429542227356713 ], [ 7.914157653092984, 50.435264389062567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85269 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.450526647035083 ], [ 7.932123958775374, 52.450526647035083 ], [ 7.932123958775374, 52.445051558030741 ], [ 7.923140805934178, 52.445051558030741 ], [ 7.923140805934178, 52.450526647035083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85270 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.445051558030741 ], [ 7.932123958775374, 52.445051558030741 ], [ 7.932123958775374, 52.439575788459102 ], [ 7.923140805934178, 52.439575788459102 ], [ 7.923140805934178, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85277 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.406706877181342 ], [ 7.932123958775374, 52.406706877181342 ], [ 7.932123958775374, 52.401226342671684 ], [ 7.923140805934178, 52.401226342671684 ], [ 7.923140805934178, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85278 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.401226342671684 ], [ 7.932123958775374, 52.401226342671684 ], [ 7.932123958775374, 52.395745127318705 ], [ 7.923140805934178, 52.395745127318705 ], [ 7.923140805934178, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85300 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.280482269338677 ], [ 7.932123958775374, 52.280482269338677 ], [ 7.932123958775374, 52.274986066763148 ], [ 7.923140805934178, 52.274986066763148 ], [ 7.923140805934178, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85301 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.274986066763148 ], [ 7.932123958775374, 52.274986066763148 ], [ 7.932123958775374, 52.269489182558083 ], [ 7.923140805934178, 52.269489182558083 ], [ 7.923140805934178, 52.274986066763148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85302 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 52.269489182558083 ], [ 7.932123958775374, 52.269489182558083 ], [ 7.932123958775374, 52.263991616689538 ], [ 7.923140805934178, 52.263991616689538 ], [ 7.923140805934178, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85630 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 50.429542227356713 ], [ 7.932123958775374, 50.429542227356713 ], [ 7.932123958775374, 50.423819374046396 ], [ 7.923140805934178, 50.423819374046396 ], [ 7.923140805934178, 50.429542227356713 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85631 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 50.423819374046396 ], [ 7.932123958775374, 50.423819374046396 ], [ 7.932123958775374, 50.418095829105148 ], [ 7.923140805934178, 50.418095829105148 ], [ 7.923140805934178, 50.423819374046396 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85632 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.923140805934178, 50.418095829105148 ], [ 7.932123958775374, 50.418095829105148 ], [ 7.932123958775374, 50.412371592506481 ], [ 7.923140805934178, 50.412371592506481 ], [ 7.923140805934178, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85945 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.445051558030741 ], [ 7.94110711161657, 52.445051558030741 ], [ 7.94110711161657, 52.439575788459102 ], [ 7.932123958775374, 52.439575788459102 ], [ 7.932123958775374, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85952 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.406706877181342 ], [ 7.94110711161657, 52.406706877181342 ], [ 7.94110711161657, 52.401226342671684 ], [ 7.932123958775374, 52.401226342671684 ], [ 7.932123958775374, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85953 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.401226342671684 ], [ 7.94110711161657, 52.401226342671684 ], [ 7.94110711161657, 52.395745127318705 ], [ 7.932123958775374, 52.395745127318705 ], [ 7.932123958775374, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85972 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.296966787627667 ], [ 7.94110711161657, 52.296966787627667 ], [ 7.94110711161657, 52.291472629736958 ], [ 7.932123958775374, 52.291472629736958 ], [ 7.932123958775374, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85973 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.291472629736958 ], [ 7.94110711161657, 52.291472629736958 ], [ 7.94110711161657, 52.285977790318626 ], [ 7.932123958775374, 52.285977790318626 ], [ 7.932123958775374, 52.291472629736958 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85974 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.285977790318626 ], [ 7.94110711161657, 52.285977790318626 ], [ 7.94110711161657, 52.280482269338677 ], [ 7.932123958775374, 52.280482269338677 ], [ 7.932123958775374, 52.285977790318626 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85975 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.280482269338677 ], [ 7.94110711161657, 52.280482269338677 ], [ 7.94110711161657, 52.274986066763148 ], [ 7.932123958775374, 52.274986066763148 ], [ 7.932123958775374, 52.280482269338677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 85977 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 52.269489182558083 ], [ 7.94110711161657, 52.269489182558083 ], [ 7.94110711161657, 52.263991616689538 ], [ 7.932123958775374, 52.263991616689538 ], [ 7.932123958775374, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86307 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.932123958775374, 50.418095829105148 ], [ 7.94110711161657, 50.418095829105148 ], [ 7.94110711161657, 50.412371592506481 ], [ 7.932123958775374, 50.412371592506481 ], [ 7.932123958775374, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86620 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.445051558030741 ], [ 7.950090264457764, 52.445051558030741 ], [ 7.950090264457764, 52.439575788459102 ], [ 7.94110711161657, 52.439575788459102 ], [ 7.94110711161657, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86627 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.406706877181342 ], [ 7.950090264457764, 52.406706877181342 ], [ 7.950090264457764, 52.401226342671684 ], [ 7.94110711161657, 52.401226342671684 ], [ 7.94110711161657, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86644 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.313445172474403 ], [ 7.950090264457764, 52.313445172474403 ], [ 7.950090264457764, 52.307953058962347 ], [ 7.94110711161657, 52.307953058962347 ], [ 7.94110711161657, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.307953058962347 ], [ 7.950090264457764, 52.307953058962347 ], [ 7.950090264457764, 52.302460264024795 ], [ 7.94110711161657, 52.302460264024795 ], [ 7.94110711161657, 52.307953058962347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86646 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.302460264024795 ], [ 7.950090264457764, 52.302460264024795 ], [ 7.950090264457764, 52.296966787627667 ], [ 7.94110711161657, 52.296966787627667 ], [ 7.94110711161657, 52.302460264024795 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86647 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.296966787627667 ], [ 7.950090264457764, 52.296966787627667 ], [ 7.950090264457764, 52.291472629736958 ], [ 7.94110711161657, 52.291472629736958 ], [ 7.94110711161657, 52.296966787627667 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 52.269489182558083 ], [ 7.950090264457764, 52.269489182558083 ], [ 7.950090264457764, 52.263991616689538 ], [ 7.94110711161657, 52.263991616689538 ], [ 7.94110711161657, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 86982 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.94110711161657, 50.418095829105148 ], [ 7.950090264457764, 50.418095829105148 ], [ 7.950090264457764, 50.412371592506481 ], [ 7.94110711161657, 50.412371592506481 ], [ 7.94110711161657, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87295 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.445051558030741 ], [ 7.95907341729896, 52.445051558030741 ], [ 7.95907341729896, 52.439575788459102 ], [ 7.950090264457764, 52.439575788459102 ], [ 7.950090264457764, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87296 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.439575788459102 ], [ 7.95907341729896, 52.439575788459102 ], [ 7.95907341729896, 52.434099338285606 ], [ 7.950090264457764, 52.434099338285606 ], [ 7.950090264457764, 52.439575788459102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87302 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.406706877181342 ], [ 7.95907341729896, 52.406706877181342 ], [ 7.95907341729896, 52.401226342671684 ], [ 7.950090264457764, 52.401226342671684 ], [ 7.950090264457764, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87303 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.401226342671684 ], [ 7.95907341729896, 52.401226342671684 ], [ 7.95907341729896, 52.395745127318705 ], [ 7.950090264457764, 52.395745127318705 ], [ 7.950090264457764, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87318 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.318936604595045 ], [ 7.95907341729896, 52.318936604595045 ], [ 7.95907341729896, 52.313445172474403 ], [ 7.950090264457764, 52.313445172474403 ], [ 7.950090264457764, 52.318936604595045 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87319 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.313445172474403 ], [ 7.95907341729896, 52.313445172474403 ], [ 7.95907341729896, 52.307953058962347 ], [ 7.950090264457764, 52.307953058962347 ], [ 7.950090264457764, 52.313445172474403 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87327 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 52.269489182558083 ], [ 7.95907341729896, 52.269489182558083 ], [ 7.95907341729896, 52.263991616689538 ], [ 7.950090264457764, 52.263991616689538 ], [ 7.950090264457764, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87657 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.950090264457764, 50.418095829105148 ], [ 7.95907341729896, 50.418095829105148 ], [ 7.95907341729896, 50.412371592506481 ], [ 7.950090264457764, 50.412371592506481 ], [ 7.950090264457764, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87970 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.445051558030741 ], [ 7.968056570140155, 52.445051558030741 ], [ 7.968056570140155, 52.439575788459102 ], [ 7.95907341729896, 52.439575788459102 ], [ 7.95907341729896, 52.445051558030741 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87971 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.439575788459102 ], [ 7.968056570140155, 52.439575788459102 ], [ 7.968056570140155, 52.434099338285606 ], [ 7.95907341729896, 52.434099338285606 ], [ 7.95907341729896, 52.439575788459102 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87972 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.434099338285606 ], [ 7.968056570140155, 52.434099338285606 ], [ 7.968056570140155, 52.428622207475684 ], [ 7.95907341729896, 52.428622207475684 ], [ 7.95907341729896, 52.434099338285606 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87973 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.428622207475684 ], [ 7.968056570140155, 52.428622207475684 ], [ 7.968056570140155, 52.423144395994797 ], [ 7.95907341729896, 52.423144395994797 ], [ 7.95907341729896, 52.428622207475684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87974 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.423144395994797 ], [ 7.968056570140155, 52.423144395994797 ], [ 7.968056570140155, 52.417665903808441 ], [ 7.95907341729896, 52.417665903808441 ], [ 7.95907341729896, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87977 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.406706877181342 ], [ 7.968056570140155, 52.406706877181342 ], [ 7.968056570140155, 52.401226342671684 ], [ 7.95907341729896, 52.401226342671684 ], [ 7.95907341729896, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 87992 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.32442735535836 ], [ 7.968056570140155, 52.32442735535836 ], [ 7.968056570140155, 52.318936604595045 ], [ 7.95907341729896, 52.318936604595045 ], [ 7.95907341729896, 52.32442735535836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88002 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 52.269489182558083 ], [ 7.968056570140155, 52.269489182558083 ], [ 7.968056570140155, 52.263991616689538 ], [ 7.95907341729896, 52.263991616689538 ], [ 7.95907341729896, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88332 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.95907341729896, 50.418095829105148 ], [ 7.968056570140155, 50.418095829105148 ], [ 7.968056570140155, 50.412371592506481 ], [ 7.95907341729896, 50.412371592506481 ], [ 7.95907341729896, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88649 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.423144395994797 ], [ 7.97703972298135, 52.423144395994797 ], [ 7.97703972298135, 52.417665903808441 ], [ 7.968056570140155, 52.417665903808441 ], [ 7.968056570140155, 52.423144395994797 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88650 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.417665903808441 ], [ 7.97703972298135, 52.417665903808441 ], [ 7.97703972298135, 52.412186730882112 ], [ 7.968056570140155, 52.412186730882112 ], [ 7.968056570140155, 52.417665903808441 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88651 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.412186730882112 ], [ 7.97703972298135, 52.412186730882112 ], [ 7.97703972298135, 52.406706877181342 ], [ 7.968056570140155, 52.406706877181342 ], [ 7.968056570140155, 52.412186730882112 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88652 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.406706877181342 ], [ 7.97703972298135, 52.406706877181342 ], [ 7.97703972298135, 52.401226342671684 ], [ 7.968056570140155, 52.401226342671684 ], [ 7.968056570140155, 52.406706877181342 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88666 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.329917424798474 ], [ 7.97703972298135, 52.329917424798474 ], [ 7.97703972298135, 52.32442735535836 ], [ 7.968056570140155, 52.32442735535836 ], [ 7.968056570140155, 52.329917424798474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88667 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.32442735535836 ], [ 7.97703972298135, 52.32442735535836 ], [ 7.97703972298135, 52.318936604595045 ], [ 7.968056570140155, 52.318936604595045 ], [ 7.968056570140155, 52.32442735535836 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 88677 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 52.269489182558083 ], [ 7.97703972298135, 52.269489182558083 ], [ 7.97703972298135, 52.263991616689538 ], [ 7.968056570140155, 52.263991616689538 ], [ 7.968056570140155, 52.269489182558083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89007 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 50.418095829105148 ], [ 7.97703972298135, 50.418095829105148 ], [ 7.97703972298135, 50.412371592506481 ], [ 7.968056570140155, 50.412371592506481 ], [ 7.968056570140155, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89008 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.968056570140155, 50.412371592506481 ], [ 7.97703972298135, 50.412371592506481 ], [ 7.97703972298135, 50.406646664223956 ], [ 7.968056570140155, 50.406646664223956 ], [ 7.968056570140155, 50.412371592506481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89328 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.97703972298135, 52.401226342671684 ], [ 7.986022875822545, 52.401226342671684 ], [ 7.986022875822545, 52.395745127318705 ], [ 7.97703972298135, 52.395745127318705 ], [ 7.97703972298135, 52.401226342671684 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89329 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.97703972298135, 52.395745127318705 ], [ 7.986022875822545, 52.395745127318705 ], [ 7.986022875822545, 52.390263231087978 ], [ 7.97703972298135, 52.390263231087978 ], [ 7.97703972298135, 52.395745127318705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89340 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.97703972298135, 52.335406812949529 ], [ 7.986022875822545, 52.335406812949529 ], [ 7.986022875822545, 52.329917424798474 ], [ 7.97703972298135, 52.329917424798474 ], [ 7.97703972298135, 52.335406812949529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89341 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.97703972298135, 52.329917424798474 ], [ 7.986022875822545, 52.329917424798474 ], [ 7.986022875822545, 52.32442735535836 ], [ 7.97703972298135, 52.32442735535836 ], [ 7.97703972298135, 52.329917424798474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89682 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.97703972298135, 50.418095829105148 ], [ 7.986022875822545, 50.418095829105148 ], [ 7.986022875822545, 50.412371592506481 ], [ 7.97703972298135, 50.412371592506481 ], [ 7.97703972298135, 50.418095829105148 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 89683 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.97703972298135, 50.412371592506481 ], [ 7.986022875822545, 50.412371592506481 ], [ 7.986022875822545, 50.406646664223956 ], [ 7.97703972298135, 50.406646664223956 ], [ 7.97703972298135, 50.412371592506481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90004 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.986022875822545, 52.395745127318705 ], [ 7.995006028663741, 52.395745127318705 ], [ 7.995006028663741, 52.390263231087978 ], [ 7.986022875822545, 52.390263231087978 ], [ 7.986022875822545, 52.395745127318705 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90005 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.986022875822545, 52.390263231087978 ], [ 7.995006028663741, 52.390263231087978 ], [ 7.995006028663741, 52.384780653945128 ], [ 7.986022875822545, 52.384780653945128 ], [ 7.986022875822545, 52.390263231087978 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90006 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.986022875822545, 52.384780653945128 ], [ 7.995006028663741, 52.384780653945128 ], [ 7.995006028663741, 52.379297395855779 ], [ 7.986022875822545, 52.379297395855779 ], [ 7.986022875822545, 52.384780653945128 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90007 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.986022875822545, 52.379297395855779 ], [ 7.995006028663741, 52.379297395855779 ], [ 7.995006028663741, 52.373813456785584 ], [ 7.986022875822545, 52.373813456785584 ], [ 7.986022875822545, 52.379297395855779 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90015 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.986022875822545, 52.335406812949529 ], [ 7.995006028663741, 52.335406812949529 ], [ 7.995006028663741, 52.329917424798474 ], [ 7.986022875822545, 52.329917424798474 ], [ 7.986022875822545, 52.335406812949529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90358 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.986022875822545, 50.412371592506481 ], [ 7.995006028663741, 50.412371592506481 ], [ 7.995006028663741, 50.406646664223956 ], [ 7.986022875822545, 50.406646664223956 ], [ 7.986022875822545, 50.412371592506481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90683 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.995006028663741, 52.373813456785584 ], [ 8.003989181504936, 52.373813456785584 ], [ 8.003989181504936, 52.368328836700215 ], [ 7.995006028663741, 52.368328836700215 ], [ 7.995006028663741, 52.373813456785584 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90684 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.995006028663741, 52.368328836700215 ], [ 8.003989181504936, 52.368328836700215 ], [ 8.003989181504936, 52.362843535565368 ], [ 7.995006028663741, 52.362843535565368 ], [ 7.995006028663741, 52.368328836700215 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90685 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.995006028663741, 52.362843535565368 ], [ 8.003989181504936, 52.362843535565368 ], [ 8.003989181504936, 52.357357553346738 ], [ 7.995006028663741, 52.357357553346738 ], [ 7.995006028663741, 52.362843535565368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 90690 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.995006028663741, 52.335406812949529 ], [ 8.003989181504936, 52.335406812949529 ], [ 8.003989181504936, 52.329917424798474 ], [ 7.995006028663741, 52.329917424798474 ], [ 7.995006028663741, 52.335406812949529 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 91033 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 7.995006028663741, 50.412371592506481 ], [ 8.003989181504936, 50.412371592506481 ], [ 8.003989181504936, 50.406646664223956 ], [ 7.995006028663741, 50.406646664223956 ], [ 7.995006028663741, 50.412371592506481 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 91360 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.003989181504936, 52.362843535565368 ], [ 8.012972334346131, 52.362843535565368 ], [ 8.012972334346131, 52.357357553346738 ], [ 8.003989181504936, 52.357357553346738 ], [ 8.003989181504936, 52.362843535565368 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 91361 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.003989181504936, 52.357357553346738 ], [ 8.012972334346131, 52.357357553346738 ], [ 8.012972334346131, 52.351870890010083 ], [ 8.003989181504936, 52.351870890010083 ], [ 8.003989181504936, 52.357357553346738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 91364 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.003989181504936, 52.340895519845688 ], [ 8.012972334346131, 52.340895519845688 ], [ 8.012972334346131, 52.335406812949529 ], [ 8.003989181504936, 52.335406812949529 ], [ 8.003989181504936, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 91709 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.003989181504936, 50.406646664223956 ], [ 8.012972334346131, 50.406646664223956 ], [ 8.012972334346131, 50.400921044231161 ], [ 8.003989181504936, 50.400921044231161 ], [ 8.003989181504936, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 92036 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.012972334346131, 52.357357553346738 ], [ 8.021955487187327, 52.357357553346738 ], [ 8.021955487187327, 52.351870890010083 ], [ 8.012972334346131, 52.351870890010083 ], [ 8.012972334346131, 52.357357553346738 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 92037 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.012972334346131, 52.351870890010083 ], [ 8.021955487187327, 52.351870890010083 ], [ 8.021955487187327, 52.346383545521142 ], [ 8.012972334346131, 52.346383545521142 ], [ 8.012972334346131, 52.351870890010083 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 92038 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.012972334346131, 52.346383545521142 ], [ 8.021955487187327, 52.346383545521142 ], [ 8.021955487187327, 52.340895519845688 ], [ 8.012972334346131, 52.340895519845688 ], [ 8.012972334346131, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 92039 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.012972334346131, 52.340895519845688 ], [ 8.021955487187327, 52.340895519845688 ], [ 8.021955487187327, 52.335406812949529 ], [ 8.012972334346131, 52.335406812949529 ], [ 8.012972334346131, 52.340895519845688 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 92384 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.012972334346131, 50.406646664223956 ], [ 8.021955487187327, 50.406646664223956 ], [ 8.021955487187327, 50.400921044231161 ], [ 8.012972334346131, 50.400921044231161 ], [ 8.012972334346131, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 92713 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.021955487187327, 52.346383545521142 ], [ 8.030938640028522, 52.346383545521142 ], [ 8.030938640028522, 52.340895519845688 ], [ 8.021955487187327, 52.340895519845688 ], [ 8.021955487187327, 52.346383545521142 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 93059 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.021955487187327, 50.406646664223956 ], [ 8.030938640028522, 50.406646664223956 ], [ 8.030938640028522, 50.400921044231161 ], [ 8.021955487187327, 50.400921044231161 ], [ 8.021955487187327, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 93734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.030938640028522, 50.406646664223956 ], [ 8.039921792869716, 50.406646664223956 ], [ 8.039921792869716, 50.400921044231161 ], [ 8.030938640028522, 50.400921044231161 ], [ 8.030938640028522, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 94409 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.039921792869716, 50.406646664223956 ], [ 8.048904945710911, 50.406646664223956 ], [ 8.048904945710911, 50.400921044231161 ], [ 8.039921792869716, 50.400921044231161 ], [ 8.039921792869716, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 95084 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.048904945710911, 50.406646664223956 ], [ 8.057888098552107, 50.406646664223956 ], [ 8.057888098552107, 50.400921044231161 ], [ 8.048904945710911, 50.400921044231161 ], [ 8.048904945710911, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 95759 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.057888098552107, 50.406646664223956 ], [ 8.066871251393303, 50.406646664223956 ], [ 8.066871251393303, 50.400921044231161 ], [ 8.057888098552107, 50.400921044231161 ], [ 8.057888098552107, 50.406646664223956 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 96435 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.066871251393303, 50.400921044231161 ], [ 8.075854404234496, 50.400921044231161 ], [ 8.075854404234496, 50.395194732501714 ], [ 8.066871251393303, 50.395194732501714 ], [ 8.066871251393303, 50.400921044231161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 97110 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.075854404234496, 50.400921044231161 ], [ 8.084837557075693, 50.400921044231161 ], [ 8.084837557075693, 50.395194732501714 ], [ 8.075854404234496, 50.395194732501714 ], [ 8.075854404234496, 50.400921044231161 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 97111 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.075854404234496, 50.395194732501714 ], [ 8.084837557075693, 50.395194732501714 ], [ 8.084837557075693, 50.38946772900924 ], [ 8.075854404234496, 50.38946772900924 ], [ 8.075854404234496, 50.395194732501714 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 97112 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.075854404234496, 50.38946772900924 ], [ 8.084837557075693, 50.38946772900924 ], [ 8.084837557075693, 50.383740033727406 ], [ 8.075854404234496, 50.383740033727406 ], [ 8.075854404234496, 50.38946772900924 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 97113 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.075854404234496, 50.383740033727406 ], [ 8.084837557075693, 50.383740033727406 ], [ 8.084837557075693, 50.378011646629879 ], [ 8.075854404234496, 50.378011646629879 ], [ 8.075854404234496, 50.383740033727406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 97788 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.084837557075693, 50.383740033727406 ], [ 8.093820709916889, 50.383740033727406 ], [ 8.093820709916889, 50.378011646629879 ], [ 8.084837557075693, 50.378011646629879 ], [ 8.084837557075693, 50.383740033727406 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 97789 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.084837557075693, 50.378011646629879 ], [ 8.093820709916889, 50.378011646629879 ], [ 8.093820709916889, 50.37228256769037 ], [ 8.084837557075693, 50.37228256769037 ], [ 8.084837557075693, 50.378011646629879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 98464 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.093820709916889, 50.378011646629879 ], [ 8.102803862758083, 50.378011646629879 ], [ 8.102803862758083, 50.37228256769037 ], [ 8.093820709916889, 50.37228256769037 ], [ 8.093820709916889, 50.378011646629879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 99139 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.102803862758083, 50.378011646629879 ], [ 8.111787015599278, 50.378011646629879 ], [ 8.111787015599278, 50.37228256769037 ], [ 8.102803862758083, 50.37228256769037 ], [ 8.102803862758083, 50.378011646629879 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 99140 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.102803862758083, 50.37228256769037 ], [ 8.111787015599278, 50.37228256769037 ], [ 8.111787015599278, 50.366552796882608 ], [ 8.102803862758083, 50.366552796882608 ], [ 8.102803862758083, 50.37228256769037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 99815 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.111787015599278, 50.37228256769037 ], [ 8.120770168440474, 50.37228256769037 ], [ 8.120770168440474, 50.366552796882608 ], [ 8.111787015599278, 50.366552796882608 ], [ 8.111787015599278, 50.37228256769037 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 100491 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.120770168440474, 50.366552796882608 ], [ 8.129753321281669, 50.366552796882608 ], [ 8.129753321281669, 50.360822334180355 ], [ 8.120770168440474, 50.360822334180355 ], [ 8.120770168440474, 50.366552796882608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 101166 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.129753321281669, 50.366552796882608 ], [ 8.138736474122863, 50.366552796882608 ], [ 8.138736474122863, 50.360822334180355 ], [ 8.129753321281669, 50.360822334180355 ], [ 8.129753321281669, 50.366552796882608 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 101167 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.129753321281669, 50.360822334180355 ], [ 8.138736474122863, 50.360822334180355 ], [ 8.138736474122863, 50.355091179557391 ], [ 8.129753321281669, 50.355091179557391 ], [ 8.129753321281669, 50.360822334180355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 101842 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.138736474122863, 50.360822334180355 ], [ 8.14771962696406, 50.360822334180355 ], [ 8.14771962696406, 50.355091179557391 ], [ 8.138736474122863, 50.355091179557391 ], [ 8.138736474122863, 50.360822334180355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 102517 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.14771962696406, 50.360822334180355 ], [ 8.156702779805254, 50.360822334180355 ], [ 8.156702779805254, 50.355091179557391 ], [ 8.14771962696406, 50.355091179557391 ], [ 8.14771962696406, 50.360822334180355 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 103193 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.156702779805254, 50.355091179557391 ], [ 8.165685932646451, 50.355091179557391 ], [ 8.165685932646451, 50.349359332987518 ], [ 8.156702779805254, 50.349359332987518 ], [ 8.156702779805254, 50.355091179557391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 103868 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.165685932646451, 50.355091179557391 ], [ 8.174669085487643, 50.355091179557391 ], [ 8.174669085487643, 50.349359332987518 ], [ 8.165685932646451, 50.349359332987518 ], [ 8.165685932646451, 50.355091179557391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 103869 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.165685932646451, 50.349359332987518 ], [ 8.174669085487643, 50.349359332987518 ], [ 8.174669085487643, 50.343626794444567 ], [ 8.165685932646451, 50.343626794444567 ], [ 8.165685932646451, 50.349359332987518 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 104545 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.174669085487643, 50.343626794444567 ], [ 8.18365223832884, 50.343626794444567 ], [ 8.18365223832884, 50.337893563902391 ], [ 8.174669085487643, 50.337893563902391 ], [ 8.174669085487643, 50.343626794444567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 105220 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.18365223832884, 50.343626794444567 ], [ 8.192635391170036, 50.343626794444567 ], [ 8.192635391170036, 50.337893563902391 ], [ 8.18365223832884, 50.337893563902391 ], [ 8.18365223832884, 50.343626794444567 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 105221 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.18365223832884, 50.337893563902391 ], [ 8.192635391170036, 50.337893563902391 ], [ 8.192635391170036, 50.332159641334862 ], [ 8.18365223832884, 50.332159641334862 ], [ 8.18365223832884, 50.337893563902391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 105896 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.192635391170036, 50.337893563902391 ], [ 8.201618544011231, 50.337893563902391 ], [ 8.201618544011231, 50.332159641334862 ], [ 8.192635391170036, 50.332159641334862 ], [ 8.192635391170036, 50.337893563902391 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 105897 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.192635391170036, 50.332159641334862 ], [ 8.201618544011231, 50.332159641334862 ], [ 8.201618544011231, 50.326425026715889 ], [ 8.192635391170036, 50.326425026715889 ], [ 8.192635391170036, 50.332159641334862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 106572 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.201618544011231, 50.332159641334862 ], [ 8.210601696852425, 50.332159641334862 ], [ 8.210601696852425, 50.326425026715889 ], [ 8.201618544011231, 50.326425026715889 ], [ 8.201618544011231, 50.332159641334862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 107247 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.210601696852425, 50.332159641334862 ], [ 8.219584849693621, 50.332159641334862 ], [ 8.219584849693621, 50.326425026715889 ], [ 8.210601696852425, 50.326425026715889 ], [ 8.210601696852425, 50.332159641334862 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 107248 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.210601696852425, 50.326425026715889 ], [ 8.219584849693621, 50.326425026715889 ], [ 8.219584849693621, 50.320689720019395 ], [ 8.210601696852425, 50.320689720019395 ], [ 8.210601696852425, 50.326425026715889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 107923 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.219584849693621, 50.326425026715889 ], [ 8.228568002534816, 50.326425026715889 ], [ 8.228568002534816, 50.320689720019395 ], [ 8.219584849693621, 50.320689720019395 ], [ 8.219584849693621, 50.326425026715889 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 107924 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.219584849693621, 50.320689720019395 ], [ 8.228568002534816, 50.320689720019395 ], [ 8.228568002534816, 50.314953721219347 ], [ 8.219584849693621, 50.314953721219347 ], [ 8.219584849693621, 50.320689720019395 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 107925 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.219584849693621, 50.314953721219347 ], [ 8.228568002534816, 50.314953721219347 ], [ 8.228568002534816, 50.309217030289695 ], [ 8.219584849693621, 50.309217030289695 ], [ 8.219584849693621, 50.314953721219347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 108600 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.228568002534816, 50.314953721219347 ], [ 8.237551155376011, 50.314953721219347 ], [ 8.237551155376011, 50.309217030289695 ], [ 8.228568002534816, 50.309217030289695 ], [ 8.228568002534816, 50.314953721219347 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 108601 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.228568002534816, 50.309217030289695 ], [ 8.237551155376011, 50.309217030289695 ], [ 8.237551155376011, 50.303479647204469 ], [ 8.228568002534816, 50.303479647204469 ], [ 8.228568002534816, 50.309217030289695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 108602 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.228568002534816, 50.303479647204469 ], [ 8.237551155376011, 50.303479647204469 ], [ 8.237551155376011, 50.297741571937664 ], [ 8.228568002534816, 50.297741571937664 ], [ 8.228568002534816, 50.303479647204469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109278 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.297741571937664 ], [ 8.246534308217207, 50.297741571937664 ], [ 8.246534308217207, 50.292002804463358 ], [ 8.237551155376011, 50.292002804463358 ], [ 8.237551155376011, 50.297741571937664 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109279 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.292002804463358 ], [ 8.246534308217207, 50.292002804463358 ], [ 8.246534308217207, 50.286263344755611 ], [ 8.237551155376011, 50.286263344755611 ], [ 8.237551155376011, 50.292002804463358 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109280 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.286263344755611 ], [ 8.246534308217207, 50.286263344755611 ], [ 8.246534308217207, 50.280523192788536 ], [ 8.237551155376011, 50.280523192788536 ], [ 8.237551155376011, 50.286263344755611 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109281 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.280523192788536 ], [ 8.246534308217207, 50.280523192788536 ], [ 8.246534308217207, 50.274782348536235 ], [ 8.237551155376011, 50.274782348536235 ], [ 8.237551155376011, 50.280523192788536 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109282 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.274782348536235 ], [ 8.246534308217207, 50.274782348536235 ], [ 8.246534308217207, 50.269040811972872 ], [ 8.237551155376011, 50.269040811972872 ], [ 8.237551155376011, 50.274782348536235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109286 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.251812048158264 ], [ 8.246534308217207, 50.251812048158264 ], [ 8.246534308217207, 50.246067742092634 ], [ 8.237551155376011, 50.246067742092634 ], [ 8.237551155376011, 50.251812048158264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109287 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.246067742092634 ], [ 8.246534308217207, 50.246067742092634 ], [ 8.246534308217207, 50.240322743587051 ], [ 8.237551155376011, 50.240322743587051 ], [ 8.237551155376011, 50.246067742092634 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109288 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.237551155376011, 50.240322743587051 ], [ 8.246534308217207, 50.240322743587051 ], [ 8.246534308217207, 50.234577052615819 ], [ 8.237551155376011, 50.234577052615819 ], [ 8.237551155376011, 50.240322743587051 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109957 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.274782348536235 ], [ 8.255517461058401, 50.274782348536235 ], [ 8.255517461058401, 50.269040811972872 ], [ 8.246534308217207, 50.269040811972872 ], [ 8.246534308217207, 50.274782348536235 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109958 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.269040811972872 ], [ 8.255517461058401, 50.269040811972872 ], [ 8.255517461058401, 50.263298583072618 ], [ 8.246534308217207, 50.263298583072618 ], [ 8.246534308217207, 50.269040811972872 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109959 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.263298583072618 ], [ 8.255517461058401, 50.263298583072618 ], [ 8.255517461058401, 50.257555661809675 ], [ 8.246534308217207, 50.257555661809675 ], [ 8.246534308217207, 50.263298583072618 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109960 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.257555661809675 ], [ 8.255517461058401, 50.257555661809675 ], [ 8.255517461058401, 50.251812048158264 ], [ 8.246534308217207, 50.251812048158264 ], [ 8.246534308217207, 50.257555661809675 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109961 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.251812048158264 ], [ 8.255517461058401, 50.251812048158264 ], [ 8.255517461058401, 50.246067742092634 ], [ 8.246534308217207, 50.246067742092634 ], [ 8.246534308217207, 50.251812048158264 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109964 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.234577052615819 ], [ 8.255517461058401, 50.234577052615819 ], [ 8.255517461058401, 50.228830669153261 ], [ 8.246534308217207, 50.228830669153261 ], [ 8.246534308217207, 50.234577052615819 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109965 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.228830669153261 ], [ 8.255517461058401, 50.228830669153261 ], [ 8.255517461058401, 50.223083593173712 ], [ 8.246534308217207, 50.223083593173712 ], [ 8.246534308217207, 50.228830669153261 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109966 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.223083593173712 ], [ 8.255517461058401, 50.223083593173712 ], [ 8.255517461058401, 50.217335824651563 ], [ 8.246534308217207, 50.217335824651563 ], [ 8.246534308217207, 50.223083593173712 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109967 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.217335824651563 ], [ 8.255517461058401, 50.217335824651563 ], [ 8.255517461058401, 50.211587363561186 ], [ 8.246534308217207, 50.211587363561186 ], [ 8.246534308217207, 50.217335824651563 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109968 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.211587363561186 ], [ 8.255517461058401, 50.211587363561186 ], [ 8.255517461058401, 50.205838209877022 ], [ 8.246534308217207, 50.205838209877022 ], [ 8.246534308217207, 50.211587363561186 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109969 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.205838209877022 ], [ 8.255517461058401, 50.205838209877022 ], [ 8.255517461058401, 50.200088363573521 ], [ 8.246534308217207, 50.200088363573521 ], [ 8.246534308217207, 50.205838209877022 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 109970 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.246534308217207, 50.200088363573521 ], [ 8.255517461058401, 50.200088363573521 ], [ 8.255517461058401, 50.19433782462513 ], [ 8.246534308217207, 50.19433782462513 ], [ 8.246534308217207, 50.200088363573521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 110645 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.255517461058401, 50.200088363573521 ], [ 8.264500613899598, 50.200088363573521 ], [ 8.264500613899598, 50.19433782462513 ], [ 8.255517461058401, 50.19433782462513 ], [ 8.255517461058401, 50.200088363573521 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 110646 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.255517461058401, 50.19433782462513 ], [ 8.264500613899598, 50.19433782462513 ], [ 8.264500613899598, 50.188586593006363 ], [ 8.255517461058401, 50.188586593006363 ], [ 8.255517461058401, 50.19433782462513 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 110647 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.255517461058401, 50.188586593006363 ], [ 8.264500613899598, 50.188586593006363 ], [ 8.264500613899598, 50.182834668691747 ], [ 8.255517461058401, 50.182834668691747 ], [ 8.255517461058401, 50.188586593006363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 111322 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.264500613899598, 50.188586593006363 ], [ 8.273483766740791, 50.188586593006363 ], [ 8.273483766740791, 50.182834668691747 ], [ 8.264500613899598, 50.182834668691747 ], [ 8.264500613899598, 50.188586593006363 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 111323 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.264500613899598, 50.182834668691747 ], [ 8.273483766740791, 50.182834668691747 ], [ 8.273483766740791, 50.177082051655802 ], [ 8.264500613899598, 50.177082051655802 ], [ 8.264500613899598, 50.182834668691747 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 111999 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.273483766740791, 50.177082051655802 ], [ 8.282466919581987, 50.177082051655802 ], [ 8.282466919581987, 50.171328741873118 ], [ 8.273483766740791, 50.171328741873118 ], [ 8.273483766740791, 50.177082051655802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 112674 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.282466919581987, 50.177082051655802 ], [ 8.291450072423183, 50.177082051655802 ], [ 8.291450072423183, 50.171328741873118 ], [ 8.282466919581987, 50.171328741873118 ], [ 8.282466919581987, 50.177082051655802 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 112675 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.282466919581987, 50.171328741873118 ], [ 8.291450072423183, 50.171328741873118 ], [ 8.291450072423183, 50.165574739318281 ], [ 8.282466919581987, 50.165574739318281 ], [ 8.282466919581987, 50.171328741873118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 113350 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.291450072423183, 50.171328741873118 ], [ 8.300433225264378, 50.171328741873118 ], [ 8.300433225264378, 50.165574739318281 ], [ 8.291450072423183, 50.165574739318281 ], [ 8.291450072423183, 50.171328741873118 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 113351 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.291450072423183, 50.165574739318281 ], [ 8.300433225264378, 50.165574739318281 ], [ 8.300433225264378, 50.159820043965915 ], [ 8.291450072423183, 50.159820043965915 ], [ 8.291450072423183, 50.165574739318281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 114026 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.300433225264378, 50.165574739318281 ], [ 8.309416378105572, 50.165574739318281 ], [ 8.309416378105572, 50.159820043965915 ], [ 8.300433225264378, 50.159820043965915 ], [ 8.300433225264378, 50.165574739318281 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 114027 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.300433225264378, 50.159820043965915 ], [ 8.309416378105572, 50.159820043965915 ], [ 8.309416378105572, 50.154064655790677 ], [ 8.300433225264378, 50.154064655790677 ], [ 8.300433225264378, 50.159820043965915 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 114028 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.300433225264378, 50.154064655790677 ], [ 8.309416378105572, 50.154064655790677 ], [ 8.309416378105572, 50.148308574767213 ], [ 8.300433225264378, 50.148308574767213 ], [ 8.300433225264378, 50.154064655790677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 114703 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.309416378105572, 50.154064655790677 ], [ 8.318399530946769, 50.154064655790677 ], [ 8.318399530946769, 50.148308574767213 ], [ 8.309416378105572, 50.148308574767213 ], [ 8.309416378105572, 50.154064655790677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 115378 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.318399530946769, 50.154064655790677 ], [ 8.327382683787963, 50.154064655790677 ], [ 8.327382683787963, 50.148308574767213 ], [ 8.318399530946769, 50.148308574767213 ], [ 8.318399530946769, 50.154064655790677 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 115379 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.318399530946769, 50.148308574767213 ], [ 8.327382683787963, 50.148308574767213 ], [ 8.327382683787963, 50.142551800870237 ], [ 8.318399530946769, 50.142551800870237 ], [ 8.318399530946769, 50.148308574767213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116054 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.327382683787963, 50.148308574767213 ], [ 8.33636583662916, 50.148308574767213 ], [ 8.33636583662916, 50.142551800870237 ], [ 8.327382683787963, 50.142551800870237 ], [ 8.327382683787963, 50.148308574767213 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116055 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.327382683787963, 50.142551800870237 ], [ 8.33636583662916, 50.142551800870237 ], [ 8.33636583662916, 50.136794334074452 ], [ 8.327382683787963, 50.136794334074452 ], [ 8.327382683787963, 50.142551800870237 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116056 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.327382683787963, 50.136794334074452 ], [ 8.33636583662916, 50.136794334074452 ], [ 8.33636583662916, 50.131036174354612 ], [ 8.327382683787963, 50.131036174354612 ], [ 8.327382683787963, 50.136794334074452 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116732 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.33636583662916, 50.131036174354612 ], [ 8.345348989470354, 50.131036174354612 ], [ 8.345348989470354, 50.125277321685495 ], [ 8.33636583662916, 50.125277321685495 ], [ 8.33636583662916, 50.131036174354612 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116733 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.33636583662916, 50.125277321685495 ], [ 8.345348989470354, 50.125277321685495 ], [ 8.345348989470354, 50.119517776041874 ], [ 8.33636583662916, 50.119517776041874 ], [ 8.33636583662916, 50.125277321685495 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116734 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.33636583662916, 50.119517776041874 ], [ 8.345348989470354, 50.119517776041874 ], [ 8.345348989470354, 50.113757537398591 ], [ 8.33636583662916, 50.113757537398591 ], [ 8.33636583662916, 50.119517776041874 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 116735 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.33636583662916, 50.113757537398591 ], [ 8.345348989470354, 50.113757537398591 ], [ 8.345348989470354, 50.107996605730477 ], [ 8.33636583662916, 50.107996605730477 ], [ 8.33636583662916, 50.113757537398591 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 117411 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.345348989470354, 50.107996605730477 ], [ 8.354332142311549, 50.107996605730477 ], [ 8.354332142311549, 50.102234981012408 ], [ 8.345348989470354, 50.102234981012408 ], [ 8.345348989470354, 50.107996605730477 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 117412 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.345348989470354, 50.102234981012408 ], [ 8.354332142311549, 50.102234981012408 ], [ 8.354332142311549, 50.096472663219267 ], [ 8.345348989470354, 50.096472663219267 ], [ 8.345348989470354, 50.102234981012408 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 117413 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.345348989470354, 50.096472663219267 ], [ 8.354332142311549, 50.096472663219267 ], [ 8.354332142311549, 50.090709652325998 ], [ 8.345348989470354, 50.090709652325998 ], [ 8.345348989470354, 50.096472663219267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 118088 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.354332142311549, 50.096472663219267 ], [ 8.363315295152745, 50.096472663219267 ], [ 8.363315295152745, 50.090709652325998 ], [ 8.354332142311549, 50.090709652325998 ], [ 8.354332142311549, 50.096472663219267 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 118089 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.354332142311549, 50.090709652325998 ], [ 8.363315295152745, 50.090709652325998 ], [ 8.363315295152745, 50.084945948307507 ], [ 8.354332142311549, 50.084945948307507 ], [ 8.354332142311549, 50.090709652325998 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 118090 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.354332142311549, 50.084945948307507 ], [ 8.363315295152745, 50.084945948307507 ], [ 8.363315295152745, 50.079181551138809 ], [ 8.354332142311549, 50.079181551138809 ], [ 8.354332142311549, 50.084945948307507 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 118766 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.363315295152745, 50.079181551138809 ], [ 8.37229844799394, 50.079181551138809 ], [ 8.37229844799394, 50.07341646079486 ], [ 8.363315295152745, 50.07341646079486 ], [ 8.363315295152745, 50.079181551138809 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 118767 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.363315295152745, 50.07341646079486 ], [ 8.37229844799394, 50.07341646079486 ], [ 8.37229844799394, 50.067650677250704 ], [ 8.363315295152745, 50.067650677250704 ], [ 8.363315295152745, 50.07341646079486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 119442 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.37229844799394, 50.07341646079486 ], [ 8.381281600835134, 50.07341646079486 ], [ 8.381281600835134, 50.067650677250704 ], [ 8.37229844799394, 50.067650677250704 ], [ 8.37229844799394, 50.07341646079486 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 119443 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.37229844799394, 50.067650677250704 ], [ 8.381281600835134, 50.067650677250704 ], [ 8.381281600835134, 50.061884200481373 ], [ 8.37229844799394, 50.061884200481373 ], [ 8.37229844799394, 50.067650677250704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 120118 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.381281600835134, 50.067650677250704 ], [ 8.39026475367633, 50.067650677250704 ], [ 8.39026475367633, 50.061884200481373 ], [ 8.381281600835134, 50.061884200481373 ], [ 8.381281600835134, 50.067650677250704 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 120119 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.381281600835134, 50.061884200481373 ], [ 8.39026475367633, 50.061884200481373 ], [ 8.39026475367633, 50.056117030461941 ], [ 8.381281600835134, 50.056117030461941 ], [ 8.381281600835134, 50.061884200481373 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 120120 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.381281600835134, 50.056117030461941 ], [ 8.39026475367633, 50.056117030461941 ], [ 8.39026475367633, 50.050349167167496 ], [ 8.381281600835134, 50.050349167167496 ], [ 8.381281600835134, 50.056117030461941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 120795 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.39026475367633, 50.056117030461941 ], [ 8.399247906517525, 50.056117030461941 ], [ 8.399247906517525, 50.050349167167496 ], [ 8.39026475367633, 50.050349167167496 ], [ 8.39026475367633, 50.056117030461941 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 120796 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.39026475367633, 50.050349167167496 ], [ 8.399247906517525, 50.050349167167496 ], [ 8.399247906517525, 50.044580610573178 ], [ 8.39026475367633, 50.044580610573178 ], [ 8.39026475367633, 50.050349167167496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 121471 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.399247906517525, 50.050349167167496 ], [ 8.40823105935872, 50.050349167167496 ], [ 8.40823105935872, 50.044580610573178 ], [ 8.399247906517525, 50.044580610573178 ], [ 8.399247906517525, 50.050349167167496 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 121472 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.399247906517525, 50.044580610573178 ], [ 8.40823105935872, 50.044580610573178 ], [ 8.40823105935872, 50.038811360654115 ], [ 8.399247906517525, 50.038811360654115 ], [ 8.399247906517525, 50.044580610573178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 122147 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.40823105935872, 50.044580610573178 ], [ 8.417214212199916, 50.044580610573178 ], [ 8.417214212199916, 50.038811360654115 ], [ 8.40823105935872, 50.038811360654115 ], [ 8.40823105935872, 50.044580610573178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 122822 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.417214212199916, 50.044580610573178 ], [ 8.42619736504111, 50.044580610573178 ], [ 8.42619736504111, 50.038811360654115 ], [ 8.417214212199916, 50.038811360654115 ], [ 8.417214212199916, 50.044580610573178 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 123498 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.42619736504111, 50.038811360654115 ], [ 8.435180517882307, 50.038811360654115 ], [ 8.435180517882307, 50.033041417385483 ], [ 8.42619736504111, 50.033041417385483 ], [ 8.42619736504111, 50.038811360654115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 124173 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.435180517882307, 50.038811360654115 ], [ 8.444163670723501, 50.038811360654115 ], [ 8.444163670723501, 50.033041417385483 ], [ 8.435180517882307, 50.033041417385483 ], [ 8.435180517882307, 50.038811360654115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 124848 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.444163670723501, 50.038811360654115 ], [ 8.453146823564696, 50.038811360654115 ], [ 8.453146823564696, 50.033041417385483 ], [ 8.444163670723501, 50.033041417385483 ], [ 8.444163670723501, 50.038811360654115 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 124849 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.444163670723501, 50.033041417385483 ], [ 8.453146823564696, 50.033041417385483 ], [ 8.453146823564696, 50.027270780742469 ], [ 8.444163670723501, 50.027270780742469 ], [ 8.444163670723501, 50.033041417385483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 125524 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.453146823564696, 50.033041417385483 ], [ 8.462129976405892, 50.033041417385483 ], [ 8.462129976405892, 50.027270780742469 ], [ 8.453146823564696, 50.027270780742469 ], [ 8.453146823564696, 50.033041417385483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126199 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 50.033041417385483 ], [ 8.471113129247087, 50.033041417385483 ], [ 8.471113129247087, 50.027270780742469 ], [ 8.462129976405892, 50.027270780742469 ], [ 8.462129976405892, 50.033041417385483 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126205 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 49.998407196045392 ], [ 8.471113129247087, 49.998407196045392 ], [ 8.471113129247087, 49.992632398636644 ], [ 8.462129976405892, 49.992632398636644 ], [ 8.462129976405892, 49.998407196045392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126206 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 49.992632398636644 ], [ 8.471113129247087, 49.992632398636644 ], [ 8.471113129247087, 49.986856907680597 ], [ 8.462129976405892, 49.986856907680597 ], [ 8.462129976405892, 49.992632398636644 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126207 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 49.986856907680597 ], [ 8.471113129247087, 49.986856907680597 ], [ 8.471113129247087, 49.981080723152637 ], [ 8.462129976405892, 49.981080723152637 ], [ 8.462129976405892, 49.986856907680597 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126208 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 49.981080723152637 ], [ 8.471113129247087, 49.981080723152637 ], [ 8.471113129247087, 49.975303845028208 ], [ 8.462129976405892, 49.975303845028208 ], [ 8.462129976405892, 49.981080723152637 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126209 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 49.975303845028208 ], [ 8.471113129247087, 49.975303845028208 ], [ 8.471113129247087, 49.969526273282732 ], [ 8.462129976405892, 49.969526273282732 ], [ 8.462129976405892, 49.975303845028208 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126210 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.462129976405892, 49.969526273282732 ], [ 8.471113129247087, 49.969526273282732 ], [ 8.471113129247087, 49.963748007891695 ], [ 8.462129976405892, 49.963748007891695 ], [ 8.462129976405892, 49.969526273282732 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126875 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 50.027270780742469 ], [ 8.480096282088281, 50.027270780742469 ], [ 8.480096282088281, 50.021499450700304 ], [ 8.471113129247087, 50.021499450700304 ], [ 8.471113129247087, 50.027270780742469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126879 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 50.004181299931474 ], [ 8.480096282088281, 50.004181299931474 ], [ 8.480096282088281, 49.998407196045392 ], [ 8.471113129247087, 49.998407196045392 ], [ 8.471113129247087, 50.004181299931474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126880 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 49.998407196045392 ], [ 8.480096282088281, 49.998407196045392 ], [ 8.480096282088281, 49.992632398636644 ], [ 8.471113129247087, 49.992632398636644 ], [ 8.471113129247087, 49.998407196045392 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126886 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 49.963748007891695 ], [ 8.480096282088281, 49.963748007891695 ], [ 8.480096282088281, 49.957969048830591 ], [ 8.471113129247087, 49.957969048830591 ], [ 8.471113129247087, 49.963748007891695 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126887 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 49.957969048830591 ], [ 8.480096282088281, 49.957969048830591 ], [ 8.480096282088281, 49.952189396074949 ], [ 8.471113129247087, 49.952189396074949 ], [ 8.471113129247087, 49.957969048830591 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126888 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 49.952189396074949 ], [ 8.480096282088281, 49.952189396074949 ], [ 8.480096282088281, 49.946409049600319 ], [ 8.471113129247087, 49.946409049600319 ], [ 8.471113129247087, 49.952189396074949 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126889 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 49.946409049600319 ], [ 8.480096282088281, 49.946409049600319 ], [ 8.480096282088281, 49.940628009382259 ], [ 8.471113129247087, 49.940628009382259 ], [ 8.471113129247087, 49.946409049600319 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 126890 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.471113129247087, 49.940628009382259 ], [ 8.480096282088281, 49.940628009382259 ], [ 8.480096282088281, 49.934846275396389 ], [ 8.471113129247087, 49.934846275396389 ], [ 8.471113129247087, 49.940628009382259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 127550 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.480096282088281, 50.027270780742469 ], [ 8.489079434929478, 50.027270780742469 ], [ 8.489079434929478, 50.021499450700304 ], [ 8.480096282088281, 50.021499450700304 ], [ 8.480096282088281, 50.027270780742469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 127553 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.480096282088281, 50.009954710319526 ], [ 8.489079434929478, 50.009954710319526 ], [ 8.489079434929478, 50.004181299931474 ], [ 8.480096282088281, 50.004181299931474 ], [ 8.480096282088281, 50.009954710319526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 127554 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.480096282088281, 50.004181299931474 ], [ 8.489079434929478, 50.004181299931474 ], [ 8.489079434929478, 49.998407196045392 ], [ 8.480096282088281, 49.998407196045392 ], [ 8.480096282088281, 50.004181299931474 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 127565 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.480096282088281, 49.940628009382259 ], [ 8.489079434929478, 49.940628009382259 ], [ 8.489079434929478, 49.934846275396389 ], [ 8.480096282088281, 49.934846275396389 ], [ 8.480096282088281, 49.940628009382259 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 127566 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.480096282088281, 49.934846275396389 ], [ 8.489079434929478, 49.934846275396389 ], [ 8.489079434929478, 49.929063847618316 ], [ 8.480096282088281, 49.929063847618316 ], [ 8.480096282088281, 49.934846275396389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128225 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.489079434929478, 50.027270780742469 ], [ 8.498062587770674, 50.027270780742469 ], [ 8.498062587770674, 50.021499450700304 ], [ 8.489079434929478, 50.021499450700304 ], [ 8.489079434929478, 50.027270780742469 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128226 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.489079434929478, 50.021499450700304 ], [ 8.498062587770674, 50.021499450700304 ], [ 8.498062587770674, 50.015727427234225 ], [ 8.489079434929478, 50.015727427234225 ], [ 8.489079434929478, 50.021499450700304 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128227 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.489079434929478, 50.015727427234225 ], [ 8.498062587770674, 50.015727427234225 ], [ 8.498062587770674, 50.009954710319526 ], [ 8.489079434929478, 50.009954710319526 ], [ 8.489079434929478, 50.015727427234225 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128228 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.489079434929478, 50.009954710319526 ], [ 8.498062587770674, 50.009954710319526 ], [ 8.498062587770674, 50.004181299931474 ], [ 8.489079434929478, 50.004181299931474 ], [ 8.489079434929478, 50.009954710319526 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128241 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.489079434929478, 49.934846275396389 ], [ 8.498062587770674, 49.934846275396389 ], [ 8.498062587770674, 49.929063847618316 ], [ 8.489079434929478, 49.929063847618316 ], [ 8.489079434929478, 49.934846275396389 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128242 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.489079434929478, 49.929063847618316 ], [ 8.498062587770674, 49.929063847618316 ], [ 8.498062587770674, 49.923280726023698 ], [ 8.489079434929478, 49.923280726023698 ], [ 8.489079434929478, 49.929063847618316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128917 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.498062587770674, 49.929063847618316 ], [ 8.507045740611867, 49.929063847618316 ], [ 8.507045740611867, 49.923280726023698 ], [ 8.498062587770674, 49.923280726023698 ], [ 8.498062587770674, 49.929063847618316 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 128918 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.498062587770674, 49.923280726023698 ], [ 8.507045740611867, 49.923280726023698 ], [ 8.507045740611867, 49.917496910588206 ], [ 8.498062587770674, 49.917496910588206 ], [ 8.498062587770674, 49.923280726023698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 129593 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.507045740611867, 49.923280726023698 ], [ 8.516028893453063, 49.923280726023698 ], [ 8.516028893453063, 49.917496910588206 ], [ 8.507045740611867, 49.917496910588206 ], [ 8.507045740611867, 49.923280726023698 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 129594 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.507045740611867, 49.917496910588206 ], [ 8.516028893453063, 49.917496910588206 ], [ 8.516028893453063, 49.911712401287559 ], [ 8.507045740611867, 49.911712401287559 ], [ 8.507045740611867, 49.917496910588206 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 129595 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.507045740611867, 49.911712401287559 ], [ 8.516028893453063, 49.911712401287559 ], [ 8.516028893453063, 49.905927198097459 ], [ 8.507045740611867, 49.905927198097459 ], [ 8.507045740611867, 49.911712401287559 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 130271 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.516028893453063, 49.905927198097459 ], [ 8.525012046294258, 49.905927198097459 ], [ 8.525012046294258, 49.90014130099366 ], [ 8.516028893453063, 49.90014130099366 ], [ 8.516028893453063, 49.905927198097459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 130946 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.525012046294258, 49.905927198097459 ], [ 8.533995199135454, 49.905927198097459 ], [ 8.533995199135454, 49.90014130099366 ], [ 8.525012046294258, 49.90014130099366 ], [ 8.525012046294258, 49.905927198097459 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 130947 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.525012046294258, 49.90014130099366 ], [ 8.533995199135454, 49.90014130099366 ], [ 8.533995199135454, 49.894354709951948 ], [ 8.525012046294258, 49.894354709951948 ], [ 8.525012046294258, 49.90014130099366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 131622 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.533995199135454, 49.90014130099366 ], [ 8.542978351976648, 49.90014130099366 ], [ 8.542978351976648, 49.894354709951948 ], [ 8.533995199135454, 49.894354709951948 ], [ 8.533995199135454, 49.90014130099366 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 131623 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.533995199135454, 49.894354709951948 ], [ 8.542978351976648, 49.894354709951948 ], [ 8.542978351976648, 49.888567424948128 ], [ 8.533995199135454, 49.888567424948128 ], [ 8.533995199135454, 49.894354709951948 ] ] ] } }, +{ "type": "Feature", "properties": { "gridId": 132298 }, "geometry": { "type": "Polygon", "coordinates": [ [ [ 8.542978351976648, 49.894354709951948 ], [ 8.551961504817843, 49.894354709951948 ], [ 8.551961504817843, 49.888567424948128 ], [ 8.542978351976648, 49.888567424948128 ], [ 8.542978351976648, 49.894354709951948 ] ] ] } } +] +} diff --git a/examples/trajectories_aggregation.ipynb b/examples/trajectories_aggregation.ipynb new file mode 100644 index 0000000..fda7186 --- /dev/null +++ b/examples/trajectories_aggregation.ipynb @@ -0,0 +1,2946 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Package loading and basic configurations" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "application/javascript": [ + "\n", + "(function(root) {\n", + " function now() {\n", + " return new Date();\n", + " }\n", + "\n", + " var force = true;\n", + "\n", + " if (typeof root._bokeh_onload_callbacks === \"undefined\" || force === true) {\n", + " root._bokeh_onload_callbacks = [];\n", + " root._bokeh_is_loading = undefined;\n", + " }\n", + "\n", + " var JS_MIME_TYPE = 'application/javascript';\n", + " var HTML_MIME_TYPE = 'text/html';\n", + " var EXEC_MIME_TYPE = 'application/vnd.bokehjs_exec.v0+json';\n", + " var CLASS_NAME = 'output_bokeh rendered_html';\n", + "\n", + " /**\n", + " * Render data to the DOM node\n", + " */\n", + " function render(props, node) {\n", + " var script = document.createElement(\"script\");\n", + " node.appendChild(script);\n", + " }\n", + "\n", + " /**\n", + " * Handle when an output is cleared or removed\n", + " */\n", + " function handleClearOutput(event, handle) {\n", + " var cell = handle.cell;\n", + "\n", + " var id = cell.output_area._bokeh_element_id;\n", + " var server_id = cell.output_area._bokeh_server_id;\n", + " // Clean up Bokeh references\n", + " if (id != null && id in Bokeh.index) {\n", + " Bokeh.index[id].model.document.clear();\n", + " delete Bokeh.index[id];\n", + " }\n", + "\n", + " if (server_id !== undefined) {\n", + " // Clean up Bokeh references\n", + " var cmd = \"from bokeh.io.state import curstate; print(curstate().uuid_to_server['\" + server_id + \"'].get_sessions()[0].document.roots[0]._id)\";\n", + " cell.notebook.kernel.execute(cmd, {\n", + " iopub: {\n", + " output: function(msg) {\n", + " var id = msg.content.text.trim();\n", + " if (id in Bokeh.index) {\n", + " Bokeh.index[id].model.document.clear();\n", + " delete Bokeh.index[id];\n", + " }\n", + " }\n", + " }\n", + " });\n", + " // Destroy server and session\n", + " var cmd = \"import bokeh.io.notebook as ion; ion.destroy_server('\" + server_id + \"')\";\n", + " cell.notebook.kernel.execute(cmd);\n", + " }\n", + " }\n", + "\n", + " /**\n", + " * Handle when a new output is added\n", + " */\n", + " function handleAddOutput(event, handle) {\n", + " var output_area = handle.output_area;\n", + " var output = handle.output;\n", + "\n", + " // limit handleAddOutput to display_data with EXEC_MIME_TYPE content only\n", + " if ((output.output_type != \"display_data\") || (!output.data.hasOwnProperty(EXEC_MIME_TYPE))) {\n", + " return\n", + " }\n", + "\n", + " var toinsert = output_area.element.find(\".\" + CLASS_NAME.split(' ')[0]);\n", + "\n", + " if (output.metadata[EXEC_MIME_TYPE][\"id\"] !== undefined) {\n", + " toinsert[toinsert.length - 1].firstChild.textContent = output.data[JS_MIME_TYPE];\n", + " // store reference to embed id on output_area\n", + " output_area._bokeh_element_id = output.metadata[EXEC_MIME_TYPE][\"id\"];\n", + " }\n", + " if (output.metadata[EXEC_MIME_TYPE][\"server_id\"] !== undefined) {\n", + " var bk_div = document.createElement(\"div\");\n", + " bk_div.innerHTML = output.data[HTML_MIME_TYPE];\n", + " var script_attrs = bk_div.children[0].attributes;\n", + " for (var i = 0; i < script_attrs.length; i++) {\n", + " toinsert[toinsert.length - 1].firstChild.setAttribute(script_attrs[i].name, script_attrs[i].value);\n", + " }\n", + " // store reference to server id on output_area\n", + " output_area._bokeh_server_id = output.metadata[EXEC_MIME_TYPE][\"server_id\"];\n", + " }\n", + " }\n", + "\n", + " function register_renderer(events, OutputArea) {\n", + "\n", + " function append_mime(data, metadata, element) {\n", + " // create a DOM node to render to\n", + " var toinsert = this.create_output_subarea(\n", + " metadata,\n", + " CLASS_NAME,\n", + " EXEC_MIME_TYPE\n", + " );\n", + " this.keyboard_manager.register_events(toinsert);\n", + " // Render to node\n", + " var props = {data: data, metadata: metadata[EXEC_MIME_TYPE]};\n", + " render(props, toinsert[toinsert.length - 1]);\n", + " element.append(toinsert);\n", + " return toinsert\n", + " }\n", + "\n", + " /* Handle when an output is cleared or removed */\n", + " events.on('clear_output.CodeCell', handleClearOutput);\n", + " events.on('delete.Cell', handleClearOutput);\n", + "\n", + " /* Handle when a new output is added */\n", + " events.on('output_added.OutputArea', handleAddOutput);\n", + "\n", + " /**\n", + " * Register the mime type and append_mime function with output_area\n", + " */\n", + " OutputArea.prototype.register_mime_type(EXEC_MIME_TYPE, append_mime, {\n", + " /* Is output safe? */\n", + " safe: true,\n", + " /* Index of renderer in `output_area.display_order` */\n", + " index: 0\n", + " });\n", + " }\n", + "\n", + " // register the mime type if in Jupyter Notebook environment and previously unregistered\n", + " if (root.Jupyter !== undefined) {\n", + " var events = require('base/js/events');\n", + " var OutputArea = require('notebook/js/outputarea').OutputArea;\n", + "\n", + " if (OutputArea.prototype.mime_types().indexOf(EXEC_MIME_TYPE) == -1) {\n", + " register_renderer(events, OutputArea);\n", + " }\n", + " }\n", + "\n", + " \n", + " if (typeof (root._bokeh_timeout) === \"undefined\" || force === true) {\n", + " root._bokeh_timeout = Date.now() + 5000;\n", + " root._bokeh_failed_load = false;\n", + " }\n", + "\n", + " var NB_LOAD_WARNING = {'data': {'text/html':\n", + " \"
\\n\"+\n", + " \"

\\n\"+\n", + " \"BokehJS does not appear to have successfully loaded. If loading BokehJS from CDN, this \\n\"+\n", + " \"may be due to a slow or bad network connection. Possible fixes:\\n\"+\n", + " \"

\\n\"+\n", + " \"
    \\n\"+\n", + " \"
  • re-rerun `output_notebook()` to attempt to load from CDN again, or
  • \\n\"+\n", + " \"
  • use INLINE resources instead, as so:
  • \\n\"+\n", + " \"
\\n\"+\n", + " \"\\n\"+\n", + " \"from bokeh.resources import INLINE\\n\"+\n", + " \"output_notebook(resources=INLINE)\\n\"+\n", + " \"\\n\"+\n", + " \"
\"}};\n", + "\n", + " function display_loaded() {\n", + " var el = document.getElementById(null);\n", + " if (el != null) {\n", + " el.textContent = \"BokehJS is loading...\";\n", + " }\n", + " if (root.Bokeh !== undefined) {\n", + " if (el != null) {\n", + " el.textContent = \"BokehJS \" + root.Bokeh.version + \" successfully loaded.\";\n", + " }\n", + " } else if (Date.now() < root._bokeh_timeout) {\n", + " setTimeout(display_loaded, 100)\n", + " }\n", + " }\n", + "\n", + "\n", + " function run_callbacks() {\n", + " try {\n", + " root._bokeh_onload_callbacks.forEach(function(callback) {\n", + " if (callback != null)\n", + " callback();\n", + " });\n", + " } finally {\n", + " delete root._bokeh_onload_callbacks\n", + " }\n", + " console.debug(\"Bokeh: all callbacks have finished\");\n", + " }\n", + "\n", + " function load_libs(css_urls, js_urls, callback) {\n", + " if (css_urls == null) css_urls = [];\n", + " if (js_urls == null) js_urls = [];\n", + "\n", + " root._bokeh_onload_callbacks.push(callback);\n", + " if (root._bokeh_is_loading > 0) {\n", + " console.debug(\"Bokeh: BokehJS is being loaded, scheduling callback at\", now());\n", + " return null;\n", + " }\n", + " if (js_urls == null || js_urls.length === 0) {\n", + " run_callbacks();\n", + " return null;\n", + " }\n", + " console.debug(\"Bokeh: BokehJS not loaded, scheduling load and callback at\", now());\n", + " root._bokeh_is_loading = css_urls.length + js_urls.length;\n", + "\n", + " function on_load() {\n", + " root._bokeh_is_loading--;\n", + " if (root._bokeh_is_loading === 0) {\n", + " console.debug(\"Bokeh: all BokehJS libraries/stylesheets loaded\");\n", + " run_callbacks()\n", + " }\n", + " }\n", + "\n", + " function on_error() {\n", + " console.error(\"failed to load \" + url);\n", + " }\n", + "\n", + " for (var i = 0; i < css_urls.length; i++) {\n", + " var url = css_urls[i];\n", + " const element = document.createElement(\"link\");\n", + " element.onload = on_load;\n", + " element.onerror = on_error;\n", + " element.rel = \"stylesheet\";\n", + " element.type = \"text/css\";\n", + " element.href = url;\n", + " console.debug(\"Bokeh: injecting link tag for BokehJS stylesheet: \", url);\n", + " document.body.appendChild(element);\n", + " }\n", + "\n", + " for (var i = 0; i < js_urls.length; i++) {\n", + " var url = js_urls[i];\n", + " var element = document.createElement('script');\n", + " element.onload = on_load;\n", + " element.onerror = on_error;\n", + " element.async = false;\n", + " element.src = url;\n", + " console.debug(\"Bokeh: injecting script tag for BokehJS library: \", url);\n", + " document.head.appendChild(element);\n", + " }\n", + " };\n", + "\n", + " function inject_raw_css(css) {\n", + " const element = document.createElement(\"style\");\n", + " element.appendChild(document.createTextNode(css));\n", + " document.body.appendChild(element);\n", + " }\n", + "\n", + " \n", + " var js_urls = [];\n", + " var css_urls = [];\n", + " \n", + "\n", + " var inline_js = [\n", + " function(Bokeh) {\n", + " inject_raw_css(\"table.panel-df {\\n margin-left: auto;\\n margin-right: auto;\\n border: none;\\n border-collapse: collapse;\\n border-spacing: 0;\\n color: black;\\n font-size: 12px;\\n table-layout: fixed;\\n width: 100%;\\n}\\n\\n.panel-df tr, th, td {\\n text-align: right;\\n vertical-align: middle;\\n padding: 0.5em 0.5em !important;\\n line-height: normal;\\n white-space: normal;\\n max-width: none;\\n border: none;\\n}\\n\\n.panel-df tbody {\\n display: table-row-group;\\n vertical-align: middle;\\n border-color: inherit;\\n}\\n\\n.panel-df tbody tr:nth-child(odd) {\\n background: #f5f5f5;\\n}\\n\\n.panel-df thead {\\n border-bottom: 1px solid black;\\n vertical-align: bottom;\\n}\\n\\n.panel-df tr:hover {\\n background: lightblue !important;\\n cursor: pointer;\\n}\\n\");\n", + " },\n", + " function(Bokeh) {\n", + " inject_raw_css(\".json-formatter-row {\\n font-family: monospace;\\n}\\n.json-formatter-row,\\n.json-formatter-row a,\\n.json-formatter-row a:hover {\\n color: black;\\n text-decoration: none;\\n}\\n.json-formatter-row .json-formatter-row {\\n margin-left: 1rem;\\n}\\n.json-formatter-row .json-formatter-children.json-formatter-empty {\\n opacity: 0.5;\\n margin-left: 1rem;\\n}\\n.json-formatter-row .json-formatter-children.json-formatter-empty:after {\\n display: none;\\n}\\n.json-formatter-row .json-formatter-children.json-formatter-empty.json-formatter-object:after {\\n content: \\\"No properties\\\";\\n}\\n.json-formatter-row .json-formatter-children.json-formatter-empty.json-formatter-array:after {\\n content: \\\"[]\\\";\\n}\\n.json-formatter-row .json-formatter-string,\\n.json-formatter-row .json-formatter-stringifiable {\\n color: green;\\n white-space: pre;\\n word-wrap: break-word;\\n}\\n.json-formatter-row .json-formatter-number {\\n color: blue;\\n}\\n.json-formatter-row .json-formatter-boolean {\\n color: red;\\n}\\n.json-formatter-row .json-formatter-null {\\n color: #855A00;\\n}\\n.json-formatter-row .json-formatter-undefined {\\n color: #ca0b69;\\n}\\n.json-formatter-row .json-formatter-function {\\n color: #FF20ED;\\n}\\n.json-formatter-row .json-formatter-date {\\n background-color: rgba(0, 0, 0, 0.05);\\n}\\n.json-formatter-row .json-formatter-url {\\n text-decoration: underline;\\n color: blue;\\n cursor: pointer;\\n}\\n.json-formatter-row .json-formatter-bracket {\\n color: blue;\\n}\\n.json-formatter-row .json-formatter-key {\\n color: #00008B;\\n padding-right: 0.2rem;\\n}\\n.json-formatter-row .json-formatter-toggler-link {\\n cursor: pointer;\\n}\\n.json-formatter-row .json-formatter-toggler {\\n line-height: 1.2rem;\\n font-size: 0.7rem;\\n vertical-align: middle;\\n opacity: 0.6;\\n cursor: pointer;\\n padding-right: 0.2rem;\\n}\\n.json-formatter-row .json-formatter-toggler:after {\\n display: inline-block;\\n transition: transform 100ms ease-in;\\n content: \\\"\\\\25BA\\\";\\n}\\n.json-formatter-row > a > .json-formatter-preview-text {\\n opacity: 0;\\n transition: opacity 0.15s ease-in;\\n font-style: italic;\\n}\\n.json-formatter-row:hover > a > .json-formatter-preview-text {\\n opacity: 0.6;\\n}\\n.json-formatter-row.json-formatter-open > .json-formatter-toggler-link .json-formatter-toggler:after {\\n transform: rotate(90deg);\\n}\\n.json-formatter-row.json-formatter-open > .json-formatter-children:after {\\n display: inline-block;\\n}\\n.json-formatter-row.json-formatter-open > a > .json-formatter-preview-text {\\n display: none;\\n}\\n.json-formatter-row.json-formatter-open.json-formatter-empty:after {\\n display: block;\\n}\\n.json-formatter-dark.json-formatter-row {\\n font-family: monospace;\\n}\\n.json-formatter-dark.json-formatter-row,\\n.json-formatter-dark.json-formatter-row a,\\n.json-formatter-dark.json-formatter-row a:hover {\\n color: white;\\n text-decoration: none;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-row {\\n margin-left: 1rem;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-children.json-formatter-empty {\\n opacity: 0.5;\\n margin-left: 1rem;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-children.json-formatter-empty:after {\\n display: none;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-children.json-formatter-empty.json-formatter-object:after {\\n content: \\\"No properties\\\";\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-children.json-formatter-empty.json-formatter-array:after {\\n content: \\\"[]\\\";\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-string,\\n.json-formatter-dark.json-formatter-row .json-formatter-stringifiable {\\n color: #31F031;\\n white-space: pre;\\n word-wrap: break-word;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-number {\\n color: #66C2FF;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-boolean {\\n color: #EC4242;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-null {\\n color: #EEC97D;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-undefined {\\n color: #ef8fbe;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-function {\\n color: #FD48CB;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-date {\\n background-color: rgba(255, 255, 255, 0.05);\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-url {\\n text-decoration: underline;\\n color: #027BFF;\\n cursor: pointer;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-bracket {\\n color: #9494FF;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-key {\\n color: #23A0DB;\\n padding-right: 0.2rem;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-toggler-link {\\n cursor: pointer;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-toggler {\\n line-height: 1.2rem;\\n font-size: 0.7rem;\\n vertical-align: middle;\\n opacity: 0.6;\\n cursor: pointer;\\n padding-right: 0.2rem;\\n}\\n.json-formatter-dark.json-formatter-row .json-formatter-toggler:after {\\n display: inline-block;\\n transition: transform 100ms ease-in;\\n content: \\\"\\\\25BA\\\";\\n}\\n.json-formatter-dark.json-formatter-row > a > .json-formatter-preview-text {\\n opacity: 0;\\n transition: opacity 0.15s ease-in;\\n font-style: italic;\\n}\\n.json-formatter-dark.json-formatter-row:hover > a > .json-formatter-preview-text {\\n opacity: 0.6;\\n}\\n.json-formatter-dark.json-formatter-row.json-formatter-open > .json-formatter-toggler-link .json-formatter-toggler:after {\\n transform: rotate(90deg);\\n}\\n.json-formatter-dark.json-formatter-row.json-formatter-open > .json-formatter-children:after {\\n display: inline-block;\\n}\\n.json-formatter-dark.json-formatter-row.json-formatter-open > a > .json-formatter-preview-text {\\n display: none;\\n}\\n.json-formatter-dark.json-formatter-row.json-formatter-open.json-formatter-empty:after {\\n display: block;\\n}\\n\");\n", + " },\n", + " function(Bokeh) {\n", + " inject_raw_css(\".codehilite .hll { background-color: #ffffcc }\\n.codehilite { background: #f8f8f8; }\\n.codehilite .c { color: #408080; font-style: italic } /* Comment */\\n.codehilite .err { border: 1px solid #FF0000 } /* Error */\\n.codehilite .k { color: #008000; font-weight: bold } /* Keyword */\\n.codehilite .o { color: #666666 } /* Operator */\\n.codehilite .ch { color: #408080; font-style: italic } /* Comment.Hashbang */\\n.codehilite .cm { color: #408080; font-style: italic } /* Comment.Multiline */\\n.codehilite .cp { color: #BC7A00 } /* Comment.Preproc */\\n.codehilite .cpf { color: #408080; font-style: italic } /* Comment.PreprocFile */\\n.codehilite .c1 { color: #408080; font-style: italic } /* Comment.Single */\\n.codehilite .cs { color: #408080; font-style: italic } /* Comment.Special */\\n.codehilite .gd { color: #A00000 } /* Generic.Deleted */\\n.codehilite .ge { font-style: italic } /* Generic.Emph */\\n.codehilite .gr { color: #FF0000 } /* Generic.Error */\\n.codehilite .gh { color: #000080; font-weight: bold } /* Generic.Heading */\\n.codehilite .gi { color: #00A000 } /* Generic.Inserted */\\n.codehilite .go { color: #888888 } /* Generic.Output */\\n.codehilite .gp { color: #000080; font-weight: bold } /* Generic.Prompt */\\n.codehilite .gs { font-weight: bold } /* Generic.Strong */\\n.codehilite .gu { color: #800080; font-weight: bold } /* Generic.Subheading */\\n.codehilite .gt { color: #0044DD } /* Generic.Traceback */\\n.codehilite .kc { color: #008000; font-weight: bold } /* Keyword.Constant */\\n.codehilite .kd { color: #008000; font-weight: bold } /* Keyword.Declaration */\\n.codehilite .kn { color: #008000; font-weight: bold } /* Keyword.Namespace */\\n.codehilite .kp { color: #008000 } /* Keyword.Pseudo */\\n.codehilite .kr { color: #008000; font-weight: bold } /* Keyword.Reserved */\\n.codehilite .kt { color: #B00040 } /* Keyword.Type */\\n.codehilite .m { color: #666666 } /* Literal.Number */\\n.codehilite .s { color: #BA2121 } /* Literal.String */\\n.codehilite .na { color: #7D9029 } /* Name.Attribute */\\n.codehilite .nb { color: #008000 } /* Name.Builtin */\\n.codehilite .nc { color: #0000FF; font-weight: bold } /* Name.Class */\\n.codehilite .no { color: #880000 } /* Name.Constant */\\n.codehilite .nd { color: #AA22FF } /* Name.Decorator */\\n.codehilite .ni { color: #999999; font-weight: bold } /* Name.Entity */\\n.codehilite .ne { color: #D2413A; font-weight: bold } /* Name.Exception */\\n.codehilite .nf { color: #0000FF } /* Name.Function */\\n.codehilite .nl { color: #A0A000 } /* Name.Label */\\n.codehilite .nn { color: #0000FF; font-weight: bold } /* Name.Namespace */\\n.codehilite .nt { color: #008000; font-weight: bold } /* Name.Tag */\\n.codehilite .nv { color: #19177C } /* Name.Variable */\\n.codehilite .ow { color: #AA22FF; font-weight: bold } /* Operator.Word */\\n.codehilite .w { color: #bbbbbb } /* Text.Whitespace */\\n.codehilite .mb { color: #666666 } /* Literal.Number.Bin */\\n.codehilite .mf { color: #666666 } /* Literal.Number.Float */\\n.codehilite .mh { color: #666666 } /* Literal.Number.Hex */\\n.codehilite .mi { color: #666666 } /* Literal.Number.Integer */\\n.codehilite .mo { color: #666666 } /* Literal.Number.Oct */\\n.codehilite .sa { color: #BA2121 } /* Literal.String.Affix */\\n.codehilite .sb { color: #BA2121 } /* Literal.String.Backtick */\\n.codehilite .sc { color: #BA2121 } /* Literal.String.Char */\\n.codehilite .dl { color: #BA2121 } /* Literal.String.Delimiter */\\n.codehilite .sd { color: #BA2121; font-style: italic } /* Literal.String.Doc */\\n.codehilite .s2 { color: #BA2121 } /* Literal.String.Double */\\n.codehilite .se { color: #BB6622; font-weight: bold } /* Literal.String.Escape */\\n.codehilite .sh { color: #BA2121 } /* Literal.String.Heredoc */\\n.codehilite .si { color: #BB6688; font-weight: bold } /* Literal.String.Interpol */\\n.codehilite .sx { color: #008000 } /* Literal.String.Other */\\n.codehilite .sr { color: #BB6688 } /* Literal.String.Regex */\\n.codehilite .s1 { color: #BA2121 } /* Literal.String.Single */\\n.codehilite .ss { color: #19177C } /* Literal.String.Symbol */\\n.codehilite .bp { color: #008000 } /* Name.Builtin.Pseudo */\\n.codehilite .fm { color: #0000FF } /* Name.Function.Magic */\\n.codehilite .vc { color: #19177C } /* Name.Variable.Class */\\n.codehilite .vg { color: #19177C } /* Name.Variable.Global */\\n.codehilite .vi { color: #19177C } /* Name.Variable.Instance */\\n.codehilite .vm { color: #19177C } /* Name.Variable.Magic */\\n.codehilite .il { color: #666666 } /* Literal.Number.Integer.Long */\\n\\n.markdown h1 { margin-block-start: 0.34em }\\n.markdown h2 { margin-block-start: 0.42em }\\n.markdown h3 { margin-block-start: 0.5em }\\n.markdown h4 { margin-block-start: 0.67em }\\n.markdown h5 { margin-block-start: 0.84em }\\n.markdown h6 { margin-block-start: 1.17em }\\n.markdown ul { padding-inline-start: 2em }\\n.markdown ol { padding-inline-start: 2em }\\n.markdown strong { font-weight: 600 }\\n.markdown a { color: -webkit-link }\\n.markdown a { color: -moz-hyperlinkText }\\n\");\n", + " },\n", + " function(Bokeh) {\n", + " inject_raw_css(\".widget-box {\\n\\tmin-height: 20px;\\n\\tbackground-color: #f5f5f5;\\n\\tborder: 1px solid #e3e3e3 !important;\\n\\tborder-radius: 4px;\\n\\t-webkit-box-shadow: inset 0 1px 1px rgba(0,0,0,.05);\\n\\tbox-shadow: inset 0 1px 1px rgba(0,0,0,.05);\\n\\toverflow-x: hidden;\\n\\toverflow-y: hidden;\\n}\\n\\n.scrollable {\\n overflow: scroll;\\n}\\n\\nprogress {\\n\\tappearance: none;\\n\\t-moz-appearance: none;\\n\\t-webkit-appearance: none;\\n\\n\\tborder: none;\\n\\theight: 20px;\\n\\tbackground-color: whiteSmoke;\\n\\tborder-radius: 3px;\\n\\tbox-shadow: 0 2px 3px rgba(0,0,0,.5) inset;\\n\\tcolor: royalblue;\\n\\tposition: relative;\\n\\tmargin: 0 0 1.5em;\\n}\\n\\nprogress[value]::-webkit-progress-bar {\\n\\tbackground-color: whiteSmoke;\\n\\tborder-radius: 3px;\\n\\tbox-shadow: 0 2px 3px rgba(0,0,0,.5) inset;\\n}\\n\\nprogress[value]::-webkit-progress-value {\\n\\tposition: relative;\\n\\n\\tbackground-size: 35px 20px, 100% 100%, 100% 100%;\\n\\tborder-radius:3px;\\n}\\n\\nprogress.active:not([value])::before {\\n\\tbackground-position: 10%;\\n\\tanimation-name: stripes;\\n\\tanimation-duration: 3s;\\n\\tanimation-timing-function: linear;\\n\\tanimation-iteration-count: infinite;\\n}\\n\\nprogress[value]::-moz-progress-bar {\\n\\tbackground-size: 35px 20px, 100% 100%, 100% 100%;\\n\\tborder-radius:3px;\\n}\\n\\nprogress:not([value])::-moz-progress-bar {\\n\\tborder-radius:3px;\\n\\tbackground:\\n\\tlinear-gradient(-45deg, transparent 33%, rgba(0, 0, 0, 0.2) 33%, rgba(0, 0, 0, 0.2) 66%, transparent 66%) left/2.5em 1.5em;\\n\\n}\\n\\nprogress.active:not([value])::-moz-progress-bar {\\n\\tbackground-position: 10%;\\n\\tanimation-name: stripes;\\n\\tanimation-duration: 3s;\\n\\tanimation-timing-function: linear;\\n\\tanimation-iteration-count: infinite;\\n}\\n\\nprogress.active:not([value])::-webkit-progress-bar {\\n\\tbackground-position: 10%;\\n\\tanimation-name: stripes;\\n\\tanimation-duration: 3s;\\n\\tanimation-timing-function: linear;\\n\\tanimation-iteration-count: infinite;\\n}\\n\\nprogress.primary[value]::-webkit-progress-value { background-color: #007bff; }\\nprogress.primary:not([value])::before { background-color: #007bff; }\\nprogress.primary:not([value])::-webkit-progress-bar { background-color: #007bff; }\\nprogress.primary::-moz-progress-bar { background-color: #007bff; }\\n\\nprogress.secondary[value]::-webkit-progress-value { background-color: #6c757d; }\\nprogress.secondary:not([value])::before { background-color: #6c757d; }\\nprogress.secondary:not([value])::-webkit-progress-bar { background-color: #6c757d; }\\nprogress.secondary::-moz-progress-bar { background-color: #6c757d; }\\n\\nprogress.success[value]::-webkit-progress-value { background-color: #28a745; }\\nprogress.success:not([value])::before { background-color: #28a745; }\\nprogress.success:not([value])::-webkit-progress-bar { background-color: #28a745; }\\nprogress.success::-moz-progress-bar { background-color: #28a745; }\\n\\nprogress.danger[value]::-webkit-progress-value { background-color: #dc3545; }\\nprogress.danger:not([value])::before { background-color: #dc3545; }\\nprogress.danger:not([value])::-webkit-progress-bar { background-color: #dc3545; }\\nprogress.danger::-moz-progress-bar { background-color: #dc3545; }\\n\\nprogress.warning[value]::-webkit-progress-value { background-color: #ffc107; }\\nprogress.warning:not([value])::before { background-color: #ffc107; }\\nprogress.warning:not([value])::-webkit-progress-bar { background-color: #ffc107; }\\nprogress.warning::-moz-progress-bar { background-color: #ffc107; }\\n\\nprogress.info[value]::-webkit-progress-value { background-color: #17a2b8; }\\nprogress.info:not([value])::before { background-color: #17a2b8; }\\nprogress.info:not([value])::-webkit-progress-bar { background-color: #17a2b8; }\\nprogress.info::-moz-progress-bar { background-color: #17a2b8; }\\n\\nprogress.light[value]::-webkit-progress-value { background-color: #f8f9fa; }\\nprogress.light:not([value])::before { background-color: #f8f9fa; }\\nprogress.light:not([value])::-webkit-progress-bar { background-color: #f8f9fa; }\\nprogress.light::-moz-progress-bar { background-color: #f8f9fa; }\\n\\nprogress.dark[value]::-webkit-progress-value { background-color: #343a40; }\\nprogress.dark:not([value])::-webkit-progress-bar { background-color: #343a40; }\\nprogress.dark:not([value])::before { background-color: #343a40; }\\nprogress.dark::-moz-progress-bar { background-color: #343a40; }\\n\\nprogress:not([value])::-webkit-progress-bar {\\n\\tborder-radius: 3px;\\n\\tbackground:\\n\\tlinear-gradient(-45deg, transparent 33%, rgba(0, 0, 0, 0.2) 33%, rgba(0, 0, 0, 0.2) 66%, transparent 66%) left/2.5em 1.5em;\\n}\\nprogress:not([value])::before {\\n\\tcontent:\\\" \\\";\\n\\tposition:absolute;\\n\\theight: 20px;\\n\\ttop:0;\\n\\tleft:0;\\n\\tright:0;\\n\\tbottom:0;\\n\\tborder-radius: 3px;\\n\\tbackground:\\n\\tlinear-gradient(-45deg, transparent 33%, rgba(0, 0, 0, 0.2) 33%, rgba(0, 0, 0, 0.2) 66%, transparent 66%) left/2.5em 1.5em;\\n}\\n\\n@keyframes stripes {\\n from {background-position: 0%}\\n to {background-position: 100%}\\n}\");\n", + " },\n", + " function(Bokeh) {\n", + " /* BEGIN bokeh.min.js */\n", + " /*!\n", + " * Copyright (c) 2012 - 2019, Anaconda, Inc., and Bokeh Contributors\n", + " * All rights reserved.\n", + " * \n", + " * Redistribution and use in source and binary forms, with or without modification,\n", + " * are permitted provided that the following conditions are met:\n", + " * \n", + " * Redistributions of source code must retain the above copyright notice,\n", + " * this list of conditions and the following disclaimer.\n", + " * \n", + " * Redistributions in binary form must reproduce the above copyright notice,\n", + " * this list of conditions and the following disclaimer in the documentation\n", + " * and/or other materials provided with the distribution.\n", + " * \n", + " * Neither the name of Anaconda nor the names of any contributors\n", + " * may be used to endorse or promote products derived from this software\n", + " * without specific prior written permission.\n", + " * \n", + " * THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS \"AS IS\"\n", + " * AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE\n", + " * IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE\n", + " * ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE\n", + " * LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR\n", + " * CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF\n", + " * SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS\n", + " * INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN\n", + " * CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE)\n", + " * ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF\n", + " * THE POSSIBILITY OF SUCH DAMAGE.\n", + " */\n", + " (function(root, factory) {\n", + " root[\"Bokeh\"] = factory();\n", + " })(this, function() {\n", + " var define;\n", + " var parent_require = typeof require === \"function\" && require\n", + " return (function(modules, entry, aliases, externals) {\n", + " if (aliases === undefined) aliases = {};\n", + " if (externals === undefined) externals = {};\n", + "\n", + " var cache = {};\n", + "\n", + " var normalize = function(name) {\n", + " if (typeof name === \"number\")\n", + " return name;\n", + "\n", + " if (name === \"bokehjs\")\n", + " return entry;\n", + "\n", + " var prefix = \"@bokehjs/\"\n", + " if (name.slice(0, prefix.length) === prefix)\n", + " name = name.slice(prefix.length)\n", + "\n", + " var alias = aliases[name]\n", + " if (alias != null)\n", + " return alias;\n", + "\n", + " var trailing = name.length > 0 && name[name.lenght-1] === \"/\";\n", + " var index = aliases[name + (trailing ? \"\" : \"/\") + \"index\"];\n", + " if (index != null)\n", + " return index;\n", + "\n", + " return name;\n", + " }\n", + "\n", + " var require = function(name) {\n", + " var mod = cache[name];\n", + " if (!mod) {\n", + " var id = normalize(name);\n", + "\n", + " mod = cache[id];\n", + " if (!mod) {\n", + " if (!modules[id]) {\n", + " if (parent_require && externals[id]) {\n", + " try {\n", + " mod = {exports: parent_require(id)};\n", + " cache[id] = cache[name] = mod;\n", + " return mod.exports;\n", + " } catch (e) {}\n", + " }\n", + "\n", + " var err = new Error(\"Cannot find module '\" + name + \"'\");\n", + " err.code = 'MODULE_NOT_FOUND';\n", + " throw err;\n", + " }\n", + "\n", + " mod = {exports: {}};\n", + " cache[id] = cache[name] = mod;\n", + " modules[id].call(mod.exports, require, mod, mod.exports);\n", + " } else\n", + " cache[name] = mod;\n", + " }\n", + "\n", + " return mod.exports;\n", + " }\n", + "\n", + " var main = require(entry);\n", + " main.require = require;\n", + "\n", + " main.register_plugin = function(plugin_modules, plugin_entry, plugin_aliases, plugin_externals) {\n", + " if (plugin_aliases === undefined) plugin_aliases = {};\n", + " if (plugin_externals === undefined) plugin_externals = {};\n", + "\n", + " for (var name in plugin_modules) {\n", + " modules[name] = plugin_modules[name];\n", + " }\n", + "\n", + " for (var name in plugin_aliases) {\n", + " aliases[name] = plugin_aliases[name];\n", + " }\n", + "\n", + " for (var name in plugin_externals) {\n", + " externals[name] = plugin_externals[name];\n", + " }\n", + "\n", + " var plugin = require(plugin_entry);\n", + "\n", + " for (var name in plugin) {\n", + " main[name] = plugin[name];\n", + " }\n", + "\n", + " return plugin;\n", + " }\n", + "\n", + " return main;\n", + " })\n", + " ([\n", + " function _(n,o,r){n(1),function(n){for(var o in n)r.hasOwnProperty(o)||(r[o]=n[o])}(n(102))},\n", + " function _(n,c,f){n(2),n(11),n(14),n(21),n(49),n(52),n(87),n(94),n(100)},\n", + " function _(e,n,a){e(3)()||Object.defineProperty(Object,\"assign\",{value:e(4),configurable:!0,enumerable:!1,writable:!0})},\n", + " function _(r,t,o){t.exports=function(){var r,t=Object.assign;return\"function\"==typeof t&&(t(r={foo:\"raz\"},{bar:\"dwa\"},{trzy:\"trzy\"}),r.foo+r.bar+r.trzy===\"razdwatrzy\")}},\n", + " function _(t,r,n){var o=t(5),c=t(10),a=Math.max;r.exports=function(t,r){var n,f,h,i=a(arguments.length,2);for(t=Object(c(t)),h=function(o){try{t[o]=r[o]}catch(t){n||(n=t)}},f=1;f= 0\");if(!isFinite(r))throw new RangeError(\"Count must be < ∞\");for(n=\"\";r;)r%2&&(n+=t),r>1&&(t+=t),r>>=1;return n}},\n", + " function _(t,i,n){var r=t(18),a=Math.abs,o=Math.floor;i.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?r(t)*o(a(t)):t}},\n", + " function _(n,t,i){t.exports=n(19)()?Math.sign:n(20)},\n", + " function _(n,t,o){t.exports=function(){var n=Math.sign;return\"function\"==typeof n&&(1===n(10)&&-1===n(-20))}},\n", + " function _(n,r,t){r.exports=function(n){return n=Number(n),isNaN(n)||0===n?n:n>0?1:-1}},\n", + " function _(e,r,a){e(22)()||Object.defineProperty(Array,\"from\",{value:e(23),configurable:!0,enumerable:!1,writable:!0})},\n", + " function _(n,o,r){o.exports=function(){var n,o,r=Array.from;return\"function\"==typeof r&&(o=r(n=[\"raz\",\"dwa\"]),Boolean(o&&o!==n&&\"dwa\"===o[1]))}},\n", + " function _(e,l,r){var n=e(24).iterator,t=e(44),a=e(45),i=e(46),u=e(47),o=e(10),f=e(8),c=e(48),v=Array.isArray,h=Function.prototype.call,y={configurable:!0,enumerable:!0,writable:!0,value:null},s=Object.defineProperty;l.exports=function(e){var l,r,A,g,p,w,b,d,x,j,O=arguments[1],m=arguments[2];if(e=Object(o(e)),f(O)&&u(O),this&&this!==Array&&a(this))l=this;else{if(!O){if(t(e))return 1!==(p=e.length)?Array.apply(null,e):((g=new Array(1))[0]=e[0],g);if(v(e)){for(g=new Array(p=e.length),r=0;r=55296&&w<=56319&&(j+=e[++r]),j=O?h.call(O,m,j,A):j,l?(y.value=j,s(g,A,y)):g[A]=j,++A;p=A}if(void 0===p)for(p=i(e.length),l&&(g=new l(p)),r=0;r-1}},\n", + " function _(r,n,o){var t=r(40);n.exports=function(r){if(!t(r))throw new TypeError(r+\" is not a symbol\");return r}},\n", + " function _(o,t,n){t.exports=function(o){return!!o&&(\"symbol\"==typeof o||!!o.constructor&&(\"Symbol\"===o.constructor.name&&\"Symbol\"===o[o.constructor.toStringTag]))}},\n", + " function _(t,e,n){var r=t(28),o=Object.create,c=Object.defineProperty,u=Object.prototype,f=o(null);e.exports=function(t){for(var e,n,o=0;f[t+(o||\"\")];)++o;return f[t+=o||\"\"]=!0,c(u,e=\"@@\"+t,r.gs(null,function(t){n||(n=!0,c(this,e,r(t)),n=!1)})),e}},\n", + " function _(e,t,a){var s=e(28),i=e(26).Symbol;t.exports=function(e){return Object.defineProperties(e,{hasInstance:s(\"\",i&&i.hasInstance||e(\"hasInstance\")),isConcatSpreadable:s(\"\",i&&i.isConcatSpreadable||e(\"isConcatSpreadable\")),iterator:s(\"\",i&&i.iterator||e(\"iterator\")),match:s(\"\",i&&i.match||e(\"match\")),replace:s(\"\",i&&i.replace||e(\"replace\")),search:s(\"\",i&&i.search||e(\"search\")),species:s(\"\",i&&i.species||e(\"species\")),split:s(\"\",i&&i.split||e(\"split\")),toPrimitive:s(\"\",i&&i.toPrimitive||e(\"toPrimitive\")),toStringTag:s(\"\",i&&i.toStringTag||e(\"toStringTag\")),unscopables:s(\"\",i&&i.unscopables||e(\"unscopables\"))})}},\n", + " function _(r,n,e){var t=r(28),i=r(39),o=Object.create(null);n.exports=function(r){return Object.defineProperties(r,{for:t(function(n){return o[n]?o[n]:o[n]=r(String(n))}),keyFor:t(function(r){var n;for(n in i(r),o)if(o[n]===r)return n})})}},\n", + " function _(t,n,r){var o=Object.prototype.toString,c=o.call(function(){return arguments}());n.exports=function(t){return o.call(t)===c}},\n", + " function _(t,o,n){var e=Object.prototype.toString,c=RegExp.prototype.test.bind(/^[object [A-Za-z0-9]*Function]$/);o.exports=function(t){return\"function\"==typeof t&&c(e.call(t))}},\n", + " function _(n,t,r){var a=n(17),o=Math.max;t.exports=function(n){return o(0,a(n))}},\n", + " function _(n,o,t){o.exports=function(n){if(\"function\"!=typeof n)throw new TypeError(n+\" is not a function\");return n}},\n", + " function _(t,n,o){var e=Object.prototype.toString,r=e.call(\"\");n.exports=function(t){return\"string\"==typeof t||t&&\"object\"==typeof t&&(t instanceof String||e.call(t)===r)||!1}},\n", + " function _(e,a,l){e(50)()||Object.defineProperty(Math,\"log10\",{value:e(51),configurable:!0,enumerable:!1,writable:!0})},\n", + " function _(n,t,o){t.exports=function(){var n=Math.log10;return\"function\"==typeof n&&.3010299956639812===n(2)}},\n", + " function _(N,a,t){var n=Math.log,r=Math.LOG10E;a.exports=function(N){return isNaN(N)?NaN:(N=Number(N))<0?NaN:0===N?-1/0:1===N?0:N===1/0?1/0:n(N)*r}},\n", + " function _(e,n,r){e(53)()||Object.defineProperty(e(26),\"Set\",{value:e(54),configurable:!0,enumerable:!1,writable:!0})},\n", + " function _(t,e,n){e.exports=function(){var t,e;return\"function\"==typeof Set&&(t=new Set([\"raz\",\"dwa\",\"trzy\"]),\"[object Set]\"===String(t)&&(3===t.size&&(\"function\"==typeof t.add&&(\"function\"==typeof t.clear&&(\"function\"==typeof t.delete&&(\"function\"==typeof t.entries&&(\"function\"==typeof t.forEach&&(\"function\"==typeof t.has&&(\"function\"==typeof t.keys&&(\"function\"==typeof t.values&&(!1===(e=t.values().next()).done&&\"raz\"===e.value)))))))))))}},\n", + " function _(t,e,n){var r,i,s,o=t(55),a=t(56),_=t(60),c=t(47),u=t(28),h=t(65),l=t(24),f=t(66),p=t(68),y=t(85),v=t(86),d=Function.prototype.call,D=Object.defineProperty,g=Object.getPrototypeOf;v&&(s=Set),e.exports=r=function(){var t,e=arguments[0];if(!(this instanceof r))throw new TypeError(\"Constructor requires 'new'\");return t=v&&_?_(new s,g(this)):this,null!=e&&f(e),D(t,\"__setData__\",u(\"c\",[])),e?(p(e,function(t){-1===a.call(this,t)&&this.push(t)},t.__setData__),t):t},v&&(_&&_(r,s),r.prototype=Object.create(s.prototype,{constructor:u(r)})),h(Object.defineProperties(r.prototype,{add:u(function(t){return this.has(t)?this:(this.emit(\"_add\",this.__setData__.push(t)-1,t),this)}),clear:u(function(){this.__setData__.length&&(o.call(this.__setData__),this.emit(\"_clear\"))}),delete:u(function(t){var e=a.call(this.__setData__,t);return-1!==e&&(this.__setData__.splice(e,1),this.emit(\"_delete\",e,t),!0)}),entries:u(function(){return new y(this,\"key+value\")}),forEach:u(function(t){var e,n,r,i=arguments[1];for(c(t),n=(e=this.values())._next();void 0!==n;)r=e._resolve(n),d.call(t,i,r,r,this),n=e._next()}),has:u(function(t){return-1!==a.call(this.__setData__,t)}),keys:u(i=function(){return this.values()}),size:u.gs(function(){return this.__setData__.length}),values:u(function(){return new y(this)}),toString:u(function(){return\"[object Set]\"})})),D(r.prototype,l.iterator,u(i)),D(r.prototype,l.toStringTag,u(\"c\",\"Set\"))},\n", + " function _(t,n,i){var r=t(10);n.exports=function(){return r(this).length=0,this}},\n", + " function _(t,r,e){var i=t(57),n=t(46),o=t(10),a=Array.prototype.indexOf,h=Object.prototype.hasOwnProperty,s=Math.abs,p=Math.floor;r.exports=function(t){var r,e,f,l;if(!i(t))return a.apply(this,arguments);for(e=n(o(this).length),f=arguments[1],r=f=isNaN(f)?0:f>=0?p(f):n(this.length)-p(s(f));r=55296&&v<=56319&&(g+=r[++p]),i.call(n,x,g,s),!y);++p);else f.call(r,function(r){return i.call(n,x,r,s),y})}},\n", + " function _(n,t,e){var o=n(44),r=n(48),f=n(70),i=n(84),u=n(66),c=n(24).iterator;t.exports=function(n){return\"function\"==typeof u(n)[c]?n[c]():o(n)?new f(n):r(n)?new i(n):new f(n)}},\n", + " function _(t,e,r){var o,_=t(60),i=t(36),n=t(28),l=t(24),a=t(71),s=Object.defineProperty;o=e.exports=function(t,e){if(!(this instanceof o))throw new TypeError(\"Constructor requires 'new'\");a.call(this,t),e=e?i.call(e,\"key+value\")?\"key+value\":i.call(e,\"key\")?\"key\":\"value\":\"value\",s(this,\"__kind__\",n(\"\",e))},_&&_(o,a),delete o.prototype.constructor,o.prototype=Object.create(a.prototype,{_resolve:n(function(t){return\"value\"===this.__kind__?this.__list__[t]:\"key+value\"===this.__kind__?[t,this.__list__[t]]:t})}),s(o.prototype,l.toStringTag,n(\"c\",\"Array Iterator\"))},\n", + " function _(_,t,e){var n,i=_(55),o=_(34),s=_(47),r=_(10),h=_(28),d=_(72),c=_(24),u=Object.defineProperty,l=Object.defineProperties;t.exports=n=function(_,t){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");l(this,{__list__:h(\"w\",r(_)),__context__:h(\"w\",t),__nextIndex__:h(\"w\",0)}),t&&(s(t.on),t.on(\"_add\",this._onAdd),t.on(\"_delete\",this._onDelete),t.on(\"_clear\",this._onClear))},delete n.prototype.constructor,l(n.prototype,o({_next:h(function(){var _;if(this.__list__)return this.__redo__&&void 0!==(_=this.__redo__.shift())?_:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach(function(t,e){t>=_&&(this.__redo__[e]=++t)},this),this.__redo__.push(_)):u(this,\"__redo__\",h(\"c\",[_])))}),_onDelete:h(function(_){var t;_>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(t=this.__redo__.indexOf(_))&&this.__redo__.splice(t,1),this.__redo__.forEach(function(t,e){t>_&&(this.__redo__[e]=--t)},this)))}),_onClear:h(function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0})}))),u(n.prototype,c.iterator,h(function(){return this}))},\n", + " function _(e,t,n){var r,o=e(29),i=e(73),l=e(78),u=e(79),s=e(35),v=e(81),a=Function.prototype.bind,c=Object.defineProperty,f=Object.prototype.hasOwnProperty;r=function(e,t,n){var r,o=i(t)&&l(t.value);return delete(r=u(t)).writable,delete r.value,r.get=function(){return!n.overwriteDefinition&&f.call(this,e)?o:(t.value=a.call(o,n.resolveContext?n.resolveContext(this):this),c(this,e,t),this[e])},r},t.exports=function(e){var t=s(arguments[1]);return o(t.resolveContext)&&l(t.resolveContext),v(e,function(e,n){return r(n,e,t)})}},\n", + " function _(n,t,o){var r=n(74),u=n(29);t.exports=function(n){return u(n)?n:r(n,\"Cannot use %v\",arguments[1])}},\n", + " function _(r,e,n){var t=r(29),i=r(33),o=r(75),f=r(76),u=function(r,e){return r.replace(\"%v\",f(e))};e.exports=function(r,e,n){if(!i(n))throw new TypeError(u(e,r));if(!t(r)){if(\"default\"in n)return n.default;if(n.isOptional)return null}var f=o(n.errorMessage);throw t(f)||(f=e),new TypeError(u(f,r))}},\n", + " function _(t,n,r){var u=t(29),e=t(33),i=Object.prototype.toString;n.exports=function(t){if(!u(t))return null;if(e(t)){var n=t.toString;if(\"function\"!=typeof n)return null;if(n===i)return null}try{return\"\"+t}catch(t){return null}}},\n", + " function _(r,e,n){var t=r(77),u=/[\\n\\r\\u2028\\u2029]/g;e.exports=function(r){var e=t(r);return null===e?\"\":(e.length>100&&(e=e.slice(0,99)+\"…\"),e=e.replace(u,function(r){switch(r){case\"\\n\":return\"\\\\n\";case\"\\r\":return\"\\\\r\";case\"\\u2028\":return\"\\\\u2028\";case\"\\u2029\":return\"\\\\u2029\";default:throw new Error(\"Unexpected character\")}}))}},\n", + " function _(t,r,n){r.exports=function(t){try{return t.toString()}catch(r){try{return String(t)}catch(t){return null}}}},\n", + " function _(n,t,i){var o=n(74),r=n(30);t.exports=function(n){return r(n)?n:o(n,\"%v is not a plain function\",arguments[1])}},\n", + " function _(n,r,t){var e=n(80),u=n(34),c=n(10);r.exports=function(n){var r=Object(c(n)),t=arguments[1],i=Object(arguments[2]);if(r!==n&&!t)return r;var f={};return t?e(t,function(r){(i.ensure||r in n)&&(f[r]=n[r])}):u(f,n),f}},\n", + " function _(r,o,f){o.exports=r(22)()?Array.from:r(23)},\n", + " function _(n,t,o){var c=n(47),r=n(82),u=Function.prototype.call;t.exports=function(n,t){var o={},a=arguments[2];return c(t),r(n,function(n,c,r,i){o[c]=u.call(t,a,n,c,r,i)}),o}},\n", + " function _(o,c,f){c.exports=o(83)(\"forEach\")},\n", + " function _(t,n,o){var c=t(47),e=t(10),r=Function.prototype.bind,u=Function.prototype.call,l=Object.keys,p=Object.prototype.propertyIsEnumerable;n.exports=function(t,n){return function(o,i){var a,f=arguments[2],y=arguments[3];return o=Object(e(o)),c(i),a=l(o),y&&a.sort(\"function\"==typeof y?r.call(y,o):void 0),\"function\"!=typeof t&&(t=a[t]),u.call(t,a,function(t,c){return p.call(o,t)?u.call(i,f,o[t],t,o,c):n})}}},\n", + " function _(t,_,e){var n,r=t(60),i=t(28),o=t(24),s=t(71),h=Object.defineProperty;n=_.exports=function(t){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");t=String(t),s.call(this,t),h(this,\"__length__\",i(\"\",t.length))},r&&r(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:i(function(){if(this.__list__)return this.__nextIndex__=55296&&_<=56319?e+this.__list__[this.__nextIndex__++]:e})}),h(n.prototype,o.toStringTag,i(\"c\",\"String Iterator\"))},\n", + " function _(t,e,_){var r,i=t(60),o=t(36),n=t(28),s=t(71),a=t(24).toStringTag,c=Object.defineProperty;r=e.exports=function(t,e){if(!(this instanceof r))return new r(t,e);s.call(this,t.__setData__,t),e=e&&o.call(e,\"key+value\")?\"key+value\":\"value\",c(this,\"__kind__\",n(\"\",e))},i&&i(r,s),r.prototype=Object.create(s.prototype,{constructor:n(r),_resolve:n(function(t){return\"value\"===this.__kind__?this.__list__[t]:[this.__list__[t],this.__list__[t]]}),toString:n(function(){return\"[object Set Iterator]\"})}),c(r.prototype,a,n(\"c\",\"Set Iterator\"))},\n", + " function _(t,e,o){e.exports=\"undefined\"!=typeof Set&&\"[object Set]\"===Object.prototype.toString.call(Set.prototype)},\n", + " function _(e,a,n){e(88)()||Object.defineProperty(e(26),\"Map\",{value:e(89),configurable:!0,enumerable:!1,writable:!0})},\n", + " function _(t,e,n){e.exports=function(){var t,e;if(\"function\"!=typeof Map)return!1;try{t=new Map([[\"raz\",\"one\"],[\"dwa\",\"two\"],[\"trzy\",\"three\"]])}catch(t){return!1}return\"[object Map]\"===String(t)&&(3===t.size&&(\"function\"==typeof t.clear&&(\"function\"==typeof t.delete&&(\"function\"==typeof t.entries&&(\"function\"==typeof t.forEach&&(\"function\"==typeof t.get&&(\"function\"==typeof t.has&&(\"function\"==typeof t.keys&&(\"function\"==typeof t.set&&(\"function\"==typeof t.values&&(!1===(e=t.entries().next()).done&&(!!e.value&&(\"raz\"===e.value[0]&&\"one\"===e.value[1])))))))))))))}},\n", + " function _(t,e,a){var _,n=t(55),i=t(56),r=t(60),s=t(47),o=t(10),p=t(28),c=t(65),u=t(24),l=t(66),h=t(68),f=t(90),y=t(93),m=Function.prototype.call,D=Object.defineProperties,v=Object.getPrototypeOf;e.exports=_=function(){var t,e,a,n=arguments[0];if(!(this instanceof _))throw new TypeError(\"Constructor requires 'new'\");return a=y&&r&&Map!==_?r(new Map,v(this)):this,null!=n&&l(n),D(a,{__mapKeysData__:p(\"c\",t=[]),__mapValuesData__:p(\"c\",e=[])}),n?(h(n,function(a){var _=o(a)[0];a=a[1],-1===i.call(t,_)&&(t.push(_),e.push(a))},a),a):a},y&&(r&&r(_,Map),_.prototype=Object.create(Map.prototype,{constructor:p(_)})),c(D(_.prototype,{clear:p(function(){this.__mapKeysData__.length&&(n.call(this.__mapKeysData__),n.call(this.__mapValuesData__),this.emit(\"_clear\"))}),delete:p(function(t){var e=i.call(this.__mapKeysData__,t);return-1!==e&&(this.__mapKeysData__.splice(e,1),this.__mapValuesData__.splice(e,1),this.emit(\"_delete\",e,t),!0)}),entries:p(function(){return new f(this,\"key+value\")}),forEach:p(function(t){var e,a,_=arguments[1];for(s(t),a=(e=this.entries())._next();void 0!==a;)m.call(t,_,this.__mapValuesData__[a],this.__mapKeysData__[a],this),a=e._next()}),get:p(function(t){var e=i.call(this.__mapKeysData__,t);if(-1!==e)return this.__mapValuesData__[e]}),has:p(function(t){return-1!==i.call(this.__mapKeysData__,t)}),keys:p(function(){return new f(this,\"key\")}),set:p(function(t,e){var a,_=i.call(this.__mapKeysData__,t);return-1===_&&(_=this.__mapKeysData__.push(t)-1,a=!0),this.__mapValuesData__[_]=e,a&&this.emit(\"_add\",_,t),this}),size:p.gs(function(){return this.__mapKeysData__.length}),values:p(function(){return new f(this,\"value\")}),toString:p(function(){return\"[object Map]\"})})),Object.defineProperty(_.prototype,u.iterator,p(function(){return this.entries()})),Object.defineProperty(_.prototype,u.toStringTag,p(\"c\",\"Map\"))},\n", + " function _(t,_,e){var i,n=t(60),r=t(28),o=t(71),s=t(24).toStringTag,a=t(91),u=Object.defineProperties,c=o.prototype._unBind;i=_.exports=function(t,_){if(!(this instanceof i))return new i(t,_);o.call(this,t.__mapKeysData__,t),_&&a[_]||(_=\"key+value\"),u(this,{__kind__:r(\"\",_),__values__:r(\"w\",t.__mapValuesData__)})},n&&n(i,o),i.prototype=Object.create(o.prototype,{constructor:r(i),_resolve:r(function(t){return\"value\"===this.__kind__?this.__values__[t]:\"key\"===this.__kind__?this.__list__[t]:[this.__list__[t],this.__values__[t]]}),_unBind:r(function(){this.__values__=null,c.call(this)}),toString:r(function(){return\"[object Map Iterator]\"})}),Object.defineProperty(i.prototype,s,r(\"c\",\"Map Iterator\"))},\n", + " function _(e,u,a){u.exports=e(92)(\"key\",\"value\",\"key+value\")},\n", + " function _(r,t,n){var c=Array.prototype.forEach,o=Object.create;t.exports=function(r){var t=o(null);return c.call(arguments,function(r){t[r]=!0}),t}},\n", + " function _(t,e,o){e.exports=\"undefined\"!=typeof Map&&\"[object Map]\"===Object.prototype.toString.call(new Map)},\n", + " function _(e,a,n){e(95)()||Object.defineProperty(e(26),\"WeakMap\",{value:e(96),configurable:!0,enumerable:!1,writable:!0})},\n", + " function _(t,e,n){e.exports=function(){var t,e;if(\"function\"!=typeof WeakMap)return!1;try{t=new WeakMap([[e={},\"one\"],[{},\"two\"],[{},\"three\"]])}catch(t){return!1}return\"[object WeakMap]\"===String(t)&&(\"function\"==typeof t.set&&(t.set({},1)===t&&(\"function\"==typeof t.delete&&(\"function\"==typeof t.has&&\"one\"===t.get(e)))))}},\n", + " function _(t,e,a){var r,n=t(8),o=t(60),p=t(97),_=t(10),i=t(98),c=t(28),s=t(69),u=t(68),f=t(24).toStringTag,k=t(99),M=Array.isArray,h=Object.defineProperty,w=Object.prototype.hasOwnProperty,y=Object.getPrototypeOf;e.exports=r=function(){var t,e=arguments[0];if(!(this instanceof r))throw new TypeError(\"Constructor requires 'new'\");return t=k&&o&&WeakMap!==r?o(new WeakMap,y(this)):this,n(e)&&(M(e)||(e=s(e))),h(t,\"__weakMapData__\",c(\"c\",\"$weakMap$\"+i())),e?(u(e,function(e){_(e),t.set(e[0],e[1])}),t):t},k&&(o&&o(r,WeakMap),r.prototype=Object.create(WeakMap.prototype,{constructor:c(r)})),Object.defineProperties(r.prototype,{delete:c(function(t){return!!w.call(p(t),this.__weakMapData__)&&(delete t[this.__weakMapData__],!0)}),get:c(function(t){if(w.call(p(t),this.__weakMapData__))return t[this.__weakMapData__]}),has:c(function(t){return w.call(p(t),this.__weakMapData__)}),set:c(function(t,e){return h(p(t),this.__weakMapData__,c(\"c\",e)),this}),toString:c(function(){return\"[object WeakMap]\"})}),h(r.prototype,f,c(\"c\",\"WeakMap\"))},\n", + " function _(n,r,t){var o=n(63);r.exports=function(n){if(!o(n))throw new TypeError(n+\" is not an Object\");return n}},\n", + " function _(t,n,r){var e=Object.create(null),o=Math.random;n.exports=function(){var t;do{t=o().toString(36).slice(2)}while(e[t]);return t}},\n", + " function _(t,e,o){e.exports=\"function\"==typeof WeakMap&&\"[object WeakMap]\"===Object.prototype.toString.call(new WeakMap)},\n", + " function _(l,o,f){o.exports=l(101).polyfill()},\n", + " function _(t,e,r){\n", + " /*!\n", + " * @overview es6-promise - a tiny implementation of Promises/A+.\n", + " * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald)\n", + " * @license Licensed under MIT license\n", + " * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE\n", + " * @version v4.2.6+9869a4bc\n", + " */\n", + " !function(t,n){\"object\"==typeof r&&void 0!==e?e.exports=n():\"function\"==typeof define&&define.amd?define(n):t.ES6Promise=n()}(this,function(){\"use strict\";function e(t){return\"function\"==typeof t}var r=Array.isArray?Array.isArray:function(t){return\"[object Array]\"===Object.prototype.toString.call(t)},n=0,o=void 0,i=void 0,s=function(t,e){v[n]=t,v[n+1]=e,2===(n+=2)&&(i?i(p):b())};var u=\"undefined\"!=typeof window?window:void 0,c=u||{},a=c.MutationObserver||c.WebKitMutationObserver,f=\"undefined\"==typeof self&&\"undefined\"!=typeof process&&\"[object process]\"==={}.toString.call(process),l=\"undefined\"!=typeof Uint8ClampedArray&&\"undefined\"!=typeof importScripts&&\"undefined\"!=typeof MessageChannel;function h(){var t=setTimeout;return function(){return t(p,1)}}var v=new Array(1e3);function p(){for(var t=0;t0;)this.remove_root(this._roots[0])}finally{this._pop_all_models_freeze()}},e.prototype.interactive_start=function(e){null==this._interactive_plot&&(this._interactive_plot=e,this._interactive_plot.trigger_event(new s.LODStart)),this._interactive_timestamp=Date.now()},e.prototype.interactive_stop=function(e){null!=this._interactive_plot&&this._interactive_plot.id===e.id&&this._interactive_plot.trigger_event(new s.LODEnd),this._interactive_plot=null,this._interactive_timestamp=null},e.prototype.interactive_duration=function(){return null==this._interactive_timestamp?-1:Date.now()-this._interactive_timestamp},e.prototype.destructively_move=function(e){if(e===this)throw new Error(\"Attempted to overwrite a document with itself\");e.clear();var t=d.copy(this._roots);this.clear();for(var n=0,o=t;n=0&&this._callbacks.splice(t,1)},e.prototype._trigger_on_change=function(e){for(var t=0,n=this._callbacks;t0||d.difference(f,a).length>0)throw new Error(\"Not implemented: computing add/remove of document roots\");var g={},y=[];for(var w in n._all_models)if(w in i){var b=e._events_to_sync_objects(i[w],c[w],n,g);y=y.concat(b)}return{references:e._references_json(h.values(g),!1),events:y}},e.prototype.to_json_string=function(e){return void 0===e&&(e=!0),JSON.stringify(this.to_json(e))},e.prototype.to_json=function(t){void 0===t&&(t=!0);var n=this._roots.map(function(e){return e.id}),o=h.values(this._all_models);return{version:r.version,title:this._title,roots:{root_ids:n,references:e._references_json(o,t)}}},e.from_json_string=function(t){var n=JSON.parse(t);return e.from_json(n)},e.from_json=function(t){i.logger.debug(\"Creating Document from JSON\");var n=t.version,o=-1!==n.indexOf(\"+\")||-1!==n.indexOf(\"-\"),s=\"Library versions: JS (\"+r.version+\") / Python (\"+n+\")\";o||r.version===n?i.logger.debug(s):(i.logger.warn(\"JS/Python version mismatch\"),i.logger.warn(s));var a=t.roots,_=a.root_ids,l=a.references,c=e._instantiate_references_json(l,{});e._initialize_references_json(l,{},c);for(var u=new e,d=0,h=_;d0,\"'step' must be a positive number\"),null==r&&(r=n,n=0);for(var t=n<=r?e:-e,i=(0,Math.max)((0,Math.ceil)((0,Math.abs)(r-n)/e),0),a=Array(i),o=0;o=0?r:n.length+r]},e.zip=function(){for(var n=[],r=0;rt||void 0===e)return 1;if(e2*Math.PI;)n-=2*Math.PI;return n}function o(n,r){return a(n-r)}function u(){return Math.random()}t.angle_norm=a,t.angle_dist=o,t.angle_between=function(n,r,t,u){var e=o(r,t);if(0==e)return!1;if(e==2*Math.PI)return!0;var f=a(n),i=o(r,f)<=e&&o(f,t)<=e;return 0==u?i:!i},t.random=u,t.randomIn=function(n,r){return null==r&&(r=n,n=0),n+Math.floor(Math.random()*(r-n+1))},t.atan2=function(n,r){return Math.atan2(r[1]-n[1],r[0]-n[0])},t.rnorm=function(n,r){for(var t,a;t=u(),a=(2*(a=u())-1)*Math.sqrt(1/Math.E*2),!(-4*t*t*Math.log(t)>=a*a););var o=a/t;return o=n+r*o},t.clamp=function(n,r,t){return n>t?t:n=0;u--)(o=t[u])&&(c=(a<3?o(c):a>3?o(e,n,c):o(e,n))||c);return a>3&&c&&Object.defineProperty(e,n,c),c},u=function(t,e){return function(n,r){e(n,r,t)}},i=function(t,e){if(\"object\"==typeof Reflect&&\"function\"==typeof Reflect.metadata)return Reflect.metadata(t,e)},f=function(t,e,n,r){return new(n||(n=Promise))(function(o,a){function c(t){try{i(r.next(t))}catch(t){a(t)}}function u(t){try{i(r.throw(t))}catch(t){a(t)}}function i(t){t.done?o(t.value):new n(function(e){e(t.value)}).then(c,u)}i((r=r.apply(t,e||[])).next())})},l=function(t,e){var n,r,o,a,c={label:0,sent:function(){if(1&o[0])throw o[1];return o[1]},trys:[],ops:[]};return a={next:u(0),throw:u(1),return:u(2)},\"function\"==typeof Symbol&&(a[Symbol.iterator]=function(){return this}),a;function u(a){return function(u){return function(a){if(n)throw new TypeError(\"Generator is already executing.\");for(;c;)try{if(n=1,r&&(o=2&a[0]?r.return:a[0]?r.throw||((o=r.return)&&o.call(r),0):r.next)&&!(o=o.call(r,a[1])).done)return o;switch(r=0,o&&(a=[2&a[0],o.value]),a[0]){case 0:case 1:o=a;break;case 4:return c.label++,{value:a[1],done:!1};case 5:c.label++,r=a[1],a=[0];continue;case 7:a=c.ops.pop(),c.trys.pop();continue;default:if(!(o=(o=c.trys).length>0&&o[o.length-1])&&(6===a[0]||2===a[0])){c=0;continue}if(3===a[0]&&(!o||a[1]>o[0]&&a[1]=t.length&&(t=void 0),{value:t&&t[n++],done:!t}}}},p=function(t,e){var n=\"function\"==typeof Symbol&&t[Symbol.iterator];if(!n)return t;var r,o,a=n.call(t),c=[];try{for(;(void 0===e||e-- >0)&&!(r=a.next()).done;)c.push(r.value)}catch(t){o={error:t}}finally{try{r&&!r.done&&(n=a.return)&&n.call(a)}finally{if(o)throw o.error}}return c},_=function(){for(var t=[],e=0;e1||u(t,e)})})}function u(t,e){try{(n=o[t](e)).value instanceof h?Promise.resolve(n.value.v).then(i,f):l(a[0][2],n)}catch(t){l(a[0][3],t)}var n}function i(t){u(\"next\",t)}function f(t){u(\"throw\",t)}function l(t,e){t(e),a.shift(),a.length&&u(a[0][0],a[0][1])}},d=function(t){var e,n;return e={},r(\"next\"),r(\"throw\",function(t){throw t}),r(\"return\"),e[Symbol.iterator]=function(){return this},e;function r(r,o){e[r]=t[r]?function(e){return(n=!n)?{value:h(t[r](e)),done:\"return\"===r}:o?o(e):e}:o}},w=function(t){if(!Symbol.asyncIterator)throw new TypeError(\"Symbol.asyncIterator is not defined.\");var e,n=t[Symbol.asyncIterator];return n?n.call(t):(t=y(t),e={},r(\"next\"),r(\"throw\"),r(\"return\"),e[Symbol.asyncIterator]=function(){return this},e);function r(n){e[n]=t[n]&&function(e){return new Promise(function(r,o){(function(t,e,n,r){Promise.resolve(r).then(function(e){t({value:e,done:n})},e)})(r,o,(e=t[n](e)).done,e.value)})}}},m=function(t,e){return Object.defineProperty?Object.defineProperty(t,\"raw\",{value:e}):t.raw=e,t},O=function(t){if(t&&t.__esModule)return t;var e={};if(null!=t)for(var n in t)Object.hasOwnProperty.call(t,n)&&(e[n]=t[n]);return e.default=t,e},j=function(t){return t&&t.__esModule?t:{default:t}},t(\"__extends\",r),t(\"__assign\",o),t(\"__rest\",a),t(\"__decorate\",c),t(\"__param\",u),t(\"__metadata\",i),t(\"__awaiter\",f),t(\"__generator\",l),t(\"__exportStar\",s),t(\"__values\",y),t(\"__read\",p),t(\"__spread\",_),t(\"__spreadArrays\",b),t(\"__await\",h),t(\"__asyncGenerator\",v),t(\"__asyncDelegator\",d),t(\"__asyncValues\",w),t(\"__makeTemplateObject\",m),t(\"__importStar\",O),t(\"__importDefault\",j)})},\n", + " function _(n,r,t){function e(n,r,t){for(var e=[],o=3;ou&&(r=u),null==t||t>u-r?t=u-r:t<0&&(t=0);for(var i=u-t+e.length,f=new n.constructor(i),a=0;a0?0:e-1;o>=0&&ot&&(t=r);return t},t.max_by=function(n,r){if(0==n.length)throw new Error(\"max_by() called with an empty array\");for(var t=n[0],e=r(t),o=1,u=n.length;oe&&(t=i,e=f)}return t},t.sum=function(n){for(var r=0,t=0,e=n.length;t0&&(this._pending=!0);for(var p=0;p0?this._dict[t]=s:delete this._dict[t]}else i.isEqual(e,n)&&delete this._dict[t]},t.prototype.get_one=function(t,n){var e=this._existing(t);if(o.isArray(e)){if(1===e.length)return e[0];throw new Error(n)}return e},t}();e.MultiDict=s,s.__name__=\"MultiDict\";var a=function(){function t(n){if(null==n)this._values=[];else if(n instanceof t)this._values=r.copy(n._values);else{this._values=[];for(var e=0,i=n;et?(a&&(clearTimeout(a),a=null),o=c,i=n.apply(r,u),a||(r=u=null)):a||!1===e.trailing||(a=setTimeout(l,f)),i}},e.once=function(n){var t,e=!1;return function(){return e||(e=!0,t=n()),t}}},\n", + " function _(e,t,n){var r=e(121),a=e(125);function l(e,t){var n={};for(var r in e){var a=e[r];n[t+r]=a}return n}var i={line_color:[r.ColorSpec,\"black\"],line_width:[r.NumberSpec,1],line_alpha:[r.NumberSpec,1],line_join:[r.LineJoin,\"bevel\"],line_cap:[r.LineCap,\"butt\"],line_dash:[r.Array,[]],line_dash_offset:[r.Number,0]};n.line=function(e){return void 0===e&&(e=\"\"),l(i,e)};var o={fill_color:[r.ColorSpec,\"gray\"],fill_alpha:[r.NumberSpec,1]};n.fill=function(e){return void 0===e&&(e=\"\"),l(o,e)};var c={hatch_color:[r.ColorSpec,\"black\"],hatch_alpha:[r.NumberSpec,1],hatch_scale:[r.NumberSpec,12],hatch_pattern:[r.StringSpec,null],hatch_weight:[r.NumberSpec,1],hatch_extra:[r.Any,{}]};n.hatch=function(e){return void 0===e&&(e=\"\"),l(c,e)};var h={text_font:[r.Font,\"helvetica\"],text_font_size:[r.FontSizeSpec,\"12pt\"],text_font_style:[r.FontStyle,\"normal\"],text_color:[r.ColorSpec,\"#444444\"],text_alpha:[r.NumberSpec,1],text_align:[r.TextAlign,\"left\"],text_baseline:[r.TextBaseline,\"bottom\"],text_line_height:[r.Number,1.2]};n.text=function(e){return void 0===e&&(e=\"\"),l(h,e)},n.create=function(e){for(var t={},r=0,l=e;r\",\"*\"],n.HTTPMethod=[\"POST\",\"GET\"],n.HexTileOrientation=[\"pointytop\",\"flattop\"],n.HoverMode=[\"mouse\",\"hline\",\"vline\"],n.LatLon=[\"lat\",\"lon\"],n.LegendClickPolicy=[\"none\",\"hide\",\"mute\"],n.LegendLocation=n.Anchor,n.LineCap=[\"butt\",\"round\",\"square\"],n.LineJoin=[\"miter\",\"round\",\"bevel\"],n.LinePolicy=[\"prev\",\"next\",\"nearest\",\"interp\",\"none\"],n.Location=[\"above\",\"below\",\"left\",\"right\"],n.Logo=[\"normal\",\"grey\"],n.MarkerType=[\"asterisk\",\"circle\",\"circle_cross\",\"circle_x\",\"cross\",\"dash\",\"diamond\",\"diamond_cross\",\"hex\",\"inverted_triangle\",\"square\",\"square_cross\",\"square_x\",\"triangle\",\"x\"],n.Orientation=[\"vertical\",\"horizontal\"],n.OutputBackend=[\"canvas\",\"svg\",\"webgl\"],n.PaddingUnits=[\"percent\",\"absolute\"],n.Place=[\"above\",\"below\",\"left\",\"right\",\"center\"],n.PointPolicy=[\"snap_to_data\",\"follow_mouse\",\"none\"],n.RadiusDimension=[\"x\",\"y\",\"max\",\"min\"],n.RenderLevel=[\"image\",\"underlay\",\"glyph\",\"annotation\",\"overlay\"],n.RenderMode=[\"canvas\",\"css\"],n.ResetPolicy=[\"standard\",\"event_only\"],n.RoundingFunction=[\"round\",\"nearest\",\"floor\",\"rounddown\",\"ceil\",\"roundup\"],n.Side=[\"above\",\"below\",\"left\",\"right\"],n.SizingMode=[\"stretch_width\",\"stretch_height\",\"stretch_both\",\"scale_width\",\"scale_height\",\"scale_both\",\"fixed\"],n.SliderCallbackPolicy=[\"continuous\",\"throttle\",\"mouseup\"],n.Sort=[\"ascending\",\"descending\"],n.SpatialUnits=[\"screen\",\"data\"],n.StartEnd=[\"start\",\"end\"],n.StepMode=[\"after\",\"before\",\"center\"],n.TapBehavior=[\"select\",\"inspect\"],n.TextAlign=[\"left\",\"right\",\"center\"],n.TextBaseline=[\"top\",\"middle\",\"bottom\",\"alphabetic\",\"hanging\",\"ideographic\"],n.TextureRepetition=[\"repeat\",\"repeat_x\",\"repeat_y\",\"no_repeat\"],n.TickLabelOrientation=[\"vertical\",\"horizontal\",\"parallel\",\"normal\"],n.TooltipAttachment=[\"horizontal\",\"vertical\",\"left\",\"right\",\"above\",\"below\"],n.UpdateMode=[\"replace\",\"append\"],n.VerticalAlign=[\"top\",\"middle\",\"bottom\"]},\n", + " function _(r,e,t){var n=r(124),a=r(110);function o(r){var e=Number(r).toString(16);return 1==e.length?\"0\"+e:e}function l(r){if(0==(r+=\"\").indexOf(\"#\"))return r;if(n.is_svg_color(r))return n.svg_colors[r];if(0==r.indexOf(\"rgb\")){var e=r.replace(/^rgba?\\(|\\s+|\\)$/g,\"\").split(\",\"),t=e.slice(0,3).map(o).join(\"\");return 4==e.length&&(t+=o(Math.floor(255*parseFloat(e[3])))),\"#\"+t.slice(0,8)}return r}function i(r){var e;switch(r.substring(0,4)){case\"rgba\":e={start:\"rgba(\",len:4,alpha:!0};break;case\"rgb(\":e={start:\"rgb(\",len:3,alpha:!1};break;default:return!1}if(new RegExp(\".*?(\\\\.).*(,)\").test(r))throw new Error(\"color expects integers for rgb in rgb/rgba tuple, received \"+r);var t=r.replace(e.start,\"\").replace(\")\",\"\").split(\",\").map(parseFloat);if(t.length!=e.len)throw new Error(\"color expects rgba \"+e.len+\"-tuple, received \"+r);if(e.alpha&&!(0<=t[3]&&t[3]<=1))throw new Error(\"color expects rgba 4-tuple to have alpha value between 0 and 1\");if(a.includes(t.slice(0,3).map(function(r){return 0<=r&&r<=255}),!1))throw new Error(\"color expects rgb to have value between 0 and 255\");return!0}t.is_color=function(r){return n.is_svg_color(r.toLowerCase())||\"#\"==r.substring(0,1)||i(r)},t.rgb2hex=function(r,e,t){return\"#\"+o(255&r)+o(255&e)+o(255&t)},t.color2hex=l,t.color2rgba=function(r,e){if(void 0===e&&(e=1),!r)return[0,0,0,0];var t=l(r);(t=t.replace(/ |#/g,\"\")).length<=4&&(t=t.replace(/(.)/g,\"$1$1\"));for(var n=t.match(/../g).map(function(r){return parseInt(r,16)/255});n.length<3;)n.push(0);return n.length<4&&n.push(e),n.slice(0,4)},t.valid_rgb=i},\n", + " function _(F,e,r){r.svg_colors={indianred:\"#CD5C5C\",lightcoral:\"#F08080\",salmon:\"#FA8072\",darksalmon:\"#E9967A\",lightsalmon:\"#FFA07A\",crimson:\"#DC143C\",red:\"#FF0000\",firebrick:\"#B22222\",darkred:\"#8B0000\",pink:\"#FFC0CB\",lightpink:\"#FFB6C1\",hotpink:\"#FF69B4\",deeppink:\"#FF1493\",mediumvioletred:\"#C71585\",palevioletred:\"#DB7093\",coral:\"#FF7F50\",tomato:\"#FF6347\",orangered:\"#FF4500\",darkorange:\"#FF8C00\",orange:\"#FFA500\",gold:\"#FFD700\",yellow:\"#FFFF00\",lightyellow:\"#FFFFE0\",lemonchiffon:\"#FFFACD\",lightgoldenrodyellow:\"#FAFAD2\",papayawhip:\"#FFEFD5\",moccasin:\"#FFE4B5\",peachpuff:\"#FFDAB9\",palegoldenrod:\"#EEE8AA\",khaki:\"#F0E68C\",darkkhaki:\"#BDB76B\",lavender:\"#E6E6FA\",thistle:\"#D8BFD8\",plum:\"#DDA0DD\",violet:\"#EE82EE\",orchid:\"#DA70D6\",fuchsia:\"#FF00FF\",magenta:\"#FF00FF\",mediumorchid:\"#BA55D3\",mediumpurple:\"#9370DB\",blueviolet:\"#8A2BE2\",darkviolet:\"#9400D3\",darkorchid:\"#9932CC\",darkmagenta:\"#8B008B\",purple:\"#800080\",indigo:\"#4B0082\",slateblue:\"#6A5ACD\",darkslateblue:\"#483D8B\",mediumslateblue:\"#7B68EE\",greenyellow:\"#ADFF2F\",chartreuse:\"#7FFF00\",lawngreen:\"#7CFC00\",lime:\"#00FF00\",limegreen:\"#32CD32\",palegreen:\"#98FB98\",lightgreen:\"#90EE90\",mediumspringgreen:\"#00FA9A\",springgreen:\"#00FF7F\",mediumseagreen:\"#3CB371\",seagreen:\"#2E8B57\",forestgreen:\"#228B22\",green:\"#008000\",darkgreen:\"#006400\",yellowgreen:\"#9ACD32\",olivedrab:\"#6B8E23\",olive:\"#808000\",darkolivegreen:\"#556B2F\",mediumaquamarine:\"#66CDAA\",darkseagreen:\"#8FBC8F\",lightseagreen:\"#20B2AA\",darkcyan:\"#008B8B\",teal:\"#008080\",aqua:\"#00FFFF\",cyan:\"#00FFFF\",lightcyan:\"#E0FFFF\",paleturquoise:\"#AFEEEE\",aquamarine:\"#7FFFD4\",turquoise:\"#40E0D0\",mediumturquoise:\"#48D1CC\",darkturquoise:\"#00CED1\",cadetblue:\"#5F9EA0\",steelblue:\"#4682B4\",lightsteelblue:\"#B0C4DE\",powderblue:\"#B0E0E6\",lightblue:\"#ADD8E6\",skyblue:\"#87CEEB\",lightskyblue:\"#87CEFA\",deepskyblue:\"#00BFFF\",dodgerblue:\"#1E90FF\",cornflowerblue:\"#6495ED\",royalblue:\"#4169E1\",blue:\"#0000FF\",mediumblue:\"#0000CD\",darkblue:\"#00008B\",navy:\"#000080\",midnightblue:\"#191970\",cornsilk:\"#FFF8DC\",blanchedalmond:\"#FFEBCD\",bisque:\"#FFE4C4\",navajowhite:\"#FFDEAD\",wheat:\"#F5DEB3\",burlywood:\"#DEB887\",tan:\"#D2B48C\",rosybrown:\"#BC8F8F\",sandybrown:\"#F4A460\",goldenrod:\"#DAA520\",darkgoldenrod:\"#B8860B\",peru:\"#CD853F\",chocolate:\"#D2691E\",saddlebrown:\"#8B4513\",sienna:\"#A0522D\",brown:\"#A52A2A\",maroon:\"#800000\",white:\"#FFFFFF\",snow:\"#FFFAFA\",honeydew:\"#F0FFF0\",mintcream:\"#F5FFFA\",azure:\"#F0FFFF\",aliceblue:\"#F0F8FF\",ghostwhite:\"#F8F8FF\",whitesmoke:\"#F5F5F5\",seashell:\"#FFF5EE\",beige:\"#F5F5DC\",oldlace:\"#FDF5E6\",floralwhite:\"#FFFAF0\",ivory:\"#FFFFF0\",antiquewhite:\"#FAEBD7\",linen:\"#FAF0E6\",lavenderblush:\"#FFF0F5\",mistyrose:\"#FFE4E1\",gainsboro:\"#DCDCDC\",lightgray:\"#D3D3D3\",lightgrey:\"#D3D3D3\",silver:\"#C0C0C0\",darkgray:\"#A9A9A9\",darkgrey:\"#A9A9A9\",gray:\"#808080\",grey:\"#808080\",dimgray:\"#696969\",dimgrey:\"#696969\",lightslategray:\"#778899\",lightslategrey:\"#778899\",slategray:\"#708090\",slategrey:\"#708090\",darkslategray:\"#2F4F4F\",darkslategrey:\"#2F4F4F\",black:\"#000000\"},r.is_svg_color=function(F){return F in r.svg_colors}},\n", + " function _(e,n,t){var r=e(113),c=e(110);function o(e,n){return r.__assign(e,n)}function u(e){return Object.keys(e).length}t.keys=Object.keys,t.values=function(e){for(var n=Object.keys(e),t=n.length,r=new Array(t),c=0;c\"'`])/g,function(r){switch(r){case\"&\":return\"&\";case\"<\":return\"<\";case\">\":return\">\";case'\"':return\""\";case\"'\":return\"'\";case\"`\":return\"`\";default:return r}})},e.unescape=function(r){return r.replace(/&(amp|lt|gt|quot|#x27|#x60);/g,function(r,t){switch(t){case\"amp\":return\"&\";case\"lt\":return\"<\";case\"gt\":return\">\";case\"quot\":return'\"';case\"#x27\":return\"'\";case\"#x60\":return\"`\";default:return t}})},e.use_strict=function(r){return\"'use strict';\\n\"+r}},\n", + " function _(e,t,n){var i=function(){function e(){this._dev=!1}return Object.defineProperty(e.prototype,\"dev\",{get:function(){return this._dev},set:function(e){this._dev=e},enumerable:!0,configurable:!0}),e}();n.Settings=i,i.__name__=\"Settings\",n.settings=new i},\n", + " function _(n,o,r){function f(n){for(var o in n)r.hasOwnProperty(o)||(r[o]=n[o])}f(n(130)),f(n(242)),f(n(269)),f(n(273)),f(n(288)),f(n(292)),f(n(298)),f(n(302)),f(n(332)),f(n(335)),f(n(337)),f(n(350)),f(n(217)),f(n(356)),f(n(360)),f(n(383)),f(n(384)),f(n(385)),f(n(386)),f(n(387)),f(n(393)),f(n(395)),f(n(405)),f(n(409))},\n", + " function _(a,e,o){var r=a(131);o.Annotation=r.Annotation;var n=a(168);o.Arrow=n.Arrow;var t=a(169);o.ArrowHead=t.ArrowHead;var v=a(169);o.OpenHead=v.OpenHead;var l=a(169);o.NormalHead=l.NormalHead;var d=a(169);o.TeeHead=d.TeeHead;var i=a(169);o.VeeHead=i.VeeHead;var A=a(200);o.Band=A.Band;var H=a(201);o.BoxAnnotation=H.BoxAnnotation;var T=a(203);o.ColorBar=T.ColorBar;var p=a(227);o.Label=p.Label;var L=a(229);o.LabelSet=L.LabelSet;var b=a(230);o.Legend=b.Legend;var B=a(231);o.LegendItem=B.LegendItem;var S=a(233);o.PolyAnnotation=S.PolyAnnotation;var g=a(234);o.Slope=g.Slope;var m=a(235);o.Span=m.Span;var w=a(228);o.TextAnnotation=w.TextAnnotation;var x=a(236);o.Title=x.Title;var P=a(237);o.ToolbarPanel=P.ToolbarPanel;var h=a(238);o.Tooltip=h.Tooltip;var k=a(241);o.Whisker=k.Whisker},\n", + " function _(t,e,n){var i=t(113),o=t(132),r=t(125),s=t(160),a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return i.__extends(e,t),Object.defineProperty(e.prototype,\"panel\",{get:function(){return this.layout},enumerable:!0,configurable:!0}),e.prototype.get_size=function(){if(this.model.visible){var t=this._get_size(),e=t.width,n=t.height;return{width:Math.round(e),height:Math.round(n)}}return{width:0,height:0}},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this);var n=this.model.properties;this.on_change(n.visible,function(){return e.plot_view.request_layout()})},e.prototype._get_size=function(){throw new Error(\"not implemented\")},Object.defineProperty(e.prototype,\"ctx\",{get:function(){return this.plot_view.canvas_view.ctx},enumerable:!0,configurable:!0}),e.prototype.set_data=function(t){var e,n,i=this.model.materialize_dataspecs(t);if(r.extend(this,i),this.plot_model.use_map){null!=this._x&&(e=o.project_xy(this._x,this._y),this._x=e[0],this._y=e[1]),null!=this._xs&&(n=o.project_xsys(this._xs,this._ys),this._xs=n[0],this._ys=n[1])}},Object.defineProperty(e.prototype,\"needs_clip\",{get:function(){return null==this.layout},enumerable:!0,configurable:!0}),e.prototype.serializable_state=function(){var e=t.prototype.serializable_state.call(this);return null==this.layout?e:Object.assign(Object.assign({},e),{bbox:this.layout.bbox.box})},e}(s.RendererView);n.AnnotationView=a,a.__name__=\"AnnotationView\";var l=function(t){function e(e){return t.call(this,e)||this}return i.__extends(e,t),e.init_Annotation=function(){this.override({level:\"annotation\"})},e}(s.Renderer);n.Annotation=l,l.__name__=\"Annotation\",l.init_Annotation()},\n", + " function _(r,n,t){var a=r(133),e=r(134),o=new e(\"GOOGLE\"),c=new e(\"WGS84\");t.wgs84_mercator=a(c,o);var i={lon:[-20026376.39,20026376.39],lat:[-20048966.1,20048966.1]},u={lon:[-180,180],lat:[-85.06,85.06]};function l(r,n){for(var a=Math.min(r.length,n.length),e=new Array(a),o=new Array(a),c=0;cu[n][0]&&r-1})}(n)?i(n):function(n){return\"+\"===n[0]}(n)?o(n):void 0:n}},\n", + " function _(r,n,i){var t=r(137),e=r(138),a=r(141);function f(r){var n=this;if(2===arguments.length){var i=arguments[1];\"string\"==typeof i?\"+\"===i.charAt(0)?f[r]=e(arguments[1]):f[r]=a(arguments[1]):f[r]=i}else if(1===arguments.length){if(Array.isArray(r))return r.map(function(r){Array.isArray(r)?f.apply(n,r):f(r)});if(\"string\"==typeof r){if(r in f)return f[r]}else\"EPSG\"in r?f[\"EPSG:\"+r.EPSG]=r:\"ESRI\"in r?f[\"ESRI:\"+r.ESRI]=r:\"IAU2000\"in r?f[\"IAU2000:\"+r.IAU2000]=r:console.log(r);return}}t(f),n.exports=f},\n", + " function _(t,l,G){l.exports=function(t){t(\"EPSG:4326\",\"+title=WGS 84 (long/lat) +proj=longlat +ellps=WGS84 +datum=WGS84 +units=degrees\"),t(\"EPSG:4269\",\"+title=NAD83 (long/lat) +proj=longlat +a=6378137.0 +b=6356752.31414036 +ellps=GRS80 +datum=NAD83 +units=degrees\"),t(\"EPSG:3857\",\"+title=WGS 84 / Pseudo-Mercator +proj=merc +a=6378137 +b=6378137 +lat_ts=0.0 +lon_0=0.0 +x_0=0.0 +y_0=0 +k=1.0 +units=m +nadgrids=@null +no_defs\"),t.WGS84=t[\"EPSG:4326\"],t[\"EPSG:3785\"]=t[\"EPSG:3857\"],t.GOOGLE=t[\"EPSG:3857\"],t[\"EPSG:900913\"]=t[\"EPSG:3857\"],t[\"EPSG:102113\"]=t[\"EPSG:3857\"]}},\n", + " function _(n,t,o){var a=.017453292519943295,u=n(139),e=n(140);t.exports=function(n){var t,o,r,i={},f=n.split(\"+\").map(function(n){return n.trim()}).filter(function(n){return n}).reduce(function(n,t){var o=t.split(\"=\");return o.push(!0),n[o[0].toLowerCase()]=o[1],n},{}),s={proj:\"projName\",datum:\"datumCode\",rf:function(n){i.rf=parseFloat(n)},lat_0:function(n){i.lat0=n*a},lat_1:function(n){i.lat1=n*a},lat_2:function(n){i.lat2=n*a},lat_ts:function(n){i.lat_ts=n*a},lon_0:function(n){i.long0=n*a},lon_1:function(n){i.long1=n*a},lon_2:function(n){i.long2=n*a},alpha:function(n){i.alpha=parseFloat(n)*a},lonc:function(n){i.longc=n*a},x_0:function(n){i.x0=parseFloat(n)},y_0:function(n){i.y0=parseFloat(n)},k_0:function(n){i.k0=parseFloat(n)},k:function(n){i.k0=parseFloat(n)},a:function(n){i.a=parseFloat(n)},b:function(n){i.b=parseFloat(n)},r_a:function(){i.R_A=!0},zone:function(n){i.zone=parseInt(n,10)},south:function(){i.utmSouth=!0},towgs84:function(n){i.datum_params=n.split(\",\").map(function(n){return parseFloat(n)})},to_meter:function(n){i.to_meter=parseFloat(n)},units:function(n){i.units=n,e[n]&&(i.to_meter=e[n].to_meter)},from_greenwich:function(n){i.from_greenwich=n*a},pm:function(n){i.from_greenwich=(u[n]?u[n]:parseFloat(n))*a},nadgrids:function(n){\"@null\"===n?i.datumCode=\"none\":i.nadgrids=n},axis:function(n){3===n.length&&-1!==\"ewnsud\".indexOf(n.substr(0,1))&&-1!==\"ewnsud\".indexOf(n.substr(1,1))&&-1!==\"ewnsud\".indexOf(n.substr(2,1))&&(i.axis=n)}};for(t in f)o=f[t],t in s?\"function\"==typeof(r=s[t])?r(o):i[r]=o:i[t]=o;return\"string\"==typeof i.datumCode&&\"WGS84\"!==i.datumCode&&(i.datumCode=i.datumCode.toLowerCase()),i}},\n", + " function _(o,r,s){s.greenwich=0,s.lisbon=-9.131906111111,s.paris=2.337229166667,s.bogota=-74.080916666667,s.madrid=-3.687938888889,s.rome=12.452333333333,s.bern=7.439583333333,s.jakarta=106.807719444444,s.ferro=-17.666666666667,s.brussels=4.367975,s.stockholm=18.058277777778,s.athens=23.7163375,s.oslo=10.722916666667},\n", + " function _(t,e,f){f.ft={to_meter:.3048},f[\"us-ft\"]={to_meter:1200/3937}},\n", + " function _(e,a,t){var r=.017453292519943295,n=e(142);function o(e,a,t){e[a]=t.map(function(e){var a={};return l(e,a),a}).reduce(function(e,a){return n(e,a)},{})}function l(e,a){var t;Array.isArray(e)?(\"PARAMETER\"===(t=e.shift())&&(t=e.shift()),1===e.length?Array.isArray(e[0])?(a[t]={},l(e[0],a[t])):a[t]=e[0]:e.length?\"TOWGS84\"===t?a[t]=e:(a[t]={},[\"UNIT\",\"PRIMEM\",\"VERT_DATUM\"].indexOf(t)>-1?(a[t]={name:e[0].toLowerCase(),convert:e[1]},3===e.length&&(a[t].auth=e[2])):\"SPHEROID\"===t?(a[t]={name:e[0],a:e[1],rf:e[2]},4===e.length&&(a[t].auth=e[3])):[\"GEOGCS\",\"GEOCCS\",\"DATUM\",\"VERT_CS\",\"COMPD_CS\",\"LOCAL_CS\",\"FITTED_CS\",\"LOCAL_DATUM\"].indexOf(t)>-1?(e[0]=[\"name\",e[0]],o(a,t,e)):e.every(function(e){return Array.isArray(e)})?o(a,t,e):l(e,a[t])):a[t]=!0):a[e]=!0}function i(e){return e*r}a.exports=function(e,a){var t=JSON.parse((\",\"+e).replace(/\\s*\\,\\s*([A-Z_0-9]+?)(\\[)/g,',[\"$1\",').slice(1).replace(/\\s*\\,\\s*([A-Z_0-9]+?)\\]/g,',\"$1\"]').replace(/,\\[\"VERTCS\".+/,\"\")),r=t.shift(),o=t.shift();t.unshift([\"name\",o]),t.unshift([\"type\",r]),t.unshift(\"output\");var _={};return l(t,_),function(e){function a(a){var t=e.to_meter||1;return parseFloat(a,10)*t}\"GEOGCS\"===e.type?e.projName=\"longlat\":\"LOCAL_CS\"===e.type?(e.projName=\"identity\",e.local=!0):\"object\"==typeof e.PROJECTION?e.projName=Object.keys(e.PROJECTION)[0]:e.projName=e.PROJECTION,e.UNIT&&(e.units=e.UNIT.name.toLowerCase(),\"metre\"===e.units&&(e.units=\"meter\"),e.UNIT.convert&&(\"GEOGCS\"===e.type?e.DATUM&&e.DATUM.SPHEROID&&(e.to_meter=parseFloat(e.UNIT.convert,10)*e.DATUM.SPHEROID.a):e.to_meter=parseFloat(e.UNIT.convert,10))),e.GEOGCS&&(e.GEOGCS.DATUM?e.datumCode=e.GEOGCS.DATUM.name.toLowerCase():e.datumCode=e.GEOGCS.name.toLowerCase(),\"d_\"===e.datumCode.slice(0,2)&&(e.datumCode=e.datumCode.slice(2)),\"new_zealand_geodetic_datum_1949\"!==e.datumCode&&\"new_zealand_1949\"!==e.datumCode||(e.datumCode=\"nzgd49\"),\"wgs_1984\"===e.datumCode&&(\"Mercator_Auxiliary_Sphere\"===e.PROJECTION&&(e.sphere=!0),e.datumCode=\"wgs84\"),\"_ferro\"===e.datumCode.slice(-6)&&(e.datumCode=e.datumCode.slice(0,-6)),\"_jakarta\"===e.datumCode.slice(-8)&&(e.datumCode=e.datumCode.slice(0,-8)),~e.datumCode.indexOf(\"belge\")&&(e.datumCode=\"rnb72\"),e.GEOGCS.DATUM&&e.GEOGCS.DATUM.SPHEROID&&(e.ellps=e.GEOGCS.DATUM.SPHEROID.name.replace(\"_19\",\"\").replace(/[Cc]larke\\_18/,\"clrk\"),\"international\"===e.ellps.toLowerCase().slice(0,13)&&(e.ellps=\"intl\"),e.a=e.GEOGCS.DATUM.SPHEROID.a,e.rf=parseFloat(e.GEOGCS.DATUM.SPHEROID.rf,10)),~e.datumCode.indexOf(\"osgb_1936\")&&(e.datumCode=\"osgb36\")),e.b&&!isFinite(e.b)&&(e.b=e.a),[[\"standard_parallel_1\",\"Standard_Parallel_1\"],[\"standard_parallel_2\",\"Standard_Parallel_2\"],[\"false_easting\",\"False_Easting\"],[\"false_northing\",\"False_Northing\"],[\"central_meridian\",\"Central_Meridian\"],[\"latitude_of_origin\",\"Latitude_Of_Origin\"],[\"latitude_of_origin\",\"Central_Parallel\"],[\"scale_factor\",\"Scale_Factor\"],[\"k0\",\"scale_factor\"],[\"latitude_of_center\",\"Latitude_of_center\"],[\"lat0\",\"latitude_of_center\",i],[\"longitude_of_center\",\"Longitude_Of_Center\"],[\"longc\",\"longitude_of_center\",i],[\"x0\",\"false_easting\",a],[\"y0\",\"false_northing\",a],[\"long0\",\"central_meridian\",i],[\"lat0\",\"latitude_of_origin\",i],[\"lat0\",\"standard_parallel_1\",i],[\"lat1\",\"standard_parallel_1\",i],[\"lat2\",\"standard_parallel_2\",i],[\"alpha\",\"azimuth\",i],[\"srsCode\",\"name\"]].forEach(function(a){return t=e,n=(r=a)[0],o=r[1],void(!(n in t)&&o in t&&(t[n]=t[o],3===r.length&&(t[n]=r[2](t[n]))));var t,r,n,o}),e.long0||!e.longc||\"Albers_Conic_Equal_Area\"!==e.projName&&\"Lambert_Azimuthal_Equal_Area\"!==e.projName||(e.long0=e.longc),e.lat_ts||!e.lat1||\"Stereographic_South_Pole\"!==e.projName&&\"Polar Stereographic (variant B)\"!==e.projName||(e.lat0=i(e.lat1>0?90:-90),e.lat_ts=e.lat1)}(_.output),n(a,_.output)}},\n", + " function _(n,r,i){r.exports=function(n,r){var i,o;if(n=n||{},!r)return n;for(o in r)void 0!==(i=r[o])&&(n[o]=i);return n}},\n", + " function _(n,o,t){var r=[n(144),n(150)],e={},a=[];function i(n,o){var t=a.length;return n.names?(a[t]=n,n.names.forEach(function(n){e[n.toLowerCase()]=t}),this):(console.log(o),!0)}t.add=i,t.get=function(n){if(!n)return!1;var o=n.toLowerCase();return void 0!==e[o]&&a[e[o]]?a[e[o]]:void 0},t.start=function(){r.forEach(i)}},\n", + " function _(t,s,i){var h=t(145),a=Math.PI/2,e=57.29577951308232,r=t(146),n=Math.PI/4,l=t(148),o=t(149);i.init=function(){var t=this.b/this.a;this.es=1-t*t,\"x0\"in this||(this.x0=0),\"y0\"in this||(this.y0=0),this.e=Math.sqrt(this.es),this.lat_ts?this.sphere?this.k0=Math.cos(this.lat_ts):this.k0=h(this.e,Math.sin(this.lat_ts),Math.cos(this.lat_ts)):this.k0||(this.k?this.k0=this.k:this.k0=1)},i.forward=function(t){var s,i,h=t.x,o=t.y;if(o*e>90&&o*e<-90&&h*e>180&&h*e<-180)return null;if(Math.abs(Math.abs(o)-a)<=1e-10)return null;if(this.sphere)s=this.x0+this.a*this.k0*r(h-this.long0),i=this.y0+this.a*this.k0*Math.log(Math.tan(n+.5*o));else{var M=Math.sin(o),u=l(this.e,o,M);s=this.x0+this.a*this.k0*r(h-this.long0),i=this.y0-this.a*this.k0*Math.log(u)}return t.x=s,t.y=i,t},i.inverse=function(t){var s,i,h=t.x-this.x0,e=t.y-this.y0;if(this.sphere)i=a-2*Math.atan(Math.exp(-e/(this.a*this.k0)));else{var n=Math.exp(-e/(this.a*this.k0));if(-9999===(i=o(this.e,n)))return null}return s=r(this.long0+h/(this.a*this.k0)),t.x=s,t.y=i,t},i.names=[\"Mercator\",\"Popular Visualisation Pseudo Mercator\",\"Mercator_1SP\",\"Mercator_Auxiliary_Sphere\",\"merc\"]},\n", + " function _(t,n,r){n.exports=function(t,n,r){var o=t*n;return r/Math.sqrt(1-o*o)}},\n", + " function _(t,n,a){var r=2*Math.PI,o=t(147);n.exports=function(t){return Math.abs(t)<=3.14159265359?t:t-o(t)*r}},\n", + " function _(n,t,o){t.exports=function(n){return n<0?-1:1}},\n", + " function _(t,a,n){var r=Math.PI/2;a.exports=function(t,a,n){var o=t*n,h=.5*t;return o=Math.pow((1-o)/(1+o),h),Math.tan(.5*(r-a))/o}},\n", + " function _(a,t,n){var r=Math.PI/2;t.exports=function(a,t){for(var n,h,M=.5*a,o=r-2*Math.atan(t),e=0;e<=15;e++)if(n=a*Math.sin(o),o+=h=r-2*Math.atan(t*Math.pow((1-n)/(1+n),M))-o,Math.abs(h)<=1e-10)return o;return-9999}},\n", + " function _(n,i,t){function e(n){return n}t.init=function(){},t.forward=e,t.inverse=e,t.names=[\"longlat\",\"identity\"]},\n", + " function _(r,e,t){var n=r(152);t.eccentricity=function(r,e,t,n){var a=r*r,c=e*e,f=(a-c)/a,i=0;return n?(a=(r*=1-f*(.16666666666666666+f*(.04722222222222222+.022156084656084655*f)))*r,f=0):i=Math.sqrt(f),{es:f,e:i,ep2:(a-c)/c}},t.sphere=function(r,e,t,a,c){if(!r){var f=n[a];f||(f=n.WGS84),r=f.a,e=f.b,t=f.rf}return t&&!e&&(e=(1-1/t)*r),(0===t||Math.abs(r-e)<1e-10)&&(c=!0,e=r),{a:r,b:e,rf:t,sphere:c}}},\n", + " function _(e,a,l){l.MERIT={a:6378137,rf:298.257,ellipseName:\"MERIT 1983\"},l.SGS85={a:6378136,rf:298.257,ellipseName:\"Soviet Geodetic System 85\"},l.GRS80={a:6378137,rf:298.257222101,ellipseName:\"GRS 1980(IUGG, 1980)\"},l.IAU76={a:6378140,rf:298.257,ellipseName:\"IAU 1976\"},l.airy={a:6377563.396,b:6356256.91,ellipseName:\"Airy 1830\"},l.APL4={a:6378137,rf:298.25,ellipseName:\"Appl. Physics. 1965\"},l.NWL9D={a:6378145,rf:298.25,ellipseName:\"Naval Weapons Lab., 1965\"},l.mod_airy={a:6377340.189,b:6356034.446,ellipseName:\"Modified Airy\"},l.andrae={a:6377104.43,rf:300,ellipseName:\"Andrae 1876 (Den., Iclnd.)\"},l.aust_SA={a:6378160,rf:298.25,ellipseName:\"Australian Natl & S. Amer. 1969\"},l.GRS67={a:6378160,rf:298.247167427,ellipseName:\"GRS 67(IUGG 1967)\"},l.bessel={a:6377397.155,rf:299.1528128,ellipseName:\"Bessel 1841\"},l.bess_nam={a:6377483.865,rf:299.1528128,ellipseName:\"Bessel 1841 (Namibia)\"},l.clrk66={a:6378206.4,b:6356583.8,ellipseName:\"Clarke 1866\"},l.clrk80={a:6378249.145,rf:293.4663,ellipseName:\"Clarke 1880 mod.\"},l.clrk58={a:6378293.645208759,rf:294.2606763692654,ellipseName:\"Clarke 1858\"},l.CPM={a:6375738.7,rf:334.29,ellipseName:\"Comm. des Poids et Mesures 1799\"},l.delmbr={a:6376428,rf:311.5,ellipseName:\"Delambre 1810 (Belgium)\"},l.engelis={a:6378136.05,rf:298.2566,ellipseName:\"Engelis 1985\"},l.evrst30={a:6377276.345,rf:300.8017,ellipseName:\"Everest 1830\"},l.evrst48={a:6377304.063,rf:300.8017,ellipseName:\"Everest 1948\"},l.evrst56={a:6377301.243,rf:300.8017,ellipseName:\"Everest 1956\"},l.evrst69={a:6377295.664,rf:300.8017,ellipseName:\"Everest 1969\"},l.evrstSS={a:6377298.556,rf:300.8017,ellipseName:\"Everest (Sabah & Sarawak)\"},l.fschr60={a:6378166,rf:298.3,ellipseName:\"Fischer (Mercury Datum) 1960\"},l.fschr60m={a:6378155,rf:298.3,ellipseName:\"Fischer 1960\"},l.fschr68={a:6378150,rf:298.3,ellipseName:\"Fischer 1968\"},l.helmert={a:6378200,rf:298.3,ellipseName:\"Helmert 1906\"},l.hough={a:6378270,rf:297,ellipseName:\"Hough\"},l.intl={a:6378388,rf:297,ellipseName:\"International 1909 (Hayford)\"},l.kaula={a:6378163,rf:298.24,ellipseName:\"Kaula 1961\"},l.lerch={a:6378139,rf:298.257,ellipseName:\"Lerch 1979\"},l.mprts={a:6397300,rf:191,ellipseName:\"Maupertius 1738\"},l.new_intl={a:6378157.5,b:6356772.2,ellipseName:\"New International 1967\"},l.plessis={a:6376523,rf:6355863,ellipseName:\"Plessis 1817 (France)\"},l.krass={a:6378245,rf:298.3,ellipseName:\"Krassovsky, 1942\"},l.SEasia={a:6378155,b:6356773.3205,ellipseName:\"Southeast Asia\"},l.walbeck={a:6376896,b:6355834.8467,ellipseName:\"Walbeck\"},l.WGS60={a:6378165,rf:298.3,ellipseName:\"WGS 60\"},l.WGS66={a:6378145,rf:298.25,ellipseName:\"WGS 66\"},l.WGS7={a:6378135,rf:298.26,ellipseName:\"WGS 72\"},l.WGS84={a:6378137,rf:298.257223563,ellipseName:\"WGS 84\"},l.sphere={a:6370997,b:6370997,ellipseName:\"Normal Sphere (r=6370997)\"}},\n", + " function _(e,a,s){s.wgs84={towgs84:\"0,0,0\",ellipse:\"WGS84\",datumName:\"WGS84\"},s.ch1903={towgs84:\"674.374,15.056,405.346\",ellipse:\"bessel\",datumName:\"swiss\"},s.ggrs87={towgs84:\"-199.87,74.79,246.62\",ellipse:\"GRS80\",datumName:\"Greek_Geodetic_Reference_System_1987\"},s.nad83={towgs84:\"0,0,0\",ellipse:\"GRS80\",datumName:\"North_American_Datum_1983\"},s.nad27={nadgrids:\"@conus,@alaska,@ntv2_0.gsb,@ntv1_can.dat\",ellipse:\"clrk66\",datumName:\"North_American_Datum_1927\"},s.potsdam={towgs84:\"606.0,23.0,413.0\",ellipse:\"bessel\",datumName:\"Potsdam Rauenberg 1950 DHDN\"},s.carthage={towgs84:\"-263.0,6.0,431.0\",ellipse:\"clark80\",datumName:\"Carthage 1934 Tunisia\"},s.hermannskogel={towgs84:\"653.0,-212.0,449.0\",ellipse:\"bessel\",datumName:\"Hermannskogel\"},s.ire65={towgs84:\"482.530,-130.596,564.557,-1.042,-0.214,-0.631,8.15\",ellipse:\"mod_airy\",datumName:\"Ireland 1965\"},s.rassadiran={towgs84:\"-133.63,-157.5,-158.62\",ellipse:\"intl\",datumName:\"Rassadiran\"},s.nzgd49={towgs84:\"59.47,-5.04,187.44,0.47,-0.1,1.024,-4.5993\",ellipse:\"intl\",datumName:\"New Zealand Geodetic Datum 1949\"},s.osgb36={towgs84:\"446.448,-125.157,542.060,0.1502,0.2470,0.8421,-20.4894\",ellipse:\"airy\",datumName:\"Airy 1830\"},s.s_jtsk={towgs84:\"589,76,480\",ellipse:\"bessel\",datumName:\"S-JTSK (Ferro)\"},s.beduaram={towgs84:\"-106,-87,188\",ellipse:\"clrk80\",datumName:\"Beduaram\"},s.gunung_segara={towgs84:\"-403,684,41\",ellipse:\"bessel\",datumName:\"Gunung Segara Jakarta\"},s.rnb72={towgs84:\"106.869,-52.2978,103.724,-0.33657,0.456955,-1.84218,1\",ellipse:\"intl\",datumName:\"Reseau National Belge 1972\"}},\n", + " function _(a,m,t){var p=1,u=2,r=4,_=5,d=484813681109536e-20;m.exports=function(a,m,t,s,e,n){var o={};return o.datum_type=r,a&&\"none\"===a&&(o.datum_type=_),m&&(o.datum_params=m.map(parseFloat),0===o.datum_params[0]&&0===o.datum_params[1]&&0===o.datum_params[2]||(o.datum_type=p),o.datum_params.length>3&&(0===o.datum_params[3]&&0===o.datum_params[4]&&0===o.datum_params[5]&&0===o.datum_params[6]||(o.datum_type=u,o.datum_params[3]*=d,o.datum_params[4]*=d,o.datum_params[5]*=d,o.datum_params[6]=o.datum_params[6]/1e6+1))),o.a=t,o.b=s,o.es=e,o.ep2=n,o}},\n", + " function _(t,e,r){var m=.017453292519943295,a=57.29577951308232,o=1,u=2,n=t(156),d=t(158),y=t(134),_=t(159);e.exports=function t(e,r,x){var i;return Array.isArray(x)&&(x=_(x)),e.datum&&r.datum&&function(t,e){return(t.datum.datum_type===o||t.datum.datum_type===u)&&\"WGS84\"!==e.datumCode||(e.datum.datum_type===o||e.datum.datum_type===u)&&\"WGS84\"!==t.datumCode}(e,r)&&(x=t(e,i=new y(\"WGS84\"),x),e=i),\"enu\"!==e.axis&&(x=d(e,!1,x)),\"longlat\"===e.projName?x={x:x.x*m,y:x.y*m}:(e.to_meter&&(x={x:x.x*e.to_meter,y:x.y*e.to_meter}),x=e.inverse(x)),e.from_greenwich&&(x.x+=e.from_greenwich),x=n(e.datum,r.datum,x),r.from_greenwich&&(x={x:x.x-r.grom_greenwich,y:x.y}),\"longlat\"===r.projName?x={x:x.x*a,y:x.y*a}:(x=r.forward(x),r.to_meter&&(x={x:x.x/r.to_meter,y:x.y/r.to_meter})),\"enu\"!==r.axis?d(r,!0,x):x}},\n", + " function _(t,e,a){var u=1,m=2,o=t(157);function c(t){return t===u||t===m}e.exports=function(t,e,a){return o.compareDatums(t,e)?a:5===t.datum_type||5===e.datum_type?a:t.es!==e.es||t.a!==e.a||c(t.datum_type)||c(e.datum_type)?(a=o.geodeticToGeocentric(a,t.es,t.a),c(t.datum_type)&&(a=o.geocentricToWgs84(a,t.datum_type,t.datum_params)),c(e.datum_type)&&(a=o.geocentricFromWgs84(a,e.datum_type,e.datum_params)),o.geocentricToGeodetic(a,e.es,e.a,e.b)):a}},\n", + " function _(a,t,r){var m=Math.PI/2;r.compareDatums=function(a,t){return a.datum_type===t.datum_type&&(!(a.a!==t.a||Math.abs(this.es-t.es)>5e-11)&&(1===a.datum_type?this.datum_params[0]===t.datum_params[0]&&a.datum_params[1]===t.datum_params[1]&&a.datum_params[2]===t.datum_params[2]:2!==a.datum_type||a.datum_params[0]===t.datum_params[0]&&a.datum_params[1]===t.datum_params[1]&&a.datum_params[2]===t.datum_params[2]&&a.datum_params[3]===t.datum_params[3]&&a.datum_params[4]===t.datum_params[4]&&a.datum_params[5]===t.datum_params[5]&&a.datum_params[6]===t.datum_params[6]))},r.geodeticToGeocentric=function(a,t,r){var s,u,e,n,d=a.x,i=a.y,p=a.z?a.z:0;if(i<-m&&i>-1.001*m)i=-m;else if(i>m&&i<1.001*m)i=m;else if(i<-m||i>m)return null;return d>Math.PI&&(d-=2*Math.PI),u=Math.sin(i),n=Math.cos(i),e=u*u,{x:((s=r/Math.sqrt(1-t*e))+p)*n*Math.cos(d),y:(s+p)*n*Math.sin(d),z:(s*(1-t)+p)*u}},r.geocentricToGeodetic=function(a,t,r,s){var u,e,n,d,i,p,_,h,o,y,c,z,M,x,f,g=a.x,l=a.y,q=a.z?a.z:0;if(u=Math.sqrt(g*g+l*l),e=Math.sqrt(g*g+l*l+q*q),u/r<1e-12){if(x=0,e/r<1e-12)return m,f=-s,{x:a.x,y:a.y,z:a.z}}else x=Math.atan2(l,g);n=q/e,h=(d=u/e)*(1-t)*(i=1/Math.sqrt(1-t*(2-t)*d*d)),o=n*i,M=0;do{M++,p=t*(_=r/Math.sqrt(1-t*o*o))/(_+(f=u*h+q*o-_*(1-t*o*o))),z=(c=n*(i=1/Math.sqrt(1-p*(2-p)*d*d)))*h-(y=d*(1-p)*i)*o,h=y,o=c}while(z*z>1e-24&&M<30);return{x:x,y:Math.atan(c/Math.abs(y)),z:f}},r.geocentricToWgs84=function(a,t,r){if(1===t)return{x:a.x+r[0],y:a.y+r[1],z:a.z+r[2]};if(2===t){var m=r[0],s=r[1],u=r[2],e=r[3],n=r[4],d=r[5],i=r[6];return{x:i*(a.x-d*a.y+n*a.z)+m,y:i*(d*a.x+a.y-e*a.z)+s,z:i*(-n*a.x+e*a.y+a.z)+u}}},r.geocentricFromWgs84=function(a,t,r){if(1===t)return{x:a.x-r[0],y:a.y-r[1],z:a.z-r[2]};if(2===t){var m=r[0],s=r[1],u=r[2],e=r[3],n=r[4],d=r[5],i=r[6],p=(a.x-m)/i,_=(a.y-s)/i,h=(a.z-u)/i;return{x:p+d*_-n*h,y:-d*p+_+e*h,z:n*p-e*_+h}}}},\n", + " function _(e,a,r){a.exports=function(e,a,r){var s,c,i,n=r.x,o=r.y,t=r.z||0,u={};for(i=0;i<3;i++)if(!a||2!==i||void 0!==r.z)switch(0===i?(s=n,c=\"x\"):1===i?(s=o,c=\"y\"):(s=t,c=\"z\"),e.axis[i]){case\"e\":u[c]=s;break;case\"w\":u[c]=-s;break;case\"n\":u[c]=s;break;case\"s\":u[c]=-s;break;case\"u\":void 0!==r[c]&&(u.z=s);break;case\"d\":void 0!==r[c]&&(u.z=-s);break;default:return null}return u}},\n", + " function _(n,t,e){t.exports=function(n){var t={x:n[0],y:n[1]};return n.length>2&&(t.z=n[2]),n.length>3&&(t.m=n[3]),t}},\n", + " function _(e,t,n){var i=e(113),r=e(161),o=e(165),l=e(121),u=e(166),_=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this),this.visuals=new o.Visuals(this.model),this._has_finished=!0},Object.defineProperty(t.prototype,\"plot_view\",{get:function(){return this.parent},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"plot_model\",{get:function(){return this.parent.model},enumerable:!0,configurable:!0}),t.prototype.request_render=function(){this.plot_view.request_render()},t.prototype.map_to_screen=function(e,t){return this.plot_view.map_to_screen(e,t,this.model.x_range_name,this.model.y_range_name)},Object.defineProperty(t.prototype,\"needs_clip\",{get:function(){return!1},enumerable:!0,configurable:!0}),t.prototype.notify_finished=function(){this.plot_view.notify_finished()},Object.defineProperty(t.prototype,\"has_webgl\",{get:function(){return!1},enumerable:!0,configurable:!0}),t}(r.DOMView);n.RendererView=_,_.__name__=\"RendererView\";var p=function(e){function t(t){return e.call(this,t)||this}return i.__extends(t,e),t.init_Renderer=function(){this.define({level:[l.RenderLevel],visible:[l.Boolean,!0]})},t}(u.Model);n.Renderer=p,p.__name__=\"Renderer\",p.init_Renderer()},\n", + " function _(e,t,n){var i=e(113),r=e(162),o=e(163),s=e(164),p=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this),this._has_finished=!1,this.el=this._createElement()},t.prototype.remove=function(){o.removeElement(this.el),e.prototype.remove.call(this)},t.prototype.css_classes=function(){return[]},t.prototype.cursor=function(e,t){return null},t.prototype.render=function(){},t.prototype.renderTo=function(e){e.appendChild(this.el),this.render()},t.prototype.has_finished=function(){return this._has_finished},Object.defineProperty(t.prototype,\"_root_element\",{get:function(){return o.parent(this.el,\".\"+s.bk_root)||document.body},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"is_idle\",{get:function(){return this.has_finished()},enumerable:!0,configurable:!0}),t.prototype._createElement=function(){return o.createElement(this.tagName,{class:this.css_classes()})},t}(r.View);n.DOMView=p,p.__name__=\"DOMView\",p.prototype.tagName=\"div\"},\n", + " function _(t,e,n){var o=t(113),i=t(116),r=t(109),a=t(127),s=function(t){function e(e){var n=t.call(this)||this;if(n.removed=new i.Signal0(n,\"removed\"),null==e.model)throw new Error(\"model of a view wasn't configured\");return n.model=e.model,n._parent=e.parent,n.id=e.id||a.uniqueId(),n.initialize(),!1!==e.connect_signals&&n.connect_signals(),n}return o.__extends(e,t),e.prototype.initialize=function(){},e.prototype.remove=function(){this._parent=void 0,this.disconnect_signals(),this.removed.emit()},e.prototype.toString=function(){return this.model.type+\"View(\"+this.id+\")\"},e.prototype.serializable_state=function(){return{type:this.model.type}},Object.defineProperty(e.prototype,\"parent\",{get:function(){if(void 0!==this._parent)return this._parent;throw new Error(\"parent of a view wasn't configured\")},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"is_root\",{get:function(){return null===this.parent},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"root\",{get:function(){return this.is_root?this:this.parent.root},enumerable:!0,configurable:!0}),e.prototype.assert_root=function(){if(!this.is_root)throw new Error(this.toString()+\" is not a root layout\")},e.prototype.connect_signals=function(){},e.prototype.disconnect_signals=function(){i.Signal.disconnectReceiver(this)},e.prototype.on_change=function(t,e){for(var n=0,o=r.isArray(t)?t:[t];n\":case\"vertical_wave\":_.moveTo(n,0),_.lineTo(3*n,c),_.lineTo(n,l),_.stroke();break;case\"*\":case\"criss_cross\":h(_,l),o(_,l,c),s(_,l,c)}return r}var r=function(){function e(e,t){void 0===t&&(t=\"\"),this.obj=e,this.prefix=t,this.cache={};for(var a=0,i=this.attrs;a0){var n=t[l];return null==n&&(t[l]=n=new e(l,o)),n}throw new TypeError(\"Logger.get() expects a non-empty string name and an optional log-level\")},Object.defineProperty(e.prototype,\"level\",{get:function(){return this.get_level()},enumerable:!0,configurable:!0}),e.prototype.get_level=function(){return this._log_level},e.prototype.set_level=function(l){if(l instanceof r)this._log_level=l;else{if(!n.isString(l)||null==e.log_levels[l])throw new Error(\"Logger.set_level() expects a log-level object or a string name of a log-level\");this._log_level=e.log_levels[l]}var o=\"[\"+this._name+\"]\";for(var t in e.log_levels){e.log_levels[t].levele?a.slice(-e):a}if(l.isTypedArray(t)){var i=t.length+n.length;if(null!=e&&i>e){var r=i-e,o=t.length;a=void 0;t.length0?this.selected_glyphs[0]:null},enumerable:!0,configurable:!0}),e.prototype.add_to_selected_glyphs=function(i){this.selected_glyphs.push(i)},e.prototype.update=function(i,e,t){this.final=e,t?this.update_through_union(i):(this.indices=i.indices,this.line_indices=i.line_indices,this.selected_glyphs=i.selected_glyphs,this.get_view=i.get_view,this.multiline_indices=i.multiline_indices,this.image_indices=i.image_indices)},e.prototype.clear=function(){this.final=!0,this.indices=[],this.line_indices=[],this.multiline_indices={},this.get_view=function(){return null},this.selected_glyphs=[]},e.prototype.is_empty=function(){return 0==this.indices.length&&0==this.line_indices.length&&0==this.image_indices.length},e.prototype.update_through_union=function(i){this.indices=l.union(i.indices,this.indices),this.selected_glyphs=l.union(i.selected_glyphs,this.selected_glyphs),this.line_indices=l.union(i.line_indices,this.line_indices),this.get_view()||(this.get_view=i.get_view),this.multiline_indices=h.merge(i.multiline_indices,this.multiline_indices)},e.prototype.update_through_intersection=function(i){this.indices=l.intersection(i.indices,this.indices),this.selected_glyphs=l.union(i.selected_glyphs,this.selected_glyphs),this.line_indices=l.union(i.line_indices,this.line_indices),this.get_view()||(this.get_view=i.get_view),this.multiline_indices=h.merge(i.multiline_indices,this.multiline_indices)},e}(s.Model);t.Selection=d,d.__name__=\"Selection\",d.init_Selection()},\n", + " function _(e,t,i){var n=e(113),o=e(115),r=e(173),s=e(175),c=e(192),l=e(121),p=function(e){function t(t){var i=e.call(this,t)||this;return i.inspectors={},i}return n.__extends(t,e),t.init_SelectionManager=function(){this.internal({source:[l.Any]})},t.prototype.select=function(e,t,i,n){void 0===n&&(n=!1);for(var o=[],r=[],l=0,p=e;l0){d=this.source.selection_policy.hit_test(t,o);a=a||this.source.selection_policy.do_selection(d,this.source,i,n)}return a},t.prototype.inspect=function(e,t){var i=!1;if(e instanceof s.GlyphRendererView){if(null!=(o=e.hit_test(t))){i=!o.is_empty();var n=this.get_or_create_inspector(e.model);n.update(o,!0,!1),this.source.setv({inspected:n},{silent:!0}),this.source.inspect.emit([e,{geometry:t}])}}else if(e instanceof c.GraphRendererView){var o=e.model.inspection_policy.hit_test(t,e);i=i||e.model.inspection_policy.do_inspection(o,t,e,!1,!1)}return i},t.prototype.clear=function(e){this.source.selected.clear(),null!=e&&this.get_or_create_inspector(e.model).clear()},t.prototype.get_or_create_inspector=function(e){return null==this.inspectors[e.id]&&(this.inspectors[e.id]=new r.Selection),this.inspectors[e.id]},t}(o.HasProps);i.SelectionManager=p,p.__name__=\"SelectionManager\",p.init_SelectionManager()},\n", + " function _(e,t,i){var n=e(113),l=e(176),s=e(177),h=e(187),r=e(188),o=e(190),a=e(191),d=e(167),c=e(121),_=e(114),p=e(110),u=e(125),g=e(184),y={fill:{},line:{}},m={fill:{fill_alpha:.3,fill_color:\"grey\"},line:{line_alpha:.3,line_color:\"grey\"}},v={fill:{fill_alpha:.2},line:{}},f=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return n.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this);var t=this.model.glyph,i=p.includes(t.mixins,\"fill\"),n=p.includes(t.mixins,\"line\"),l=u.clone(t.attributes);function s(e){var s=u.clone(l);return i&&u.extend(s,e.fill),n&&u.extend(s,e.line),new t.constructor(s)}delete l.id,this.glyph=this.build_glyph_view(t);var h=this.model.selection_glyph;null==h?h=s({fill:{},line:{}}):\"auto\"===h&&(h=s(y)),this.selection_glyph=this.build_glyph_view(h);var r=this.model.nonselection_glyph;null==r?r=s({fill:{},line:{}}):\"auto\"===r&&(r=s(v)),this.nonselection_glyph=this.build_glyph_view(r);var o=this.model.hover_glyph;null!=o&&(this.hover_glyph=this.build_glyph_view(o));var a=this.model.muted_glyph;null!=a&&(this.muted_glyph=this.build_glyph_view(a));var d=s(m);this.decimated_glyph=this.build_glyph_view(d),this.xscale=this.plot_view.frame.xscales[this.model.x_range_name],this.yscale=this.plot_view.frame.yscales[this.model.y_range_name],this.set_data(!1)},t.prototype.build_glyph_view=function(e){return new e.default_view({model:e,parent:this})},t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return t.request_render()}),this.connect(this.model.glyph.change,function(){return t.set_data()}),this.connect(this.model.data_source.change,function(){return t.set_data()}),this.connect(this.model.data_source.streaming,function(){return t.set_data()}),this.connect(this.model.data_source.patching,function(e){return t.set_data(!0,e)}),this.connect(this.model.data_source.selected.change,function(){return t.request_render()}),this.connect(this.model.data_source._select,function(){return t.request_render()}),null!=this.hover_glyph&&this.connect(this.model.data_source.inspect,function(){return t.request_render()}),this.connect(this.model.properties.view.change,function(){return t.set_data()}),this.connect(this.model.view.change,function(){return t.set_data()}),this.connect(this.model.properties.visible.change,function(){return t.plot_view.update_dataranges()});var i=this.plot_view.frame,n=i.x_ranges,l=i.y_ranges;for(var s in n){(h=n[s])instanceof g.FactorRange&&this.connect(h.change,function(){return t.set_data()})}for(var s in l){var h;(h=l[s])instanceof g.FactorRange&&this.connect(h.change,function(){return t.set_data()})}this.connect(this.model.glyph.transformchange,function(){return t.set_data()})},t.prototype.have_selection_glyphs=function(){return null!=this.selection_glyph&&null!=this.nonselection_glyph},t.prototype.set_data=function(e,t){void 0===e&&(e=!0),void 0===t&&(t=null);var i=Date.now(),n=this.model.data_source;this.all_indices=this.model.view.indices,this.glyph.model.setv({x_range_name:this.model.x_range_name,y_range_name:this.model.y_range_name},{silent:!0}),this.glyph.set_data(n,this.all_indices,t),this.glyph.set_visuals(n),this.decimated_glyph.set_visuals(n),this.have_selection_glyphs()&&(this.selection_glyph.set_visuals(n),this.nonselection_glyph.set_visuals(n)),null!=this.hover_glyph&&this.hover_glyph.set_visuals(n),null!=this.muted_glyph&&this.muted_glyph.set_visuals(n);var l=this.plot_model.lod_factor;this.decimated=[];for(var s=0,h=Math.floor(this.all_indices.length/l);s0?w[\"1d\"].indices:_.map(Object.keys(w[\"2d\"].indices),function(e){return parseInt(e)})),x=_.filter(a,function(t){return b.has(e.all_indices[t])}),D=this.plot_model.lod_threshold;null!=this.model.document&&this.model.document.interactive_duration()>0&&!i&&null!=D&&this.all_indices.length>D?(a=this.decimated,m=this.decimated_glyph,v=this.decimated_glyph,f=this.selection_glyph):(m=this.model.muted&&null!=this.muted_glyph?this.muted_glyph:this.glyph,v=this.nonselection_glyph,f=this.selection_glyph),null!=this.hover_glyph&&x.length&&(a=p.difference(a,x));var R,V=null;if(g.length&&this.have_selection_glyphs()){for(var G=Date.now(),A={},I=0,q=g;I1&&(t.stroke(),r=!1)}r?t.lineTo(n[l],s[l]):(t.beginPath(),t.moveTo(n[l],s[l]),r=!0),_=l}r&&t.stroke()},e.prototype._hit_point=function(t){for(var e=this,i=_.create_empty_hit_test_result(),n={x:t.sx,y:t.sy},s=9999,r=Math.max(2,this.visuals.line.line_width.value()/2),o=0,h=this.sx.length-1;o0){this.index=new e(n.length);for(var t=0,i=n;to&&(e=(t=[o,e])[0],o=t[1]),r>a&&(r=(i=[a,r])[0],a=i[1]),{x0:e,y0:r,x1:o,y1:a}},Object.defineProperty(n.prototype,\"bbox\",{get:function(){if(null==this.index)return r.empty();var n=this.index;return{x0:n.minX,y0:n.minY,x1:n.maxX,y1:n.maxY}},enumerable:!0,configurable:!0}),n.prototype.search=function(n){var t=this;if(null==this.index)return[];var i=this._normalize(n),e=i.x0,r=i.y0,o=i.x1,a=i.y1;return this.index.search(e,r,o,a).map(function(n){return t.points[n]})},n.prototype.indices=function(n){return this.search(n).map(function(n){return n.i})},n}();i.SpatialIndex=o,o.__name__=\"SpatialIndex\"},\n", + " function _(t,s,i){var e,h;e=this,h=function(){\"use strict\";var t=function(){this.ids=[],this.values=[],this.length=0};t.prototype.clear=function(){this.length=this.ids.length=this.values.length=0},t.prototype.push=function(t,s){this.ids.push(t),this.values.push(s);for(var i=this.length++;i>0;){var e=i-1>>1,h=this.values[e];if(s>=h)break;this.ids[i]=this.ids[e],this.values[i]=h,i=e}this.ids[i]=t,this.values[i]=s},t.prototype.pop=function(){if(0!==this.length){var t=this.ids[0];if(this.length--,this.length>0){for(var s=this.ids[0]=this.ids[this.length],i=this.values[0]=this.values[this.length],e=this.length>>1,h=0;h=i)break;this.ids[h]=o,this.values[h]=a,h=r}this.ids[h]=s,this.values[h]=i}return this.ids.pop(),this.values.pop(),t}},t.prototype.peek=function(){return this.ids[0]},t.prototype.peekValue=function(){return this.values[0]};var s=[Int8Array,Uint8Array,Uint8ClampedArray,Int16Array,Uint16Array,Int32Array,Uint32Array,Float32Array,Float64Array],i=function(i,e,h,r){if(void 0===e&&(e=16),void 0===h&&(h=Float64Array),void 0===i)throw new Error(\"Missing required argument: numItems.\");if(isNaN(i)||i<=0)throw new Error(\"Unpexpected numItems value: \"+i+\".\");this.numItems=+i,this.nodeSize=Math.min(Math.max(+e,2),65535);var n=i,o=n;this._levelBounds=[4*n];do{o+=n=Math.ceil(n/this.nodeSize),this._levelBounds.push(4*o)}while(1!==n);this.ArrayType=h||Float64Array,this.IndexArrayType=o<16384?Uint16Array:Uint32Array;var a=s.indexOf(this.ArrayType),u=4*o*this.ArrayType.BYTES_PER_ELEMENT;if(a<0)throw new Error(\"Unexpected typed array class: \"+h+\".\");r&&r instanceof ArrayBuffer?(this.data=r,this._boxes=new this.ArrayType(this.data,8,4*o),this._indices=new this.IndexArrayType(this.data,8+u,o),this._pos=4*o,this.minX=this._boxes[this._pos-4],this.minY=this._boxes[this._pos-3],this.maxX=this._boxes[this._pos-2],this.maxY=this._boxes[this._pos-1]):(this.data=new ArrayBuffer(8+u+o*this.IndexArrayType.BYTES_PER_ELEMENT),this._boxes=new this.ArrayType(this.data,8,4*o),this._indices=new this.IndexArrayType(this.data,8+u,o),this._pos=0,this.minX=1/0,this.minY=1/0,this.maxX=-1/0,this.maxY=-1/0,new Uint8Array(this.data,0,2).set([251,48+a]),new Uint16Array(this.data,2,1)[0]=e,new Uint32Array(this.data,4,1)[0]=i),this._queue=new t};function e(t,s,i){return t>1;s[h]>t?e=h:i=h+1}return s[i]}function r(t,s,i,e,h){var r=t[e];t[e]=t[h],t[h]=r;var n=4*e,o=4*h,a=s[n],u=s[n+1],p=s[n+2],d=s[n+3];s[n]=s[o],s[n+1]=s[o+1],s[n+2]=s[o+2],s[n+3]=s[o+3],s[o]=a,s[o+1]=u,s[o+2]=p,s[o+3]=d;var _=i[e];i[e]=i[h],i[h]=_}function n(t,s){var i=t^s,e=65535^i,h=65535^(t|s),r=t&(65535^s),n=i|e>>1,o=i>>1^i,a=h>>1^e&r>>1^h,u=i&h>>1^r>>1^r;o=(i=n)&(e=o)>>2^e&(i^e)>>2,a^=i&(h=a)>>2^e&(r=u)>>2,u^=e&h>>2^(i^e)&r>>2,o=(i=n=i&i>>2^e&e>>2)&(e=o)>>4^e&(i^e)>>4,a^=i&(h=a)>>4^e&(r=u)>>4,u^=e&h>>4^(i^e)&r>>4,a^=(i=n=i&i>>4^e&e>>4)&(h=a)>>8^(e=o)&(r=u)>>8;var p=t^s,d=(e=(u^=e&h>>8^(i^e)&r>>8)^u>>1)|65535^(p|(i=a^a>>1));return((d=1431655765&((d=858993459&((d=252645135&((d=16711935&(d|d<<8))|d<<4))|d<<2))|d<<1))<<1|(p=1431655765&((p=858993459&((p=252645135&((p=16711935&(p|p<<8))|p<<4))|p<<2))|p<<1)))>>>0}return i.from=function(t){if(!(t instanceof ArrayBuffer))throw new Error(\"Data must be an instance of ArrayBuffer.\");var e=new Uint8Array(t,0,2),h=e[0],r=e[1];if(251!==h)throw new Error(\"Data does not appear to be in a Flatbush format.\");if(r>>4!=3)throw new Error(\"Got v\"+(r>>4)+\" data when expected v3.\");var n=new Uint16Array(t,2,1)[0],o=new Uint32Array(t,4,1)[0];return new i(o,n,s[15&r],t)},i.prototype.add=function(t,s,i,e){var h=this._pos>>2;this._indices[h]=h,this._boxes[this._pos++]=t,this._boxes[this._pos++]=s,this._boxes[this._pos++]=i,this._boxes[this._pos++]=e,tthis.maxX&&(this.maxX=i),e>this.maxY&&(this.maxY=e)},i.prototype.finish=function(){if(this._pos>>2!==this.numItems)throw new Error(\"Added \"+(this._pos>>2)+\" items when expected \"+this.numItems+\".\");for(var t=this.maxX-this.minX,s=this.maxY-this.minY,i=new Uint32Array(this.numItems),e=0;e=n)return;var o=s[h+n>>1];var a=h-1;var u=n+1;for(;;){do{a++}while(s[a]o);if(a>=u)break;r(s,i,e,a,u)}t(s,i,e,h,u);t(s,i,e,u+1,n)}(i,this._boxes,this._indices,0,this.numItems-1);for(var f=0,l=0;fm&&(m=E),I>c&&(c=I)}this._indices[this._pos>>2]=b,this._boxes[this._pos++]=x,this._boxes[this._pos++]=y,this._boxes[this._pos++]=m,this._boxes[this._pos++]=c}},i.prototype.search=function(t,s,i,e,h){if(this._pos!==this._boxes.length)throw new Error(\"Data not yet indexed - call index.finish().\");for(var r=this._boxes.length-4,n=this._levelBounds.length-1,o=[],a=[];void 0!==r;){for(var u=Math.min(r+4*this.nodeSize,this._levelBounds[n]),p=r;p>2];ithis._boxes[p+2]||s>this._boxes[p+3]||(r<4*this.numItems?(void 0===h||h(d))&&a.push(d):(o.push(d),o.push(n-1))))}n=o.pop(),r=o.pop()}return a},i.prototype.neighbors=function(t,s,i,r,n){if(void 0===i&&(i=1/0),void 0===r&&(r=1/0),this._pos!==this._boxes.length)throw new Error(\"Data not yet indexed - call index.finish().\");for(var o=this._boxes.length-4,a=this._queue,u=[],p=r*r;void 0!==o;){for(var d=Math.min(o+4*this.nodeSize,h(o,this._levelBounds)),_=o;_>2],l=e(t,this._boxes[_],this._boxes[_+2]),v=e(s,this._boxes[_+1],this._boxes[_+3]),x=l*l+v*v;o<4*this.numItems?(void 0===n||n(f))&&a.push(-f-1,x):a.push(f,x)}for(;a.length&&a.peek()<0;){if(a.peekValue()>p)return a.clear(),u;if(u.push(-a.pop()-1),u.length===i)return a.clear(),u}o=a.pop()}return a.clear(),u},i},\"object\"==typeof i&&void 0!==s?s.exports=h():\"function\"==typeof define&&define.amd?define(h):(e=e||self).Flatbush=h()},\n", + " function _(t,e,r){var i=Math.min,n=Math.max;r.empty=function(){return{x0:1/0,y0:1/0,x1:-1/0,y1:-1/0}},r.positive_x=function(){return{x0:Number.MIN_VALUE,y0:-1/0,x1:1/0,y1:1/0}},r.positive_y=function(){return{x0:-1/0,y0:Number.MIN_VALUE,x1:1/0,y1:1/0}},r.union=function(t,e){return{x0:i(t.x0,e.x0),x1:n(t.x1,e.x1),y0:i(t.y0,e.y0),y1:n(t.y1,e.y1)}};var o=function(){function t(t){if(null==t)this.x0=0,this.y0=0,this.x1=0,this.y1=0;else if(\"x0\"in t){var e=t.x0,r=t.y0,i=t.x1,n=t.y1;if(!(e<=i&&r<=n))throw new Error(\"invalid bbox {x0: \"+e+\", y0: \"+r+\", x1: \"+i+\", y1: \"+n+\"}\");this.x0=e,this.y0=r,this.x1=i,this.y1=n}else if(\"x\"in t){var o=t.x,h=t.y,u=t.width,y=t.height;if(!(u>=0&&y>=0))throw new Error(\"invalid bbox {x: \"+o+\", y: \"+h+\", width: \"+u+\", height: \"+y+\"}\");this.x0=o,this.y0=h,this.x1=o+u,this.y1=h+y}else{var f=void 0,s=void 0,c=void 0,p=void 0;if(\"width\"in t)if(\"left\"in t)s=(f=t.left)+t.width;else if(\"right\"in t)f=(s=t.right)-t.width;else{var b=t.width/2;f=t.hcenter-b,s=t.hcenter+b}else f=t.left,s=t.right;if(\"height\"in t)if(\"top\"in t)p=(c=t.top)+t.height;else if(\"bottom\"in t)c=(p=t.bottom)-t.height;else{var a=t.height/2;c=t.vcenter-a,p=t.vcenter+a}else c=t.top,p=t.bottom;if(!(f<=s&&c<=p))throw new Error(\"invalid bbox {left: \"+f+\", top: \"+c+\", right: \"+s+\", bottom: \"+p+\"}\");this.x0=f,this.y0=c,this.x1=s,this.y1=p}}return t.prototype.toString=function(){return\"BBox({left: \"+this.left+\", top: \"+this.top+\", width: \"+this.width+\", height: \"+this.height+\"})\"},Object.defineProperty(t.prototype,\"left\",{get:function(){return this.x0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"top\",{get:function(){return this.y0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"right\",{get:function(){return this.x1},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"bottom\",{get:function(){return this.y1},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"p0\",{get:function(){return[this.x0,this.y0]},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"p1\",{get:function(){return[this.x1,this.y1]},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"x\",{get:function(){return this.x0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"y\",{get:function(){return this.y0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"width\",{get:function(){return this.x1-this.x0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"height\",{get:function(){return this.y1-this.y0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"rect\",{get:function(){return{x0:this.x0,y0:this.y0,x1:this.x1,y1:this.y1}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"box\",{get:function(){return{x:this.x,y:this.y,width:this.width,height:this.height}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"h_range\",{get:function(){return{start:this.x0,end:this.x1}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"v_range\",{get:function(){return{start:this.y0,end:this.y1}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"ranges\",{get:function(){return[this.h_range,this.v_range]},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"aspect\",{get:function(){return this.width/this.height},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"hcenter\",{get:function(){return(this.left+this.right)/2},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"vcenter\",{get:function(){return(this.top+this.bottom)/2},enumerable:!0,configurable:!0}),t.prototype.contains=function(t,e){return t>=this.x0&&t<=this.x1&&e>=this.y0&&e<=this.y1},t.prototype.clip=function(t,e){return tthis.x1&&(t=this.x1),ethis.y1&&(e=this.y1),[t,e]},t.prototype.union=function(e){return new t({x0:i(this.x0,e.x0),y0:i(this.y0,e.y0),x1:n(this.x1,e.x1),y1:n(this.y1,e.y1)})},t.prototype.equals=function(t){return this.x0==t.x0&&this.y0==t.y0&&this.x1==t.x1&&this.y1==t.y1},Object.defineProperty(t.prototype,\"xview\",{get:function(){var t=this;return{compute:function(e){return t.left+e},v_compute:function(e){for(var r=new Float64Array(e.length),i=t.left,n=0;nt.x1&&(t.x1=n.x1)}for(var r=0,s=this.index.search(o.positive_y());rt.y1&&(t.y1=a.y1)}return this._bounds(t)},i.prototype.get_anchor_point=function(t,e,i){var n=i[0],r=i[1];switch(t){case\"center\":return{x:this.scenterx(e,n,r),y:this.scentery(e,n,r)};default:return null}},i.prototype.sdist=function(t,e,i,n,r){var s,o;void 0===n&&(n=\"edge\"),void 0===r&&(r=!1);var a=e.length;if(\"center\"==n){var h=c.map(i,function(t){return t/2});s=new Float64Array(a);for(var _=0;_1?r:{x:n.x+i*(r.x-n.x),y:n.y+i*(r.y-n.y)})}r.point_in_poly=function(t,n,r,e){for(var i=!1,o=r[r.length-1],u=e[e.length-1],a=0;a0&&_<1&&h>0&&h<1,x:t+_*(r-t),y:n+_*(e-n)}}},\n", + " function _(t,n,r){var e=t(113),i=t(185),a=t(121),s=t(114),o=t(110),p=t(109);function u(t,n,r){void 0===r&&(r=0);for(var e={},i=0;ithis.end},enumerable:!0,configurable:!0}),n}(a.Model);e.Range=r,r.__name__=\"Range\",r.init_Range()},\n", + " function _(e,t,i){var n=e(183);i.generic_line_legend=function(e,t,i,n){var r=i.x0,a=i.x1,l=i.y0,c=i.y1;t.save(),t.beginPath(),t.moveTo(r,(l+c)/2),t.lineTo(a,(l+c)/2),e.line.doit&&(e.line.set_vectorize(t,n),t.stroke()),t.restore()},i.generic_area_legend=function(e,t,i,n){var r=i.x0,a=i.x1,l=i.y0,c=i.y1,o=.1*Math.abs(a-r),s=.1*Math.abs(c-l),_=r+o,v=a-o,h=l+s,x=c-s;e.fill.doit&&(e.fill.set_vectorize(t,n),t.fillRect(_,h,v-_,x-h)),null!=e.hatch&&e.hatch.doit&&(e.hatch.set_vectorize(t,n),t.fillRect(_,h,v-_,x-h)),e.line&&e.line.doit&&(t.beginPath(),t.rect(_,h,v-_,x-h),e.line.set_vectorize(t,n),t.stroke())},i.line_interpolation=function(e,t,i,r,a,l){var c,o,s,_,v,h,x,y,f,d,g=t.sx,m=t.sy;\"point\"==t.type?(f=(c=e.yscale.r_invert(m-1,m+1))[0],d=c[1],x=(o=e.xscale.r_invert(g-1,g+1))[0],y=o[1]):\"v\"==t.direction?(f=(s=e.yscale.r_invert(m,m))[0],d=s[1],x=(_=[Math.min(i-1,a-1),Math.max(i+1,a+1)])[0],y=_[1]):(x=(v=e.xscale.r_invert(g,g))[0],y=v[1],f=(h=[Math.min(r-1,l-1),Math.max(r+1,l+1)])[0],d=h[1]);var u=n.check_2_segments_intersect(x,f,y,d,i,r,a,l);return[u.x,u.y]}},\n", + " function _(t,i,e){var n=t(113),s=t(178),l=t(186),o=t(183),r=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(i,t),i.prototype._inner_loop=function(t,i,e,n,s){for(var l=0,o=i;l=0;s--)t.lineTo(i[s],n[s]);t.closePath(),r.call(t)},e.prototype._render=function(t,e,i){var n=this,r=i.sx1,s=i.sx2,o=i.sy;this.visuals.fill.doit&&(this.visuals.fill.set_value(t),this._inner(t,r,s,o,t.fill)),this.visuals.hatch.doit2(t,0,function(){return n._inner(t,r,s,o,t.fill)},function(){return n.renderer.request_render()})},e.prototype._hit_point=function(t){for(var e=this,i=o.create_empty_hit_test_result(),n=this.sy.length,r=new Float64Array(2*n),s=new Float64Array(2*n),a=0,h=n;a=0;s--)t.lineTo(e[s],n[s]);t.closePath(),r.call(t)},e.prototype._render=function(t,e,i){var n=this,r=i.sx,s=i.sy1,o=i.sy2;this.visuals.fill.doit&&(this.visuals.fill.set_value(t),this._inner(t,r,s,o,t.fill)),this.visuals.hatch.doit2(t,0,function(){return n._inner(t,r,s,o,t.fill)},function(){return n.renderer.request_render()})},e.prototype.scenterx=function(t){return this.sx[t]},e.prototype.scentery=function(t){return(this.sy1[t]+this.sy2[t])/2},e.prototype._hit_point=function(t){for(var e=this,i=o.create_empty_hit_test_result(),n=this.sx.length,r=new Float64Array(2*n),s=new Float64Array(2*n),a=0,h=n;a0?this.indices=r.intersection.apply(this,n):this.source instanceof u.ColumnarDataSource&&(this.indices=this.source.get_indices()),this.indices_map_to_subset()},n.prototype.indices_map_to_subset=function(){this.indices_map={};for(var i=0;i0){for(var l=n[0],o=0,_=n;o<_.length;o++){var s=_[o];l.update_through_intersection(s)}return l}return null},e}(u);n.IntersectRenderers=i,i.__name__=\"IntersectRenderers\";var l=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(e,t),e.prototype.hit_test=function(t,e){for(var n=[],r=0,u=e;r0){for(var l=n[0],o=0,_=n;o<_.length;o++){var s=_[o];l.update_through_union(s)}return l}return null},e}(u);n.UnionRenderers=l,l.__name__=\"UnionRenderers\"},\n", + " function _(r,n,t){var a=r(109),e=r(197);function i(r){for(var n=new Uint8Array(r.buffer,r.byteOffset,2*r.length),t=0,a=n.length;t=0||r.indexOf(\"Trident\")>0||r.indexOf(\"Edge\")>0,e.is_mobile=\"undefined\"!=typeof window&&(\"ontouchstart\"in window||navigator.maxTouchPoints>0),e.is_little_endian=function(){var n=new ArrayBuffer(4),i=new Uint8Array(n);new Uint32Array(n)[1]=168496141;var e=!0;return 10==i[4]&&11==i[5]&&12==i[6]&&13==i[7]&&(e=!1),e}()},\n", + " function _(n,t,r){r.concat=function(n){for(var t=[],r=1;r=0;t--)e.lineTo(this._upper_sx[t],this._upper_sy[t]);e.closePath(),this.visuals.fill.doit&&(this.visuals.fill.set_value(e),e.fill()),e.beginPath(),e.moveTo(this._lower_sx[0],this._lower_sy[0]);for(t=0,i=this._lower_sx.length;tthis.sleft&&tthis.stop&&is||(d[r].push(h[p]),d[a].push(0));for(p=0,f=m.length;ps||(c[r].push(m[p]),c[a].push(0));var g={major:this._format_major_labels(d[r],h)},v={major:[[],[]],minor:[[],[]]};return v.major[r]=i.v_compute(d[r]),v.minor[r]=i.v_compute(c[r]),v.major[a]=d[a],v.minor[a]=c[a],\"vertical\"==this.model.orientation&&(v.major[r]=u.map(v.major[r],function(e){return t-e}),v.minor[r]=u.map(v.minor[r],function(e){return t-e})),{coords:v,labels:g}},e}(r.AnnotationView);i.ColorBarView=g,g.__name__=\"ColorBarView\";var v=function(t){function e(e){return t.call(this,e)||this}return o.__extends(e,t),e.init_ColorBar=function(){this.prototype.default_view=g,this.mixins([\"text:major_label_\",\"text:title_\",\"line:major_tick_\",\"line:minor_tick_\",\"line:border_\",\"line:bar_\",\"fill:background_\"]),this.define({location:[m.Any,\"top_right\"],orientation:[m.Orientation,\"vertical\"],title:[m.String],title_standoff:[m.Number,2],width:[m.Any,\"auto\"],height:[m.Any,\"auto\"],scale_alpha:[m.Number,1],ticker:[m.Instance,function(){return new a.BasicTicker}],formatter:[m.Instance,function(){return new n.BasicTickFormatter}],major_label_overrides:[m.Any,{}],color_mapper:[m.Instance],label_standoff:[m.Number,5],margin:[m.Number,30],padding:[m.Number,10],major_tick_in:[m.Number,5],major_tick_out:[m.Number,0],minor_tick_in:[m.Number,0],minor_tick_out:[m.Number,0]}),this.override({background_fill_color:\"#ffffff\",background_fill_alpha:.95,bar_line_color:null,border_line_color:null,major_label_text_align:\"center\",major_label_text_baseline:\"middle\",major_label_text_font_size:\"8pt\",major_tick_line_color:\"#ffffff\",minor_tick_line_color:null,title_text_font_size:\"10pt\",title_text_font_style:\"italic\"})},e}(r.Annotation);i.ColorBar=v,v.__name__=\"ColorBar\",v.init_ColorBar()},\n", + " function _(i,n,c){var e=i(113),t=function(i){function n(n){return i.call(this,n)||this}return e.__extends(n,i),n}(i(205).AdaptiveTicker);c.BasicTicker=t,t.__name__=\"BasicTicker\"},\n", + " function _(t,i,a){var e=t(113),n=t(206),s=t(110),r=t(121);var h=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_AdaptiveTicker=function(){this.define({base:[r.Number,10],mantissas:[r.Array,[1,2,5]],min_interval:[r.Number,0],max_interval:[r.Number]})},i.prototype.initialize=function(){t.prototype.initialize.call(this);var i=s.nth(this.mantissas,-1)/this.base,a=s.nth(this.mantissas,0)*this.base;this.extended_mantissas=e.__spreadArrays([i],this.mantissas,[a]),this.base_factor=0===this.get_min_interval()?1:this.get_min_interval()},i.prototype.get_interval=function(t,i,a){var e,n,r=i-t,h=this.get_ideal_interval(t,i,a),_=Math.floor((e=h/this.base_factor,void 0===(n=this.base)&&(n=Math.E),Math.log(e)/Math.log(n))),o=Math.pow(this.base,_)*this.base_factor,m=this.extended_mantissas,c=m.map(function(t){return Math.abs(a-r/(t*o))});return function(t,i,a){return Math.max(i,Math.min(a,t))}(m[s.argmin(c)]*o,this.get_min_interval(),this.get_max_interval())},i}(n.ContinuousTicker);a.AdaptiveTicker=h,h.__name__=\"AdaptiveTicker\",h.init_AdaptiveTicker()},\n", + " function _(t,n,i){var r=t(113),e=t(207),o=t(121),u=t(110),_=t(109),s=function(t){function n(n){return t.call(this,n)||this}return r.__extends(n,t),n.init_ContinuousTicker=function(){this.define({num_minor_ticks:[o.Number,5],desired_num_ticks:[o.Number,6]})},n.prototype.get_ticks=function(t,n,i,r,e){return this.get_ticks_no_defaults(t,n,r,this.desired_num_ticks)},n.prototype.get_ticks_no_defaults=function(t,n,i,r){var e=this.get_interval(t,n,r),o=Math.floor(t/e),s=Math.ceil(n/e),a=(_.isStrictNaN(o)||_.isStrictNaN(s)?[]:u.range(o,s+1)).map(function(t){return t*e}).filter(function(i){return t<=i&&i<=n}),c=this.num_minor_ticks,l=[];if(c>0&&a.length>0){for(var f=e/c,h=u.range(0,c).map(function(t){return t*f}),m=0,p=h.slice(1);m=2&&(t=Math.abs(i[1]-i[0])/1e4);var r=!1;if(this.use_scientific)for(var n=0,o=i;nt&&(l>=this.scientific_limit_high||l<=this.scientific_limit_low)){r=!0;break}}var s=new Array(i.length),f=this.precision;if(null==f||a.isNumber(f))if(r)for(var h=0,_=i.length;h<_;h++)s[h]=i[h].toExponential(f||void 0);else for(h=0,_=i.length;h<_;h++)s[h]=i[h].toFixed(f||void 0).replace(/(\\.[0-9]*?)0+$/,\"$1\").replace(/\\.$/,\"\");else for(var p=this.last_precision,u=this.last_precision<=15;u?p<=15:p>=15;u?p++:p--){var m=!0;if(r){for(h=0,_=i.length;h<_;h++)if(s[h]=i[h].toExponential(p),h>0&&s[h]===s[h-1]){m=!1;break}if(m)break}else{for(h=0,_=i.length;h<_;h++)if(s[h]=i[h].toFixed(p).replace(/(\\.[0-9]*?)0+$/,\"$1\").replace(/\\.$/,\"\"),h>0&&s[h]==s[h-1]){m=!1;break}if(m)break}if(m){this.last_precision=p;break}}return s},e}(n.TickFormatter);t.BasicTickFormatter=c,c.__name__=\"BasicTickFormatter\",c.init_BasicTickFormatter()},\n", + " function _(t,n,r){var e=t(113),i=function(t){function n(n){return t.call(this,n)||this}return e.__extends(n,t),n}(t(166).Model);r.TickFormatter=i,i.__name__=\"TickFormatter\"},\n", + " function _(o,n,l){var r=o(113),t=o(211),i=o(114),e=function(o){function n(n){return o.call(this,n)||this}return r.__extends(n,o),n.prototype._v_compute=function(o,n,l,r){for(var t=r.nan_color,e=r.low_color,h=r.high_color,a=null!=this.low?this.low:i.min(o),u=null!=this.high?this.high:i.max(o),_=l.length-1,s=1/(u-a),c=1/l.length,p=0,f=o.length;p_?null!=h?h:l[_]:l[m]}else n[p]=l[_]}},n}(t.ContinuousColorMapper);l.LinearColorMapper=e,e.__name__=\"LinearColorMapper\"},\n", + " function _(o,r,i){var l=o(113),n=o(212),t=o(121),u=function(o){function r(r){return o.call(this,r)||this}return l.__extends(r,o),r.init_ContinuousColorMapper=function(){this.define({high:[t.Number],low:[t.Number],high_color:[t.Color],low_color:[t.Color]})},r.prototype._colors=function(r){return Object.assign(Object.assign({},o.prototype._colors.call(this,r)),{low_color:null!=this.low_color?r(this.low_color):void 0,high_color:null!=this.high_color?r(this.high_color):void 0})},r}(n.ColorMapper);i.ContinuousColorMapper=u,u.__name__=\"ContinuousColorMapper\",u.init_ContinuousColorMapper()},\n", + " function _(t,r,n){var e=t(113),o=t(213),i=t(121),a=t(109),u=t(123),_=t(197);function c(t){return a.isNumber(t)?t:(\"#\"!=t[0]&&(t=u.color2hex(t)),9!=t.length&&(t+=\"ff\"),parseInt(t.slice(1),16))}function l(t){for(var r=new Uint32Array(t.length),n=0,e=t.length;nr.x?-1:t.x==r.x?0:1}):o.sort(function(t,r){return t.xthis._x_sorted[this._x_sorted.length-1])return NaN}else{if(tthis._x_sorted[this._x_sorted.length-1])return this._y_sorted[this._y_sorted.length-1]}if(t==this._x_sorted[0])return this._y_sorted[0];var r=s.find_last_index(this._x_sorted,function(r){return rthis._x_sorted[this._x_sorted.length-1])return NaN}else{if(tthis._x_sorted[this._x_sorted.length-1])return this._y_sorted[this._y_sorted.length-1]}var e;switch(this.mode){case\"after\":e=s.find_last_index(this._x_sorted,function(e){return t>=e});break;case\"before\":e=s.find_index(this._x_sorted,function(e){return t<=e});break;case\"center\":var r=this._x_sorted.map(function(e){return Math.abs(e-t)}),n=s.min(r);e=s.find_index(r,function(t){return n===t});break;default:throw new Error(\"unknown mode: \"+this.mode)}return-1!=e?this._y_sorted[e]:NaN},e}(i.Interpolator);r.StepInterpolator=_,_.__name__=\"StepInterpolator\",_.init_StepInterpolator()},\n", + " function _(t,e,a){var r=t(113),o=function(t){function e(e){return t.call(this,e)||this}return r.__extends(e,t),e.prototype.compute=function(t){var e,a=this._compute_state(),r=a[0],o=a[1],n=a[2],i=a[3];if(0==n)e=0;else{var h=(Math.log(t)-i)/n;e=isFinite(h)?h*r+o:NaN}return e},e.prototype.v_compute=function(t){var e=this._compute_state(),a=e[0],r=e[1],o=e[2],n=e[3],i=new Float64Array(t.length);if(0==o)for(var h=0;h0?(this.el.style.top=y+\"px\",this.el.style.left=b+\"px\"):l.undisplay(this.el)}},e}(o.AnnotationView);i.TooltipView=c,c.__name__=\"TooltipView\";var d=function(t){function e(e){return t.call(this,e)||this}return s.__extends(e,t),e.init_Tooltip=function(){this.prototype.default_view=c,this.define({attachment:[a.TooltipAttachment,\"horizontal\"],inner_only:[a.Boolean,!0],show_arrow:[a.Boolean,!0]}),this.override({level:\"overlay\"}),this.internal({data:[a.Any,[]],custom:[a.Any]})},e.prototype.clear=function(){this.data=[]},e.prototype.add=function(t,e,i){this.data=this.data.concat([[t,e,i]])},e}(o.Annotation);i.Tooltip=d,d.__name__=\"Tooltip\",d.init_Tooltip()},\n", + " function _(o,t,n){o(164),o(163).styles.append('.bk-root {\\n /* Same border color used everywhere */\\n /* Gray of icons */\\n}\\n.bk-root .bk-tooltip {\\n font-weight: 300;\\n font-size: 12px;\\n position: absolute;\\n padding: 5px;\\n border: 1px solid #e5e5e5;\\n color: #2f2f2f;\\n background-color: white;\\n pointer-events: none;\\n opacity: 0.95;\\n z-index: 100;\\n}\\n.bk-root .bk-tooltip > div:not(:first-child) {\\n /* gives space when multiple elements are being hovered over */\\n margin-top: 5px;\\n border-top: #e5e5e5 1px dashed;\\n}\\n.bk-root .bk-tooltip.bk-left.bk-tooltip-arrow::before {\\n position: absolute;\\n margin: -7px 0 0 0;\\n top: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 7px 0 7px 0;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n left: -10px;\\n border-right-width: 10px;\\n border-right-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-left::before {\\n left: -10px;\\n border-right-width: 10px;\\n border-right-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-right.bk-tooltip-arrow::after {\\n position: absolute;\\n margin: -7px 0 0 0;\\n top: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 7px 0 7px 0;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n right: -10px;\\n border-left-width: 10px;\\n border-left-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-right::after {\\n right: -10px;\\n border-left-width: 10px;\\n border-left-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-above::before {\\n position: absolute;\\n margin: 0 0 0 -7px;\\n left: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 0 7px 0 7px;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n top: -10px;\\n border-bottom-width: 10px;\\n border-bottom-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-below::after {\\n position: absolute;\\n margin: 0 0 0 -7px;\\n left: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 0 7px 0 7px;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n bottom: -10px;\\n border-top-width: 10px;\\n border-top-color: #909599;\\n}\\n.bk-root .bk-tooltip-row-label {\\n text-align: right;\\n color: #26aae1;\\n /* blue from toolbar highlighting */\\n}\\n.bk-root .bk-tooltip-row-value {\\n color: default;\\n /* seems to be necessary for notebook */\\n}\\n.bk-root .bk-tooltip-color-block {\\n width: 12px;\\n height: 12px;\\n margin-left: 5px;\\n margin-right: 5px;\\n outline: #dddddd solid 1px;\\n display: inline-block;\\n}\\n'),n.bk_tooltip=\"bk-tooltip\",n.bk_tooltip_arrow=\"bk-tooltip-arrow\",n.bk_tooltip_custom=\"bk-tooltip-custom\",n.bk_tooltip_row_label=\"bk-tooltip-row-label\",n.bk_tooltip_row_value=\"bk-tooltip-row-value\",n.bk_tooltip_color_block=\"bk-tooltip-color-block\"},\n", + " function _(b,e,k){b(163).styles.append(\"\"),k.bk_active=\"bk-active\",k.bk_inline=\"bk-inline\",k.bk_left=\"bk-left\",k.bk_right=\"bk-right\",k.bk_above=\"bk-above\",k.bk_below=\"bk-below\",k.bk_up=\"bk-up\",k.bk_down=\"bk-down\",k.bk_side=function(b){switch(b){case\"above\":return k.bk_above;case\"below\":return k.bk_below;case\"left\":return k.bk_left;case\"right\":return k.bk_right}}},\n", + " function _(e,t,i){var s=e(113),n=e(131),r=e(170),o=e(169),a=e(121),h=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return s.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this),this.set_data(this.model.source)},t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.source.streaming,function(){return t.set_data(t.model.source)}),this.connect(this.model.source.patching,function(){return t.set_data(t.model.source)}),this.connect(this.model.source.change,function(){return t.set_data(t.model.source)})},t.prototype.set_data=function(t){e.prototype.set_data.call(this,t),this.visuals.warm_cache(t),this.plot_view.request_render()},t.prototype._map_data=function(){var e,t,i,s=this.plot_view.frame,n=this.model.dimension,r=s.xscales[this.model.x_range_name],o=s.yscales[this.model.y_range_name],a=\"height\"==n?o:r,h=\"height\"==n?r:o,_=\"height\"==n?s.yview:s.xview,l=\"height\"==n?s.xview:s.yview;e=\"data\"==this.model.properties.lower.units?a.v_compute(this._lower):_.v_compute(this._lower),t=\"data\"==this.model.properties.upper.units?a.v_compute(this._upper):_.v_compute(this._upper),i=\"data\"==this.model.properties.base.units?h.v_compute(this._base):l.v_compute(this._base);var u=\"height\"==n?[1,0]:[0,1],p=u[0],c=u[1],d=[e,i],m=[t,i];this._lower_sx=d[p],this._lower_sy=d[c],this._upper_sx=m[p],this._upper_sy=m[c]},t.prototype.render=function(){if(this.model.visible){this._map_data();var e=this.plot_view.canvas_view.ctx;if(this.visuals.line.doit)for(var t=0,i=this._lower_sx.length;tu&&(u=b)}return u>0&&(u+=a),u},Object.defineProperty(t.prototype,\"normals\",{get:function(){return this.panel.normals},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"dimension\",{get:function(){return this.panel.dimension},enumerable:!0,configurable:!0}),t.prototype.compute_labels=function(e){for(var t=this.model.formatter.doFormat(e,this),i=0;i_(l-c)?(a=u(h(n,o),l),r=h(u(n,o),c)):(a=h(n,o),r=u(n,o)),[a,r]}throw new Error(\"user bounds '\"+t+\"' not understood\")},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"rule_coords\",{get:function(){var e=this.dimension,t=(e+1)%2,i=this.ranges[0],a=this.computed_bounds,r=a[0],n=a[1],o=[new Array(2),new Array(2)];return o[e][0]=Math.max(r,i.min),o[e][1]=Math.min(n,i.max),o[e][0]>o[e][1]&&(o[e][0]=o[e][1]=NaN),o[t][0]=this.loc,o[t][1]=this.loc,o},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"tick_coords\",{get:function(){for(var e=this.dimension,t=(e+1)%2,i=this.ranges[0],a=this.computed_bounds,r=a[0],n=a[1],o=this.model.ticker.get_ticks(r,n,i,this.loc,{}),s=o.major,l=o.minor,_=[[],[]],h=[[],[]],u=[i.min,i.max],c=u[0],d=u[1],m=0;md||(_[e].push(s[m]),_[t].push(this.loc));for(m=0;md||(h[e].push(l[m]),h[t].push(this.loc));return{major:_,minor:h}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"loc\",{get:function(){var e=this.model.fixed_location;if(null!=e){if(s.isNumber(e))return e;var t=this.ranges[1];if(t instanceof l.FactorRange)return t.synthetic(e);throw new Error(\"unexpected\")}var i=this.ranges[1];switch(this.panel.side){case\"left\":case\"below\":return i.start;case\"right\":case\"above\":return i.end}},enumerable:!0,configurable:!0}),t.prototype.serializable_state=function(){return Object.assign(Object.assign({},e.prototype.serializable_state.call(this)),{bbox:this.layout.bbox.box})},t}(r.GuideRendererView);i.AxisView=c,c.__name__=\"AxisView\";var d=function(e){function t(t){return e.call(this,t)||this}return a.__extends(t,e),t.init_Axis=function(){this.prototype.default_view=c,this.mixins([\"line:axis_\",\"line:major_tick_\",\"line:minor_tick_\",\"text:major_label_\",\"text:axis_label_\"]),this.define({bounds:[n.Any,\"auto\"],ticker:[n.Instance],formatter:[n.Instance],x_range_name:[n.String,\"default\"],y_range_name:[n.String,\"default\"],axis_label:[n.String,\"\"],axis_label_standoff:[n.Int,5],major_label_standoff:[n.Int,5],major_label_orientation:[n.Any,\"horizontal\"],major_label_overrides:[n.Any,{}],major_tick_in:[n.Number,2],major_tick_out:[n.Number,6],minor_tick_in:[n.Number,0],minor_tick_out:[n.Number,4],fixed_location:[n.Any,null]}),this.override({axis_line_color:\"black\",major_tick_line_color:\"black\",minor_tick_line_color:\"black\",major_label_text_font_size:\"8pt\",major_label_text_align:\"center\",major_label_text_baseline:\"alphabetic\",axis_label_text_font_size:\"10pt\",axis_label_text_font_style:\"italic\"})},t}(r.GuideRenderer);i.Axis=d,d.__name__=\"Axis\",d.init_Axis()},\n", + " function _(e,n,r){var i=e(113),t=e(160),d=function(e){function n(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(n,e),n}(t.RendererView);r.GuideRendererView=d,d.__name__=\"GuideRendererView\";var u=function(e){function n(n){return e.call(this,n)||this}return i.__extends(n,e),n.init_GuideRenderer=function(){this.override({level:\"overlay\"})},n}(t.Renderer);r.GuideRenderer=u,u.__name__=\"GuideRenderer\",u.init_GuideRenderer()},\n", + " function _(t,o,e){var i=t(113),r=t(243),s=t(246),a=t(247),n=t(121),l=function(t){function o(){return null!==t&&t.apply(this,arguments)||this}return i.__extends(o,t),o.prototype._render=function(t,o,e){this._draw_group_separators(t,o,e)},o.prototype._draw_group_separators=function(t,o,e){var i,r=this.ranges[0],s=this.computed_bounds,a=s[0],n=s[1];if(r.tops&&!(r.tops.length<2)&&this.visuals.separator_line.doit){for(var l=this.dimension,_=(l+1)%2,u=[[],[]],p=0,h=0;ha&&f1&&(l.tops[o]=n.tops,l.tops[e]=n.tops.map(function(o){return t.loc})),l},enumerable:!0,configurable:!0}),o}(r.AxisView);e.CategoricalAxisView=l,l.__name__=\"CategoricalAxisView\";var _=function(t){function o(o){return t.call(this,o)||this}return i.__extends(o,t),o.init_CategoricalAxis=function(){this.prototype.default_view=l,this.mixins([\"line:separator_\",\"text:group_\",\"text:subgroup_\"]),this.define({group_label_orientation:[n.Any,\"parallel\"],subgroup_label_orientation:[n.Any,\"parallel\"]}),this.override({ticker:function(){return new s.CategoricalTicker},formatter:function(){return new a.CategoricalTickFormatter},separator_line_color:\"lightgrey\",separator_line_width:2,group_text_font_style:\"bold\",group_text_font_size:\"8pt\",group_text_color:\"grey\",subgroup_text_font_style:\"bold\",subgroup_text_font_size:\"8pt\"})},o}(r.Axis);e.CategoricalAxis=_,_.__name__=\"CategoricalAxis\",_.init_CategoricalAxis()},\n", + " function _(t,c,r){var e=t(113),o=function(t){function c(c){return t.call(this,c)||this}return e.__extends(c,t),c.prototype.get_ticks=function(t,c,r,e,o){return{major:this._collect(r.factors,r,t,c),minor:[],tops:this._collect(r.tops||[],r,t,c),mids:this._collect(r.mids||[],r,t,c)}},c.prototype._collect=function(t,c,r,e){for(var o=[],i=0,n=t;ir&&l=60?\"minsec\":\"seconds\";case!(e<3600):return r>=3600?\"hourmin\":\"minutes\";case!(e<86400):return\"hours\";case!(e<2678400):return\"days\";case!(e<31536e3):return\"months\";default:return\"years\"}},r.prototype.doFormat=function(t,r){if(0==t.length)return[];for(var e=Math.abs(t[t.length-1]-t[0])/1e3,s=e/(t.length-1),i=this._get_resolution_str(s,e),n=this._width_formats[i][1][0],a=[],u=f.indexOf(i),c={},m=0,l=f;m=T-g;--c)for(o=0,a=s.length;o=h[o][n]&&h[o][h[o].clock]>u[h[o].clock]&&(i=h[o])}return i&&((l=/^(.*)\\/(.*)$/.exec(u.format))?i.abbrev=l[i.save?2:1]:i.abbrev=u.format.replace(/%s/,i.rule.letter)),i||u}function n(e,n){return\"UTC\"==e.zone?n:(e.entry=t(e,\"posix\",n),n+e.entry.offset+e.entry.save)}function r(e,n){return\"UTC\"==e.zone?n:(e.entry=r=t(e,\"wallclock\",n),0<(o=n-r.wallclock)&&o9)t+=s*l[c-10];else{if(a=new Date(n(e,t)),c<7)for(;s;)a.setUTCDate(a.getUTCDate()+i),a.getUTCDay()==c&&(s-=i);else 7==c?a.setUTCFullYear(a.getUTCFullYear()+s):8==c?a.setUTCMonth(a.getUTCMonth()+s):a.setUTCDate(a.getUTCDate()+s);null==(t=r(e,a.getTime()))&&(t=r(e,a.getTime()+864e5*i)-864e5*i)}return t}var a={clock:function(){return+new Date},zone:\"UTC\",entry:{abbrev:\"UTC\",offset:0,save:0},UTC:1,z:function(e,t,n,r){var o,a,u=this.entry.offset+this.entry.save,i=Math.abs(u/1e3),l=[],s=3600;for(o=0;o<3;o++)l.push((\"0\"+Math.floor(i/s)).slice(-2)),i%=s,s/=60;return\"^\"!=n||u?(\"^\"==n&&(r=3),3==r?(a=(a=l.join(\":\")).replace(/:00$/,\"\"),\"^\"!=n&&(a=a.replace(/:00$/,\"\"))):r?(a=l.slice(0,r+1).join(\":\"),\"^\"==n&&(a=a.replace(/:00$/,\"\"))):a=l.slice(0,2).join(\"\"),a=(a=(u<0?\"-\":\"+\")+a).replace(/([-+])(0)/,{_:\" $1\",\"-\":\"$1\"}[n]||\"$1$2\")):\"Z\"},\"%\":function(e){return\"%\"},n:function(e){return\"\\n\"},t:function(e){return\"\\t\"},U:function(e){return s(e,0)},W:function(e){return s(e,1)},V:function(e){return c(e)[0]},G:function(e){return c(e)[1]},g:function(e){return c(e)[1]%100},j:function(e){return Math.floor((e.getTime()-Date.UTC(e.getUTCFullYear(),0))/864e5)+1},s:function(e){return Math.floor(e.getTime()/1e3)},C:function(e){return Math.floor(e.getUTCFullYear()/100)},N:function(e){return e.getTime()%1e3*1e6},m:function(e){return e.getUTCMonth()+1},Y:function(e){return e.getUTCFullYear()},y:function(e){return e.getUTCFullYear()%100},H:function(e){return e.getUTCHours()},M:function(e){return e.getUTCMinutes()},S:function(e){return e.getUTCSeconds()},e:function(e){return e.getUTCDate()},d:function(e){return e.getUTCDate()},u:function(e){return e.getUTCDay()||7},w:function(e){return e.getUTCDay()},l:function(e){return e.getUTCHours()%12||12},I:function(e){return e.getUTCHours()%12||12},k:function(e){return e.getUTCHours()},Z:function(e){return this.entry.abbrev},a:function(e){return this[this.locale].day.abbrev[e.getUTCDay()]},A:function(e){return this[this.locale].day.full[e.getUTCDay()]},h:function(e){return this[this.locale].month.abbrev[e.getUTCMonth()]},b:function(e){return this[this.locale].month.abbrev[e.getUTCMonth()]},B:function(e){return this[this.locale].month.full[e.getUTCMonth()]},P:function(e){return this[this.locale].meridiem[Math.floor(e.getUTCHours()/12)].toLowerCase()},p:function(e){return this[this.locale].meridiem[Math.floor(e.getUTCHours()/12)]},R:function(e,t){return this.convert([t,\"%H:%M\"])},T:function(e,t){return this.convert([t,\"%H:%M:%S\"])},D:function(e,t){return this.convert([t,\"%m/%d/%y\"])},F:function(e,t){return this.convert([t,\"%Y-%m-%d\"])},x:function(e,t){return this.convert([t,this[this.locale].date])},r:function(e,t){return this.convert([t,this[this.locale].time12||\"%I:%M:%S\"])},X:function(e,t){return this.convert([t,this[this.locale].time24])},c:function(e,t){return this.convert([t,this[this.locale].dateTime])},convert:function(e){if(!e.length)return\"1.0.22\";var t,a,u,l,s,c=Object.create(this),f=[];for(t=0;t=o?Math.floor((n-o)/7)+1:0}function c(e){var t,n,r;return n=e.getUTCFullYear(),t=new Date(Date.UTC(n,0)).getUTCDay(),(r=s(e,1)+(t>1&&t<=4?1:0))?53!=r||4==t||3==t&&29==new Date(n,1,29).getDate()?[r,e.getUTCFullYear()]:[1,e.getUTCFullYear()+1]:(n=e.getUTCFullYear()-1,[r=4==(t=new Date(Date.UTC(n,0)).getUTCDay())||3==t&&29==new Date(n,1,29).getDate()?53:52,e.getUTCFullYear()-1])}return u=u.toLowerCase().split(\"|\"),\"delmHMSUWVgCIky\".replace(/./g,function(e){a[e].pad=2}),a.N.pad=9,a.j.pad=3,a.k.style=\"_\",a.l.style=\"_\",a.e.style=\"_\",function(){return a.convert(arguments)}})},\n", + " function _(r,n,e){var t=r(113),i=r(254),u=r(255),a=r(252),f=r(127),o=r(109);function l(r){for(var n=[],e=1;e.1&&Math.abs(r)<1e3):return\"%0.3f\";default:return\"%0.3e\"}}(),r):\"\"+r}function s(r,n,t,i){if(null==t)return c;if(null!=i&&(r in i||n in i)){var u=i[n in i?n:r];if(o.isString(u)){if(u in e.DEFAULT_FORMATTERS)return e.DEFAULT_FORMATTERS[u];throw new Error(\"Unknown tooltip field formatter type '\"+u+\"'\")}return function(r,n,e){return u.format(r,n,e)}}return e.DEFAULT_FORMATTERS.numeral}function p(r,n,e,t){if(\"$\"==r[0]){if(r.substring(1)in t)return t[r.substring(1)];throw new Error(\"Unknown special variable '\"+r+\"'\")}var i=n.get_column(r);if(null==i)return null;if(o.isNumber(e))return i[e];var u=i[e.index];return o.isTypedArray(u)||o.isArray(u)?o.isArray(u[0])?u[e.dim2][e.dim1]:u[e.flat_index]:u}e.sprintf=l,e.DEFAULT_FORMATTERS={numeral:function(r,n,e){return u.format(r,n)},datetime:function(r,n,e){return a(r,n)},printf:function(r,n,e){return l(n,r)}},e.basic_formatter=c,e.get_formatter=s,e.get_value=p,e.replace_placeholders=function(r,n,e,t,i){void 0===i&&(i={});var u=r.replace(/(?:^|[^@])([@|\\$](?:\\w+|{[^{}]+}))(?:{[^{}]+})?/g,function(r,n,e){return\"\"+n});return r=(r=(r=r.replace(/@\\$name/g,function(r){return\"@{\"+i.name+\"}\"})).replace(/(^|[^\\$])\\$(\\w+)/g,function(r,n,e){return n+\"@$\"+e})).replace(/(^|[^@])@(?:(\\$?\\w+)|{([^{}]+)})(?:{([^{}]+)})?/g,function(r,a,o,l,c){var m=p(o=null!=l?l:o,n,e,i);if(null==m)return\"\"+a+f.escape(\"???\");if(\"safe\"==c)return\"\"+a+m;var T=s(o,u,c,t);return\"\"+a+f.escape(T(m,c,i))})}},\n", + " function _(e,n,t){!function(){\"use strict\";var e={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\\x25]+/,modulo:/^\\x25{2}/,placeholder:/^\\x25(?:([1-9]\\d*)\\$|\\(([^)]+)\\))?(\\+)?(0|'[^$])?(-)?(\\d+)?(?:\\.(\\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\\d]*)/i,key_access:/^\\.([a-z_][a-z_\\d]*)/i,index_access:/^\\[(\\d+)\\]/,sign:/^[+-]/};function n(t){return function(t,r){var i,s,a,o,p,c,l,u,f,d=1,g=t.length,y=\"\";for(s=0;s=0),o.type){case\"b\":i=parseInt(i,10).toString(2);break;case\"c\":i=String.fromCharCode(parseInt(i,10));break;case\"d\":case\"i\":i=parseInt(i,10);break;case\"j\":i=JSON.stringify(i,null,o.width?parseInt(o.width):0);break;case\"e\":i=o.precision?parseFloat(i).toExponential(o.precision):parseFloat(i).toExponential();break;case\"f\":i=o.precision?parseFloat(i).toFixed(o.precision):parseFloat(i);break;case\"g\":i=o.precision?String(Number(i.toPrecision(o.precision))):parseFloat(i);break;case\"o\":i=(parseInt(i,10)>>>0).toString(8);break;case\"s\":i=String(i),i=o.precision?i.substring(0,o.precision):i;break;case\"t\":i=String(!!i),i=o.precision?i.substring(0,o.precision):i;break;case\"T\":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=o.precision?i.substring(0,o.precision):i;break;case\"u\":i=parseInt(i,10)>>>0;break;case\"v\":i=i.valueOf(),i=o.precision?i.substring(0,o.precision):i;break;case\"x\":i=(parseInt(i,10)>>>0).toString(16);break;case\"X\":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}e.json.test(o.type)?y+=i:(!e.number.test(o.type)||u&&!o.sign?f=\"\":(f=u?\"+\":\"-\",i=i.toString().replace(e.sign,\"\")),c=o.pad_char?\"0\"===o.pad_char?\"0\":o.pad_char.charAt(1):\" \",l=o.width-(f+i).length,p=o.width&&l>0?c.repeat(l):\"\",y+=o.align?f+i+p:\"0\"===c?f+p+i:p+f+i)}return y}(function(n){if(i[n])return i[n];var t,r=n,s=[],a=0;for(;r;){if(null!==(t=e.text.exec(r)))s.push(t[0]);else if(null!==(t=e.modulo.exec(r)))s.push(\"%\");else{if(null===(t=e.placeholder.exec(r)))throw new SyntaxError(\"[sprintf] unexpected placeholder\");if(t[2]){a|=1;var o=[],p=t[2],c=[];if(null===(c=e.key.exec(p)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");for(o.push(c[1]);\"\"!==(p=p.substring(c[0].length));)if(null!==(c=e.key_access.exec(p)))o.push(c[1]);else{if(null===(c=e.index_access.exec(p)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");o.push(c[1])}t[2]=o}else a|=2;if(3===a)throw new Error(\"[sprintf] mixing positional and named placeholders is not (yet) supported\");s.push({placeholder:t[0],param_no:t[1],keys:t[2],sign:t[3],pad_char:t[4],align:t[5],width:t[6],precision:t[7],type:t[8]})}r=r.substring(t[0].length)}return i[n]=s}(t),arguments)}function r(e,t){return n.apply(null,[e].concat(t||[]))}var i=Object.create(null);void 0!==t&&(t.sprintf=n,t.vsprintf=r),\"undefined\"!=typeof window&&(window.sprintf=n,window.vsprintf=r,\"function\"==typeof define&&define.amd&&define(function(){return{sprintf:n,vsprintf:r}}))}()},\n", + " function _(e,n,t){\n", + " /*!\n", + " * numbro.js\n", + " * version : 1.6.2\n", + " * author : Företagsplatsen AB\n", + " * license : MIT\n", + " * http://www.foretagsplatsen.se\n", + " */\n", + " var r,i={},a=i,o=\"en-US\",l=null,u=\"0,0\";void 0!==n&&n.exports;function c(e){this._value=e}function s(e){var n,t=\"\";for(n=0;n-1?function(e,n){var t,r,i,a;return t=(a=e.toString()).split(\"e\")[0],i=a.split(\"e\")[1],a=t.split(\".\")[0]+(r=t.split(\".\")[1]||\"\")+s(i-r.length),n>0&&(a+=\".\"+s(n)),a}(e,n):(t(e*o)/o).toFixed(n),r&&(i=new RegExp(\"0{1,\"+r+\"}$\"),a=a.replace(i,\"\")),a}function d(e,n,t){return n.indexOf(\"$\")>-1?function(e,n,t){var r,a,l=n,u=l.indexOf(\"$\"),c=l.indexOf(\"(\"),s=l.indexOf(\"+\"),f=l.indexOf(\"-\"),d=\"\",p=\"\";-1===l.indexOf(\"$\")?\"infix\"===i[o].currency.position?(p=i[o].currency.symbol,i[o].currency.spaceSeparated&&(p=\" \"+p+\" \")):i[o].currency.spaceSeparated&&(d=\" \"):l.indexOf(\" $\")>-1?(d=\" \",l=l.replace(\" $\",\"\")):l.indexOf(\"$ \")>-1?(d=\" \",l=l.replace(\"$ \",\"\")):l=l.replace(\"$\",\"\");if(a=h(e,l,t,p),-1===n.indexOf(\"$\"))switch(i[o].currency.position){case\"postfix\":a.indexOf(\")\")>-1?((a=a.split(\"\")).splice(-1,0,d+i[o].currency.symbol),a=a.join(\"\")):a=a+d+i[o].currency.symbol;break;case\"infix\":break;case\"prefix\":a.indexOf(\"(\")>-1||a.indexOf(\"-\")>-1?(a=a.split(\"\"),r=Math.max(c,f)+1,a.splice(r,0,i[o].currency.symbol+d),a=a.join(\"\")):a=i[o].currency.symbol+d+a;break;default:throw Error('Currency position should be among [\"prefix\", \"infix\", \"postfix\"]')}else u<=1?a.indexOf(\"(\")>-1||a.indexOf(\"+\")>-1||a.indexOf(\"-\")>-1?(a=a.split(\"\"),r=1,(u-1?((a=a.split(\"\")).splice(-1,0,d+i[o].currency.symbol),a=a.join(\"\")):a=a+d+i[o].currency.symbol;return a}(e,n,t):n.indexOf(\"%\")>-1?function(e,n,t){var r,i=\"\";e*=100,n.indexOf(\" %\")>-1?(i=\" \",n=n.replace(\" %\",\"\")):n=n.replace(\"%\",\"\");(r=h(e,n,t)).indexOf(\")\")>-1?((r=r.split(\"\")).splice(-1,0,i+\"%\"),r=r.join(\"\")):r=r+i+\"%\";return r}(e,n,t):n.indexOf(\":\")>-1?function(e){var n=Math.floor(e/60/60),t=Math.floor((e-60*n*60)/60),r=Math.round(e-60*n*60-60*t);return n+\":\"+(t<10?\"0\"+t:t)+\":\"+(r<10?\"0\"+r:r)}(e):h(e,n,t)}function h(e,n,t,r){var a,u,c,s,d,h,p,m,x,g,O,b,w,y,M,v,$,B=!1,E=!1,F=!1,k=\"\",U=!1,N=!1,S=!1,j=!1,D=!1,C=\"\",L=\"\",T=Math.abs(e),K=[\"B\",\"KiB\",\"MiB\",\"GiB\",\"TiB\",\"PiB\",\"EiB\",\"ZiB\",\"YiB\"],G=[\"B\",\"KB\",\"MB\",\"GB\",\"TB\",\"PB\",\"EB\",\"ZB\",\"YB\"],I=\"\",P=!1,R=!1;if(0===e&&null!==l)return l;if(!isFinite(e))return\"\"+e;if(0===n.indexOf(\"{\")){var W=n.indexOf(\"}\");if(-1===W)throw Error('Format should also contain a \"}\"');b=n.slice(1,W),n=n.slice(W+1)}else b=\"\";if(n.indexOf(\"}\")===n.length-1){var Y=n.indexOf(\"{\");if(-1===Y)throw Error('Format should also contain a \"{\"');w=n.slice(Y+1,-1),n=n.slice(0,Y+1)}else w=\"\";if(v=null===($=-1===n.indexOf(\".\")?n.match(/([0-9]+).*/):n.match(/([0-9]+)\\..*/))?-1:$[1].length,-1!==n.indexOf(\"-\")&&(P=!0),n.indexOf(\"(\")>-1?(B=!0,n=n.slice(1,-1)):n.indexOf(\"+\")>-1&&(E=!0,n=n.replace(/\\+/g,\"\")),n.indexOf(\"a\")>-1){if(g=n.split(\".\")[0].match(/[0-9]+/g)||[\"0\"],g=parseInt(g[0],10),U=n.indexOf(\"aK\")>=0,N=n.indexOf(\"aM\")>=0,S=n.indexOf(\"aB\")>=0,j=n.indexOf(\"aT\")>=0,D=U||N||S||j,n.indexOf(\" a\")>-1?(k=\" \",n=n.replace(\" a\",\"\")):n=n.replace(\"a\",\"\"),p=0===(p=(d=Math.floor(Math.log(T)/Math.LN10)+1)%3)?3:p,g&&0!==T&&(h=Math.floor(Math.log(T)/Math.LN10)+1-g,m=3*~~((Math.min(g,d)-p)/3),T/=Math.pow(10,m),-1===n.indexOf(\".\")&&g>3))for(n+=\"[.]\",M=(M=0===h?0:3*~~(h/3)-h)<0?M+3:M,a=0;a=Math.pow(10,12)&&!D||j?(k+=i[o].abbreviations.trillion,e/=Math.pow(10,12)):T=Math.pow(10,9)&&!D||S?(k+=i[o].abbreviations.billion,e/=Math.pow(10,9)):T=Math.pow(10,6)&&!D||N?(k+=i[o].abbreviations.million,e/=Math.pow(10,6)):(T=Math.pow(10,3)&&!D||U)&&(k+=i[o].abbreviations.thousand,e/=Math.pow(10,3)))}if(n.indexOf(\"b\")>-1)for(n.indexOf(\" b\")>-1?(C=\" \",n=n.replace(\" b\",\"\")):n=n.replace(\"b\",\"\"),s=0;s<=K.length;s++)if(u=Math.pow(1024,s),c=Math.pow(1024,s+1),e>=u&&e0&&(e/=u);break}if(n.indexOf(\"d\")>-1)for(n.indexOf(\" d\")>-1?(C=\" \",n=n.replace(\" d\",\"\")):n=n.replace(\"d\",\"\"),s=0;s<=G.length;s++)if(u=Math.pow(1e3,s),c=Math.pow(1e3,s+1),e>=u&&e0&&(e/=u);break}if(n.indexOf(\"o\")>-1&&(n.indexOf(\" o\")>-1?(L=\" \",n=n.replace(\" o\",\"\")):n=n.replace(\"o\",\"\"),i[o].ordinal&&(L+=i[o].ordinal(e))),n.indexOf(\"[.]\")>-1&&(F=!0,n=n.replace(\"[.]\",\".\")),x=e.toString().split(\".\")[0],O=n.split(\".\")[1],y=n.indexOf(\",\"),O){if(x=(I=-1!==O.indexOf(\"*\")?f(e,e.toString().split(\".\")[1].length,t):O.indexOf(\"[\")>-1?f(e,(O=(O=O.replace(\"]\",\"\")).split(\"[\"))[0].length+O[1].length,t,O[1].length):f(e,O.length,t)).split(\".\")[0],I.split(\".\")[1].length)I=(r?k+r:i[o].delimiters.decimal)+I.split(\".\")[1];else I=\"\";F&&0===Number(I.slice(1))&&(I=\"\")}else x=f(e,null,t);return x.indexOf(\"-\")>-1&&(x=x.slice(1),R=!0),x.length-1&&(x=x.toString().replace(/(\\d)(?=(\\d{3})+(?!\\d))/g,\"$1\"+i[o].delimiters.thousands)),0===n.indexOf(\".\")&&(x=\"\"),b+(n.indexOf(\"(\")2)&&(o.length<2?!!o[0].match(/^\\d+.*\\d$/)&&!o[0].match(u):1===o[0].length?!!o[0].match(/^\\d+$/)&&!o[0].match(u)&&!!o[1].match(/^\\d+$/):!!o[0].match(/^\\d+.*\\d$/)&&!o[0].match(u)&&!!o[1].match(/^\\d+$/)))))},n.exports={format:function(e,n,t,i){return null!=t&&t!==r.culture()&&r.setCulture(t),d(Number(e),null!=n?n:u,null==i?Math.round:i)}}},\n", + " function _(e,n,i){var t=e(113),r=e(110),a=e(205),s=e(257),c=e(258),_=e(261),m=e(262),k=e(260),o=function(e){function n(n){return e.call(this,n)||this}return t.__extends(n,e),n.init_DatetimeTicker=function(){this.override({num_minor_ticks:0,tickers:function(){return[new a.AdaptiveTicker({mantissas:[1,2,5],base:10,min_interval:0,max_interval:500*k.ONE_MILLI,num_minor_ticks:0}),new a.AdaptiveTicker({mantissas:[1,2,5,10,15,20,30],base:60,min_interval:k.ONE_SECOND,max_interval:30*k.ONE_MINUTE,num_minor_ticks:0}),new a.AdaptiveTicker({mantissas:[1,2,4,6,8,12],base:24,min_interval:k.ONE_HOUR,max_interval:12*k.ONE_HOUR,num_minor_ticks:0}),new c.DaysTicker({days:r.range(1,32)}),new c.DaysTicker({days:r.range(1,31,3)}),new c.DaysTicker({days:[1,8,15,22]}),new c.DaysTicker({days:[1,15]}),new _.MonthsTicker({months:r.range(0,12,1)}),new _.MonthsTicker({months:r.range(0,12,2)}),new _.MonthsTicker({months:r.range(0,12,4)}),new _.MonthsTicker({months:r.range(0,12,6)}),new m.YearsTicker({})]}})},n}(s.CompositeTicker);i.DatetimeTicker=o,o.__name__=\"DatetimeTicker\",o.init_DatetimeTicker()},\n", + " function _(t,e,i){var n=t(113),r=t(206),o=t(121),s=t(110),a=t(125),_=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_CompositeTicker=function(){this.define({tickers:[o.Array,[]]})},Object.defineProperty(e.prototype,\"min_intervals\",{get:function(){return this.tickers.map(function(t){return t.get_min_interval()})},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"max_intervals\",{get:function(){return this.tickers.map(function(t){return t.get_max_interval()})},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"min_interval\",{get:function(){return this.min_intervals[0]},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"max_interval\",{get:function(){return this.max_intervals[0]},enumerable:!0,configurable:!0}),e.prototype.get_best_ticker=function(t,e,i){var n,r=e-t,o=this.get_ideal_interval(t,e,i),_=[s.sorted_index(this.min_intervals,o)-1,s.sorted_index(this.max_intervals,o)],u=[this.min_intervals[_[0]],this.max_intervals[_[1]]].map(function(t){return Math.abs(i-r/t)});if(a.isEmpty(u.filter(function(t){return!isNaN(t)})))n=this.tickers[0];else{var c=_[s.argmin(u)];n=this.tickers[c]}return n},e.prototype.get_interval=function(t,e,i){return this.get_best_ticker(t,e,i).get_interval(t,e,i)},e.prototype.get_ticks_no_defaults=function(t,e,i,n){return this.get_best_ticker(t,e,n).get_ticks_no_defaults(t,e,i,n)},e}(r.ContinuousTicker);i.CompositeTicker=_,_.__name__=\"CompositeTicker\",_.init_CompositeTicker()},\n", + " function _(t,n,e){var i=t(113),r=t(259),a=t(260),o=t(121),s=t(110);var _=function(t){function n(n){return t.call(this,n)||this}return i.__extends(n,t),n.init_DaysTicker=function(){this.define({days:[o.Array,[]]}),this.override({num_minor_ticks:0})},n.prototype.initialize=function(){t.prototype.initialize.call(this);var n=this.days;n.length>1?this.interval=(n[1]-n[0])*a.ONE_DAY:this.interval=31*a.ONE_DAY},n.prototype.get_ticks_no_defaults=function(t,n,e,i){var r=function(t,n){var e=a.last_month_no_later_than(new Date(t)),i=a.last_month_no_later_than(new Date(n));i.setUTCMonth(i.getUTCMonth()+1);for(var r=[],o=e;r.push(a.copy_date(o)),o.setUTCMonth(o.getUTCMonth()+1),!(o>i););return r}(t,n),o=this.days,_=this.interval;return{major:s.concat(r.map(function(t){return function(t,n){for(var e=t.getUTCMonth(),i=[],r=0,s=o;r1?this.interval=(n[1]-n[0])*a.ONE_MONTH:this.interval=12*a.ONE_MONTH},n.prototype.get_ticks_no_defaults=function(t,n,e,r){var i=function(t,n){var e=a.last_year_no_later_than(new Date(t)),r=a.last_year_no_later_than(new Date(n));r.setUTCFullYear(r.getUTCFullYear()+1);for(var i=[],o=e;i.push(a.copy_date(o)),o.setUTCFullYear(o.getUTCFullYear()+1),!(o>r););return i}(t,n),o=this.months;return{major:l.concat(i.map(function(t){return o.map(function(n){var e=a.copy_date(t);return e.setUTCMonth(n),e})})).map(function(t){return t.getTime()}).filter(function(e){return t<=e&&e<=n}),minor:[]}},n}(i.SingleIntervalTicker);e.MonthsTicker=u,u.__name__=\"MonthsTicker\",u.init_MonthsTicker()},\n", + " function _(t,e,i){var n=t(113),r=t(204),a=t(259),_=t(260),c=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.interval=_.ONE_YEAR,this.basic_ticker=new r.BasicTicker({num_minor_ticks:0})},e.prototype.get_ticks_no_defaults=function(t,e,i,n){var r=_.last_year_no_later_than(new Date(t)).getUTCFullYear(),a=_.last_year_no_later_than(new Date(e)).getUTCFullYear();return{major:this.basic_ticker.get_ticks_no_defaults(r,a,i,n).major.map(function(t){return Date.UTC(t,0,1)}).filter(function(i){return t<=i&&i<=e}),minor:[]}},e}(a.SingleIntervalTicker);i.YearsTicker=c,c.__name__=\"YearsTicker\"},\n", + " function _(i,n,t){var e=i(113),o=i(243),r=i(248),u=i(264),s=i(265),_=function(i){function n(){return null!==i&&i.apply(this,arguments)||this}return e.__extends(n,i),n}(o.AxisView);t.LogAxisView=_,_.__name__=\"LogAxisView\";var c=function(i){function n(n){return i.call(this,n)||this}return e.__extends(n,i),n.init_LogAxis=function(){this.prototype.default_view=_,this.override({ticker:function(){return new s.LogTicker},formatter:function(){return new u.LogTickFormatter}})},n}(r.ContinuousAxis);t.LogAxis=c,c.__name__=\"LogAxis\",c.init_LogAxis()},\n", + " function _(t,i,r){var e=t(113),n=t(209),o=t(208),a=t(167),c=t(121),l=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_LogTickFormatter=function(){this.define({ticker:[c.Instance,null]})},i.prototype.initialize=function(){t.prototype.initialize.call(this),this.basic_formatter=new o.BasicTickFormatter,null==this.ticker&&a.logger.warn(\"LogTickFormatter not configured with a ticker, using default base of 10 (labels will be incorrect if ticker base is not 10)\")},i.prototype.doFormat=function(t,i){if(0==t.length)return[];for(var r=null!=this.ticker?this.ticker.base:10,e=!1,n=new Array(t.length),o=0,a=t.length;o0&&n[o]==n[o-1]){e=!0;break}return e?this.basic_formatter.doFormat(t,i):n},i}(n.TickFormatter);r.LogTickFormatter=l,l.__name__=\"LogTickFormatter\",l.init_LogTickFormatter()},\n", + " function _(t,r,n){var e=t(113),i=t(205),o=t(110),a=function(t){function r(r){return t.call(this,r)||this}return e.__extends(r,t),r.init_LogTicker=function(){this.override({mantissas:[1,5]})},r.prototype.get_ticks_no_defaults=function(t,r,n,e){var i,a=this.num_minor_ticks,u=[],f=this.base,h=Math.log(t)/Math.log(f),l=Math.log(r)/Math.log(f),c=l-h;if(isFinite(c))if(c<2){var s=this.get_interval(t,r,e),g=Math.floor(t/s),_=Math.ceil(r/s);if(i=o.range(g,_+1).filter(function(t){return 0!=t}).map(function(t){return t*s}).filter(function(n){return t<=n&&n<=r}),a>0&&i.length>0){for(var p=s/a,v=0,M=(y=o.range(0,a).map(function(t){return t*p})).slice(1);v0&&i.length>0){for(var y,A=Math.pow(f,x)/a,F=0,q=y=o.range(1,a+1).map(function(t){return t*A});F1?((e=i).width=arguments[0],e.height=arguments[1]):e=t||i,!(this instanceof r))return new r(e);this.width=e.width||i.width,this.height=e.height||i.height,this.enableMirroring=void 0!==e.enableMirroring?e.enableMirroring:i.enableMirroring,this.canvas=this,this.__document=e.document||document,e.ctx?this.__ctx=e.ctx:(this.__canvas=this.__document.createElement(\"canvas\"),this.__ctx=this.__canvas.getContext(\"2d\")),this.__setDefaultStyles(),this.__stack=[this.__getStyleState()],this.__groupStack=[],this.__root=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"svg\"),this.__root.setAttribute(\"version\",1.1),this.__root.setAttribute(\"xmlns\",\"http://www.w3.org/2000/svg\"),this.__root.setAttributeNS(\"http://www.w3.org/2000/xmlns/\",\"xmlns:xlink\",\"http://www.w3.org/1999/xlink\"),this.__root.setAttribute(\"width\",this.width),this.__root.setAttribute(\"height\",this.height),this.__ids={},this.__defs=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"defs\"),this.__root.appendChild(this.__defs),this.__currentElement=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"g\"),this.__root.appendChild(this.__currentElement)}).prototype.__createElement=function(t,e,r){void 0===e&&(e={});var i,n,s=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",t),a=Object.keys(e);for(r&&(s.setAttribute(\"fill\",\"none\"),s.setAttribute(\"stroke\",\"none\")),i=0;i0){\"path\"===this.__currentElement.nodeName&&(this.__currentElementsToStyle||(this.__currentElementsToStyle={element:e,children:[]}),this.__currentElementsToStyle.children.push(this.__currentElement),this.__applyCurrentDefaultPath());var r=this.__createElement(\"g\");e.appendChild(r),this.__currentElement=r}var i=this.__currentElement.getAttribute(\"transform\");i?i+=\" \":i=\"\",i+=t,this.__currentElement.setAttribute(\"transform\",i)},r.prototype.scale=function(t,e){void 0===e&&(e=t),this.__addTransform(a(\"scale({x},{y})\",{x:t,y:e}))},r.prototype.rotate=function(t){var e=180*t/Math.PI;this.__addTransform(a(\"rotate({angle},{cx},{cy})\",{angle:e,cx:0,cy:0}))},r.prototype.translate=function(t,e){this.__addTransform(a(\"translate({x},{y})\",{x:t,y:e}))},r.prototype.transform=function(t,e,r,i,n,s){this.__addTransform(a(\"matrix({a},{b},{c},{d},{e},{f})\",{a:t,b:e,c:r,d:i,e:n,f:s}))},r.prototype.beginPath=function(){var t;this.__currentDefaultPath=\"\",this.__currentPosition={},t=this.__createElement(\"path\",{},!0),this.__closestGroupOrSvg().appendChild(t),this.__currentElement=t},r.prototype.__applyCurrentDefaultPath=function(){var t=this.__currentElement;\"path\"===t.nodeName?t.setAttribute(\"d\",this.__currentDefaultPath):console.error(\"Attempted to apply path command to node\",t.nodeName)},r.prototype.__addPathCommand=function(t){this.__currentDefaultPath+=\" \",this.__currentDefaultPath+=t},r.prototype.moveTo=function(t,e){\"path\"!==this.__currentElement.nodeName&&this.beginPath(),this.__currentPosition={x:t,y:e},this.__addPathCommand(a(\"M {x} {y}\",{x:t,y:e}))},r.prototype.closePath=function(){this.__currentDefaultPath&&this.__addPathCommand(\"Z\")},r.prototype.lineTo=function(t,e){this.__currentPosition={x:t,y:e},this.__currentDefaultPath.indexOf(\"M\")>-1?this.__addPathCommand(a(\"L {x} {y}\",{x:t,y:e})):this.__addPathCommand(a(\"M {x} {y}\",{x:t,y:e}))},r.prototype.bezierCurveTo=function(t,e,r,i,n,s){this.__currentPosition={x:n,y:s},this.__addPathCommand(a(\"C {cp1x} {cp1y} {cp2x} {cp2y} {x} {y}\",{cp1x:t,cp1y:e,cp2x:r,cp2y:i,x:n,y:s}))},r.prototype.quadraticCurveTo=function(t,e,r,i){this.__currentPosition={x:r,y:i},this.__addPathCommand(a(\"Q {cpx} {cpy} {x} {y}\",{cpx:t,cpy:e,x:r,y:i}))};var l=function(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]};r.prototype.arcTo=function(t,e,r,i,n){var s=this.__currentPosition&&this.__currentPosition.x,a=this.__currentPosition&&this.__currentPosition.y;if(void 0!==s&&void 0!==a){if(n<0)throw new Error(\"IndexSizeError: The radius provided (\"+n+\") is negative.\");if(s===t&&a===e||t===r&&e===i||0===n)this.lineTo(t,e);else{var o=l([s-t,a-e]),h=l([r-t,i-e]);if(o[0]*h[1]!=o[1]*h[0]){var c=o[0]*h[0]+o[1]*h[1],p=Math.acos(Math.abs(c)),_=l([o[0]+h[0],o[1]+h[1]]),u=n/Math.sin(p/2),d=t+u*_[0],g=e+u*_[1],m=[-o[1],o[0]],f=[h[1],-h[0]],y=function(t){var e=t[0];return t[1]>=0?Math.acos(e):-Math.acos(e)},v=y(m),b=y(f);this.lineTo(d+m[0]*n,g+m[1]*n),this.arc(d,g,n,v,b)}else this.lineTo(t,e)}}},r.prototype.stroke=function(){\"path\"===this.__currentElement.nodeName&&this.__currentElement.setAttribute(\"paint-order\",\"fill stroke markers\"),this.__applyCurrentDefaultPath(),this.__applyStyleToCurrentElement(\"stroke\")},r.prototype.fill=function(){\"path\"===this.__currentElement.nodeName&&this.__currentElement.setAttribute(\"paint-order\",\"stroke fill markers\"),this.__applyCurrentDefaultPath(),this.__applyStyleToCurrentElement(\"fill\")},r.prototype.rect=function(t,e,r,i){\"path\"!==this.__currentElement.nodeName&&this.beginPath(),this.moveTo(t,e),this.lineTo(t+r,e),this.lineTo(t+r,e+i),this.lineTo(t,e+i),this.lineTo(t,e),this.closePath()},r.prototype.fillRect=function(t,e,r,i){var n;n=this.__createElement(\"rect\",{x:t,y:e,width:r,height:i},!0),this.__closestGroupOrSvg().appendChild(n),this.__currentElement=n,this.__applyStyleToCurrentElement(\"fill\")},r.prototype.strokeRect=function(t,e,r,i){var n;n=this.__createElement(\"rect\",{x:t,y:e,width:r,height:i},!0),this.__closestGroupOrSvg().appendChild(n),this.__currentElement=n,this.__applyStyleToCurrentElement(\"stroke\")},r.prototype.__clearCanvas=function(){for(var t=this.__closestGroupOrSvg().getAttribute(\"transform\"),e=this.__root.childNodes[1],r=e.childNodes,i=r.length-1;i>=0;i--)r[i]&&e.removeChild(r[i]);this.__currentElement=e,this.__groupStack=[],t&&this.__addTransform(t)},r.prototype.clearRect=function(t,e,r,i){if(0!==t||0!==e||r!==this.width||i!==this.height){var n,s=this.__closestGroupOrSvg();n=this.__createElement(\"rect\",{x:t,y:e,width:r,height:i,fill:\"#FFFFFF\"},!0),s.appendChild(n)}else this.__clearCanvas()},r.prototype.createLinearGradient=function(t,e,r,n){var s=this.__createElement(\"linearGradient\",{id:o(this.__ids),x1:t+\"px\",x2:r+\"px\",y1:e+\"px\",y2:n+\"px\",gradientUnits:\"userSpaceOnUse\"},!1);return this.__defs.appendChild(s),new i(s,this)},r.prototype.createRadialGradient=function(t,e,r,n,s,a){var h=this.__createElement(\"radialGradient\",{id:o(this.__ids),cx:n+\"px\",cy:s+\"px\",r:a+\"px\",fx:t+\"px\",fy:e+\"px\",gradientUnits:\"userSpaceOnUse\"},!1);return this.__defs.appendChild(h),new i(h,this)},r.prototype.__parseFont=function(){var t=/^\\s*(?=(?:(?:[-a-z]+\\s*){0,2}(italic|oblique))?)(?=(?:(?:[-a-z]+\\s*){0,2}(small-caps))?)(?=(?:(?:[-a-z]+\\s*){0,2}(bold(?:er)?|lighter|[1-9]00))?)(?:(?:normal|\\1|\\2|\\3)\\s*){0,3}((?:xx?-)?(?:small|large)|medium|smaller|larger|[.\\d]+(?:\\%|in|[cem]m|ex|p[ctx]))(?:\\s*\\/\\s*(normal|[.\\d]+(?:\\%|in|[cem]m|ex|p[ctx])))?\\s*([-,\\'\\\"\\sa-z0-9]+?)\\s*$/i.exec(this.font),e={style:t[1]||\"normal\",size:t[4]||\"10px\",family:t[6]||\"sans-serif\",weight:t[3]||\"normal\",decoration:t[2]||\"normal\",href:null};return\"underline\"===this.__fontUnderline&&(e.decoration=\"underline\"),this.__fontHref&&(e.href=this.__fontHref),e},r.prototype.__wrapTextLink=function(t,e){if(t.href){var r=this.__createElement(\"a\");return r.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",t.href),r.appendChild(e),r}return e},r.prototype.__applyText=function(t,e,r,i){var n,s,a=this.__parseFont(),o=this.__closestGroupOrSvg(),l=this.__createElement(\"text\",{\"font-family\":a.family,\"font-size\":a.size,\"font-style\":a.style,\"font-weight\":a.weight,\"text-decoration\":a.decoration,x:e,y:r,\"text-anchor\":(n=this.textAlign,s={left:\"start\",right:\"end\",center:\"middle\",start:\"start\",end:\"end\"},s[n]||s.start),\"dominant-baseline\":h(this.textBaseline)},!0);l.appendChild(this.__document.createTextNode(t)),this.__currentElement=l,this.__applyStyleToCurrentElement(i),o.appendChild(this.__wrapTextLink(a,l))},r.prototype.fillText=function(t,e,r){this.__applyText(t,e,r,\"fill\")},r.prototype.strokeText=function(t,e,r){this.__applyText(t,e,r,\"stroke\")},r.prototype.measureText=function(t){return this.__ctx.font=this.font,this.__ctx.measureText(t)},r.prototype.arc=function(t,e,r,i,n,s){if(i!==n){(i%=2*Math.PI)===(n%=2*Math.PI)&&(n=(n+2*Math.PI-.001*(s?-1:1))%(2*Math.PI));var o=t+r*Math.cos(n),h=e+r*Math.sin(n),l=t+r*Math.cos(i),c=e+r*Math.sin(i),p=s?0:1,_=0,u=n-i;u<0&&(u+=2*Math.PI),_=s?u>Math.PI?0:1:u>Math.PI?1:0,this.lineTo(l,c),this.__addPathCommand(a(\"A {rx} {ry} {xAxisRotation} {largeArcFlag} {sweepFlag} {endX} {endY}\",{rx:r,ry:r,xAxisRotation:0,largeArcFlag:_,sweepFlag:p,endX:o,endY:h})),this.__currentPosition={x:o,y:h}}},r.prototype.clip=function(){var t=this.__closestGroupOrSvg(),e=this.__createElement(\"clipPath\"),r=o(this.__ids),i=this.__createElement(\"g\");this.__applyCurrentDefaultPath(),t.removeChild(this.__currentElement),e.setAttribute(\"id\",r),e.appendChild(this.__currentElement),this.__defs.appendChild(e),t.setAttribute(\"clip-path\",a(\"url(#{id})\",{id:r})),t.appendChild(i),this.__currentElement=i},r.prototype.drawImage=function(){var t,e,i,n,s,a,o,h,l,c,p,_,u,d,g=Array.prototype.slice.call(arguments),m=g[0],f=0,y=0;if(3===g.length)t=g[1],e=g[2],i=s=m.width,n=a=m.height;else if(5===g.length)t=g[1],e=g[2],i=g[3],n=g[4],s=m.width,a=m.height;else{if(9!==g.length)throw new Error(\"Inavlid number of arguments passed to drawImage: \"+arguments.length);f=g[1],y=g[2],s=g[3],a=g[4],t=g[5],e=g[6],i=g[7],n=g[8]}o=this.__closestGroupOrSvg(),this.__currentElement;var v=\"translate(\"+t+\", \"+e+\")\";if(m instanceof r){if((h=m.getSvg().cloneNode(!0)).childNodes&&h.childNodes.length>1){for(l=h.childNodes[0];l.childNodes.length;)d=l.childNodes[0].getAttribute(\"id\"),this.__ids[d]=d,this.__defs.appendChild(l.childNodes[0]);if(c=h.childNodes[1]){var b,w=c.getAttribute(\"transform\");b=w?w+\" \"+v:v,c.setAttribute(\"transform\",b),o.appendChild(c)}}}else\"IMG\"===m.nodeName?((p=this.__createElement(\"image\")).setAttribute(\"width\",i),p.setAttribute(\"height\",n),p.setAttribute(\"preserveAspectRatio\",\"none\"),(f||y||s!==m.width||a!==m.height)&&((_=this.__document.createElement(\"canvas\")).width=i,_.height=n,(u=_.getContext(\"2d\")).drawImage(m,f,y,s,a,0,0,i,n),m=_),p.setAttribute(\"transform\",v),p.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",\"CANVAS\"===m.nodeName?m.toDataURL():m.getAttribute(\"src\")),o.appendChild(p)):\"CANVAS\"===m.nodeName&&((p=this.__createElement(\"image\")).setAttribute(\"width\",i),p.setAttribute(\"height\",n),p.setAttribute(\"preserveAspectRatio\",\"none\"),(_=this.__document.createElement(\"canvas\")).width=i,_.height=n,(u=_.getContext(\"2d\")).imageSmoothingEnabled=!1,u.mozImageSmoothingEnabled=!1,u.oImageSmoothingEnabled=!1,u.webkitImageSmoothingEnabled=!1,u.drawImage(m,f,y,s,a,0,0,i,n),m=_,p.setAttribute(\"transform\",v),p.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",m.toDataURL()),o.appendChild(p))},r.prototype.createPattern=function(t,e){var i,s=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"pattern\"),a=o(this.__ids);return s.setAttribute(\"id\",a),s.setAttribute(\"width\",t.width),s.setAttribute(\"height\",t.height),\"CANVAS\"===t.nodeName||\"IMG\"===t.nodeName?((i=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"image\")).setAttribute(\"width\",t.width),i.setAttribute(\"height\",t.height),i.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",\"CANVAS\"===t.nodeName?t.toDataURL():t.getAttribute(\"src\")),s.appendChild(i),this.__defs.appendChild(s)):t instanceof r&&(s.appendChild(t.__root.childNodes[1]),this.__defs.appendChild(s)),new n(s,this)},r.prototype.setLineDash=function(t){t&&t.length>0?this.lineDash=t.join(\",\"):this.lineDash=null},r.prototype.drawFocusRing=function(){},r.prototype.createImageData=function(){},r.prototype.getImageData=function(){},r.prototype.putImageData=function(){},r.prototype.globalCompositeOperation=function(){},r.prototype.setTransform=function(){},\"object\"==typeof window&&(window.C2S=r),\"object\"==typeof e&&\"object\"==typeof e.exports&&(e.exports=r)}()},\n", + " function _(e,t,a){var r=e(113),n=e(279),s=e(215),i=e(224),_=e(225),o=e(280),c=e(184),g=function(e){function t(t,a,r,n,s,i){void 0===s&&(s={}),void 0===i&&(i={});var _=e.call(this)||this;return _.x_scale=t,_.y_scale=a,_.x_range=r,_.y_range=n,_.extra_x_ranges=s,_.extra_y_ranges=i,_._configure_scales(),_}return r.__extends(t,e),t.prototype.map_to_screen=function(e,t,a,r){return void 0===a&&(a=\"default\"),void 0===r&&(r=\"default\"),[this.xscales[a].v_compute(e),this.yscales[r].v_compute(t)]},t.prototype._get_ranges=function(e,t){var a={};if(a.default=e,null!=t)for(var r in t)a[r]=t[r];return a},t.prototype._get_scales=function(e,t,a){var r={};for(var g in t){var l=t[g];if(l instanceof o.DataRange1d||l instanceof _.Range1d){if(!(e instanceof i.LogScale||e instanceof s.LinearScale))throw new Error(\"Range \"+l.type+\" is incompatible is Scale \"+e.type);if(e instanceof n.CategoricalScale)throw new Error(\"Range \"+l.type+\" is incompatible is Scale \"+e.type)}if(l instanceof c.FactorRange&&!(e instanceof n.CategoricalScale))throw new Error(\"Range \"+l.type+\" is incompatible is Scale \"+e.type);e instanceof i.LogScale&&l instanceof o.DataRange1d&&(l.scale_hint=\"log\");var f=e.clone();f.setv({source_range:l,target_range:a}),r[g]=f}return r},t.prototype._configure_frame_ranges=function(){this._h_target=new _.Range1d({start:this._left.value,end:this._right.value}),this._v_target=new _.Range1d({start:this._bottom.value,end:this._top.value})},t.prototype._configure_scales=function(){this._configure_frame_ranges(),this._x_ranges=this._get_ranges(this.x_range,this.extra_x_ranges),this._y_ranges=this._get_ranges(this.y_range,this.extra_y_ranges),this._xscales=this._get_scales(this.x_scale,this._x_ranges,this._h_target),this._yscales=this._get_scales(this.y_scale,this._y_ranges,this._v_target)},t.prototype._update_scales=function(){for(var e in this._configure_frame_ranges(),this._xscales){this._xscales[e].target_range=this._h_target}for(var e in this._yscales){this._yscales[e].target_range=this._v_target}},t.prototype._set_geometry=function(t,a){e.prototype._set_geometry.call(this,t,a),this._update_scales()},Object.defineProperty(t.prototype,\"x_ranges\",{get:function(){return this._x_ranges},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"y_ranges\",{get:function(){return this._y_ranges},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"xscales\",{get:function(){return this._xscales},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"yscales\",{get:function(){return this._yscales},enumerable:!0,configurable:!0}),t}(e(282).LayoutItem);a.CartesianFrame=g,g.__name__=\"CartesianFrame\"},\n", + " function _(t,e,c){var n=t(113),o=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.prototype.compute=function(e){return t.prototype.compute.call(this,this.source_range.synthetic(e))},e.prototype.v_compute=function(e){return t.prototype.v_compute.call(this,this.source_range.v_synthetic(e))},e}(t(215).LinearScale);c.CategoricalScale=o,o.__name__=\"CategoricalScale\"},\n", + " function _(t,i,n){var e=t(113),a=t(281),r=t(175),s=t(167),o=t(121),l=t(181),_=t(110),d=function(t){function i(i){var n=t.call(this,i)||this;return n._plot_bounds={},n.have_updated_interactively=!1,n}return e.__extends(i,t),i.init_DataRange1d=function(){this.define({start:[o.Number],end:[o.Number],range_padding:[o.Number,.1],range_padding_units:[o.PaddingUnits,\"percent\"],flipped:[o.Boolean,!1],follow:[o.StartEnd],follow_interval:[o.Number],default_span:[o.Number,2],only_visible:[o.Boolean,!1]}),this.internal({scale_hint:[o.String,\"auto\"]})},i.prototype.initialize=function(){t.prototype.initialize.call(this),this._initial_start=this.start,this._initial_end=this.end,this._initial_range_padding=this.range_padding,this._initial_range_padding_units=this.range_padding_units,this._initial_follow=this.follow,this._initial_follow_interval=this.follow_interval,this._initial_default_span=this.default_span},Object.defineProperty(i.prototype,\"min\",{get:function(){return Math.min(this.start,this.end)},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"max\",{get:function(){return Math.max(this.start,this.end)},enumerable:!0,configurable:!0}),i.prototype.computed_renderers=function(){var t=this.names,i=this.renderers;if(0==i.length)for(var n=0,e=this.plots;n0&&(i=i.filter(function(i){return _.includes(t,i.name)})),s.logger.debug(\"computed \"+i.length+\" renderers for DataRange1d \"+this.id);for(var o=0,l=i;ou&&(\"start\"==this.follow?a=e+h*u:\"end\"==this.follow&&(e=a-h*u)),[e,a]},i.prototype.update=function(t,i,n,e){if(!this.have_updated_interactively){var a=this.computed_renderers(),r=this._compute_plot_bounds(a,t);null!=e&&(r=this.adjust_bounds_for_aspect(r,e)),this._plot_bounds[n]=r;var s=this._compute_min_max(this._plot_bounds,i),o=s[0],l=s[1],_=this._compute_range(o,l),d=_[0],h=_[1];null!=this._initial_start&&(\"log\"==this.scale_hint?this._initial_start>0&&(d=this._initial_start):d=this._initial_start),null!=this._initial_end&&(\"log\"==this.scale_hint?this._initial_end>0&&(h=this._initial_end):h=this._initial_end);var u=[this.start,this.end],p=u[0],g=u[1];if(d!=p||h!=g){var f={};d!=p&&(f.start=d),h!=g&&(f.end=h),this.setv(f)}\"auto\"==this.bounds&&this.setv({bounds:[d,h]},{silent:!0}),this.change.emit()}},i.prototype.reset=function(){this.have_updated_interactively=!1,this.setv({range_padding:this._initial_range_padding,range_padding_units:this._initial_range_padding_units,follow:this._initial_follow,follow_interval:this._initial_follow_interval,default_span:this._initial_default_span},{silent:!0}),this.change.emit()},i}(a.DataRange);n.DataRange1d=d,d.__name__=\"DataRange1d\",d.init_DataRange1d()},\n", + " function _(n,a,e){var t=n(113),i=n(185),r=n(121),_=function(n){function a(a){return n.call(this,a)||this}return t.__extends(a,n),a.init_DataRange=function(){this.define({names:[r.Array,[]],renderers:[r.Array,[]]})},a}(i.Range);e.DataRange=_,_.__name__=\"DataRange\",_.init_DataRange()},\n", + " function _(a,o,t){var r=a(283);t.Sizeable=r.Sizeable;var e=a(284);t.Layoutable=e.Layoutable,t.LayoutItem=e.LayoutItem;var n=a(285);t.HStack=n.HStack,t.VStack=n.VStack,t.AnchorLayout=n.AnchorLayout;var c=a(286);t.Grid=c.Grid,t.Row=c.Row,t.Column=c.Column;var i=a(287);t.ContentBox=i.ContentBox,t.VariadicBox=i.VariadicBox},\n", + " function _(t,h,i){var e=Math.min,n=Math.max,o=function(){function t(t){void 0===t&&(t={}),this.width=null!=t.width?t.width:0,this.height=null!=t.height?t.height:0}return t.prototype.bounded_to=function(h){var i=h.width,e=h.height;return new t({width:this.width==1/0&&null!=i?i:this.width,height:this.height==1/0&&null!=e?e:this.height})},t.prototype.expanded_to=function(h){var i=h.width,e=h.height;return new t({width:i!=1/0?n(this.width,i):this.width,height:e!=1/0?n(this.height,e):this.height})},t.prototype.expand_to=function(t){var h=t.width,i=t.height;this.width=n(this.width,h),this.height=n(this.height,i)},t.prototype.narrowed_to=function(h){var i=h.width,n=h.height;return new t({width:e(this.width,i),height:e(this.height,n)})},t.prototype.narrow_to=function(t){var h=t.width,i=t.height;this.width=e(this.width,h),this.height=e(this.height,i)},t.prototype.grow_by=function(h){var i=h.left,e=h.right,n=h.top,o=h.bottom;return new t({width:this.width+i+e,height:this.height+n+o})},t.prototype.shrink_by=function(h){var i=h.left,e=h.right,o=h.top,r=h.bottom;return new t({width:n(this.width-i-e,0),height:n(this.height-o-r,0)})},t.prototype.map=function(h,i){return new t({width:h(this.width),height:(null!=i?i:h)(this.height)})},t}();i.Sizeable=o,o.__name__=\"Sizeable\"},\n", + " function _(i,t,e){var h=i(113),n=i(283),r=i(181),s=Math.min,o=Math.max,g=Math.round,u=function(){function i(){this._bbox=new r.BBox,this._inner_bbox=new r.BBox;var i=this;this._top={get value(){return i.bbox.top}},this._left={get value(){return i.bbox.left}},this._width={get value(){return i.bbox.width}},this._height={get value(){return i.bbox.height}},this._right={get value(){return i.bbox.right}},this._bottom={get value(){return i.bbox.bottom}},this._hcenter={get value(){return i.bbox.hcenter}},this._vcenter={get value(){return i.bbox.vcenter}}}return Object.defineProperty(i.prototype,\"bbox\",{get:function(){return this._bbox},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"inner_bbox\",{get:function(){return this._inner_bbox},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"sizing\",{get:function(){return this._sizing},enumerable:!0,configurable:!0}),i.prototype.set_sizing=function(i){var t=i.width_policy||\"fit\",e=i.width,h=null!=i.min_width?i.min_width:0,n=null!=i.max_width?i.max_width:1/0,r=i.height_policy||\"fit\",s=i.height,o=null!=i.min_height?i.min_height:0,g=null!=i.max_height?i.max_height:1/0,u=i.aspect,a=i.margin||{top:0,right:0,bottom:0,left:0},l=!1!==i.visible,_=i.halign||\"start\",d=i.valign||\"start\";this._sizing={width_policy:t,min_width:h,width:e,max_width:n,height_policy:r,min_height:o,height:s,max_height:g,aspect:u,margin:a,visible:l,halign:_,valign:d,size:{width:e,height:s},min_size:{width:h,height:o},max_size:{width:n,height:g}},this._init()},i.prototype._init=function(){},i.prototype._set_geometry=function(i,t){this._bbox=i,this._inner_bbox=t},i.prototype.set_geometry=function(i,t){this._set_geometry(i,t||i)},i.prototype.is_width_expanding=function(){return\"max\"==this.sizing.width_policy},i.prototype.is_height_expanding=function(){return\"max\"==this.sizing.height_policy},i.prototype.apply_aspect=function(i,t){var e=t.width,h=t.height,n=this.sizing.aspect;if(null!=n){var r=this.sizing,s=r.width_policy,o=r.height_policy;if(\"fixed\"!=s&&\"fixed\"!=o)if(s==o){var u=e,a=g(e/n),l=g(h*n),_=h;Math.abs(i.width-u)+Math.abs(i.height-a)<=Math.abs(i.width-l)+Math.abs(i.height-_)?(e=u,h=a):(e=l,h=_)}else!function(i,t){var e={max:4,fit:3,min:2,fixed:1};return e[i]>e[t]}(s,o)?e=g(h*n):h=g(e/n);else\"fixed\"==s?h=g(e/n):\"fixed\"==o&&(e=g(h*n))}return{width:e,height:h}},i.prototype.measure=function(i){var t=this;if(!this.sizing.visible)return{width:0,height:0};var e=function(i){return\"fixed\"==t.sizing.width_policy&&null!=t.sizing.width?t.sizing.width:i},h=function(i){return\"fixed\"==t.sizing.height_policy&&null!=t.sizing.height?t.sizing.height:i},r=new n.Sizeable(i).shrink_by(this.sizing.margin).map(e,h),s=this._measure(r),o=this.clip_size(s),g=e(o.width),u=h(o.height),a=this.apply_aspect(r,{width:g,height:u});return Object.assign(Object.assign({},s),a)},i.prototype.compute=function(i){void 0===i&&(i={});var t=this.measure({width:null!=i.width&&this.is_width_expanding()?i.width:1/0,height:null!=i.height&&this.is_height_expanding()?i.height:1/0}),e=t.width,h=t.height,n=new r.BBox({left:0,top:0,width:e,height:h}),s=void 0;if(null!=t.inner){var o=t.inner,g=o.left,u=o.top,a=o.right,l=o.bottom;s=new r.BBox({left:g,top:u,right:e-a,bottom:h-l})}this.set_geometry(n,s)},Object.defineProperty(i.prototype,\"xview\",{get:function(){return this.bbox.xview},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"yview\",{get:function(){return this.bbox.yview},enumerable:!0,configurable:!0}),i.prototype.clip_width=function(i){return o(this.sizing.min_width,s(i,this.sizing.max_width))},i.prototype.clip_height=function(i){return o(this.sizing.min_height,s(i,this.sizing.max_height))},i.prototype.clip_size=function(i){var t=i.width,e=i.height;return{width:this.clip_width(t),height:this.clip_height(e)}},i}();e.Layoutable=u,u.__name__=\"Layoutable\";var a=function(i){function t(){return null!==i&&i.apply(this,arguments)||this}return h.__extends(t,i),t.prototype._measure=function(i){var t,e,h=this.sizing,n=h.width_policy,r=h.height_policy;if(i.width==1/0)t=null!=this.sizing.width?this.sizing.width:0;else if(\"fixed\"==n)t=null!=this.sizing.width?this.sizing.width:0;else if(\"min\"==n)t=null!=this.sizing.width?s(i.width,this.sizing.width):0;else if(\"fit\"==n)t=null!=this.sizing.width?s(i.width,this.sizing.width):i.width;else{if(\"max\"!=n)throw new Error(\"unrechable\");t=null!=this.sizing.width?o(i.width,this.sizing.width):i.width}if(i.height==1/0)e=null!=this.sizing.height?this.sizing.height:0;else if(\"fixed\"==r)e=null!=this.sizing.height?this.sizing.height:0;else if(\"min\"==r)e=null!=this.sizing.height?s(i.height,this.sizing.height):0;else if(\"fit\"==r)e=null!=this.sizing.height?s(i.height,this.sizing.height):i.height;else{if(\"max\"!=r)throw new Error(\"unrechable\");e=null!=this.sizing.height?o(i.height,this.sizing.height):i.height}return{width:t,height:e}},t}(u);e.LayoutItem=a,a.__name__=\"LayoutItem\";var l=function(i){function t(){return null!==i&&i.apply(this,arguments)||this}return h.__extends(t,i),t.prototype._measure=function(i){var t=this,e=this._content_size(),h=i.bounded_to(this.sizing.size).bounded_to(e);return{width:function(){switch(t.sizing.width_policy){case\"fixed\":return null!=t.sizing.width?t.sizing.width:e.width;case\"min\":return e.width;case\"fit\":return h.width;case\"max\":return Math.max(e.width,h.width);default:throw new Error(\"unexpected\")}}(),height:function(){switch(t.sizing.height_policy){case\"fixed\":return null!=t.sizing.height?t.sizing.height:e.height;case\"min\":return e.height;case\"fit\":return h.height;case\"max\":return Math.max(e.height,h.height);default:throw new Error(\"unexpected\")}}()}},t}(u);e.ContentLayoutable=l,l.__name__=\"ContentLayoutable\"},\n", + " function _(t,e,r){var h=t(113),o=t(284),i=t(181),n=function(t){function e(){var e=t.apply(this,arguments)||this;return e.children=[],e}return h.__extends(e,t),e}(o.Layoutable);r.Stack=n,n.__name__=\"Stack\";var a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return h.__extends(e,t),e.prototype._measure=function(t){for(var e=0,r=0,h=0,o=this.children;h0)for(var A=l(j.height/O.length),M=0,P=O;M0)for(var S=l(j.width/C.length),E=0,G=C;E0)for(g=0;gy?y:m,_--}}}u=\"fixed\"==this.sizing.width_policy&&null!=this.sizing.width?this.sizing.width:t.width!=1/0&&this.is_width_expanding()?t.width:f.size.width;for(var v=0,x=0;x0)for(x=0;xj?j:m,_--}}}var O=this._measure_cells(function(t,i){return{width:f.col_widths[i],height:f.row_heights[t]}}),B=O.row_heights,A=O.col_widths,M=O.size_hints;return{size:this._measure_totals(B,A),row_heights:B,col_widths:A,size_hints:M}},i.prototype._measure=function(t){return this._measure_grid(t).size},i.prototype._set_geometry=function(i,e){t.prototype._set_geometry.call(this,i,e);for(var n=this._state,r=n.nrows,o=n.ncols,s=n.rspacing,h=n.cspacing,u=this._measure_grid(i),p=u.row_heights,g=u.col_widths,_=u.size_hints,d=this._state.rows.map(function(t,i){return Object.assign(Object.assign({},t),{top:0,height:p[i],get bottom(){return this.top+this.height}})}),w=this._state.cols.map(function(t,i){return Object.assign(Object.assign({},t),{left:0,width:g[i],get right(){return this.left+this.width}})}),y=_.map(function(t,i){return Object.assign(Object.assign({},i),{outer:new a.BBox,inner:new a.BBox})}),m=0,v=this.absolute?i.top:0;m0?a.every(e,s.isBoolean)?(e.length!==n.get_length()&&r.logger.warn(\"BooleanFilter \"+this.id+\": length of booleans doesn't match data source\"),a.range(0,e.length).filter(function(n){return!0===e[n]})):(r.logger.warn(\"BooleanFilter \"+this.id+\": booleans should be array of booleans, defaulting to no filtering\"),null):(null!=e&&0==e.length?r.logger.warn(\"BooleanFilter \"+this.id+\": booleans is empty, defaulting to no filtering\"):r.logger.warn(\"BooleanFilter \"+this.id+\": booleans was not set, defaulting to no filtering\"),null)},e}(l.Filter);o.BooleanFilter=g,g.__name__=\"BooleanFilter\",g.init_BooleanFilter()},\n", + " function _(t,n,e){var i=t(113),r=t(166),l=t(121),o=t(109),a=t(110),f=t(167),u=function(t){function n(n){return t.call(this,n)||this}return i.__extends(n,t),n.init_Filter=function(){this.define({filter:[l.Array,null]})},n.prototype.compute_indices=function(t){var n=this.filter;return null!=n&&n.length>=0?o.isArrayOf(n,o.isBoolean)?a.range(0,n.length).filter(function(t){return!0===n[t]}):o.isArrayOf(n,o.isInteger)?n:(f.logger.warn(\"Filter \"+this.id+\": filter should either be array of only booleans or only integers, defaulting to no filtering\"),null):(f.logger.warn(\"Filter \"+this.id+\": filter was not set to be an array, defaulting to no filtering\"),null)},n}(r.Model);e.Filter=u,u.__name__=\"Filter\",u.init_Filter()},\n", + " function _(e,t,r){var i=e(113),n=e(294),s=e(121),o=e(125),u=e(127),c=function(t){function r(e){return t.call(this,e)||this}return i.__extends(r,t),r.init_CustomJSFilter=function(){this.define({args:[s.Any,{}],code:[s.String,\"\"],use_strict:[s.Boolean,!1]})},Object.defineProperty(r.prototype,\"names\",{get:function(){return o.keys(this.args)},enumerable:!0,configurable:!0}),Object.defineProperty(r.prototype,\"values\",{get:function(){return o.values(this.args)},enumerable:!0,configurable:!0}),Object.defineProperty(r.prototype,\"func\",{get:function(){var e=this.use_strict?u.use_strict(this.code):this.code;return new(Function.bind.apply(Function,i.__spreadArrays([void 0],this.names,[\"source\",\"require\",\"exports\",e])))},enumerable:!0,configurable:!0}),r.prototype.compute_indices=function(r){return this.filter=this.func.apply(this,i.__spreadArrays(this.values,[r,e,{}])),t.prototype.compute_indices.call(this,r)},r}(n.Filter);r.CustomJSFilter=c,c.__name__=\"CustomJSFilter\",c.init_CustomJSFilter()},\n", + " function _(n,i,t){var r=n(113),e=n(294),u=n(121),o=n(167),l=n(110),c=function(n){function i(i){var t=n.call(this,i)||this;return t.indices=null,t}return r.__extends(i,n),i.init_GroupFilter=function(){this.define({column_name:[u.String],group:[u.String]})},i.prototype.compute_indices=function(n){var i=this,t=n.get_column(this.column_name);return null==t?(o.logger.warn(\"group filter: groupby column not found in data source\"),null):(this.indices=l.range(0,n.get_length()||0).filter(function(n){return t[n]===i.group}),0===this.indices.length&&o.logger.warn(\"group filter: group '\"+this.group+\"' did not match any values in column '\"+this.column_name+\"'\"),this.indices)},i}(e.Filter);t.GroupFilter=c,c.__name__=\"GroupFilter\",c.init_GroupFilter()},\n", + " function _(i,n,e){var t=i(113),r=i(294),l=i(121),s=i(167),d=i(109),o=i(110),u=function(i){function n(n){return i.call(this,n)||this}return t.__extends(n,i),n.init_IndexFilter=function(){this.define({indices:[l.Array,null]})},n.prototype.compute_indices=function(i){return null!=this.indices&&this.indices.length>=0?o.every(this.indices,d.isInteger)?this.indices:(s.logger.warn(\"IndexFilter \"+this.id+\": indices should be array of integers, defaulting to no filtering\"),null):(s.logger.warn(\"IndexFilter \"+this.id+\": indices was not set, defaulting to no filtering\"),null)},n}(r.Filter);e.IndexFilter=u,u.__name__=\"IndexFilter\",u.init_IndexFilter()},\n", + " function _(r,t,a){var e=r(208);a.BasicTickFormatter=e.BasicTickFormatter;var c=r(247);a.CategoricalTickFormatter=c.CategoricalTickFormatter;var i=r(251);a.DatetimeTickFormatter=i.DatetimeTickFormatter;var o=r(299);a.FuncTickFormatter=o.FuncTickFormatter;var m=r(264);a.LogTickFormatter=m.LogTickFormatter;var F=r(267);a.MercatorTickFormatter=F.MercatorTickFormatter;var k=r(300);a.NumeralTickFormatter=k.NumeralTickFormatter;var T=r(301);a.PrintfTickFormatter=T.PrintfTickFormatter;var v=r(209);a.TickFormatter=v.TickFormatter},\n", + " function _(t,e,r){var n=t(113),i=t(209),o=t(121),c=t(125),u=t(127),a=function(e){function r(t){return e.call(this,t)||this}return n.__extends(r,e),r.init_FuncTickFormatter=function(){this.define({args:[o.Any,{}],code:[o.String,\"\"],use_strict:[o.Boolean,!1]})},Object.defineProperty(r.prototype,\"names\",{get:function(){return c.keys(this.args)},enumerable:!0,configurable:!0}),Object.defineProperty(r.prototype,\"values\",{get:function(){return c.values(this.args)},enumerable:!0,configurable:!0}),r.prototype._make_func=function(){var t=this.use_strict?u.use_strict(this.code):this.code;return new(Function.bind.apply(Function,n.__spreadArrays([void 0,\"tick\",\"index\",\"ticks\"],this.names,[\"require\",\"exports\",t])))},r.prototype.doFormat=function(e,r){var i=this,o=this._make_func().bind({});return e.map(function(e,r,c){return o.apply(void 0,n.__spreadArrays([e,r,c],i.values,[t,{}]))})},r}(i.TickFormatter);r.FuncTickFormatter=a,a.__name__=\"FuncTickFormatter\",a.init_FuncTickFormatter()},\n", + " function _(n,r,t){var e=n(113),o=n(255),i=n(209),a=n(121),u=function(n){function r(r){return n.call(this,r)||this}return e.__extends(r,n),r.init_NumeralTickFormatter=function(){this.define({format:[a.String,\"0,0\"],language:[a.String,\"en\"],rounding:[a.RoundingFunction,\"round\"]})},Object.defineProperty(r.prototype,\"_rounding_fn\",{get:function(){switch(this.rounding){case\"round\":case\"nearest\":return Math.round;case\"floor\":case\"rounddown\":return Math.floor;case\"ceil\":case\"roundup\":return Math.ceil}},enumerable:!0,configurable:!0}),r.prototype.doFormat=function(n,r){var t=this.format,e=this.language,i=this._rounding_fn;return n.map(function(n){return o.format(n,t,e,i)})},r}(i.TickFormatter);t.NumeralTickFormatter=u,u.__name__=\"NumeralTickFormatter\",u.init_NumeralTickFormatter()},\n", + " function _(t,r,n){var i=t(113),o=t(209),e=t(253),f=t(121),a=function(t){function r(r){return t.call(this,r)||this}return i.__extends(r,t),r.init_PrintfTickFormatter=function(){this.define({format:[f.String,\"%s\"]})},r.prototype.doFormat=function(t,r){var n=this;return t.map(function(t){return e.sprintf(n.format,t)})},r}(o.TickFormatter);n.PrintfTickFormatter=a,a.__name__=\"PrintfTickFormatter\",a.init_PrintfTickFormatter()},\n", + " function _(a,e,r){var v=a(303);r.AnnularWedge=v.AnnularWedge;var l=a(304);r.Annulus=l.Annulus;var t=a(305);r.Arc=t.Arc;var i=a(306);r.Bezier=i.Bezier;var n=a(307);r.Circle=n.Circle;var u=a(308);r.CenterRotatable=u.CenterRotatable;var g=a(309);r.Ellipse=g.Ellipse;var c=a(310);r.EllipseOval=c.EllipseOval;var A=a(182);r.Glyph=A.Glyph;var p=a(188);r.HArea=p.HArea;var s=a(311);r.HBar=s.HBar;var R=a(313);r.HexTile=R.HexTile;var d=a(314);r.Image=d.Image;var h=a(316);r.ImageRGBA=h.ImageRGBA;var m=a(317);r.ImageURL=m.ImageURL;var y=a(177);r.Line=y.Line;var B=a(319);r.MultiLine=B.MultiLine;var o=a(320);r.MultiPolygons=o.MultiPolygons;var G=a(321);r.Oval=G.Oval;var H=a(187);r.Patch=H.Patch;var I=a(322);r.Patches=I.Patches;var L=a(323);r.Quad=L.Quad;var P=a(324);r.Quadratic=P.Quadratic;var x=a(325);r.Ray=x.Ray;var C=a(326);r.Rect=C.Rect;var E=a(327);r.Segment=E.Segment;var M=a(328);r.Step=M.Step;var O=a(329);r.Text=O.Text;var Q=a(190);r.VArea=Q.VArea;var S=a(330);r.VBar=S.VBar;var T=a(331);r.Wedge=T.Wedge;var V=a(178);r.XYGlyph=V.XYGlyph},\n", + " function _(t,e,i){var r=t(113),s=t(178),n=t(186),a=t(183),_=t(121),h=t(111),o=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(e,t),e.prototype._map_data=function(){\"data\"==this.model.properties.inner_radius.units?this.sinner_radius=this.sdist(this.renderer.xscale,this._x,this._inner_radius):this.sinner_radius=this._inner_radius,\"data\"==this.model.properties.outer_radius.units?this.souter_radius=this.sdist(this.renderer.xscale,this._x,this._outer_radius):this.souter_radius=this._outer_radius,this._angle=new Float32Array(this._start_angle.length);for(var t=0,e=this._start_angle.length;t=A&&v.push([m,z])}for(var S=this.model.properties.direction.value(),D=[],V=0,b=v;V=M&&v.push([m,g])}return a.create_hit_test_result_from_hits(v)},r.prototype.draw_legend_for_index=function(i,r,t){var s=r.x0,e=r.y0,a=r.x1,n=r.y1,u=t+1,_=new Array(u);_[t]=(s+a)/2;var h=new Array(u);h[t]=(e+n)/2;var o=.5*Math.min(Math.abs(a-s),Math.abs(n-e)),d=new Array(u);d[t]=.4*o;var l=new Array(u);l[t]=.8*o,this._render(i,[t],{sx:_,sy:h,sinner_radius:d,souter_radius:l})},r}(e.XYGlyphView);t.AnnulusView=_,_.__name__=\"AnnulusView\";var h=function(i){function r(r){return i.call(this,r)||this}return s.__extends(r,i),r.init_Annulus=function(){this.prototype.default_view=_,this.mixins([\"line\",\"fill\"]),this.define({inner_radius:[n.DistanceSpec],outer_radius:[n.DistanceSpec]})},r}(e.XYGlyph);t.Annulus=h,h.__name__=\"Annulus\",h.init_Annulus()},\n", + " function _(i,e,t){var n=i(113),s=i(178),r=i(186),a=i(121),_=function(i){function e(){return null!==i&&i.apply(this,arguments)||this}return n.__extends(e,i),e.prototype._map_data=function(){\"data\"==this.model.properties.radius.units?this.sradius=this.sdist(this.renderer.xscale,this._x,this._radius):this.sradius=this._radius},e.prototype._render=function(i,e,t){var n=t.sx,s=t.sy,r=t.sradius,a=t._start_angle,_=t._end_angle;if(this.visuals.line.doit)for(var o=this.model.properties.direction.value(),c=0,l=e;c1?(p[e]=d,x[e]=d/o):(p[e]=d*o,x[e]=d),this._render(t,[e],{sx:_,sy:l,sw:p,sh:x,_angle:[0]})},i.prototype._bounds=function(t){var i=t.x0,e=t.x1,s=t.y0,h=t.y1;return{x0:i-this.max_w2,x1:e+this.max_w2,y0:s-this.max_h2,y1:h+this.max_h2}},i}(h.CenterRotatableView);e.EllipseOvalView=a,a.__name__=\"EllipseOvalView\";var n=function(t){function i(i){return t.call(this,i)||this}return s.__extends(i,t),i}(h.CenterRotatable);e.EllipseOval=n,n.__name__=\"EllipseOval\"},\n", + " function _(t,i,e){var s=t(113),h=t(312),r=t(121),n=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return s.__extends(i,t),i.prototype.scenterx=function(t){return(this.sleft[t]+this.sright[t])/2},i.prototype.scentery=function(t){return this.sy[t]},i.prototype._index_data=function(){return this._index_box(this._y.length)},i.prototype._lrtb=function(t){return[Math.min(this._left[t],this._right[t]),Math.max(this._left[t],this._right[t]),this._y[t]+.5*this._height[t],this._y[t]-.5*this._height[t]]},i.prototype._map_data=function(){this.sy=this.renderer.yscale.v_compute(this._y),this.sh=this.sdist(this.renderer.yscale,this._y,this._height,\"center\"),this.sleft=this.renderer.xscale.v_compute(this._left),this.sright=this.renderer.xscale.v_compute(this._right);var t=this.sy.length;this.stop=new Float64Array(t),this.sbottom=new Float64Array(t);for(var i=0;i0){i=this._image[t];var n=this._image_shape[t];this._height[t]=n[0],this._width[t]=n[1]}else{var r=this._image[t];i=s.concat(r),this._height[t]=r.length,this._width[t]=r[0].length}var _=e.v_compute(i);this._set_image_data_from_buffer(t,_)}},t.prototype._render=function(e,t,a){var i=a.image_data,n=a.sx,r=a.sy,_=a.sw,s=a.sh,o=e.getImageSmoothingEnabled();e.setImageSmoothingEnabled(!1),e.globalAlpha=this.model.global_alpha;for(var h=0,l=t;h0){i=this._image[t].buffer;var n=this._image_shape[t];this._height[t]=n[0],this._width[t]=n[1]}else{var h=this._image[t],s=r.concat(h);i=new ArrayBuffer(4*s.length);for(var _=new Uint32Array(i),l=0,o=s.length;l0&&(_[l]=u)}return h.indices=o.keys(_).map(function(t){return parseInt(t,10)}),h.multiline_indices=_,h},e.prototype.get_interpolation_hit=function(t,e,i){var n=[this._xs[t][e],this._ys[t][e],this._xs[t][e+1],this._ys[t][e+1]],s=n[0],r=n[1],o=n[2],h=n[3];return a.line_interpolation(this.renderer,i,s,r,o,h)},e.prototype.draw_legend_for_index=function(t,e,i){a.generic_line_legend(this.visuals,t,e,i)},e.prototype.scenterx=function(){throw new Error(\"not implemented\")},e.prototype.scentery=function(){throw new Error(\"not implemented\")},e}(l.GlyphView);i.MultiLineView=u,u.__name__=\"MultiLineView\";var p=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_MultiLine=function(){this.prototype.default_view=u,this.coords([[\"xs\",\"ys\"]]),this.mixins([\"line\"])},e}(l.Glyph);i.MultiLine=p,p.__name__=\"MultiLine\",p.init_MultiLine()},\n", + " function _(t,i,e){var n=t(113),r=t(179),s=t(182),o=t(186),h=t(110),a=t(114),l=t(183),_=t(109),u=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(i,t),i.prototype._index_data=function(){for(var t=[],i=0,e=this._xs.length;i1)for(var o=1,a=this._xs[i][n].length;o1){for(var c=!1,x=1;x0;){var r=_.find_last_index(s,function(t){return h.isStrictNaN(t)}),o=void 0;r>=0?o=s.splice(r):(o=s,s=[]);var a=o.filter(function(t){return!h.isStrictNaN(t)});e[i].push(a)}}return e},e.prototype._index_data=function(){for(var t=this._build_discontinuous_object(this._xs),e=this._build_discontinuous_object(this._ys),i=[],n=0,r=this._xs.length;n=0,m=i-this.sy1[n]<=this.sh[n]&&i-this.sy1[n]>=0;m&&w&&p.push(n)}var M=a.create_empty_hit_test_result();return M.indices=p,M},s.prototype._map_dist_corner_for_data_side_length=function(t,s,i){for(var e=t.length,h=new Float64Array(e),r=new Float64Array(e),a=0;a1&&(e.stroke(),d=!1)}d?(e.lineTo(b,m),e.lineTo(g,w)):(e.beginPath(),e.moveTo(_[v],u[v]),d=!0),f=v}e.lineTo(_[h-1],u[h-1]),e.stroke()}},t.prototype.draw_legend_for_index=function(e,t,i){r.generic_line_legend(this.visuals,e,t,i)},t}(o.XYGlyphView);i.StepView=a,a.__name__=\"StepView\";var l=function(e){function t(t){return e.call(this,t)||this}return n.__extends(t,e),t.init_Step=function(){this.prototype.default_view=a,this.mixins([\"line\"]),this.define({mode:[s.StepMode,\"before\"]})},t}(o.XYGlyph);i.Step=l,l.__name__=\"Step\",l.init_Step()},\n", + " function _(t,e,s){var i=t(113),n=t(178),r=t(183),_=t(121),o=t(226),h=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return i.__extends(e,t),e.prototype._rotate_point=function(t,e,s,i,n){return[(t-s)*Math.cos(n)-(e-i)*Math.sin(n)+s,(t-s)*Math.sin(n)+(e-i)*Math.cos(n)+i]},e.prototype._text_bounds=function(t,e,s,i){return[[t,t+s,t+s,t,t],[e,e,e-i,e-i,e]]},e.prototype._render=function(t,e,s){var i=s.sx,n=s.sy,r=s._x_offset,_=s._y_offset,h=s._angle,a=s._text;this._sys=[],this._sxs=[];for(var u=0,l=e;uo[1]&&(n=o[1]);else{i=o[0],n=o[1];for(var _=0,s=this.plot_view.axis_views;_0||v>0)return{width:y>0?y:void 0,height:v>0?v:void 0}}return{}})},i.prototype.serializable_state=function(){return Object.assign(Object.assign({},t.prototype.serializable_state.call(this)),{bbox:this.layout.bbox.box,children:this.child_views.map(function(t){return t.serializable_state()})})},i}(_.DOMView);e.LayoutDOMView=d,d.__name__=\"LayoutDOMView\";var c=function(t){function i(i){return t.call(this,i)||this}return o.__extends(i,t),i.init_LayoutDOM=function(){this.define({width:[h.Number,null],height:[h.Number,null],min_width:[h.Number,null],min_height:[h.Number,null],max_width:[h.Number,null],max_height:[h.Number,null],margin:[h.Any,[0,0,0,0]],width_policy:[h.Any,\"auto\"],height_policy:[h.Any,\"auto\"],aspect_ratio:[h.Any,null],sizing_mode:[h.SizingMode,null],visible:[h.Boolean,!0],disabled:[h.Boolean,!1],align:[h.Any,\"start\"],background:[h.Color,null],css_classes:[h.Array,[]]})},i}(n.Model);e.LayoutDOM=c,c.__name__=\"LayoutDOM\",c.init_LayoutDOM()},\n", + " function _(t,n,i){var o=t(113),u=t(338),e=t(286),s=t(121),l=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return o.__extends(n,t),n.prototype._update_layout=function(){var t=this.child_views.map(function(t){return t.layout});this.layout=new e.Column(t),this.layout.rows=this.model.rows,this.layout.spacing=[this.model.spacing,0],this.layout.set_sizing(this.box_sizing())},n}(u.BoxView);i.ColumnView=l,l.__name__=\"ColumnView\";var _=function(t){function n(n){return t.call(this,n)||this}return o.__extends(n,t),n.init_Column=function(){this.prototype.default_view=l,this.define({rows:[s.Any,\"auto\"]})},n}(u.Box);i.Column=_,_.__name__=\"Column\",_.init_Column()},\n", + " function _(t,i,n){var o=t(113),e=t(339),r=t(286),s=t(121),l=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return o.__extends(i,t),i.prototype.connect_signals=function(){var i=this;t.prototype.connect_signals.call(this),this.connect(this.model.properties.children.change,function(){return i.rebuild()})},Object.defineProperty(i.prototype,\"child_models\",{get:function(){return this.model.children.map(function(t){return t[0]})},enumerable:!0,configurable:!0}),i.prototype._update_layout=function(){this.layout=new r.Grid,this.layout.rows=this.model.rows,this.layout.cols=this.model.cols,this.layout.spacing=this.model.spacing;for(var t=0,i=this.model.children;tr?(this.wrapper_el.style.maxWidth=r-a.width+\"px\",l.display(this.scroll_el)):(this.wrapper_el.style.maxWidth=\"\",l.undisplay(this.scroll_el))}else{var n=this.header.bbox.height;s.height>n?(this.wrapper_el.style.maxHeight=n-a.height+\"px\",l.display(this.scroll_el)):(this.wrapper_el.style.maxHeight=\"\",l.undisplay(this.scroll_el))}for(var h=this.child_views,o=0,c=h;oi-1&&(t.model.active=i-1)}}),s.appendChild(n)}return s});this.headers_el=l.div({class:[d.bk_headers]},n),this.wrapper_el=l.div({class:d.bk_headers_wrapper},this.headers_el);var h=l.div({class:[_.bk_btn,_.bk_btn_default],disabled:\"\"},l.div({class:[u.bk_caret,c.bk_left]})),o=l.div({class:[_.bk_btn,_.bk_btn_default]},l.div({class:[u.bk_caret,c.bk_right]})),p=0,b=function(e){return function(){var i=t.model.tabs.length;0==(p=\"left\"==e?Math.max(p-1,0):Math.min(p+1,i-1))?h.setAttribute(\"disabled\",\"\"):h.removeAttribute(\"disabled\"),p==i-1?o.setAttribute(\"disabled\",\"\"):o.removeAttribute(\"disabled\");var a=l.children(t.headers_el).slice(0,p).map(function(e){return e.getBoundingClientRect()});if(s){var n=-r.sum(a.map(function(e){return e.width}));t.headers_el.style.left=n+\"px\"}else{var c=-r.sum(a.map(function(e){return e.height}));t.headers_el.style.top=c+\"px\"}}};h.addEventListener(\"click\",b(\"left\")),o.addEventListener(\"click\",b(\"right\")),this.scroll_el=l.div({class:_.bk_btn_group},h,o),this.header_el=l.div({class:[d.bk_tabs_header,c.bk_side(a)]},this.scroll_el,this.wrapper_el),this.el.appendChild(this.header_el)},t.prototype.change_active=function(e){e!=this.model.active&&(this.model.active=e,null!=this.model.callback&&this.model.callback.execute(this.model))},t.prototype.on_active_change=function(){for(var e=this.model.active,t=l.children(this.headers_el),i=0,a=t;i .bk-btn {\\n flex-grow: 0;\\n -webkit-flex-grow: 0;\\n height: auto;\\n padding: 4px 4px;\\n}\\n.bk-root .bk-tabs-header .bk-headers-wrapper {\\n flex-grow: 1;\\n -webkit-flex-grow: 1;\\n overflow: hidden;\\n color: #666666;\\n}\\n.bk-root .bk-tabs-header.bk-above .bk-headers-wrapper {\\n border-bottom: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-right .bk-headers-wrapper {\\n border-left: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-below .bk-headers-wrapper {\\n border-top: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-left .bk-headers-wrapper {\\n border-right: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-above,\\n.bk-root .bk-tabs-header.bk-below {\\n flex-direction: row;\\n -webkit-flex-direction: row;\\n}\\n.bk-root .bk-tabs-header.bk-above .bk-headers,\\n.bk-root .bk-tabs-header.bk-below .bk-headers {\\n flex-direction: row;\\n -webkit-flex-direction: row;\\n}\\n.bk-root .bk-tabs-header.bk-left,\\n.bk-root .bk-tabs-header.bk-right {\\n flex-direction: column;\\n -webkit-flex-direction: column;\\n}\\n.bk-root .bk-tabs-header.bk-left .bk-headers,\\n.bk-root .bk-tabs-header.bk-right .bk-headers {\\n flex-direction: column;\\n -webkit-flex-direction: column;\\n}\\n.bk-root .bk-tabs-header .bk-headers {\\n position: relative;\\n display: flex;\\n display: -webkit-flex;\\n flex-wrap: nowrap;\\n -webkit-flex-wrap: nowrap;\\n align-items: center;\\n -webkit-align-items: center;\\n}\\n.bk-root .bk-tabs-header .bk-tab {\\n padding: 4px 8px;\\n border: solid transparent;\\n white-space: nowrap;\\n cursor: pointer;\\n}\\n.bk-root .bk-tabs-header .bk-tab:hover {\\n background-color: #f2f2f2;\\n}\\n.bk-root .bk-tabs-header .bk-tab.bk-active {\\n color: #4d4d4d;\\n background-color: white;\\n border-color: #e6e6e6;\\n}\\n.bk-root .bk-tabs-header .bk-tab .bk-close {\\n margin-left: 10px;\\n}\\n.bk-root .bk-tabs-header.bk-above .bk-tab {\\n border-width: 3px 1px 0px 1px;\\n border-radius: 4px 4px 0 0;\\n}\\n.bk-root .bk-tabs-header.bk-right .bk-tab {\\n border-width: 1px 3px 1px 0px;\\n border-radius: 0 4px 4px 0;\\n}\\n.bk-root .bk-tabs-header.bk-below .bk-tab {\\n border-width: 0px 1px 3px 1px;\\n border-radius: 0 0 4px 4px;\\n}\\n.bk-root .bk-tabs-header.bk-left .bk-tab {\\n border-width: 1px 0px 1px 3px;\\n border-radius: 4px 0 0 4px;\\n}\\n.bk-root .bk-close {\\n display: inline-block;\\n width: 10px;\\n height: 10px;\\n vertical-align: middle;\\n background-image: url(\\'data:image/svg+xml;utf8,\\\\\\n \\\\\\n \\\\\\n \\\\\\n \\');\\n}\\n.bk-root .bk-close:hover {\\n background-image: url(\\'data:image/svg+xml;utf8,\\\\\\n \\\\\\n \\\\\\n \\\\\\n \\');\\n}\\n'),n.bk_tabs_header=\"bk-tabs-header\",n.bk_headers_wrapper=\"bk-headers-wrapper\",n.bk_headers=\"bk-headers\",n.bk_tab=\"bk-tab\",n.bk_close=\"bk-close\"},\n", + " function _(n,b,o){n(164),n(163).styles.append(\".bk-root .bk-btn {\\n height: 100%;\\n display: inline-block;\\n text-align: center;\\n vertical-align: middle;\\n white-space: nowrap;\\n cursor: pointer;\\n padding: 6px 12px;\\n font-size: 12px;\\n border: 1px solid transparent;\\n border-radius: 4px;\\n outline: 0;\\n user-select: none;\\n -ms-user-select: none;\\n -moz-user-select: none;\\n -webkit-user-select: none;\\n}\\n.bk-root .bk-btn:hover,\\n.bk-root .bk-btn:focus {\\n text-decoration: none;\\n}\\n.bk-root .bk-btn:active,\\n.bk-root .bk-btn.bk-active {\\n background-image: none;\\n box-shadow: inset 0 3px 5px rgba(0, 0, 0, 0.125);\\n}\\n.bk-root .bk-btn[disabled] {\\n cursor: not-allowed;\\n pointer-events: none;\\n opacity: 0.65;\\n box-shadow: none;\\n}\\n.bk-root .bk-btn-default {\\n color: #333;\\n background-color: #fff;\\n border-color: #ccc;\\n}\\n.bk-root .bk-btn-default:hover {\\n background-color: #f5f5f5;\\n border-color: #b8b8b8;\\n}\\n.bk-root .bk-btn-default.bk-active {\\n background-color: #ebebeb;\\n border-color: #adadad;\\n}\\n.bk-root .bk-btn-default[disabled],\\n.bk-root .bk-btn-default[disabled]:hover,\\n.bk-root .bk-btn-default[disabled]:focus,\\n.bk-root .bk-btn-default[disabled]:active,\\n.bk-root .bk-btn-default[disabled].bk-active {\\n background-color: #e6e6e6;\\n border-color: #ccc;\\n}\\n.bk-root .bk-btn-primary {\\n color: #fff;\\n background-color: #428bca;\\n border-color: #357ebd;\\n}\\n.bk-root .bk-btn-primary:hover {\\n background-color: #3681c1;\\n border-color: #2c699e;\\n}\\n.bk-root .bk-btn-primary.bk-active {\\n background-color: #3276b1;\\n border-color: #285e8e;\\n}\\n.bk-root .bk-btn-primary[disabled],\\n.bk-root .bk-btn-primary[disabled]:hover,\\n.bk-root .bk-btn-primary[disabled]:focus,\\n.bk-root .bk-btn-primary[disabled]:active,\\n.bk-root .bk-btn-primary[disabled].bk-active {\\n background-color: #506f89;\\n border-color: #357ebd;\\n}\\n.bk-root .bk-btn-success {\\n color: #fff;\\n background-color: #5cb85c;\\n border-color: #4cae4c;\\n}\\n.bk-root .bk-btn-success:hover {\\n background-color: #4eb24e;\\n border-color: #409240;\\n}\\n.bk-root .bk-btn-success.bk-active {\\n background-color: #47a447;\\n border-color: #398439;\\n}\\n.bk-root .bk-btn-success[disabled],\\n.bk-root .bk-btn-success[disabled]:hover,\\n.bk-root .bk-btn-success[disabled]:focus,\\n.bk-root .bk-btn-success[disabled]:active,\\n.bk-root .bk-btn-success[disabled].bk-active {\\n background-color: #667b66;\\n border-color: #4cae4c;\\n}\\n.bk-root .bk-btn-warning {\\n color: #fff;\\n background-color: #f0ad4e;\\n border-color: #eea236;\\n}\\n.bk-root .bk-btn-warning:hover {\\n background-color: #eea43b;\\n border-color: #e89014;\\n}\\n.bk-root .bk-btn-warning.bk-active {\\n background-color: #ed9c28;\\n border-color: #d58512;\\n}\\n.bk-root .bk-btn-warning[disabled],\\n.bk-root .bk-btn-warning[disabled]:hover,\\n.bk-root .bk-btn-warning[disabled]:focus,\\n.bk-root .bk-btn-warning[disabled]:active,\\n.bk-root .bk-btn-warning[disabled].bk-active {\\n background-color: #c89143;\\n border-color: #eea236;\\n}\\n.bk-root .bk-btn-danger {\\n color: #fff;\\n background-color: #d9534f;\\n border-color: #d43f3a;\\n}\\n.bk-root .bk-btn-danger:hover {\\n background-color: #d5433e;\\n border-color: #bd2d29;\\n}\\n.bk-root .bk-btn-danger.bk-active {\\n background-color: #d2322d;\\n border-color: #ac2925;\\n}\\n.bk-root .bk-btn-danger[disabled],\\n.bk-root .bk-btn-danger[disabled]:hover,\\n.bk-root .bk-btn-danger[disabled]:focus,\\n.bk-root .bk-btn-danger[disabled]:active,\\n.bk-root .bk-btn-danger[disabled].bk-active {\\n background-color: #a55350;\\n border-color: #d43f3a;\\n}\\n.bk-root .bk-btn-group {\\n height: 100%;\\n display: flex;\\n display: -webkit-flex;\\n flex-wrap: nowrap;\\n -webkit-flex-wrap: nowrap;\\n align-items: center;\\n -webkit-align-items: center;\\n flex-direction: row;\\n -webkit-flex-direction: row;\\n}\\n.bk-root .bk-btn-group > .bk-btn {\\n flex-grow: 1;\\n -webkit-flex-grow: 1;\\n}\\n.bk-root .bk-btn-group > .bk-btn + .bk-btn {\\n margin-left: -1px;\\n}\\n.bk-root .bk-btn-group > .bk-btn:first-child:not(:last-child) {\\n border-bottom-right-radius: 0;\\n border-top-right-radius: 0;\\n}\\n.bk-root .bk-btn-group > .bk-btn:not(:first-child):last-child {\\n border-bottom-left-radius: 0;\\n border-top-left-radius: 0;\\n}\\n.bk-root .bk-btn-group > .bk-btn:not(:first-child):not(:last-child) {\\n border-radius: 0;\\n}\\n.bk-root .bk-btn-group .bk-dropdown-toggle {\\n flex: 0 0 0;\\n -webkit-flex: 0 0 0;\\n padding: 6px 6px;\\n}\\n\"),o.bk_btn=\"bk-btn\",o.bk_btn_group=\"bk-btn-group\",o.bk_btn_default=\"bk-btn-default\",o.bk_btn_primary=\"bk-btn-primary\",o.bk_btn_success=\"bk-btn-success\",o.bk_btn_warning=\"bk-btn-warning\",o.bk_btn_danger=\"bk-btn-danger\",o.bk_btn_type=function(n){switch(n){case\"default\":return o.bk_btn_default;case\"primary\":return o.bk_btn_primary;case\"success\":return o.bk_btn_success;case\"warning\":return o.bk_btn_warning;case\"danger\":return o.bk_btn_danger}},o.bk_dropdown_toggle=\"bk-dropdown-toggle\"},\n", + " function _(n,o,r){n(164),n(163).styles.append(\".bk-root .bk-menu {\\n position: absolute;\\n left: 0;\\n width: 100%;\\n z-index: 100;\\n cursor: pointer;\\n font-size: 12px;\\n background-color: #fff;\\n border: 1px solid #ccc;\\n border-radius: 4px;\\n box-shadow: 0 6px 12px rgba(0, 0, 0, 0.175);\\n}\\n.bk-root .bk-menu.bk-above {\\n bottom: 100%;\\n}\\n.bk-root .bk-menu.bk-below {\\n top: 100%;\\n}\\n.bk-root .bk-menu > .bk-divider {\\n height: 1px;\\n margin: 7.5px 0;\\n overflow: hidden;\\n background-color: #e5e5e5;\\n}\\n.bk-root .bk-menu > :not(.bk-divider) {\\n padding: 6px 12px;\\n}\\n.bk-root .bk-menu > :not(.bk-divider):hover,\\n.bk-root .bk-menu > :not(.bk-divider).bk-active {\\n background-color: #e6e6e6;\\n}\\n.bk-root .bk-caret {\\n display: inline-block;\\n vertical-align: middle;\\n width: 0;\\n height: 0;\\n margin: 0 5px;\\n}\\n.bk-root .bk-caret.bk-down {\\n border-top: 4px solid;\\n}\\n.bk-root .bk-caret.bk-up {\\n border-bottom: 4px solid;\\n}\\n.bk-root .bk-caret.bk-down,\\n.bk-root .bk-caret.bk-up {\\n border-right: 4px solid transparent;\\n border-left: 4px solid transparent;\\n}\\n.bk-root .bk-caret.bk-left {\\n border-right: 4px solid;\\n}\\n.bk-root .bk-caret.bk-right {\\n border-left: 4px solid;\\n}\\n.bk-root .bk-caret.bk-left,\\n.bk-root .bk-caret.bk-right {\\n border-top: 4px solid transparent;\\n border-bottom: 4px solid transparent;\\n}\\n\"),r.bk_menu=\"bk-menu\",r.bk_caret=\"bk-caret\",r.bk_divider=\"bk-divider\"},\n", + " function _(t,i,n){var e=t(113),o=t(340),_=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(i,t),i}(o.ColumnView);n.WidgetBoxView=_,_.__name__=\"WidgetBoxView\";var u=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_WidgetBox=function(){this.prototype.default_view=_},i}(o.Column);n.WidgetBox=u,u.__name__=\"WidgetBox\",u.init_WidgetBox()},\n", + " function _(r,a,o){var p=r(351);o.CategoricalColorMapper=p.CategoricalColorMapper;var e=r(353);o.CategoricalMarkerMapper=e.CategoricalMarkerMapper;var C=r(354);o.CategoricalPatternMapper=C.CategoricalPatternMapper;var l=r(211);o.ContinuousColorMapper=l.ContinuousColorMapper;var M=r(212);o.ColorMapper=M.ColorMapper;var t=r(210);o.LinearColorMapper=t.LinearColorMapper;var i=r(355);o.LogColorMapper=i.LogColorMapper},\n", + " function _(t,r,o){var a=t(113),e=t(352),n=t(212),i=t(121),c=function(t){function r(r){return t.call(this,r)||this}return a.__extends(r,t),r.init_CategoricalColorMapper=function(){this.define({factors:[i.Array],start:[i.Number,0],end:[i.Number]})},r.prototype._v_compute=function(t,r,o,a){var n=a.nan_color;e.cat_v_compute(t,this.factors,o,r,this.start,this.end,n)},r}(n.ColorMapper);o.CategoricalColorMapper=c,c.__name__=\"CategoricalColorMapper\",c.init_CategoricalColorMapper()},\n", + " function _(n,t,e){var i=n(114),l=n(109);function r(n,t){if(n.length!=t.length)return!1;for(var e=0,i=n.length;e=e.length?c:e[g],u[a]=d},v=0,_=n.length;v<_;v++)a(v)}},\n", + " function _(r,e,t){var a=r(113),i=r(352),n=r(213),c=r(121),u=function(r){function e(e){return r.call(this,e)||this}return a.__extends(e,r),e.init_CategoricalMarkerMapper=function(){this.define({factors:[c.Array],markers:[c.Array],start:[c.Number,0],end:[c.Number],default_value:[c.MarkerType,\"circle\"]})},e.prototype.v_compute=function(r){var e=new Array(r.length);return i.cat_v_compute(r,this.factors,this.markers,e,this.start,this.end,this.default_value),e},e}(n.Mapper);t.CategoricalMarkerMapper=u,u.__name__=\"CategoricalMarkerMapper\",u.init_CategoricalMarkerMapper()},\n", + " function _(t,e,a){var r=t(113),n=t(352),i=t(213),p=t(121),c=function(t){function e(e){return t.call(this,e)||this}return r.__extends(e,t),e.init_CategoricalPatternMapper=function(){this.define({factors:[p.Array],patterns:[p.Array],start:[p.Number,0],end:[p.Number],default_value:[p.HatchPatternType,\" \"]})},e.prototype.v_compute=function(t){var e=new Array(t.length);return n.cat_v_compute(t,this.factors,this.patterns,e,this.start,this.end,this.default_value),e},e}(i.Mapper);a.CategoricalPatternMapper=c,c.__name__=\"CategoricalPatternMapper\",c.init_CategoricalPatternMapper()},\n", + " function _(o,l,n){var t=o(113),e=o(211),r=o(114),i=null!=Math.log1p?Math.log1p:function(o){return Math.log(1+o)},h=function(o){function l(l){return o.call(this,l)||this}return t.__extends(l,o),l.prototype._v_compute=function(o,l,n,t){for(var e=t.nan_color,h=t.low_color,a=t.high_color,u=n.length,s=null!=this.low?this.low:r.min(o),_=null!=this.high?this.high:r.max(o),f=u/(i(_)-i(s)),g=n.length-1,p=0,c=o.length;p_)l[p]=null!=a?a:n[g];else if(M!=_)if(Mg&&(m=g),l[p]=n[m]}else l[p]=n[g]}},l}(e.ContinuousColorMapper);n.LogColorMapper=h,h.__name__=\"LogColorMapper\"},\n", + " function _(r,a,t){!function(r){for(var a in r)t.hasOwnProperty(a)||(t[a]=r[a])}(r(357));var n=r(358);t.Marker=n.Marker;var e=r(359);t.Scatter=e.Scatter},\n", + " function _(e,t,o){var i=e(113),r=e(358),n=Math.sqrt(3);function s(e,t){e.moveTo(-t,t),e.lineTo(t,-t),e.moveTo(-t,-t),e.lineTo(t,t)}function c(e,t){e.moveTo(0,t),e.lineTo(0,-t),e.moveTo(-t,0),e.lineTo(t,0)}function l(e,t){e.moveTo(0,t),e.lineTo(t/1.5,0),e.lineTo(0,-t),e.lineTo(-t/1.5,0),e.closePath()}function a(e,t){var o=t*n,i=o/3;e.moveTo(-t,i),e.lineTo(t,i),e.lineTo(0,i-o),e.closePath()}function u(e,t,o,i,r){var n=.65*o;c(e,o),s(e,n),i.doit&&(i.set_vectorize(e,t),e.stroke())}function v(e,t,o,i,r){e.arc(0,0,o,0,2*Math.PI,!1),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),c(e,o),e.stroke())}function _(e,t,o,i,r){e.arc(0,0,o,0,2*Math.PI,!1),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),s(e,o),e.stroke())}function d(e,t,o,i,r){c(e,o),i.doit&&(i.set_vectorize(e,t),e.stroke())}function f(e,t,o,i,r){l(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function T(e,t,o,i,r){l(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),c(e,o),e.stroke())}function z(e,t,o,i,r){!function(e,t){var o=t/2,i=n*o;e.moveTo(t,0),e.lineTo(o,-i),e.lineTo(-o,-i),e.lineTo(-t,0),e.lineTo(-o,i),e.lineTo(o,i),e.closePath()}(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function k(e,t,o,i,r){e.rotate(Math.PI),a(e,o),e.rotate(-Math.PI),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function h(e,t,o,i,r){var n=2*o;e.rect(-o,-o,n,n),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function m(e,t,o,i,r){var n=2*o;e.rect(-o,-o,n,n),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),c(e,o),e.stroke())}function C(e,t,o,i,r){var n=2*o;e.rect(-o,-o,n,n),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),s(e,o),e.stroke())}function q(e,t,o,i,r){a(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function p(e,t,o,i,r){!function(e,t){e.moveTo(-t,0),e.lineTo(t,0)}(e,o),i.doit&&(i.set_vectorize(e,t),e.stroke())}function x(e,t,o,i,r){s(e,o),i.doit&&(i.set_vectorize(e,t),e.stroke())}function M(e,t){var o,n=function(e){function o(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(o,e),o.initClass=function(){this.prototype._render_one=t},o}(r.MarkerView);n.initClass();var s=((o=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.initClass=function(){this.prototype.default_view=n},t}(r.Marker)).__name__=e,o);return s.initClass(),s}o.Asterisk=M(\"Asterisk\",u),o.CircleCross=M(\"CircleCross\",v),o.CircleX=M(\"CircleX\",_),o.Cross=M(\"Cross\",d),o.Dash=M(\"Dash\",p),o.Diamond=M(\"Diamond\",f),o.DiamondCross=M(\"DiamondCross\",T),o.Hex=M(\"Hex\",z),o.InvertedTriangle=M(\"InvertedTriangle\",k),o.Square=M(\"Square\",h),o.SquareCross=M(\"SquareCross\",m),o.SquareX=M(\"SquareX\",C),o.Triangle=M(\"Triangle\",q),o.X=M(\"X\",x),o.marker_funcs={asterisk:u,circle:function(e,t,o,i,r){e.arc(0,0,o,0,2*Math.PI,!1),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())},circle_cross:v,circle_x:_,cross:d,diamond:f,diamond_cross:T,hex:z,inverted_triangle:k,square:h,square_cross:m,square_x:C,triangle:q,dash:p,x:x}},\n", + " function _(e,t,r){var i=e(113),s=e(178),n=e(183),a=e(121),_=e(110),h=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype._render=function(e,t,r){for(var i=r.sx,s=r.sy,n=r._size,a=r._angle,_=0,h=t;_#grayscale\\\");\\n /* Firefox 10+, Firefox on Android */\\n filter: gray;\\n /* IE6-9 */\\n -webkit-filter: grayscale(100%);\\n /* Chrome 19+, Safari 6+, Safari 6+ iOS */\\n}\\n.bk-root .bk-logo-small {\\n width: 20px;\\n height: 20px;\\n background-image: url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABQAAAAUCAYAAACNiR0NAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAABx0RVh0U29mdHdhcmUAQWRvYmUgRmlyZXdvcmtzIENTNui8sowAAAOkSURBVDiNjZRtaJVlGMd/1/08zzln5zjP1LWcU9N0NkN8m2CYjpgQYQXqSs0I84OLIC0hkEKoPtiH3gmKoiJDU7QpLgoLjLIQCpEsNJ1vqUOdO7ppbuec5+V+rj4ctwzd8IIbbi6u+8f1539dt3A78eXC7QizUF7gyV1fD1Yqg4JWz84yffhm0qkFqBogB9rM8tZdtwVsPUhWhGcFJngGeWrPzHm5oaMmkfEg1usvLFyc8jLRqDOMru7AyC8saQr7GG7f5fvDeH7Ej8CM66nIF+8yngt6HWaKh7k49Soy9nXurCi1o3qUbS3zWfrYeQDTB/Qj6kX6Ybhw4B+bOYoLKCC9H3Nu/leUTZ1JdRWkkn2ldcCamzrcf47KKXdAJllSlxAOkRgyHsGC/zRday5Qld9DyoM4/q/rUoy/CXh3jzOu3bHUVZeU+DEn8FInkPBFlu3+nW3Nw0mk6vCDiWg8CeJaxEwuHS3+z5RgY+YBR6V1Z1nxSOfoaPa4LASWxxdNp+VWTk7+4vzaou8v8PN+xo+KY2xsw6une2frhw05CTYOmQvsEhjhWjn0bmXPjpE1+kplmmkP3suftwTubK9Vq22qKmrBhpY4jvd5afdRA3wGjFAgcnTK2s4hY0/GPNIb0nErGMCRxWOOX64Z8RAC4oCXdklmEvcL8o0BfkNK4lUg9HTl+oPlQxdNo3Mg4Nv175e/1LDGzZen30MEjRUtmXSfiTVu1kK8W4txyV6BMKlbgk3lMwYCiusNy9fVfvvwMxv8Ynl6vxoByANLTWplvuj/nF9m2+PDtt1eiHPBr1oIfhCChQMBw6Aw0UulqTKZdfVvfG7VcfIqLG9bcldL/+pdWTLxLUy8Qq38heUIjh4XlzZxzQm19lLFlr8vdQ97rjZVOLf8nclzckbcD4wxXMidpX30sFd37Fv/GtwwhzhxGVAprjbg0gCAEeIgwCZyTV2Z1REEW8O4py0wsjeloKoMr6iCY6dP92H6Vw/oTyICIthibxjm/DfN9lVz8IqtqKYLUXfoKVMVQVVJOElGjrnnUt9T9wbgp8AyYKaGlqingHZU/uG2NTZSVqwHQTWkx9hxjkpWDaCg6Ckj5qebgBVbT3V3NNXMSiWSDdGV3hrtzla7J+duwPOToIg42ChPQOQjspnSlp1V+Gjdged7+8UN5CRAV7a5EdFNwCjEaBR27b3W890TE7g24NAP/mMDXRWrGoFPQI9ls/MWO2dWFAar/xcOIImbbpA3zgAAAABJRU5ErkJggg==);\\n}\\n.bk-root .bk-logo-notebook {\\n display: inline-block;\\n vertical-align: middle;\\n margin-right: 5px;\\n}\\n\"),g.bk_logo=\"bk-logo\",g.bk_logo_notebook=\"bk-logo-notebook\",g.bk_logo_small=\"bk-logo-small\",g.bk_grey=\"bk-grey\"},\n", + " function _(t,e,i){var n=t(113),s=this&&this.__rest||function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&e.indexOf(n)<0&&(i[n]=t[n]);if(null!=t&&\"function\"==typeof Object.getOwnPropertySymbols){var s=0;for(n=Object.getOwnPropertySymbols(t);s=0},i.prototype.can_redo=function(){return this.state.index=h.end&&(s=!0,h.end=d,(e||i)&&(h.start=d+c)),null!=p&&p<=h.start&&(s=!0,h.start=p,(e||i)&&(h.end=p-c))):(null!=d&&d>=h.start&&(s=!0,h.start=d,(e||i)&&(h.end=d+c)),null!=p&&p<=h.end&&(s=!0,h.end=p,(e||i)&&(h.start=p-c)))}}if(!(i&&s&&n))for(var v=0,g=t;v0&&_0&&_>n&&(l=(n-h)/(_-h)),l=Math.max(0,Math.min(1,l))}return l},i.prototype.update_range=function(t,e,i,n){void 0===e&&(e=!1),void 0===i&&(i=!1),void 0===n&&(n=!0),this.pause();var s=this.frame,r=s.x_ranges,a=s.y_ranges;if(null==t){for(var o in r){(h=r[o]).reset()}for(var o in a){(h=a[o]).reset()}this.update_dataranges()}else{var l=[];for(var o in r){var h=r[o];l.push([h,t.xrs[o]])}for(var o in a){h=a[o];l.push([h,t.yrs[o]])}i&&this._update_ranges_together(l),this._update_ranges_individually(l,e,i,n)}this.unpause()},i.prototype.reset_range=function(){this.update_range(null)},i.prototype._invalidate_layout=function(){var t=this;(function(){for(var e=0,i=t.model.side_panels;e=0&&it.model.lod_timeout&&e.interactive_stop(t.model),t.request_paint()},this.model.lod_timeout):e.interactive_stop(this.model)}for(var n in this.renderer_views){var s=this.renderer_views[n];if(null==this.range_update_timestamp||s instanceof l.GlyphRendererView&&s.set_data_timestamp>this.range_update_timestamp){this.update_dataranges();break}}var r=this.canvas_view.ctx,a=this.canvas.pixel_ratio;r.save(),r.scale(a,a),r.translate(.5,.5);var o=[this.frame._left.value,this.frame._top.value,this.frame._width.value,this.frame._height.value];if(this._map_hook(r,o),this._paint_empty(r,o),this.prepare_webgl(a,o),this.clear_webgl(),this.visuals.outline_line.doit){r.save(),this.visuals.outline_line.set_value(r);var h=o[0],_=o[1],u=o[2],d=o[3];h+u==this.layout._width.value&&(u-=1),_+d==this.layout._height.value&&(d-=1),r.strokeRect(h,_,u,d),r.restore()}this._paint_levels(r,[\"image\",\"underlay\",\"glyph\"],o,!0),this._paint_levels(r,[\"annotation\"],o,!1),this._paint_levels(r,[\"overlay\"],o,!1),null==this._initial_state_info.range&&this.set_initial_range(),r.restore()}},i.prototype._paint_levels=function(t,e,i,n){for(var s=0,r=e;s=0;i--)(_=t[i])&&(s=(o<3?_(s):o>3?_(n,e,s):_(n,e))||s);return o>3&&s&&Object.defineProperty(n,e,s),s};function o(t){return function(n){n.prototype.event_name=t}}var s=function(){function t(){}return t.prototype.to_json=function(){return{event_name:this.event_name,event_values:this._to_json()}},t.prototype._to_json=function(){var t=this.origin;return{model_id:null!=t?t.id:null}},t}();e.BokehEvent=s,s.__name__=\"BokehEvent\";var i=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(s);i.__name__=\"ButtonClick\",i=_([o(\"button_click\")],i),e.ButtonClick=i;var a=function(t){function n(n){var e=t.call(this)||this;return e.item=n,e}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.item;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{item:n})},n}(s);a.__name__=\"MenuItemClick\",a=_([o(\"menu_item_click\")],a),e.MenuItemClick=a;var u=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(s);e.UIEvent=u,u.__name__=\"UIEvent\";var l=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(u);l.__name__=\"LODStart\",l=_([o(\"lodstart\")],l),e.LODStart=l;var c=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(u);c.__name__=\"LODEnd\",c=_([o(\"lodend\")],c),e.LODEnd=c;var p=function(t){function n(n,e){var r=t.call(this)||this;return r.geometry=n,r.final=e,r}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.geometry,e=this.final;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{geometry:n,final:e})},n}(u);p.__name__=\"SelectionGeometry\",p=_([o(\"selectiongeometry\")],p),e.SelectionGeometry=p;var h=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(u);h.__name__=\"Reset\",h=_([o(\"reset\")],h),e.Reset=h;var f=function(t){function n(n,e,r,_){var o=t.call(this)||this;return o.sx=n,o.sy=e,o.x=r,o.y=_,o}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.sx,e=this.sy,r=this.x,_=this.y;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{sx:n,sy:e,x:r,y:_})},n}(u);e.PointEvent=f,f.__name__=\"PointEvent\";var y=function(t){function n(n,e,r,_,o,s){var i=t.call(this,n,e,r,_)||this;return i.sx=n,i.sy=e,i.x=r,i.y=_,i.delta_x=o,i.delta_y=s,i}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.delta_x,e=this.delta_y;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{delta_x:n,delta_y:e})},n}(f);y.__name__=\"Pan\",y=_([o(\"pan\")],y),e.Pan=y;var v=function(t){function n(n,e,r,_,o){var s=t.call(this,n,e,r,_)||this;return s.sx=n,s.sy=e,s.x=r,s.y=_,s.scale=o,s}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.scale;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{scale:n})},n}(f);v.__name__=\"Pinch\",v=_([o(\"pinch\")],v),e.Pinch=v;var d=function(t){function n(n,e,r,_,o){var s=t.call(this,n,e,r,_)||this;return s.sx=n,s.sy=e,s.x=r,s.y=_,s.rotation=o,s}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.rotation;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{rotation:n})},n}(f);d.__name__=\"Rotate\",d=_([o(\"rotate\")],d),e.Rotate=d;var m=function(t){function n(n,e,r,_,o){var s=t.call(this,n,e,r,_)||this;return s.sx=n,s.sy=e,s.x=r,s.y=_,s.delta=o,s}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.delta;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{delta:n})},n}(f);m.__name__=\"MouseWheel\",m=_([o(\"wheel\")],m),e.MouseWheel=m;var x=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);x.__name__=\"MouseMove\",x=_([o(\"mousemove\")],x),e.MouseMove=x;var j=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);j.__name__=\"MouseEnter\",j=_([o(\"mouseenter\")],j),e.MouseEnter=j;var g=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);g.__name__=\"MouseLeave\",g=_([o(\"mouseleave\")],g),e.MouseLeave=g;var b=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);b.__name__=\"Tap\",b=_([o(\"tap\")],b),e.Tap=b;var O=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);O.__name__=\"DoubleTap\",O=_([o(\"doubletap\")],O),e.DoubleTap=O;var P=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);P.__name__=\"Press\",P=_([o(\"press\")],P),e.Press=P;var E=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);E.__name__=\"PressUp\",E=_([o(\"pressup\")],E),e.PressUp=E;var M=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);M.__name__=\"PanStart\",M=_([o(\"panstart\")],M),e.PanStart=M;var R=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);R.__name__=\"PanEnd\",R=_([o(\"panend\")],R),e.PanEnd=R;var S=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);S.__name__=\"PinchStart\",S=_([o(\"pinchstart\")],S),e.PinchStart=S;var k=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);k.__name__=\"PinchEnd\",k=_([o(\"pinchend\")],k),e.PinchEnd=k;var D=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);D.__name__=\"RotateStart\",D=_([o(\"rotatestart\")],D),e.RotateStart=D;var L=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);L.__name__=\"RotateEnd\",L=_([o(\"rotateend\")],L),e.RotateEnd=L},\n", + " function _(n,e,i){var o=(\"undefined\"!=typeof window?window.requestAnimationFrame:void 0)||(\"undefined\"!=typeof window?window.webkitRequestAnimationFrame:void 0)||(\"undefined\"!=typeof window?window.mozRequestAnimationFrame:void 0)||(\"undefined\"!=typeof window?window.msRequestAnimationFrame:void 0)||function(n){return n(Date.now()),-1};i.throttle=function(n,e){var i=null,t=0,u=!1,d=function(){t=Date.now(),i=null,u=!1,n()};return function(){var n=Date.now(),w=e-(n-t);w<=0&&!u?(null!=i&&clearTimeout(i),u=!0,o(d)):i||u||(i=setTimeout(function(){return o(d)},w))}}},\n", + " function _(e,t,i){var l=e(113),r=e(283),a=e(284),o=e(109),n=Math.PI/2,h=\"left\",s=\"center\",d={above:{parallel:0,normal:-n,horizontal:0,vertical:-n},below:{parallel:0,normal:n,horizontal:0,vertical:n},left:{parallel:-n,normal:0,horizontal:0,vertical:-n},right:{parallel:n,normal:0,horizontal:0,vertical:n}},c={above:{justified:\"top\",parallel:\"alphabetic\",normal:\"middle\",horizontal:\"alphabetic\",vertical:\"middle\"},below:{justified:\"bottom\",parallel:\"hanging\",normal:\"middle\",horizontal:\"hanging\",vertical:\"middle\"},left:{justified:\"top\",parallel:\"alphabetic\",normal:\"middle\",horizontal:\"middle\",vertical:\"alphabetic\"},right:{justified:\"top\",parallel:\"alphabetic\",normal:\"middle\",horizontal:\"middle\",vertical:\"alphabetic\"}},p={above:{justified:s,parallel:s,normal:h,horizontal:s,vertical:h},below:{justified:s,parallel:s,normal:h,horizontal:s,vertical:h},left:{justified:s,parallel:s,normal:\"right\",horizontal:\"right\",vertical:s},right:{justified:s,parallel:s,normal:h,horizontal:h,vertical:s}},b={above:\"right\",below:h,left:\"right\",right:h},_={above:h,below:\"right\",left:\"right\",right:h},m=function(e){function t(t,i){var l=e.call(this)||this;switch(l.side=t,l.obj=i,l.side){case\"above\":l._dim=0,l._normals=[0,-1];break;case\"below\":l._dim=0,l._normals=[0,1];break;case\"left\":l._dim=1,l._normals=[-1,0];break;case\"right\":l._dim=1,l._normals=[1,0];break;default:throw new Error(\"unreachable\")}return l.is_horizontal?l.set_sizing({width_policy:\"max\",height_policy:\"fixed\"}):l.set_sizing({width_policy:\"fixed\",height_policy:\"max\"}),l}return l.__extends(t,e),t.prototype._content_size=function(){return new r.Sizeable(this.get_oriented_size())},t.prototype.get_oriented_size=function(){var e=this.obj.get_size(),t=e.width,i=e.height;return!this.obj.rotate||this.is_horizontal?{width:t,height:i}:{width:i,height:t}},t.prototype.has_size_changed=function(){var e=this.get_oriented_size(),t=e.width,i=e.height;return this.is_horizontal?this.bbox.height!=i:this.bbox.width!=t},Object.defineProperty(t.prototype,\"dimension\",{get:function(){return this._dim},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"normals\",{get:function(){return this._normals},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"is_horizontal\",{get:function(){return 0==this._dim},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"is_vertical\",{get:function(){return 1==this._dim},enumerable:!0,configurable:!0}),t.prototype.apply_label_text_heuristics=function(e,t){var i,l,r=this.side;o.isString(t)?(i=c[r][t],l=p[r][t]):0===t?(i=\"whatever\",l=\"whatever\"):t<0?(i=\"middle\",l=b[r]):(i=\"middle\",l=_[r]),e.textBaseline=i,e.textAlign=l},t.prototype.get_label_angle_heuristic=function(e){return d[this.side][e]},t}(a.ContentLayoutable);i.SidePanel=m,m.__name__=\"SidePanel\"},\n", + " function _(t,e,n){var i=t(380),r=t(116),s=t(167),o=t(163),a=t(381),_=t(110),h=t(125),p=t(109),c=t(197),u=t(376),l=function(){function t(t,e,n){var s=this;this.plot_view=t,this.toolbar=e,this.hit_area=n,this.pan_start=new r.Signal(this,\"pan:start\"),this.pan=new r.Signal(this,\"pan\"),this.pan_end=new r.Signal(this,\"pan:end\"),this.pinch_start=new r.Signal(this,\"pinch:start\"),this.pinch=new r.Signal(this,\"pinch\"),this.pinch_end=new r.Signal(this,\"pinch:end\"),this.rotate_start=new r.Signal(this,\"rotate:start\"),this.rotate=new r.Signal(this,\"rotate\"),this.rotate_end=new r.Signal(this,\"rotate:end\"),this.tap=new r.Signal(this,\"tap\"),this.doubletap=new r.Signal(this,\"doubletap\"),this.press=new r.Signal(this,\"press\"),this.pressup=new r.Signal(this,\"pressup\"),this.move_enter=new r.Signal(this,\"move:enter\"),this.move=new r.Signal(this,\"move\"),this.move_exit=new r.Signal(this,\"move:exit\"),this.scroll=new r.Signal(this,\"scroll\"),this.keydown=new r.Signal(this,\"keydown\"),this.keyup=new r.Signal(this,\"keyup\"),this.hammer=new i(this.hit_area,{touchAction:\"auto\"}),this._configure_hammerjs(),this.hit_area.addEventListener(\"mousemove\",function(t){return s._mouse_move(t)}),this.hit_area.addEventListener(\"mouseenter\",function(t){return s._mouse_enter(t)}),this.hit_area.addEventListener(\"mouseleave\",function(t){return s._mouse_exit(t)}),this.hit_area.addEventListener(\"wheel\",function(t){return s._mouse_wheel(t)}),document.addEventListener(\"keydown\",this),document.addEventListener(\"keyup\",this)}return t.prototype.destroy=function(){this.hammer.destroy(),document.removeEventListener(\"keydown\",this),document.removeEventListener(\"keyup\",this)},t.prototype.handleEvent=function(t){\"keydown\"==t.type?this._key_down(t):\"keyup\"==t.type&&this._key_up(t)},t.prototype._configure_hammerjs=function(){var t=this;this.hammer.get(\"doubletap\").recognizeWith(\"tap\"),this.hammer.get(\"tap\").requireFailure(\"doubletap\"),this.hammer.get(\"doubletap\").dropRequireFailure(\"tap\"),this.hammer.on(\"doubletap\",function(e){return t._doubletap(e)}),this.hammer.on(\"tap\",function(e){return t._tap(e)}),this.hammer.on(\"press\",function(e){return t._press(e)}),this.hammer.on(\"pressup\",function(e){return t._pressup(e)}),this.hammer.get(\"pan\").set({direction:i.DIRECTION_ALL}),this.hammer.on(\"panstart\",function(e){return t._pan_start(e)}),this.hammer.on(\"pan\",function(e){return t._pan(e)}),this.hammer.on(\"panend\",function(e){return t._pan_end(e)}),this.hammer.get(\"pinch\").set({enable:!0}),this.hammer.on(\"pinchstart\",function(e){return t._pinch_start(e)}),this.hammer.on(\"pinch\",function(e){return t._pinch(e)}),this.hammer.on(\"pinchend\",function(e){return t._pinch_end(e)}),this.hammer.get(\"rotate\").set({enable:!0}),this.hammer.on(\"rotatestart\",function(e){return t._rotate_start(e)}),this.hammer.on(\"rotate\",function(e){return t._rotate(e)}),this.hammer.on(\"rotateend\",function(e){return t._rotate_end(e)})},t.prototype.register_tool=function(t){var e=this,n=t.model.event_type;null!=n&&(p.isString(n)?this._register_tool(t,n):n.forEach(function(n,i){return e._register_tool(t,n,i<1)}))},t.prototype._register_tool=function(t,e,n){void 0===n&&(n=!0);var i=t,r=i.model.id,o=function(t){return function(e){e.id==r&&t(e.e)}},a=function(t){return function(e){t(e.e)}};switch(e){case\"pan\":null!=i._pan_start&&i.connect(this.pan_start,o(i._pan_start.bind(i))),null!=i._pan&&i.connect(this.pan,o(i._pan.bind(i))),null!=i._pan_end&&i.connect(this.pan_end,o(i._pan_end.bind(i)));break;case\"pinch\":null!=i._pinch_start&&i.connect(this.pinch_start,o(i._pinch_start.bind(i))),null!=i._pinch&&i.connect(this.pinch,o(i._pinch.bind(i))),null!=i._pinch_end&&i.connect(this.pinch_end,o(i._pinch_end.bind(i)));break;case\"rotate\":null!=i._rotate_start&&i.connect(this.rotate_start,o(i._rotate_start.bind(i))),null!=i._rotate&&i.connect(this.rotate,o(i._rotate.bind(i))),null!=i._rotate_end&&i.connect(this.rotate_end,o(i._rotate_end.bind(i)));break;case\"move\":null!=i._move_enter&&i.connect(this.move_enter,o(i._move_enter.bind(i))),null!=i._move&&i.connect(this.move,o(i._move.bind(i))),null!=i._move_exit&&i.connect(this.move_exit,o(i._move_exit.bind(i)));break;case\"tap\":null!=i._tap&&i.connect(this.tap,o(i._tap.bind(i)));break;case\"press\":null!=i._press&&i.connect(this.press,o(i._press.bind(i))),null!=i._pressup&&i.connect(this.pressup,o(i._pressup.bind(i)));break;case\"scroll\":null!=i._scroll&&i.connect(this.scroll,o(i._scroll.bind(i)));break;default:throw new Error(\"unsupported event_type: \"+e)}n&&(null!=i._doubletap&&i.connect(this.doubletap,a(i._doubletap.bind(i))),null!=i._keydown&&i.connect(this.keydown,a(i._keydown.bind(i))),null!=i._keyup&&i.connect(this.keyup,a(i._keyup.bind(i))),c.is_mobile&&null!=i._scroll&&\"pinch\"==e&&(s.logger.debug(\"Registering scroll on touch screen\"),i.connect(this.scroll,o(i._scroll.bind(i)))))},t.prototype._hit_test_renderers=function(t,e){for(var n=this.plot_view.get_renderer_views(),i=0,r=_.reversed(n);i\\s*\\(/gm,\"{anonymous}()@\"):\"Unknown Stack Trace\",s=t.console&&(t.console.warn||t.console.log);return s&&s.call(t.console,r,n),e.apply(this,arguments)}}s=\"function\"!=typeof Object.assign?function(t){if(t===r||null===t)throw new TypeError(\"Cannot convert undefined or null to object\");for(var e=Object(t),i=1;i-1}function b(t){return t.trim().split(/\\s+/g)}function P(t,e,i){if(t.indexOf&&!i)return t.indexOf(e);for(var n=0;ni[e]}):n.sort()),n}function w(t,e){for(var i,n,s=e[0].toUpperCase()+e.slice(1),a=0;a1&&!i.firstMultiple?i.firstMultiple=Q(e):1===s&&(i.firstMultiple=!1);var o=i.firstInput,a=i.firstMultiple,h=a?a.center:o.center,u=e.center=tt(n);e.timeStamp=l(),e.deltaTime=e.timeStamp-o.timeStamp,e.angle=rt(h,u),e.distance=nt(h,u),function(t,e){var i=e.center,n=t.offsetDelta||{},r=t.prevDelta||{},s=t.prevInput||{};e.eventType!==Y&&s.eventType!==W||(r=t.prevDelta={x:s.deltaX||0,y:s.deltaY||0},n=t.offsetDelta={x:i.x,y:i.y});e.deltaX=r.x+(i.x-n.x),e.deltaY=r.y+(i.y-n.y)}(i,e),e.offsetDirection=it(e.deltaX,e.deltaY);var p=et(e.deltaTime,e.deltaX,e.deltaY);e.overallVelocityX=p.x,e.overallVelocityY=p.y,e.overallVelocity=c(p.x)>c(p.y)?p.x:p.y,e.scale=a?(f=a.pointers,v=n,nt(v[0],v[1],$)/nt(f[0],f[1],$)):1,e.rotation=a?function(t,e){return rt(e[1],e[0],$)+rt(t[1],t[0],$)}(a.pointers,n):0,e.maxPointers=i.prevInput?e.pointers.length>i.prevInput.maxPointers?e.pointers.length:i.prevInput.maxPointers:e.pointers.length,function(t,e){var i,n,s,o,a=t.lastInterval||e,h=e.timeStamp-a.timeStamp;if(e.eventType!=q&&(h>X||a.velocity===r)){var u=e.deltaX-a.deltaX,l=e.deltaY-a.deltaY,p=et(h,u,l);n=p.x,s=p.y,i=c(p.x)>c(p.y)?p.x:p.y,o=it(u,l),t.lastInterval=e}else i=a.velocity,n=a.velocityX,s=a.velocityY,o=a.direction;e.velocity=i,e.velocityX=n,e.velocityY=s,e.direction=o}(i,e);var f,v;var d=t.element;C(e.srcEvent.target,d)&&(d=e.srcEvent.target);e.target=d}(t,i),t.emit(\"hammer.input\",i),t.recognize(i),t.session.prevInput=i}function Q(t){for(var e=[],i=0;i=c(e)?t<0?H:L:e<0?U:V}function nt(t,e,i){i||(i=B);var n=e[i[0]]-t[i[0]],r=e[i[1]]-t[i[1]];return Math.sqrt(n*n+r*r)}function rt(t,e,i){i||(i=B);var n=e[i[0]]-t[i[0]],r=e[i[1]]-t[i[1]];return 180*Math.atan2(r,n)/Math.PI}J.prototype={handler:function(){},init:function(){this.evEl&&A(this.element,this.evEl,this.domHandler),this.evTarget&&A(this.target,this.evTarget,this.domHandler),this.evWin&&A(R(this.element),this.evWin,this.domHandler)},destroy:function(){this.evEl&&_(this.element,this.evEl,this.domHandler),this.evTarget&&_(this.target,this.evTarget,this.domHandler),this.evWin&&_(R(this.element),this.evWin,this.domHandler)}};var st={mousedown:Y,mousemove:F,mouseup:W},ot=\"mousedown\",at=\"mousemove mouseup\";function ht(){this.evEl=ot,this.evWin=at,this.pressed=!1,J.apply(this,arguments)}T(ht,J,{handler:function(t){var e=st[t.type];e&Y&&0===t.button&&(this.pressed=!0),e&F&&1!==t.which&&(e=W),this.pressed&&(e&W&&(this.pressed=!1),this.callback(this.manager,e,{pointers:[t],changedPointers:[t],pointerType:\"mouse\",srcEvent:t}))}});var ut={pointerdown:Y,pointermove:F,pointerup:W,pointercancel:q,pointerout:q},ct={2:\"touch\",3:\"pen\",4:\"mouse\",5:\"kinect\"},lt=\"pointerdown\",pt=\"pointermove pointerup pointercancel\";function ft(){this.evEl=lt,this.evWin=pt,J.apply(this,arguments),this.store=this.manager.session.pointerEvents=[]}t.MSPointerEvent&&!t.PointerEvent&&(lt=\"MSPointerDown\",pt=\"MSPointerMove MSPointerUp MSPointerCancel\"),T(ft,J,{handler:function(t){var e=this.store,i=!1,n=t.type.toLowerCase().replace(\"ms\",\"\"),r=ut[n],s=ct[t.pointerType]||t.pointerType,o=\"touch\"==s,a=P(e,t.pointerId,\"pointerId\");r&Y&&(0===t.button||o)?a<0&&(e.push(t),a=e.length-1):r&(W|q)&&(i=!0),a<0||(e[a]=t,this.callback(this.manager,r,{pointers:e,changedPointers:[t],pointerType:s,srcEvent:t}),i&&e.splice(a,1))}});var vt={touchstart:Y,touchmove:F,touchend:W,touchcancel:q},dt=\"touchstart\",mt=\"touchstart touchmove touchend touchcancel\";function gt(){this.evTarget=dt,this.evWin=mt,this.started=!1,J.apply(this,arguments)}T(gt,J,{handler:function(t){var e=vt[t.type];if(e===Y&&(this.started=!0),this.started){var i=function(t,e){var i=D(t.touches),n=D(t.changedTouches);e&(W|q)&&(i=x(i.concat(n),\"identifier\",!0));return[i,n]}.call(this,t,e);e&(W|q)&&i[0].length-i[1].length==0&&(this.started=!1),this.callback(this.manager,e,{pointers:i[0],changedPointers:i[1],pointerType:\"touch\",srcEvent:t})}}});var Tt={touchstart:Y,touchmove:F,touchend:W,touchcancel:q},yt=\"touchstart touchmove touchend touchcancel\";function Et(){this.evTarget=yt,this.targetIds={},J.apply(this,arguments)}T(Et,J,{handler:function(t){var e=Tt[t.type],i=function(t,e){var i=D(t.touches),n=this.targetIds;if(e&(Y|F)&&1===i.length)return n[i[0].identifier]=!0,[i,i];var r,s,o=D(t.changedTouches),a=[],h=this.target;if(s=i.filter(function(t){return C(t.target,h)}),e===Y)for(r=0;r-1&&n.splice(t,1)},It)}}T(_t,J,{handler:function(t,e,i){var n=\"touch\"==i.pointerType,r=\"mouse\"==i.pointerType;if(!(r&&i.sourceCapabilities&&i.sourceCapabilities.firesTouchEvents)){if(n)(function(t,e){t&Y?(this.primaryTouch=e.changedPointers[0].identifier,Ct.call(this,e)):t&(W|q)&&Ct.call(this,e)}).call(this,e,i);else if(r&&function(t){for(var e=t.srcEvent.clientX,i=t.srcEvent.clientY,n=0;n-1&&this.requireFail.splice(e,1),this},hasRequireFailures:function(){return this.requireFail.length>0},canRecognizeWith:function(t){return!!this.simultaneous[t.id]},emit:function(t){var e=this,i=this.state;function n(i){e.manager.emit(i,t)}i=Yt&&n(e.options.event+kt(i))},tryEmit:function(t){if(this.canEmit())return this.emit(t);this.state=32},canEmit:function(){for(var t=0;te.threshold&&r&e.direction},attrTest:function(t){return Ut.prototype.attrTest.call(this,t)&&(this.state&Nt||!(this.state&Nt)&&this.directionTest(t))},emit:function(t){this.pX=t.deltaX,this.pY=t.deltaY;var e=Ht(t.direction);e&&(t.additionalEvent=this.options.event+e),this._super.emit.call(this,t)}}),T(jt,Ut,{defaults:{event:\"pinch\",threshold:0,pointers:2},getTouchAction:function(){return[xt]},attrTest:function(t){return this._super.attrTest.call(this,t)&&(Math.abs(t.scale-1)>this.options.threshold||this.state&Nt)},emit:function(t){if(1!==t.scale){var e=t.scale<1?\"in\":\"out\";t.additionalEvent=this.options.event+e}this._super.emit.call(this,t)}}),T(Gt,qt,{defaults:{event:\"press\",pointers:1,time:251,threshold:9},getTouchAction:function(){return[Pt]},process:function(t){var e=this.options,i=t.pointers.length===e.pointers,n=t.distancee.time;if(this._input=t,!n||!i||t.eventType&(W|q)&&!r)this.reset();else if(t.eventType&Y)this.reset(),this._timer=p(function(){this.state=Ft,this.tryEmit()},e.time,this);else if(t.eventType&W)return Ft;return 32},reset:function(){clearTimeout(this._timer)},emit:function(t){this.state===Ft&&(t&&t.eventType&W?this.manager.emit(this.options.event+\"up\",t):(this._input.timeStamp=l(),this.manager.emit(this.options.event,this._input)))}}),T(Zt,Ut,{defaults:{event:\"rotate\",threshold:0,pointers:2},getTouchAction:function(){return[xt]},attrTest:function(t){return this._super.attrTest.call(this,t)&&(Math.abs(t.rotation)>this.options.threshold||this.state&Nt)}}),T(Bt,Ut,{defaults:{event:\"swipe\",threshold:10,velocity:.3,direction:j|G,pointers:1},getTouchAction:function(){return Vt.prototype.getTouchAction.call(this)},attrTest:function(t){var e,i=this.options.direction;return i&(j|G)?e=t.overallVelocity:i&j?e=t.overallVelocityX:i&G&&(e=t.overallVelocityY),this._super.attrTest.call(this,t)&&i&t.offsetDirection&&t.distance>this.options.threshold&&t.maxPointers==this.options.pointers&&c(e)>this.options.velocity&&t.eventType&W},emit:function(t){var e=Ht(t.offsetDirection);e&&this.manager.emit(this.options.event+e,t),this.manager.emit(this.options.event,t)}}),T($t,qt,{defaults:{event:\"tap\",pointers:1,taps:1,interval:300,time:250,threshold:9,posThreshold:10},getTouchAction:function(){return[Dt]},process:function(t){var e=this.options,i=t.pointers.length===e.pointers,n=t.distance=2){this.map.setZoom(n);var s=this._get_projected_bounds(),a=s[0];s[1]-a<0&&this.map.setZoom(i)}this.unpause()}this._set_bokeh_ranges()},e.prototype._build_map=function(){var t=this,e=google.maps;this.map_types={satellite:e.MapTypeId.SATELLITE,terrain:e.MapTypeId.TERRAIN,roadmap:e.MapTypeId.ROADMAP,hybrid:e.MapTypeId.HYBRID};var o=this.model.map_options,i={center:new e.LatLng(o.lat,o.lng),zoom:o.zoom,disableDefaultUI:!0,mapTypeId:this.map_types[o.map_type],scaleControl:o.scale_control,tilt:o.tilt};null!=o.styles&&(i.styles=JSON.parse(o.styles)),this.map=new e.Map(this.canvas_view.map_el,i),e.event.addListener(this.map,\"idle\",function(){return t._set_bokeh_ranges()}),e.event.addListener(this.map,\"bounds_changed\",function(){return t._set_bokeh_ranges()}),e.event.addListenerOnce(this.map,\"tilesloaded\",function(){return t._render_finished()}),this.connect(this.model.properties.map_options.change,function(){return t._update_options()}),this.connect(this.model.map_options.properties.styles.change,function(){return t._update_styles()}),this.connect(this.model.map_options.properties.lat.change,function(){return t._update_center(\"lat\")}),this.connect(this.model.map_options.properties.lng.change,function(){return t._update_center(\"lng\")}),this.connect(this.model.map_options.properties.zoom.change,function(){return t._update_zoom()}),this.connect(this.model.map_options.properties.map_type.change,function(){return t._update_map_type()}),this.connect(this.model.map_options.properties.scale_control.change,function(){return t._update_scale_control()}),this.connect(this.model.map_options.properties.tilt.change,function(){return t._update_tilt()})},e.prototype._render_finished=function(){this._tiles_loaded=!0,this.notify_finished()},e.prototype.has_finished=function(){return t.prototype.has_finished.call(this)&&!0===this._tiles_loaded},e.prototype._get_latlon_bounds=function(){var t=this.map.getBounds(),e=t.getNorthEast(),o=t.getSouthWest();return[o.lng(),e.lng(),o.lat(),e.lat()]},e.prototype._get_projected_bounds=function(){var t=this._get_latlon_bounds(),e=t[0],o=t[1],i=t[2],n=t[3],a=s.wgs84_mercator.forward([e,i]),p=a[0],l=a[1],_=s.wgs84_mercator.forward([o,n]);return[p,_[0],l,_[1]]},e.prototype._set_bokeh_ranges=function(){var t=this._get_projected_bounds(),e=t[0],o=t[1],i=t[2],n=t[3];this.frame.x_range.setv({start:e,end:o}),this.frame.y_range.setv({start:i,end:n})},e.prototype._update_center=function(t){var e=this.map.getCenter().toJSON();e[t]=this.model.map_options[t],this.map.setCenter(e),this._set_bokeh_ranges()},e.prototype._update_map_type=function(){this.map.setOptions({mapTypeId:this.map_types[this.model.map_options.map_type]})},e.prototype._update_scale_control=function(){this.map.setOptions({scaleControl:this.model.map_options.scale_control})},e.prototype._update_tilt=function(){this.map.setOptions({tilt:this.model.map_options.tilt})},e.prototype._update_options=function(){this._update_styles(),this._update_center(\"lat\"),this._update_center(\"lng\"),this._update_zoom(),this._update_map_type()},e.prototype._update_styles=function(){this.map.setOptions({styles:JSON.parse(this.model.map_options.styles)})},e.prototype._update_zoom=function(){this.map.setOptions({zoom:this.model.map_options.zoom}),this._set_bokeh_ranges()},e.prototype._map_hook=function(t,e){var o=e[0],i=e[1],n=e[2],s=e[3];this.canvas_view.map_el.style.top=i+\"px\",this.canvas_view.map_el.style.left=o+\"px\",this.canvas_view.map_el.style.width=n+\"px\",this.canvas_view.map_el.style.height=s+\"px\",null==this.map&&\"undefined\"!=typeof google&&null!=google.maps&&this._build_map()},e.prototype._paint_empty=function(t,e){var o=this.layout._width.value,i=this.layout._height.value,n=e[0],s=e[1],a=e[2],p=e[3];t.clearRect(0,0,o,i),t.beginPath(),t.moveTo(0,0),t.lineTo(0,i),t.lineTo(o,i),t.lineTo(o,0),t.lineTo(0,0),t.moveTo(n,s),t.lineTo(n+a,s),t.lineTo(n+a,s+p),t.lineTo(n,s+p),t.lineTo(n,s),t.closePath(),null!=this.model.border_fill_color&&(t.fillStyle=this.model.border_fill_color,t.fill())},e}(a.PlotView);o.GMapPlotView=l,l.__name__=\"GMapPlotView\"},\n", + " function _(a,n,e){var g=a(281);e.DataRange=g.DataRange;var R=a(280);e.DataRange1d=R.DataRange1d;var r=a(184);e.FactorRange=r.FactorRange;var t=a(185);e.Range=t.Range;var v=a(225);e.Range1d=v.Range1d},\n", + " function _(e,r,d){var n=e(175);d.GlyphRenderer=n.GlyphRenderer;var R=e(192);d.GraphRenderer=R.GraphRenderer;var a=e(244);d.GuideRenderer=a.GuideRenderer;var G=e(160);d.Renderer=G.Renderer},\n", + " function _(a,e,c){var l=a(279);c.CategoricalScale=l.CategoricalScale;var r=a(215);c.LinearScale=r.LinearScale;var S=a(224);c.LogScale=S.LogScale;var i=a(216);c.Scale=i.Scale},\n", + " function _(n,o,e){!function(n){for(var o in n)e.hasOwnProperty(o)||(e[o]=n[o])}(n(195));var i=n(173);e.Selection=i.Selection},\n", + " function _(a,e,r){var o=a(388);r.ServerSentDataSource=o.ServerSentDataSource;var S=a(390);r.AjaxDataSource=S.AjaxDataSource;var t=a(170);r.ColumnDataSource=t.ColumnDataSource;var u=a(171);r.ColumnarDataSource=u.ColumnarDataSource;var D=a(191);r.CDSView=D.CDSView;var c=a(172);r.DataSource=c.DataSource;var v=a(392);r.GeoJSONDataSource=v.GeoJSONDataSource;var n=a(391);r.RemoteDataSource=n.RemoteDataSource},\n", + " function _(t,e,i){var a=t(113),n=function(t){function e(e){var i=t.call(this,e)||this;return i.initialized=!1,i}return a.__extends(e,t),e.prototype.destroy=function(){t.prototype.destroy.call(this)},e.prototype.setup=function(){var t=this;this.initialized||(this.initialized=!0,new EventSource(this.data_url).onmessage=function(e){t.load_data(JSON.parse(e.data),t.mode,t.max_size)})},e}(t(389).WebDataSource);i.ServerSentDataSource=n,n.__name__=\"ServerSentDataSource\"},\n", + " function _(t,a,e){var i=t(113),n=t(170),r=t(121),o=function(t){function a(a){return t.call(this,a)||this}return i.__extends(a,t),a.prototype.get_column=function(t){var a=this.data[t];return null!=a?a:[]},a.prototype.initialize=function(){t.prototype.initialize.call(this),this.setup()},a.prototype.load_data=function(t,a,e){var i,n=this.adapter;switch(i=null!=n?n.execute(this,{response:t}):t,a){case\"replace\":this.data=i;break;case\"append\":for(var r=this.data,o=0,c=this.columns();o1&&a.logger.warn(\"Bokeh does not support Polygons with holes in, only exterior ring used.\");var h=e.coordinates[0];for(c=0;c1&&a.logger.warn(\"Bokeh does not support Polygons with holes in, only exterior ring used.\"),d.push(w[0])}for(_=d.reduce(o),c=0;c<_.length;c++){var v=_[c];i=v[0],s=v[1],u=v[2];t.xs[r][c]=i,t.ys[r][c]=s,t.zs[r][c]=l(u)}break;default:throw new Error(\"Invalid GeoJSON geometry type: \"+e.type)}},t.prototype.geojson_to_column_data=function(){var e,t=JSON.parse(this.geojson);switch(t.type){case\"GeometryCollection\":if(null==t.geometries)throw new Error(\"No geometries found in GeometryCollection\");if(0===t.geometries.length)throw new Error(\"geojson.geometries must have one or more items\");e=t.geometries;break;case\"FeatureCollection\":if(null==t.features)throw new Error(\"No features found in FeaturesCollection\");if(0==t.features.length)throw new Error(\"geojson.features must have one or more items\");e=t.features;break;default:throw new Error(\"Bokeh only supports type GeometryCollection and FeatureCollection at top level\")}for(var r=0,o=0,n=e;o=Math.pow(2,i)))&&!(e<0||e>=Math.pow(2,i))},e.prototype.parent_by_tile_xyz=function(t,e,i){var o=this.tile_xyz_to_quadkey(t,e,i),r=o.substring(0,o.length-1);return this.quadkey_to_tile_xyz(r)},e.prototype.get_resolution=function(t){return this._computed_initial_resolution()/Math.pow(2,t)},e.prototype.get_resolution_by_extent=function(t,e,i){return[(t[2]-t[0])/i,(t[3]-t[1])/e]},e.prototype.get_level_by_extent=function(t,e,i){for(var o=(t[2]-t[0])/i,r=(t[3]-t[1])/e,n=Math.max(o,r),_=0,s=0,u=this._resolutions;su[s]){if(0==_)return 0;if(_>0)return _-1}_+=1}return _-1},e.prototype.get_closest_level_by_extent=function(t,e,i){var o=(t[2]-t[0])/i,r=(t[3]-t[1])/e,n=Math.max(o,r),_=this._resolutions.reduce(function(t,e){return Math.abs(e-n)h?(a=_-r,l*=p):(a*=h,l=s-n)}var y=(a-(_-r))/2,c=(l-(s-n))/2;return[r-y,n-c,_+y,s+c]},e.prototype.tms_to_wmts=function(t,e,i){return[t,Math.pow(2,i)-1-e,i]},e.prototype.wmts_to_tms=function(t,e,i){return[t,Math.pow(2,i)-1-e,i]},e.prototype.pixels_to_meters=function(t,e,i){var o=this.get_resolution(i);return[t*o-this.x_origin_offset,e*o-this.y_origin_offset]},e.prototype.meters_to_pixels=function(t,e,i){var o=this.get_resolution(i);return[(t+this.x_origin_offset)/o,(e+this.y_origin_offset)/o]},e.prototype.pixels_to_tile=function(t,e){var i=Math.ceil(t/this.tile_size);return[i=0===i?i:i-1,Math.max(Math.ceil(e/this.tile_size)-1,0)]},e.prototype.pixels_to_raster=function(t,e,i){return[t,(this.tile_size<=a;c--)for(var f=u;f<=p;f++)this.is_valid_tile(f,c,e)&&y.push([f,c,e,this.get_tile_meter_bounds(f,c,e)]);return this.sort_tiles_from_center(y,[u,a,p,h]),y},e.prototype.quadkey_to_tile_xyz=function(t){for(var e=0,i=0,o=t.length,r=o;r>0;r--){var n=1<0;r--){var n=1<0;)if(s=s.substring(0,s.length-1),t=(r=this.quadkey_to_tile_xyz(s))[0],e=r[1],i=r[2],t=(n=this.denormalize_xyz(t,e,i,_))[0],e=n[1],i=n[2],this.tiles.has(this.tile_xyz_to_key(t,e,i)))return[t,e,i];return[0,0,0]},e.prototype.normalize_xyz=function(t,e,i){if(this.wrap_around){var o=Math.pow(2,i);return[(t%o+o)%o,e,i]}return[t,e,i]},e.prototype.denormalize_xyz=function(t,e,i,o){return[t+o*Math.pow(2,i),e,i]},e.prototype.denormalize_meters=function(t,e,i,o){return[t+2*o*Math.PI*6378137,e]},e.prototype.calculate_world_x_by_tile_xyz=function(t,e,i){return Math.floor(t/Math.pow(2,i))},e}(r.TileSource);i.MercatorTileSource=u,u.__name__=\"MercatorTileSource\",u.init_MercatorTileSource()},\n", + " function _(t,e,r){var i=t(113),n=t(166),o=t(121),a=function(t){function e(e){return t.call(this,e)||this}return i.__extends(e,t),e.init_TileSource=function(){this.define({url:[o.String,\"\"],tile_size:[o.Number,256],max_zoom:[o.Number,30],min_zoom:[o.Number,0],extra_url_vars:[o.Any,{}],attribution:[o.String,\"\"],x_origin_offset:[o.Number],y_origin_offset:[o.Number],initial_resolution:[o.Number]})},e.prototype.initialize=function(){t.prototype.initialize.call(this),this.tiles=new Map,this._normalize_case()},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.change,function(){return e._clear_cache()})},e.prototype.string_lookup_replace=function(t,e){var r=t;for(var i in e){var n=e[i];r=r.replace(\"{\"+i+\"}\",n)}return r},e.prototype._normalize_case=function(){var t=this.url.replace(\"{x}\",\"{X}\").replace(\"{y}\",\"{Y}\").replace(\"{z}\",\"{Z}\").replace(\"{q}\",\"{Q}\").replace(\"{xmin}\",\"{XMIN}\").replace(\"{ymin}\",\"{YMIN}\").replace(\"{xmax}\",\"{XMAX}\").replace(\"{ymax}\",\"{YMAX}\");this.url=t},e.prototype._clear_cache=function(){this.tiles=new Map},e.prototype.tile_xyz_to_key=function(t,e,r){return t+\":\"+e+\":\"+r},e.prototype.key_to_tile_xyz=function(t){var e=t.split(\":\").map(function(t){return parseInt(t)});return[e[0],e[1],e[2]]},e.prototype.sort_tiles_from_center=function(t,e){var r=e[0],i=e[1],n=e[2],o=e[3],a=(n-r)/2+r,c=(o-i)/2+i;t.sort(function(t,e){return Math.sqrt(Math.pow(a-t[0],2)+Math.pow(c-t[1],2))-Math.sqrt(Math.pow(a-e[0],2)+Math.pow(c-e[1],2))})},e.prototype.get_image_url=function(t,e,r){return this.string_lookup_replace(this.url,this.extra_url_vars).replace(\"{X}\",t.toString()).replace(\"{Y}\",e.toString()).replace(\"{Z}\",r.toString())},e}(n.Model);r.TileSource=a,a.__name__=\"TileSource\",a.init_TileSource()},\n", + " function _(r,e,t){var n=r(132);function o(r,e){return n.wgs84_mercator.forward([r,e])}function _(r,e){return n.wgs84_mercator.inverse([r,e])}t.geographic_to_meters=o,t.meters_to_geographic=_,t.geographic_extent_to_meters=function(r){var e=r[0],t=r[1],n=r[2],_=r[3],c=o(e,t),a=c[0],g=c[1],i=o(n,_);return[a,g,i[0],i[1]]},t.meters_extent_to_geographic=function(r){var e=r[0],t=r[1],n=r[2],o=r[3],c=_(e,t),a=c[0],g=c[1],i=_(n,o);return[a,g,i[0],i[1]]}},\n", + " function _(t,e,r){var _=t(113),i=function(t){function e(e){return t.call(this,e)||this}return _.__extends(e,t),e.prototype.get_image_url=function(t,e,r){var _=this.string_lookup_replace(this.url,this.extra_url_vars),i=this.tms_to_wmts(t,e,r),u=i[0],n=i[1],o=i[2],l=this.tile_xyz_to_quadkey(u,n,o);return _.replace(\"{Q}\",l)},e}(t(397).MercatorTileSource);r.QUADKEYTileSource=i,i.__name__=\"QUADKEYTileSource\"},\n", + " function _(e,t,i){var n=e(113),a=e(402),r=e(176),_=e(225),s=e(163),o=e(121),l=e(318),h=e(110),u=e(109),p=e(174),d=e(170),c=e(403),m=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return n.__extends(t,e),t.prototype.initialize=function(){this._tiles=[],e.prototype.initialize.call(this)},t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return t.request_render()}),this.connect(this.model.tile_source.change,function(){return t.request_render()})},t.prototype.get_extent=function(){return[this.x_range.start,this.y_range.start,this.x_range.end,this.y_range.end]},Object.defineProperty(t.prototype,\"map_plot\",{get:function(){return this.plot_model},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"map_canvas\",{get:function(){return this.plot_view.canvas_view.ctx},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"map_frame\",{get:function(){return this.plot_view.frame},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"x_range\",{get:function(){return this.map_plot.x_range},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"y_range\",{get:function(){return this.map_plot.y_range},enumerable:!0,configurable:!0}),t.prototype._set_data=function(){this.extent=this.get_extent(),this._last_height=void 0,this._last_width=void 0},t.prototype._update_attribution=function(){null!=this.attribution_el&&s.removeElement(this.attribution_el);var e=this.model.tile_source.attribution;if(u.isString(e)&&e.length>0){var t=this.plot_view,i=t.layout,n=t.frame,a=i._width.value-n._right.value,r=i._height.value-n._bottom.value,_=n._width.value;this.attribution_el=s.div({class:c.bk_tile_attribution,style:{position:\"absolute\",right:a+\"px\",bottom:r+\"px\",\"max-width\":_-4+\"px\",padding:\"2px\",\"background-color\":\"rgba(255,255,255,0.5)\",\"font-size\":\"7pt\",\"line-height\":\"1.05\",\"white-space\":\"nowrap\",overflow:\"hidden\",\"text-overflow\":\"ellipsis\"}}),this.plot_view.canvas_view.events_el.appendChild(this.attribution_el),this.attribution_el.innerHTML=e,this.attribution_el.title=this.attribution_el.textContent.replace(/\\s*\\n\\s*/g,\" \")}},t.prototype._map_data=function(){this.initial_extent=this.get_extent();var e=this.model.tile_source.get_level_by_extent(this.initial_extent,this.map_frame._height.value,this.map_frame._width.value),t=this.model.tile_source.snap_to_zoom_level(this.initial_extent,this.map_frame._height.value,this.map_frame._width.value,e);this.x_range.start=t[0],this.y_range.start=t[1],this.x_range.end=t[2],this.y_range.end=t[3],this.x_range instanceof _.Range1d&&(this.x_range.reset_start=t[0],this.x_range.reset_end=t[2]),this.y_range instanceof _.Range1d&&(this.y_range.reset_start=t[1],this.y_range.reset_end=t[3]),this._update_attribution()},t.prototype._create_tile=function(e,t,i,n,a){var r=this;void 0===a&&(a=!1);var _=this.model.tile_source.normalize_xyz(e,t,i),s=_[0],o=_[1],h=_[2],u={img:void 0,tile_coords:[e,t,i],normalized_coords:[s,o,h],quadkey:this.model.tile_source.tile_xyz_to_quadkey(e,t,i),cache_key:this.model.tile_source.tile_xyz_to_key(e,t,i),bounds:n,loaded:!1,finished:!1,x_coord:n[0],y_coord:n[3]},p=this.model.tile_source.get_image_url(s,o,h);new l.ImageLoader(p,{loaded:function(e){Object.assign(u,{img:e,loaded:!0}),a?(u.finished=!0,r.notify_finished()):r.request_render()},failed:function(){u.finished=!0}}),this.model.tile_source.tiles.set(u.cache_key,u),this._tiles.push(u)},t.prototype._enforce_aspect_ratio=function(){if(this._last_height!==this.map_frame._height.value||this._last_width!==this.map_frame._width.value){var e=this.get_extent(),t=this.model.tile_source.get_level_by_extent(e,this.map_frame._height.value,this.map_frame._width.value),i=this.model.tile_source.snap_to_zoom_level(e,this.map_frame._height.value,this.map_frame._width.value,t);this.x_range.setv({start:i[0],end:i[2]}),this.y_range.setv({start:i[1],end:i[3]}),this.extent=i,this._last_height=this.map_frame._height.value,this._last_width=this.map_frame._width.value}},t.prototype.has_finished=function(){if(!e.prototype.has_finished.call(this))return!1;if(0===this._tiles.length)return!1;for(var t=0,i=this._tiles;tn&&(a=this.extent,o=n,l=!0),l&&(this.x_range.setv({x_range:{start:a[0],end:a[2]}}),this.y_range.setv({start:a[1],end:a[3]}),this.extent=a),this.extent=a;for(var u=t.get_tiles_by_extent(a,o),p=[],d=[],c=[],m=[],f=0,g=u;f0&&(u=u.filter(function(n){return t.includes(e,n.name)})),u}},\n", + " function _(t,o,e){var n=t(113),i=t(370),a=t(201),r=t(121),s=t(373),_=function(t){function o(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(o,t),o.prototype._match_aspect=function(t,o,e){var n,i,a,r,s=e.bbox.aspect,_=e.bbox.h_range.end,l=e.bbox.h_range.start,u=e.bbox.v_range.end,p=e.bbox.v_range.start,h=Math.abs(t[0]-o[0]),c=Math.abs(t[1]-o[1]),m=0==c?0:h/c,v=(m>=s?[1,m/s]:[s/m,1])[0];return t[0]<=o[0]?(n=t[0],(i=t[0]+h*v)>_&&(i=_)):(i=t[0],(n=t[0]-h*v)u&&(a=u)):(a=t[1],(r=t[1]-h/s)o.end)&&(this.v_axis_only=!0),(es.end)&&(this.h_axis_only=!0)}null!=this.model.document&&this.model.document.interactive_start(this.plot_model)},n.prototype._pan=function(t){this._update(t.deltaX,t.deltaY),null!=this.model.document&&this.model.document.interactive_start(this.plot_model)},n.prototype._pan_end=function(t){this.h_axis_only=!1,this.v_axis_only=!1,null!=this.pan_info&&this.plot_view.push_state(\"pan\",{range:this.pan_info})},n.prototype._update=function(t,n){var e,i,o,s,a,r,_=this.plot_view.frame,l=t-this.last_dx,h=n-this.last_dy,d=_.bbox.h_range,p=d.start-l,u=d.end-l,c=_.bbox.v_range,f=c.start-h,v=c.end-h,y=this.model.dimensions;\"width\"!=y&&\"both\"!=y||this.v_axis_only?(e=d.start,i=d.end,o=0):(e=p,i=u,o=-l),\"height\"!=y&&\"both\"!=y||this.h_axis_only?(s=c.start,a=c.end,r=0):(s=f,a=v,r=-h),this.last_dx=t,this.last_dy=n;var m=_.xscales,b=_.yscales,x={};for(var g in m){var w=m[g].r_invert(e,i),P=w[0],T=w[1];x[g]={start:P,end:T}}var k={};for(var g in b){var V=b[g].r_invert(s,a);P=V[0],T=V[1];k[g]={start:P,end:T}}this.pan_info={xrs:x,yrs:k,sdx:o,sdy:r},this.plot_view.update_range(this.pan_info,!0)},n}(o.GestureToolView);e.PanToolView=r,r.__name__=\"PanToolView\";var _=function(t){function n(n){var e=t.call(this,n)||this;return e.tool_name=\"Pan\",e.event_type=\"pan\",e.default_order=10,e}return i.__extends(n,t),n.init_PanTool=function(){this.prototype.default_view=r,this.define({dimensions:[s.Dimensions,\"both\"]})},Object.defineProperty(n.prototype,\"tooltip\",{get:function(){return this._get_dim_tooltip(\"Pan\",this.dimensions)},enumerable:!0,configurable:!0}),Object.defineProperty(n.prototype,\"icon\",{get:function(){switch(this.dimensions){case\"both\":return a.bk_tool_icon_pan;case\"width\":return a.bk_tool_icon_xpan;case\"height\":return a.bk_tool_icon_ypan}},enumerable:!0,configurable:!0}),n}(o.GestureTool);e.PanTool=_,_.__name__=\"PanTool\",_.init_PanTool()},\n", + " function _(t,e,o){var l=t(113),i=t(426),a=t(233),n=t(163),s=t(121),c=t(110),_=t(373),r=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.data={sx:[],sy:[]}},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.model.properties.active.change,function(){return e._active_change()})},e.prototype._active_change=function(){this.model.active||this._clear_data()},e.prototype._keyup=function(t){t.keyCode==n.Keys.Enter&&this._clear_data()},e.prototype._doubletap=function(t){var e=t.shiftKey;this._do_select(this.data.sx,this.data.sy,!0,e),this.plot_view.push_state(\"poly_select\",{selection:this.plot_view.get_selection()}),this._clear_data()},e.prototype._clear_data=function(){this.data={sx:[],sy:[]},this.model.overlay.update({xs:[],ys:[]})},e.prototype._tap=function(t){var e=t.sx,o=t.sy;this.plot_view.frame.bbox.contains(e,o)&&(this.data.sx.push(e),this.data.sy.push(o),this.model.overlay.update({xs:c.copy(this.data.sx),ys:c.copy(this.data.sy)}))},e.prototype._do_select=function(t,e,o,l){var i={type:\"poly\",sx:t,sy:e};this._select(i,o,l)},e.prototype._emit_callback=function(t){var e=this.computed_renderers[0],o=this.plot_view.frame,l=o.xscales[e.x_range_name],i=o.yscales[e.y_range_name],a=l.v_invert(t.sx),n=i.v_invert(t.sy),s=Object.assign({x:a,y:n},t);null!=this.model.callback&&this.model.callback.execute(this.model,{geometry:s})},e}(i.SelectToolView);o.PolySelectToolView=r,r.__name__=\"PolySelectToolView\";var y=function(){return new a.PolyAnnotation({level:\"overlay\",xs_units:\"screen\",ys_units:\"screen\",fill_color:{value:\"lightgrey\"},fill_alpha:{value:.5},line_color:{value:\"black\"},line_alpha:{value:1},line_width:{value:2},line_dash:{value:[4,4]}})},p=function(t){function e(e){var o=t.call(this,e)||this;return o.tool_name=\"Poly Select\",o.icon=_.bk_tool_icon_polygon_select,o.event_type=\"tap\",o.default_order=11,o}return l.__extends(e,t),e.init_PolySelectTool=function(){this.prototype.default_view=r,this.define({callback:[s.Any],overlay:[s.Instance,y]})},e}(i.SelectTool);o.PolySelectTool=p,p.__name__=\"PolySelectTool\",p.init_PolySelectTool()},\n", + " function _(t,e,i){var n=t(113),s=t(201),r=t(167),l=t(121),a=t(370),o=t(373);function _(t){switch(t){case 1:return 2;case 2:return 1;case 4:return 5;case 5:return 4;default:return t}}function h(t,e,i,n){if(null==e)return!1;var s=i.compute(e);return Math.abs(t-s)s.right)&&(r=!1)}if(null!=s.bottom&&null!=s.top){var a=n.invert(e);(as.top)&&(r=!1)}return r}function d(t,e,i){var n=0;return t>=i.start&&t<=i.end&&(n+=1),e>=i.start&&e<=i.end&&(n+=1),n}function c(t,e,i,n){var s=e.compute(t),r=e.invert(s+i);return r>=n.start&&r<=n.end?r:t}function y(t,e,i){return t>e.start?(e.end=t,i):(e.end=e.start,e.start=t,_(i))}function f(t,e,i){return t=h&&(t.start=o,t.end=_)}i.flip_side=_,i.is_near=h,i.is_inside=u,i.sides_inside=d,i.compute_value=c,i.update_range_end_side=y,i.update_range_start_side=f,i.update_range=g;var v=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.side=0,this.model.update_overlay_from_ranges()},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),null!=this.model.x_range&&this.connect(this.model.x_range.change,function(){return e.model.update_overlay_from_ranges()}),null!=this.model.y_range&&this.connect(this.model.y_range.change,function(){return e.model.update_overlay_from_ranges()})},e.prototype._pan_start=function(t){this.last_dx=0,this.last_dy=0;var e=this.model.x_range,i=this.model.y_range,n=this.plot_view.frame,r=n.xscales.default,l=n.yscales.default,a=this.model.overlay,o=a.left,_=a.right,d=a.top,c=a.bottom,y=this.model.overlay.properties.line_width.value()+s.EDGE_TOLERANCE;null!=e&&this.model.x_interaction&&(h(t.sx,o,r,y)?this.side=1:h(t.sx,_,r,y)?this.side=2:u(t.sx,t.sy,r,l,a)&&(this.side=3)),null!=i&&this.model.y_interaction&&(0==this.side&&h(t.sy,c,l,y)&&(this.side=4),0==this.side&&h(t.sy,d,l,y)?this.side=5:u(t.sx,t.sy,r,l,this.model.overlay)&&(3==this.side?this.side=7:this.side=6))},e.prototype._pan=function(t){var e=this.plot_view.frame,i=t.deltaX-this.last_dx,n=t.deltaY-this.last_dy,s=this.model.x_range,r=this.model.y_range,l=e.xscales.default,a=e.yscales.default;if(null!=s)if(3==this.side||7==this.side)g(s,l,i,e.x_range);else if(1==this.side){var o=c(s.start,l,i,e.x_range);this.side=f(o,s,this.side)}else if(2==this.side){var _=c(s.end,l,i,e.x_range);this.side=y(_,s,this.side)}if(null!=r)if(6==this.side||7==this.side)g(r,a,n,e.y_range);else if(4==this.side){o=c(r.start,a,n,e.y_range);this.side=f(o,r,this.side)}else if(5==this.side){_=c(r.end,a,n,e.y_range);this.side=y(_,r,this.side)}this.last_dx=t.deltaX,this.last_dy=t.deltaY},e.prototype._pan_end=function(t){this.side=0},e}(a.GestureToolView);i.RangeToolView=v,v.__name__=\"RangeToolView\";var p=function(){return new s.BoxAnnotation({level:\"overlay\",render_mode:\"canvas\",fill_color:\"lightgrey\",fill_alpha:{value:.5},line_color:{value:\"black\"},line_alpha:{value:1},line_width:{value:.5},line_dash:[2,2]})},m=function(t){function e(e){var i=t.call(this,e)||this;return i.tool_name=\"Range Tool\",i.icon=o.bk_tool_icon_range,i.event_type=\"pan\",i.default_order=1,i}return n.__extends(e,t),e.init_RangeTool=function(){this.prototype.default_view=v,this.define({x_range:[l.Instance,null],x_interaction:[l.Boolean,!0],y_range:[l.Instance,null],y_interaction:[l.Boolean,!0],overlay:[l.Instance,p]})},e.prototype.initialize=function(){t.prototype.initialize.call(this),this.overlay.in_cursor=\"grab\",this.overlay.ew_cursor=null!=this.x_range&&this.x_interaction?\"ew-resize\":null,this.overlay.ns_cursor=null!=this.y_range&&this.y_interaction?\"ns-resize\":null},e.prototype.update_overlay_from_ranges=function(){null==this.x_range&&null==this.y_range&&(this.overlay.left=null,this.overlay.right=null,this.overlay.bottom=null,this.overlay.top=null,r.logger.warn(\"RangeTool not configured with any Ranges.\")),null==this.x_range?(this.overlay.left=null,this.overlay.right=null):(this.overlay.left=this.x_range.start,this.overlay.right=this.x_range.end),null==this.y_range?(this.overlay.bottom=null,this.overlay.top=null):(this.overlay.bottom=this.y_range.start,this.overlay.top=this.y_range.end)},e}(a.GestureTool);i.RangeTool=m,m.__name__=\"RangeTool\",m.init_RangeTool()},\n", + " function _(e,t,i){var s=e(113),n=e(426),o=e(121),a=e(373),r=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return s.__extends(t,e),t.prototype._tap=function(e){var t={type:\"point\",sx:e.sx,sy:e.sy},i=e.shiftKey;this._select(t,!0,i)},t.prototype._select=function(e,t,i){var s=this,n=this.model.callback;if(\"select\"==this.model.behavior){var o=this._computed_renderers_by_data_source();for(var a in o){var r=o[a],_=r[0].get_selection_manager(),l=r.map(function(e){return s.plot_view.renderer_views[e.id]});if(_.select(l,e,t,i)&&null!=n){var c=(y=this.plot_view.frame).xscales[r[0].x_range_name],p=y.yscales[r[0].y_range_name],v=c.invert(e.sx),u=p.invert(e.sy),h={geometries:Object.assign(Object.assign({},e),{x:v,y:u}),source:_.source};n.execute(this.model,h)}}this._emit_selection_event(e),this.plot_view.push_state(\"tap\",{selection:this.plot_view.get_selection()})}else for(var m=0,f=this.computed_renderers;m.9?t=.9:t<-.9&&(t=-.9),this._update_ranges(t)},t.prototype._update_ranges=function(e){var t,n,o,r,i=this.plot_view.frame,a=i.bbox.h_range,s=i.bbox.v_range,l=[a.start,a.end],_=l[0],h=l[1],d=[s.start,s.end],u=d[0],p=d[1];switch(this.model.dimension){case\"height\":var c=Math.abs(p-u);t=_,n=h,o=u-c*e,r=p-c*e;break;case\"width\":var v=Math.abs(h-_);t=_-v*e,n=h-v*e,o=u,r=p;break;default:throw new Error(\"this shouldn't have happened\")}var f=i.xscales,m=i.yscales,w={};for(var b in f){var g=f[b].r_invert(t,n),y=g[0],P=g[1];w[b]={start:y,end:P}}var T={};for(var b in m){var W=m[b].r_invert(o,r);y=W[0],P=W[1];T[b]={start:y,end:P}}var x={xrs:w,yrs:T,factor:e};this.plot_view.push_state(\"wheel_pan\",{range:x}),this.plot_view.update_range(x,!1,!0),null!=this.model.document&&this.model.document.interactive_start(this.plot_model)},t}(r.GestureToolView);n.WheelPanToolView=s,s.__name__=\"WheelPanToolView\";var l=function(e){function t(t){var n=e.call(this,t)||this;return n.tool_name=\"Wheel Pan\",n.icon=a.bk_tool_icon_wheel_pan,n.event_type=\"scroll\",n.default_order=12,n}return o.__extends(t,e),t.init_WheelPanTool=function(){this.prototype.default_view=s,this.define({dimension:[i.Dimension,\"width\"]}),this.internal({speed:[i.Number,.001]})},Object.defineProperty(t.prototype,\"tooltip\",{get:function(){return this._get_dim_tooltip(this.tool_name,this.dimension)},enumerable:!0,configurable:!0}),t}(r.GestureTool);n.WheelPanTool=l,l.__name__=\"WheelPanTool\",l.init_WheelPanTool()},\n", + " function _(e,o,t){var i=e(113),n=e(370),l=e(416),s=e(121),_=e(197),r=e(373),a=function(e){function o(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(o,e),o.prototype._pinch=function(e){var o,t=e.sx,i=e.sy,n=e.scale;o=n>=1?20*(n-1):-20/n,this._scroll({type:\"wheel\",sx:t,sy:i,delta:o})},o.prototype._scroll=function(e){var o=this.plot_view.frame,t=o.bbox.h_range,i=o.bbox.v_range,n=e.sx,s=e.sy,_=this.model.dimensions,r=(\"width\"==_||\"both\"==_)&&t.start=0){var v=d.match(/\\$color(\\[.*\\])?:(\\w*)/),y=v[1],x=void 0===y?\"\":y,g=v[2],b=e.get_column(g);if(null==b){var w=_.span({},g+\" unknown\");m.appendChild(w);continue}var k=x.indexOf(\"hex\")>=0,T=x.indexOf(\"swatch\")>=0,H=u.isNumber(t)?b[t]:null;if(null==H){var C=_.span({},\"(null)\");m.appendChild(C);continue}k&&(H=h.color2hex(H));var G=_.span({},H);m.appendChild(G),T&&(G=_.span({class:f.bk_tooltip_color_block,style:{backgroundColor:H}},\" \"),m.appendChild(G))}else{(G=_.span()).innerHTML=c.replace_placeholders(d.replace(\"$~\",\"$data_\"),e,t,this.model.formatters,n),m.appendChild(G)}}return o},t}(o.InspectToolView);n.HoverToolView=b,b.__name__=\"HoverToolView\";var w=function(e){function t(t){var n=e.call(this,t)||this;return n.tool_name=\"Hover\",n.icon=y.bk_tool_icon_hover,n}return i.__extends(t,e),t.init_HoverTool=function(){this.prototype.default_view=b,this.define({tooltips:[p.Any,[[\"index\",\"$index\"],[\"data (x, y)\",\"($x, $y)\"],[\"screen (x, y)\",\"($sx, $sy)\"]]],formatters:[p.Any,{}],renderers:[p.Any,\"auto\"],names:[p.Array,[]],mode:[p.HoverMode,\"mouse\"],point_policy:[p.PointPolicy,\"snap_to_data\"],line_policy:[p.LinePolicy,\"nearest\"],show_arrow:[p.Boolean,!0],anchor:[p.Anchor,\"center\"],attachment:[p.TooltipAttachment,\"horizontal\"],callback:[p.Any]})},t}(o.InspectTool);n.HoverTool=w,w.__name__=\"HoverTool\",w.init_HoverTool()},\n", + " function _(t,e,o){var n=t(113),i=t(121),r=t(116),c=t(166),l=t(364),u=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_ToolProxy=function(){this.define({tools:[i.Array,[]],active:[i.Boolean,!1],disabled:[i.Boolean,!1]})},Object.defineProperty(e.prototype,\"button_view\",{get:function(){return this.tools[0].button_view},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"event_type\",{get:function(){return this.tools[0].event_type},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"tooltip\",{get:function(){return this.tools[0].tooltip},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"tool_name\",{get:function(){return this.tools[0].tool_name},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"icon\",{get:function(){return this.tools[0].computed_icon},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"computed_icon\",{get:function(){return this.icon},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"toggleable\",{get:function(){var t=this.tools[0];return t instanceof l.InspectTool&&t.toggleable},enumerable:!0,configurable:!0}),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.do=new r.Signal0(this,\"do\")},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.do,function(){return e.doit()}),this.connect(this.properties.active.change,function(){return e.set_active()})},e.prototype.doit=function(){for(var t=0,e=this.tools;t0)if(\"multi\"==u)for(var w=0,T=z;w0&&this.actions.push(x(z))}for(var m in this.inspectors=[],i){(z=i[m]).length>0&&this.inspectors.push(x(z,!0))}for(var V in this.gestures){0!=(_=this.gestures[V]).tools.length&&(_.tools=r.sort_by(_.tools,function(t){return t.default_order}),\"pinch\"!=V&&\"scroll\"!=V&&\"multi\"!=V&&(_.tools[0].active=!0))}},o}(s.ToolbarBase);i.ProxyToolbar=p,p.__name__=\"ProxyToolbar\";var c=function(t){function o(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(o,t),o.prototype.initialize=function(){this.model.toolbar.toolbar_location=this.model.toolbar_location,t.prototype.initialize.call(this)},Object.defineProperty(o.prototype,\"child_models\",{get:function(){return[this.model.toolbar]},enumerable:!0,configurable:!0}),o.prototype._update_layout=function(){this.layout=new h.ContentBox(this.child_views[0].el),this.model.toolbar.horizontal?this.layout.set_sizing({width_policy:\"fit\",min_width:100,height_policy:\"fixed\"}):this.layout.set_sizing({width_policy:\"fixed\",height_policy:\"fit\",min_height:100})},o}(a.LayoutDOMView);i.ToolbarBoxView=c,c.__name__=\"ToolbarBoxView\";var u=function(t){function o(o){return t.call(this,o)||this}return e.__extends(o,t),o.init_ToolbarBox=function(){this.prototype.default_view=c,this.define({toolbar:[n.Instance],toolbar_location:[n.Location,\"right\"]})},o}(a.LayoutDOM);i.ToolbarBox=u,u.__name__=\"ToolbarBox\",u.init_ToolbarBox()},\n", + " function _(e,n,t){var d=e(106),i=e(163),o=e(442);t.index={},t.add_document_standalone=function(e,n,a,l){void 0===a&&(a={}),void 0===l&&(l=!1);var r={};function v(e){var d;e.id in a?d=a[e.id]:n.classList.contains(o.BOKEH_ROOT)?d=n:(d=i.div({class:o.BOKEH_ROOT}),n.appendChild(d));var l=function(e){var n=new e.default_view({model:e,parent:null});return t.index[e.id]=n,n}(e);l.renderTo(d),r[e.id]=l}for(var c=0,u=e.roots();c\");if(\"SCRIPT\"==r.tagName){var t=n.div({class:o.BOKEH_ROOT});n.replaceWith(r,t),r=t}return r}o.BOKEH_ROOT=t.bk_root,o._resolve_element=function(e){var r=e.elementid;return null!=r?l(r):document.body},o._resolve_root_elements=function(e){var r={};if(null!=e.roots)for(var o in e.roots)r[o]=l(e.roots[o]);return r}},\n", + " function _(n,o,t){var e=n(444),r=n(167),a=n(441);t._get_ws_url=function(n,o){var t,e=\"ws:\";return\"https:\"==window.location.protocol&&(e=\"wss:\"),null!=o?(t=document.createElement(\"a\")).href=o:t=window.location,null!=n?\"/\"==n&&(n=\"\"):n=t.pathname.replace(/\\/+$/,\"\"),e+\"//\"+t.host+n+\"/ws\"};var i={};t.add_document_from_session=function(n,o,t,s,u){void 0===s&&(s={}),void 0===u&&(u=!1);var c=window.location.search.substr(1);return function(n,o,t){n in i||(i[n]={});var r=i[n];return o in r||(r[o]=e.pull_session(n,o,t)),r[o]}(n,o,c).then(function(n){return a.add_document_standalone(n.document,t,s,u)},function(n){throw r.logger.error(\"Failed to load Bokeh session \"+o+\": \"+n),n})}},\n", + " function _(e,n,o){var t=e(167),s=e(106),r=e(445),i=e(446),c=e(447);o.DEFAULT_SERVER_WEBSOCKET_URL=\"ws://localhost:5006/ws\",o.DEFAULT_SESSION_ID=\"default\";var l=0,_=function(){function e(e,n,s,r,c){void 0===e&&(e=o.DEFAULT_SERVER_WEBSOCKET_URL),void 0===n&&(n=o.DEFAULT_SESSION_ID),void 0===s&&(s=null),void 0===r&&(r=null),void 0===c&&(c=null),this.url=e,this.id=n,this.args_string=s,this._on_have_session_hook=r,this._on_closed_permanently_hook=c,this._number=l++,this.socket=null,this.session=null,this.closed_permanently=!1,this._current_handler=null,this._pending_ack=null,this._pending_replies={},this._pending_messages=[],this._receiver=new i.Receiver,t.logger.debug(\"Creating websocket \"+this._number+\" to '\"+this.url+\"' session '\"+this.id+\"'\")}return e.prototype.connect=function(){var e=this;if(this.closed_permanently)return Promise.reject(new Error(\"Cannot connect() a closed ClientConnection\"));if(null!=this.socket)return Promise.reject(new Error(\"Already connected\"));this._pending_replies={},this._current_handler=null;try{var n=this.url+\"?bokeh-protocol-version=1.0&bokeh-session-id=\"+this.id;return null!=this.args_string&&this.args_string.length>0&&(n+=\"&\"+this.args_string),this.socket=new WebSocket(n),new Promise(function(n,o){e.socket.binaryType=\"arraybuffer\",e.socket.onopen=function(){return e._on_open(n,o)},e.socket.onmessage=function(n){return e._on_message(n)},e.socket.onclose=function(n){return e._on_close(n)},e.socket.onerror=function(){return e._on_error(o)}})}catch(e){return t.logger.error(\"websocket creation failed to url: \"+this.url),t.logger.error(\" - \"+e),Promise.reject(e)}},e.prototype.close=function(){this.closed_permanently||(t.logger.debug(\"Permanently closing websocket connection \"+this._number),this.closed_permanently=!0,null!=this.socket&&this.socket.close(1e3,\"close method called on ClientConnection \"+this._number),this.session._connection_closed(),null!=this._on_closed_permanently_hook&&(this._on_closed_permanently_hook(),this._on_closed_permanently_hook=null))},e.prototype._schedule_reconnect=function(e){var n=this;setTimeout(function(){n.closed_permanently||t.logger.info(\"Websocket connection \"+n._number+\" disconnected, will not attempt to reconnect\")},e)},e.prototype.send=function(e){if(null==this.socket)throw new Error(\"not connected so cannot send \"+e);e.send(this.socket)},e.prototype.send_with_reply=function(e){var n=this;return new Promise(function(o,t){n._pending_replies[e.msgid()]=[o,t],n.send(e)}).then(function(e){if(\"ERROR\"===e.msgtype())throw new Error(\"Error reply \"+e.content.text);return e},function(e){throw e})},e.prototype._pull_doc_json=function(){var e=r.Message.create(\"PULL-DOC-REQ\",{});return this.send_with_reply(e).then(function(e){if(!(\"doc\"in e.content))throw new Error(\"No 'doc' field in PULL-DOC-REPLY\");return e.content.doc},function(e){throw e})},e.prototype._repull_session_doc=function(){var e=this;null==this.session?t.logger.debug(\"Pulling session for first time\"):t.logger.debug(\"Repulling session\"),this._pull_doc_json().then(function(n){if(null==e.session)if(e.closed_permanently)t.logger.debug(\"Got new document after connection was already closed\");else{var o=s.Document.from_json(n),i=s.Document._compute_patch_since_json(n,o);if(i.events.length>0){t.logger.debug(\"Sending \"+i.events.length+\" changes from model construction back to server\");var l=r.Message.create(\"PATCH-DOC\",{},i);e.send(l)}e.session=new c.ClientSession(e,o,e.id);for(var _=0,h=e._pending_messages;_0)throw new Error(\"BokehJS only supports receiving buffers, not sending\");var t=JSON.stringify(this.header),r=JSON.stringify(this.metadata),n=JSON.stringify(this.content);e.send(t),e.send(r),e.send(n)},e.prototype.msgid=function(){return this.header.msgid},e.prototype.msgtype=function(){return this.header.msgtype},e.prototype.reqid=function(){return this.header.reqid},e.prototype.problem=function(){return\"msgid\"in this.header?\"msgtype\"in this.header?null:\"No msgtype in header\":\"No msgid in header\"},e}();r.Message=s,s.__name__=\"Message\"},\n", + " function _(t,e,s){var r=t(445),_=function(){function t(){this.message=null,this._partial=null,this._fragments=[],this._buf_header=null,this._current_consumer=this._HEADER}return t.prototype.consume=function(t){this._current_consumer(t)},t.prototype._HEADER=function(t){this._assume_text(t),this.message=null,this._partial=null,this._fragments=[t],this._buf_header=null,this._current_consumer=this._METADATA},t.prototype._METADATA=function(t){this._assume_text(t),this._fragments.push(t),this._current_consumer=this._CONTENT},t.prototype._CONTENT=function(t){this._assume_text(t),this._fragments.push(t);var e=this._fragments.slice(0,3),s=e[0],_=e[1],i=e[2];this._partial=r.Message.assemble(s,_,i),this._check_complete()},t.prototype._BUFFER_HEADER=function(t){this._assume_text(t),this._buf_header=t,this._current_consumer=this._BUFFER_PAYLOAD},t.prototype._BUFFER_PAYLOAD=function(t){this._assume_binary(t),this._partial.assemble_buffer(this._buf_header,t),this._check_complete()},t.prototype._assume_text=function(t){if(t instanceof ArrayBuffer)throw new Error(\"Expected text fragment but received binary fragment\")},t.prototype._assume_binary=function(t){if(!(t instanceof ArrayBuffer))throw new Error(\"Expected binary fragment but received text fragment\")},t.prototype._check_complete=function(){this._partial.complete()?(this.message=this._partial,this._current_consumer=this._HEADER):this._current_consumer=this._BUFFER_HEADER},t}();s.Receiver=_,_.__name__=\"Receiver\"},\n", + " function _(e,t,n){var o=e(106),i=e(445),r=e(167),s=function(){function e(e,t,n){var o=this;this._connection=e,this.document=t,this.id=n,this._document_listener=function(e){return o._document_changed(e)},this.document.on_change(this._document_listener),this.event_manager=this.document.event_manager,this.event_manager.session=this}return e.prototype.handle=function(e){var t=e.msgtype();\"PATCH-DOC\"===t?this._handle_patch(e):\"OK\"===t?this._handle_ok(e):\"ERROR\"===t?this._handle_error(e):r.logger.debug(\"Doing nothing with message \"+e.msgtype())},e.prototype.close=function(){this._connection.close()},e.prototype.send_event=function(e){var t=i.Message.create(\"EVENT\",{},JSON.stringify(e.to_json()));this._connection.send(t)},e.prototype._connection_closed=function(){this.document.remove_on_change(this._document_listener)},e.prototype.request_server_info=function(){var e=i.Message.create(\"SERVER-INFO-REQ\",{});return this._connection.send_with_reply(e).then(function(e){return e.content})},e.prototype.force_roundtrip=function(){return this.request_server_info().then(function(e){})},e.prototype._document_changed=function(e){if(e.setter_id!==this.id&&(!(e instanceof o.ModelChangedEvent)||e.attr in e.model.serializable_attributes())){var t=i.Message.create(\"PATCH-DOC\",{},this.document.create_json_patch([e]));this._connection.send(t)}},e.prototype._handle_patch=function(e){this.document.apply_json_patch(e.content,e.buffers,this.id)},e.prototype._handle_ok=function(e){r.logger.trace(\"Unhandled OK reply to \"+e.reqid())},e.prototype._handle_error=function(e){r.logger.error(\"Unhandled ERROR reply to \"+e.reqid()+\": \"+e.content.text)},e}();n.ClientSession=s,s.__name__=\"ClientSession\"},\n", + " function _(e,o,t){var n=e(106),r=e(446),s=e(167),i=e(125),a=e(441),l=e(442);function c(e,o){o.buffers.length>0?e.consume(o.buffers[0].buffer):e.consume(o.content.data);var t=e.message;null!=t&&this.apply_json_patch(t.content,t.buffers)}function g(e,o){if(\"undefined\"!=typeof Jupyter&&null!=Jupyter.notebook.kernel){s.logger.info(\"Registering Jupyter comms for target \"+e);var n=Jupyter.notebook.kernel.comm_manager;try{n.register_target(e,function(t){s.logger.info(\"Registering Jupyter comms for target \"+e);var n=new r.Receiver;t.on_msg(c.bind(o,n))})}catch(e){s.logger.warn(\"Jupyter comms failed to register. push_notebook() will not function. (exception reported: \"+e+\")\")}}else if(o.roots()[0].id in t.kernels){s.logger.info(\"Registering JupyterLab comms for target \"+e);var i=t.kernels[o.roots()[0].id];try{i.registerCommTarget(e,function(t){s.logger.info(\"Registering JupyterLab comms for target \"+e);var n=new r.Receiver;t.onMsg=c.bind(o,n)})}catch(e){s.logger.warn(\"Jupyter comms failed to register. push_notebook() will not function. (exception reported: \"+e+\")\")}}else console.warn(\"Jupyter notebooks comms not available. push_notebook() will not function. If running JupyterLab ensure the latest @bokeh/jupyter_bokeh extension is installed. In an exported notebook this warning is expected.\")}e(374),e(449),t.kernels={},t.embed_items_notebook=function(e,o){if(1!=i.size(e))throw new Error(\"embed_items_notebook expects exactly one document in docs_json\");for(var t=n.Document.from_json(i.values(e)[0]),r=0,s=o;r0&&(this.model.value=this.menu.children[this._hover_index].textContent,this.input_el.focus(),this._hide_menu())},t.prototype._update_completions=function(e){s.empty(this.menu);for(var t=0,n=e;t0&&this.menu.children[0].classList.add(r.bk_active)},t.prototype._show_menu=function(){var e=this;if(!this._open){this._open=!0,this._hover_index=0,this._last_value=this.model.value,s.display(this.menu);var t=function(n){var i=n.target;i instanceof HTMLElement&&!e.el.contains(i)&&(document.removeEventListener(\"click\",t),e._hide_menu())};document.addEventListener(\"click\",t)}},t.prototype._hide_menu=function(){this._open&&(this._open=!1,s.undisplay(this.menu))},t.prototype._menu_click=function(e){e.target!=e.currentTarget&&e.target instanceof Element&&(this.model.value=e.target.textContent,this.input_el.focus(),this._hide_menu())},t.prototype._menu_hover=function(e){if(e.target!=e.currentTarget&&e.target instanceof Element){var t=0;for(t=0;t0&&(this.menu.children[this._hover_index].classList.remove(r.bk_active),this._hover_index=u.clamp(e,0,t-1),this.menu.children[this._hover_index].classList.add(r.bk_active))},t.prototype._keydown=function(e){},t.prototype._keyup=function(e){switch(e.keyCode){case s.Keys.Enter:this.change_input();break;case s.Keys.Esc:this._hide_menu();break;case s.Keys.Up:this._bump_hover(this._hover_index-1);break;case s.Keys.Down:this._bump_hover(this._hover_index+1);break;default:var t=this.input_el.value;if(t.length *:not(:first-child) {\\n margin-left: 5px;\\n}\\n.bk-root .bk-input-group input[type=\"checkbox\"] + span,\\n.bk-root .bk-input-group input[type=\"radio\"] + span {\\n position: relative;\\n top: -2px;\\n margin-left: 3px;\\n}\\n'),t.bk_input=\"bk-input\",t.bk_input_group=\"bk-input-group\"},\n", + " 482: function _(t,n,i){var e=t(113),o=t(474),u=t(376),c=t(121),r=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(n,t),n.prototype.click=function(){this.model.clicks=this.model.clicks+1,this.model.trigger_event(new u.ButtonClick),t.prototype.click.call(this)},n}(o.AbstractButtonView);i.ButtonView=r,r.__name__=\"ButtonView\";var l=function(t){function n(n){return t.call(this,n)||this}return e.__extends(n,t),n.init_Button=function(){this.prototype.default_view=r,this.define({clicks:[c.Number,0]}),this.override({label:\"Button\"})},n}(o.AbstractButton);i.Button=l,l.__name__=\"Button\",l.init_Button()},\n", + " 483: function _(t,e,o){var n=t(113),i=t(484),u=t(163),c=t(117),r=t(121),a=t(240),h=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),Object.defineProperty(e.prototype,\"active\",{get:function(){return new c.Set(this.model.active)},enumerable:!0,configurable:!0}),e.prototype.change_active=function(t){var e=this.active;e.toggle(t),this.model.active=e.values,null!=this.model.callback&&this.model.callback.execute(this.model)},e.prototype._update_active=function(){var t=this.active;this._buttons.forEach(function(e,o){u.classes(e).toggle(a.bk_active,t.has(o))})},e}(i.ButtonGroupView);o.CheckboxButtonGroupView=h,h.__name__=\"CheckboxButtonGroupView\";var l=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_CheckboxButtonGroup=function(){this.prototype.default_view=h,this.define({active:[r.Array,[]]})},e}(i.ButtonGroup);o.CheckboxButtonGroup=l,l.__name__=\"CheckboxButtonGroup\",l.init_CheckboxButtonGroup()},\n", + " 484: function _(t,n,e){var o=t(113),i=t(475),r=t(163),u=t(121),a=t(347),s=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return o.__extends(n,t),n.prototype.connect_signals=function(){var n=this;t.prototype.connect_signals.call(this);var e=this.model.properties;this.on_change(e.button_type,function(){return n.render()}),this.on_change(e.labels,function(){return n.render()}),this.on_change(e.active,function(){return n._update_active()})},n.prototype.render=function(){var n=this;t.prototype.render.call(this),this._buttons=this.model.labels.map(function(t,e){var o=r.div({class:[a.bk_btn,a.bk_btn_type(n.model.button_type)],disabled:n.model.disabled},t);return o.addEventListener(\"click\",function(){return n.change_active(e)}),o}),this._update_active();var e=r.div({class:a.bk_btn_group},this._buttons);this.el.appendChild(e)},n}(i.ControlView);e.ButtonGroupView=s,s.__name__=\"ButtonGroupView\";var _=function(t){function n(n){return t.call(this,n)||this}return o.__extends(n,t),n.init_ButtonGroup=function(){this.define({labels:[u.Array,[]],button_type:[u.ButtonType,\"default\"],callback:[u.Any]})},n}(i.Control);e.ButtonGroup=_,_.__name__=\"ButtonGroup\",_.init_ButtonGroup()},\n", + " 485: function _(e,t,n){var i=e(113),l=e(486),o=e(163),a=e(110),r=e(117),c=e(121),u=e(240),h=e(481),p=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.render=function(){var t=this;e.prototype.render.call(this);var n=o.div({class:[h.bk_input_group,this.model.inline?u.bk_inline:null]});this.el.appendChild(n);for(var i=this.model,l=i.active,r=i.labels,c=function(e){var i=o.input({type:\"checkbox\",value:\"\"+e});i.addEventListener(\"change\",function(){return t.change_active(e)}),p.model.disabled&&(i.disabled=!0),a.includes(l,e)&&(i.checked=!0);var c=o.label({},i,o.span({},r[e]));n.appendChild(c)},p=this,s=0;sn||this._o.position.indexOf(\"right\")>-1&&a-e+t.offsetWidth>0)&&(a=a-e+t.offsetWidth),(this._o.reposition&&r+i>o+s||this._o.position.indexOf(\"top\")>-1&&r-i-t.offsetHeight>0)&&(r=r-i-t.offsetHeight),this.el.style.left=a+\"px\",this.el.style.top=r+\"px\"}};var d=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return e.render()})},e.prototype.render=function(){var e=this;null!=this._picker&&this._picker.destroy(),t.prototype.render.call(this),this.input_el=s.input({type:\"text\",class:r.bk_input,disabled:this.model.disabled}),this.group_el.appendChild(this.input_el),this._picker=new a({field:this.input_el,defaultDate:this._unlocal_date(new Date(this.model.value)),setDefaultDate:!0,minDate:null!=this.model.min_date?this._unlocal_date(new Date(this.model.min_date)):void 0,maxDate:null!=this.model.max_date?this._unlocal_date(new Date(this.model.max_date)):void 0,onSelect:function(t){return e._on_select(t)}}),this._root_element.appendChild(this._picker.el)},e.prototype._unlocal_date=function(t){var e=6e4*t.getTimezoneOffset();t.setTime(t.getTime()-e);var i=t.toISOString().substr(0,10).split(\"-\");return new Date(Number(i[0]),Number(i[1])-1,Number(i[2]))},e.prototype._on_select=function(t){this.model.value=t.toDateString(),this.change_input()},e}(o.InputWidgetView);i.DatePickerView=d,d.__name__=\"DatePickerView\";var h=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_DatePicker=function(){this.prototype.default_view=d,this.define({value:[l.Any,(new Date).toDateString()],min_date:[l.Any],max_date:[l.Any]})},e}(o.InputWidget);i.DatePicker=h,h.__name__=\"DatePicker\",h.init_DatePicker()},\n", + " 489: function _(e,t,n){var a=function(e,t,n,a){e.addEventListener(t,n,!!a)},i=function(e,t,n,a){e.removeEventListener(t,n,!!a)},s=function(e,t){return-1!==(\" \"+e.className+\" \").indexOf(\" \"+t+\" \")},o=function(e,t){s(e,t)||(e.className=\"\"===e.className?t:e.className+\" \"+t)},r=function(e,t){var n;e.className=(n=(\" \"+e.className+\" \").replace(\" \"+t+\" \",\" \")).trim?n.trim():n.replace(/^\\s+|\\s+$/g,\"\")},l=function(e){return/Array/.test(Object.prototype.toString.call(e))},h=function(e){return/Date/.test(Object.prototype.toString.call(e))&&!isNaN(e.getTime())},d=function(e){var t=e.getDay();return 0===t||6===t},u=function(e){\n", + " // solution lifted from date.js (MIT license): https://github.com/datejs/Datejs\n", + " return e%4==0&&e%100!=0||e%400==0},c=function(e,t){return[31,u(e)?29:28,31,30,31,30,31,31,30,31,30,31][t]},f=function(e){h(e)&&e.setHours(0,0,0,0)},g=function(e,t){return e.getTime()===t.getTime()},m=function(e,t,n){var a,i;for(a in t)(i=void 0!==e[a])&&\"object\"==typeof t[a]&&null!==t[a]&&void 0===t[a].nodeName?h(t[a])?n&&(e[a]=new Date(t[a].getTime())):l(t[a])?n&&(e[a]=t[a].slice(0)):e[a]=m({},t[a],n):!n&&i||(e[a]=t[a]);return e},p=function(e,t,n){var a;document.createEvent?((a=document.createEvent(\"HTMLEvents\")).initEvent(t,!0,!1),a=m(a,n),e.dispatchEvent(a)):document.createEventObject&&(a=document.createEventObject(),a=m(a,n),e.fireEvent(\"on\"+t,a))},y=function(e){return e.month<0&&(e.year-=Math.ceil(Math.abs(e.month)/12),e.month+=12),e.month>11&&(e.year+=Math.floor(Math.abs(e.month)/12),e.month-=12),e},D={field:null,bound:void 0,ariaLabel:\"Use the arrow keys to pick a date\",position:\"bottom left\",reposition:!0,format:\"YYYY-MM-DD\",toString:null,parse:null,defaultDate:null,setDefaultDate:!1,firstDay:0,formatStrict:!1,minDate:null,maxDate:null,yearRange:10,showWeekNumber:!1,pickWholeWeek:!1,minYear:0,maxYear:9999,minMonth:void 0,maxMonth:void 0,startRange:null,endRange:null,isRTL:!1,yearSuffix:\"\",showMonthAfterYear:!1,showDaysInNextAndPreviousMonths:!1,enableSelectionDaysInNextAndPreviousMonths:!1,numberOfMonths:1,mainCalendar:\"left\",container:void 0,blurFieldOnSelect:!0,i18n:{previousMonth:\"Previous Month\",nextMonth:\"Next Month\",months:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],weekdays:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],weekdaysShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"]},theme:null,events:[],onSelect:null,onOpen:null,onClose:null,onDraw:null,keyboardInput:!0},b=function(e,t,n){for(t+=e.firstDay;t>=7;)t-=7;return n?e.i18n.weekdaysShort[t]:e.i18n.weekdays[t]},_=function(e){var t=[],n=\"false\";if(e.isEmpty){if(!e.showDaysInNextAndPreviousMonths)return'';t.push(\"is-outside-current-month\"),e.enableSelectionDaysInNextAndPreviousMonths||t.push(\"is-selection-disabled\")}return e.isDisabled&&t.push(\"is-disabled\"),e.isToday&&t.push(\"is-today\"),e.isSelected&&(t.push(\"is-selected\"),n=\"true\"),e.hasEvent&&t.push(\"has-event\"),e.isInRange&&t.push(\"is-inrange\"),e.isStartRange&&t.push(\"is-startrange\"),e.isEndRange&&t.push(\"is-endrange\"),'\"},v=function(e,t,n){return''+function(e){e.setHours(0,0,0,0);var t=e.getDate(),n=e.getDay(),a=function(e){return(e+7-1)%7};e.setDate(t+3-a(n));var i=new Date(e.getFullYear(),0,4),s=(e.getTime()-i.getTime())/864e5;return 1+Math.round((s-3+a(i.getDay()))/7)}(new Date(n,t,e))+\"\"},w=function(e,t,n,a){return''+(t?e.reverse():e).join(\"\")+\"\"},k=function(e,t,n,a,i,s){var o,r,h,d,u,c=e._o,f=n===c.minYear,g=n===c.maxYear,m='
',p=!0,y=!0;for(h=[],o=0;o<12;o++)h.push('\");for(d='
'+c.i18n.months[a]+'
\",l(c.yearRange)?(o=c.yearRange[0],r=c.yearRange[1]+1):(o=n-c.yearRange,r=1+n+c.yearRange),h=[];o=c.minYear&&h.push('\");return u='
'+n+c.yearSuffix+'
\",c.showMonthAfterYear?m+=u+d:m+=d+u,f&&(0===a||c.minMonth>=a)&&(p=!1),g&&(11===a||c.maxMonth<=a)&&(y=!1),0===t&&(m+='\"),t===e._o.numberOfMonths-1&&(m+='\"),m+\"
\"},M=function(e,t,n){return''+function(e){var t,n=[];for(e.showWeekNumber&&n.push(\"\"),t=0;t<7;t++)n.push('\");return\"\"+(e.isRTL?n.reverse():n).join(\"\")+\"\"}(e)+(\"\"+t.join(\"\")+\"\")+\"
'+b(e,t,!0)+\"
\"},x=function(e){var t=this,n=t.config(e);t._onMouseDown=function(e){if(t._v){var a=(e=e||window.event).target||e.srcElement;if(a)if(s(a,\"is-disabled\")||(!s(a,\"pika-button\")||s(a,\"is-empty\")||s(a.parentNode,\"is-disabled\")?s(a,\"pika-prev\")?t.prevMonth():s(a,\"pika-next\")&&t.nextMonth():(t.setDate(new Date(a.getAttribute(\"data-pika-year\"),a.getAttribute(\"data-pika-month\"),a.getAttribute(\"data-pika-day\"))),n.bound&&setTimeout(function(){t.hide(),n.blurFieldOnSelect&&n.field&&n.field.blur()},100))),s(a,\"pika-select\"))t._c=!0;else{if(!e.preventDefault)return e.returnValue=!1,!1;e.preventDefault()}}},t._onChange=function(e){var n=(e=e||window.event).target||e.srcElement;n&&(s(n,\"pika-select-month\")?t.gotoMonth(n.value):s(n,\"pika-select-year\")&&t.gotoYear(n.value))},t._onKeyChange=function(e){if(e=e||window.event,t.isVisible())switch(e.keyCode){case 13:case 27:n.field&&n.field.blur();break;case 37:t.adjustDate(\"subtract\",1);break;case 38:t.adjustDate(\"subtract\",7);break;case 39:t.adjustDate(\"add\",1);break;case 40:t.adjustDate(\"add\",7);break;case 8:case 46:t.setDate(null)}},t._parseFieldValue=function(){return n.parse?n.parse(n.field.value,n.format):new Date(Date.parse(n.field.value))},t._onInputChange=function(e){var n;e.firedBy!==t&&(n=t._parseFieldValue(),h(n)&&t.setDate(n),t._v||t.show())},t._onInputFocus=function(){t.show()},t._onInputClick=function(){t.show()},t._onInputBlur=function(){var e=document.activeElement;do{if(s(e,\"pika-single\"))return}while(e=e.parentNode);t._c||(t._b=setTimeout(function(){t.hide()},50)),t._c=!1},t._onClick=function(e){var a=(e=e||window.event).target||e.srcElement,i=a;if(a){do{if(s(i,\"pika-single\")||i===n.trigger)return}while(i=i.parentNode);t._v&&a!==n.trigger&&i!==n.trigger&&t.hide()}},t.el=document.createElement(\"div\"),t.el.className=\"pika-single\"+(n.isRTL?\" is-rtl\":\"\")+(n.theme?\" \"+n.theme:\"\"),a(t.el,\"mousedown\",t._onMouseDown,!0),a(t.el,\"touchend\",t._onMouseDown,!0),a(t.el,\"change\",t._onChange),n.keyboardInput&&a(document,\"keydown\",t._onKeyChange),n.field&&(n.container?n.container.appendChild(t.el):n.bound?document.body.appendChild(t.el):n.field.parentNode.insertBefore(t.el,n.field.nextSibling),a(n.field,\"change\",t._onInputChange),n.defaultDate||(n.defaultDate=t._parseFieldValue(),n.setDefaultDate=!0));var i=n.defaultDate;h(i)?n.setDefaultDate?t.setDate(i,!0):t.gotoDate(i):t.gotoDate(new Date),n.bound?(this.hide(),t.el.className+=\" is-bound\",a(n.trigger,\"click\",t._onInputClick),a(n.trigger,\"focus\",t._onInputFocus),a(n.trigger,\"blur\",t._onInputBlur)):this.show()};x.prototype={config:function(e){this._o||(this._o=m({},D,!0));var t=m(this._o,e,!0);t.isRTL=!!t.isRTL,t.field=t.field&&t.field.nodeName?t.field:null,t.theme=\"string\"==typeof t.theme&&t.theme?t.theme:null,t.bound=!!(void 0!==t.bound?t.field&&t.bound:t.field),t.trigger=t.trigger&&t.trigger.nodeName?t.trigger:t.field,t.disableWeekends=!!t.disableWeekends,t.disableDayFn=\"function\"==typeof t.disableDayFn?t.disableDayFn:null;var n=parseInt(t.numberOfMonths,10)||1;if(t.numberOfMonths=n>4?4:n,h(t.minDate)||(t.minDate=!1),h(t.maxDate)||(t.maxDate=!1),t.minDate&&t.maxDate&&t.maxDate100&&(t.yearRange=100);return t},toString:function(e){return e=e||this._o.format,h(this._d)?this._o.toString?this._o.toString(this._d,e):this._d.toDateString():\"\"},getDate:function(){return h(this._d)?new Date(this._d.getTime()):null},setDate:function(e,t){if(!e)return this._d=null,this._o.field&&(this._o.field.value=\"\",p(this._o.field,\"change\",{firedBy:this})),this.draw();if(\"string\"==typeof e&&(e=new Date(Date.parse(e))),h(e)){var n=this._o.minDate,a=this._o.maxDate;h(n)&&ea&&(e=a),this._d=new Date(e.getTime()),f(this._d),this.gotoDate(this._d),this._o.field&&(this._o.field.value=this.toString(),p(this._o.field,\"change\",{firedBy:this})),t||\"function\"!=typeof this._o.onSelect||this._o.onSelect.call(this,this.getDate())}},clear:function(){this.setDate(null)},gotoDate:function(e){var t=!0;if(h(e)){if(this.calendars){var n=new Date(this.calendars[0].year,this.calendars[0].month,1),a=new Date(this.calendars[this.calendars.length-1].year,this.calendars[this.calendars.length-1].month,1),i=e.getTime();a.setMonth(a.getMonth()+1),a.setDate(a.getDate()-1),t=i=i&&(this._y=i,!isNaN(o)&&this._m>o&&(this._m=o));for(var l=0;l\";this.el.innerHTML=r,n.bound&&\"hidden\"!==n.field.type&&setTimeout(function(){n.trigger.focus()},1),\"function\"==typeof this._o.onDraw&&this._o.onDraw(this),n.bound&&n.field.setAttribute(\"aria-label\",n.ariaLabel)}},adjustPosition:function(){var e,t,n,a,i,s,l,h,d,u,c,f;if(!this._o.container){if(this.el.style.position=\"absolute\",t=e=this._o.trigger,n=this.el.offsetWidth,a=this.el.offsetHeight,i=window.innerWidth||document.documentElement.clientWidth,s=window.innerHeight||document.documentElement.clientHeight,l=window.pageYOffset||document.body.scrollTop||document.documentElement.scrollTop,c=!0,f=!0,\"function\"==typeof e.getBoundingClientRect)h=(u=e.getBoundingClientRect()).left+window.pageXOffset,d=u.bottom+window.pageYOffset;else for(h=t.offsetLeft,d=t.offsetTop+t.offsetHeight;t=t.offsetParent;)h+=t.offsetLeft,d+=t.offsetTop;(this._o.reposition&&h+n>i||this._o.position.indexOf(\"right\")>-1&&h-n+e.offsetWidth>0)&&(h=h-n+e.offsetWidth,c=!1),(this._o.reposition&&d+a>s+l||this._o.position.indexOf(\"top\")>-1&&d-a-e.offsetHeight>0)&&(d=d-a-e.offsetHeight,f=!1),this.el.style.left=h+\"px\",this.el.style.top=d+\"px\",o(this.el,c?\"left-aligned\":\"right-aligned\"),o(this.el,f?\"bottom-aligned\":\"top-aligned\"),r(this.el,c?\"right-aligned\":\"left-aligned\"),r(this.el,f?\"top-aligned\":\"bottom-aligned\")}},render:function(e,t,n){var a=this._o,i=new Date,s=c(e,t),o=new Date(e,t,1).getDay(),r=[],l=[];f(i),a.firstDay>0&&(o-=a.firstDay)<0&&(o+=7);for(var u=0===t?11:t-1,m=11===t?0:t+1,p=0===t?e-1:e,y=11===t?e+1:e,D=c(p,u),b=s+o,k=b;k>7;)k-=7;b+=7-k;for(var x=!1,R=0,N=0;R=s+o,O=R-o+1,E=t,j=e,F=a.startRange&&g(a.startRange,S),W=a.endRange&&g(a.endRange,S),A=a.startRange&&a.endRange&&a.startRangea.maxDate||a.disableWeekends&&d(S)||a.disableDayFn&&a.disableDayFn(S),isEmpty:Y,isStartRange:F,isEndRange:W,isInRange:A,showDaysInNextAndPreviousMonths:a.showDaysInNextAndPreviousMonths,enableSelectionDaysInNextAndPreviousMonths:a.enableSelectionDaysInNextAndPreviousMonths};a.pickWholeWeek&&T&&(x=!0),l.push(_(L)),7==++N&&(a.showWeekNumber&&l.unshift(v(R-o,t,e)),r.push(w(l,a.isRTL,a.pickWholeWeek,x)),l=[],N=0,x=!1)}return M(a,r,n)},isVisible:function(){return this._v},show:function(){this.isVisible()||(this._v=!0,this.draw(),r(this.el,\"is-hidden\"),this._o.bound&&(a(document,\"click\",this._onClick),this.adjustPosition()),\"function\"==typeof this._o.onOpen&&this._o.onOpen.call(this))},hide:function(){var e=this._v;!1!==e&&(this._o.bound&&i(document,\"click\",this._onClick),this.el.style.position=\"static\",this.el.style.left=\"auto\",this.el.style.top=\"auto\",o(this.el,\"is-hidden\"),this._v=!1,void 0!==e&&\"function\"==typeof this._o.onClose&&this._o.onClose.call(this))},destroy:function(){var e=this._o;this.hide(),i(this.el,\"mousedown\",this._onMouseDown,!0),i(this.el,\"touchend\",this._onMouseDown,!0),i(this.el,\"change\",this._onChange),e.keyboardInput&&i(document,\"keydown\",this._onKeyChange),e.field&&(i(e.field,\"change\",this._onInputChange),e.bound&&(i(e.trigger,\"click\",this._onInputClick),i(e.trigger,\"focus\",this._onInputFocus),i(e.trigger,\"blur\",this._onInputBlur))),this.el.parentNode&&this.el.parentNode.removeChild(this.el)}},t.exports=x},\n", + " 490: function _(n,o,t){n(164),n(163).styles.append('.bk-root {\\n @charset \"UTF-8\";\\n /*!\\n * Pikaday\\n * Copyright © 2014 David Bushell | BSD & MIT license | https://dbushell.com/\\n */\\n /*\\nclear child float (pika-lendar), using the famous micro clearfix hack\\nhttp://nicolasgallagher.com/micro-clearfix-hack/\\n*/\\n /* styling for abbr */\\n}\\n.bk-root .pika-single {\\n z-index: 9999;\\n display: block;\\n position: relative;\\n color: #333;\\n background: #fff;\\n border: 1px solid #ccc;\\n border-bottom-color: #bbb;\\n font-family: \"Helvetica Neue\", Helvetica, Arial, sans-serif;\\n}\\n.bk-root .pika-single:before,\\n.bk-root .pika-single:after {\\n content: \" \";\\n display: table;\\n}\\n.bk-root .pika-single:after {\\n clear: both;\\n}\\n.bk-root .pika-single.is-hidden {\\n display: none;\\n}\\n.bk-root .pika-single.is-bound {\\n position: absolute;\\n box-shadow: 0 5px 15px -5px rgba(0, 0, 0, 0.5);\\n}\\n.bk-root .pika-lendar {\\n float: left;\\n width: 240px;\\n margin: 8px;\\n}\\n.bk-root .pika-title {\\n position: relative;\\n text-align: center;\\n}\\n.bk-root .pika-label {\\n display: inline-block;\\n position: relative;\\n z-index: 9999;\\n overflow: hidden;\\n margin: 0;\\n padding: 5px 3px;\\n font-size: 14px;\\n line-height: 20px;\\n font-weight: bold;\\n background-color: #fff;\\n}\\n.bk-root .pika-title select {\\n cursor: pointer;\\n position: absolute;\\n z-index: 9998;\\n margin: 0;\\n left: 0;\\n top: 5px;\\n opacity: 0;\\n}\\n.bk-root .pika-prev,\\n.bk-root .pika-next {\\n display: block;\\n cursor: pointer;\\n position: relative;\\n outline: none;\\n border: 0;\\n padding: 0;\\n width: 20px;\\n height: 30px;\\n /* hide text using text-indent trick, using width value (it\\'s enough) */\\n text-indent: 20px;\\n white-space: nowrap;\\n overflow: hidden;\\n background-color: transparent;\\n background-position: center center;\\n background-repeat: no-repeat;\\n background-size: 75% 75%;\\n opacity: 0.5;\\n}\\n.bk-root .pika-prev:hover,\\n.bk-root .pika-next:hover {\\n opacity: 1;\\n}\\n.bk-root .pika-prev,\\n.bk-root .is-rtl .pika-next {\\n float: left;\\n background-image: url(\\'data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABQAAAAeCAYAAAAsEj5rAAAAUklEQVR42u3VMQoAIBADQf8Pgj+OD9hG2CtONJB2ymQkKe0HbwAP0xucDiQWARITIDEBEnMgMQ8S8+AqBIl6kKgHiXqQqAeJepBo/z38J/U0uAHlaBkBl9I4GwAAAABJRU5ErkJggg==\\');\\n}\\n.bk-root .pika-next,\\n.bk-root .is-rtl .pika-prev {\\n float: right;\\n background-image: url(\\'data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABQAAAAeCAYAAAAsEj5rAAAAU0lEQVR42u3VOwoAMAgE0dwfAnNjU26bYkBCFGwfiL9VVWoO+BJ4Gf3gtsEKKoFBNTCoCAYVwaAiGNQGMUHMkjGbgjk2mIONuXo0nC8XnCf1JXgArVIZAQh5TKYAAAAASUVORK5CYII=\\');\\n}\\n.bk-root .pika-prev.is-disabled,\\n.bk-root .pika-next.is-disabled {\\n cursor: default;\\n opacity: 0.2;\\n}\\n.bk-root .pika-select {\\n display: inline-block;\\n}\\n.bk-root .pika-table {\\n width: 100%;\\n border-collapse: collapse;\\n border-spacing: 0;\\n border: 0;\\n}\\n.bk-root .pika-table th,\\n.bk-root .pika-table td {\\n width: 14.28571429%;\\n padding: 0;\\n}\\n.bk-root .pika-table th {\\n color: #999;\\n font-size: 12px;\\n line-height: 25px;\\n font-weight: bold;\\n text-align: center;\\n}\\n.bk-root .pika-button {\\n cursor: pointer;\\n display: block;\\n box-sizing: border-box;\\n -moz-box-sizing: border-box;\\n outline: none;\\n border: 0;\\n margin: 0;\\n width: 100%;\\n padding: 5px;\\n color: #666;\\n font-size: 12px;\\n line-height: 15px;\\n text-align: right;\\n background: #f5f5f5;\\n}\\n.bk-root .pika-week {\\n font-size: 11px;\\n color: #999;\\n}\\n.bk-root .is-today .pika-button {\\n color: #33aaff;\\n font-weight: bold;\\n}\\n.bk-root .is-selected .pika-button,\\n.bk-root .has-event .pika-button {\\n color: #fff;\\n font-weight: bold;\\n background: #33aaff;\\n box-shadow: inset 0 1px 3px #178fe5;\\n border-radius: 3px;\\n}\\n.bk-root .has-event .pika-button {\\n background: #005da9;\\n box-shadow: inset 0 1px 3px #0076c9;\\n}\\n.bk-root .is-disabled .pika-button,\\n.bk-root .is-inrange .pika-button {\\n background: #D5E9F7;\\n}\\n.bk-root .is-startrange .pika-button {\\n color: #fff;\\n background: #6CB31D;\\n box-shadow: none;\\n border-radius: 3px;\\n}\\n.bk-root .is-endrange .pika-button {\\n color: #fff;\\n background: #33aaff;\\n box-shadow: none;\\n border-radius: 3px;\\n}\\n.bk-root .is-disabled .pika-button {\\n pointer-events: none;\\n cursor: default;\\n color: #999;\\n opacity: 0.3;\\n}\\n.bk-root .is-outside-current-month .pika-button {\\n color: #999;\\n opacity: 0.3;\\n}\\n.bk-root .is-selection-disabled {\\n pointer-events: none;\\n cursor: default;\\n}\\n.bk-root .pika-button:hover,\\n.bk-root .pika-row.pick-whole-week:hover .pika-button {\\n color: #fff;\\n background: #ff8000;\\n box-shadow: none;\\n border-radius: 3px;\\n}\\n.bk-root .pika-table abbr {\\n border-bottom: none;\\n cursor: help;\\n}\\n')},\n", + " 491: function _(e,t,n){var r=e(113),i=e(252),a=e(492),_=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return r.__extends(t,e),t}(a.AbstractRangeSliderView);n.DateRangeSliderView=_,_.__name__=\"DateRangeSliderView\";var o=function(e){function t(t){var n=e.call(this,t)||this;return n.behaviour=\"drag\",n.connected=[!1,!0,!1],n}return r.__extends(t,e),t.init_DateRangeSlider=function(){this.prototype.default_view=_,this.override({format:\"%d %b %Y\"})},t.prototype._formatter=function(e,t){return i(e,t)},t}(a.AbstractSlider);n.DateRangeSlider=o,o.__name__=\"DateRangeSlider\",o.init_DateRangeSlider()},\n", + " 492: function _(t,e,i){var l=t(113),r=t(493),n=t(121),o=t(163),s=t(110),a=t(119),c=t(475),d=t(494),h=\"bk-noUi-\",_=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),Object.defineProperty(e.prototype,\"noUiSlider\",{get:function(){return this.slider_el.noUiSlider},enumerable:!0,configurable:!0}),e.prototype.initialize=function(){t.prototype.initialize.call(this),this._init_callback()},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this);var i=this.model.properties,l=i.callback,r=i.callback_policy,n=i.callback_throttle;this.on_change([l,r,n],function(){return e._init_callback()});var o=this.model.properties,s=o.start,a=o.end,c=o.value,d=o.step,h=o.title;this.on_change([s,a,c,d],function(){var t=e._calc_to(),i=t.start,l=t.end,r=t.value,n=t.step;e.noUiSlider.updateOptions({range:{min:i,max:l},start:r,step:n})});var _=this.model.properties.bar_color;this.on_change(_,function(){e._set_bar_color()}),this.on_change([c,h],function(){return e._update_title()})},e.prototype._init_callback=function(){var t=this,e=this.model.callback,i=function(){null!=e&&e.execute(t.model),t.model.value_throttled=t.model.value};switch(this.model.callback_policy){case\"continuous\":this.callback_wrapper=i;break;case\"throttle\":this.callback_wrapper=a.throttle(i,this.model.callback_throttle);break;default:this.callback_wrapper=void 0}},e.prototype._update_title=function(){var t=this;o.empty(this.title_el);var e=null==this.model.title||0==this.model.title.length&&!this.model.show_value;if(this.title_el.style.display=e?\"none\":\"\",!e&&(0!=this.model.title.length&&(this.title_el.textContent=this.model.title+\": \"),this.model.show_value)){var i=this._calc_to().value.map(function(e){return t.model.pretty(e)}).join(\" .. \");this.title_el.appendChild(o.span({class:d.bk_slider_value},i))}},e.prototype._set_bar_color=function(){this.model.disabled||(this.slider_el.querySelector(\".bk-noUi-connect\").style.backgroundColor=this.model.bar_color)},e.prototype._keypress_handle=function(t,e){void 0===e&&(e=0);var i=this._calc_to(),l=i.start,r=i.value,n=i.end,o=i.step,s=2==r.length,a=l,c=n;switch(s&&0==e?c=r[1]:s&&1==e&&(a=r[0]),t.which){case 37:r[e]=Math.max(r[e]-o,a);break;case 39:r[e]=Math.min(r[e]+o,c);break;default:return}s?(this.model.value=r,this.model.properties.value.change.emit()):this.model.value=r[0],this.noUiSlider.set(r),null!=this.callback_wrapper&&this.callback_wrapper()},e.prototype.render=function(){var e=this;t.prototype.render.call(this);var i,l=this._calc_to(),n=l.start,a=l.end,c=l.value,_=l.step;if(this.model.tooltips){var u={to:function(t){return e.model.pretty(t)}};i=s.repeat(u,c.length)}else i=!1;if(null==this.slider_el){this.slider_el=o.div(),r.create(this.slider_el,{cssPrefix:h,range:{min:n,max:a},start:c,step:_,behaviour:this.model.behaviour,connect:this.model.connected,tooltips:i,orientation:this.model.orientation,direction:this.model.direction}),this.noUiSlider.on(\"slide\",function(t,i,l){return e._slide(l)}),this.noUiSlider.on(\"change\",function(t,i,l){return e._change(l)}),this._set_keypress_handles();var p=function(t,l){i&&(e.slider_el.querySelectorAll(\".bk-noUi-handle\")[t].querySelector(\".bk-noUi-tooltip\").style.display=l?\"block\":\"\")};this.noUiSlider.on(\"start\",function(t,e){return p(e,!0)}),this.noUiSlider.on(\"end\",function(t,e){return p(e,!1)})}else this.noUiSlider.updateOptions({range:{min:n,max:a},start:c,step:_});this._set_bar_color(),this.model.disabled?this.slider_el.setAttribute(\"disabled\",\"true\"):this.slider_el.removeAttribute(\"disabled\"),this.title_el=o.div({class:d.bk_slider_title}),this._update_title(),this.group_el=o.div({class:d.bk_input_group},this.title_el,this.slider_el),this.el.appendChild(this.group_el)},e.prototype._slide=function(t){this.model.value=this._calc_from(t),null!=this.callback_wrapper&&this.callback_wrapper()},e.prototype._change=function(t){switch(this.model.value=this._calc_from(t),this.model.value_throttled=this.model.value,this.model.callback_policy){case\"mouseup\":case\"throttle\":null!=this.model.callback&&this.model.callback.execute(this.model)}},e}(c.ControlView);_.__name__=\"AbstractBaseSliderView\";var u=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),e.prototype._calc_to=function(){return{start:this.model.start,end:this.model.end,value:[this.model.value],step:this.model.step}},e.prototype._calc_from=function(t){var e=t[0];return Number.isInteger(this.model.start)&&Number.isInteger(this.model.end)&&Number.isInteger(this.model.step)?Math.round(e):e},e.prototype._set_keypress_handles=function(){var t=this,e=this.slider_el.querySelector(\".bk-noUi-handle\");e.setAttribute(\"tabindex\",\"0\"),e.addEventListener(\"keydown\",function(e){return t._keypress_handle(e)})},e}(_);i.AbstractSliderView=u,u.__name__=\"AbstractSliderView\";var p=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),e.prototype._calc_to=function(){return{start:this.model.start,end:this.model.end,value:this.model.value,step:this.model.step}},e.prototype._calc_from=function(t){return t},e.prototype._set_keypress_handles=function(){var t=this,e=this.slider_el.querySelector(\".bk-noUi-handle-lower\"),i=this.slider_el.querySelector(\".bk-noUi-handle-upper\");e.setAttribute(\"tabindex\",\"0\"),e.addEventListener(\"keydown\",function(e){return t._keypress_handle(e,0)}),i.setAttribute(\"tabindex\",\"1\"),i.addEventListener(\"keydown\",function(e){return t._keypress_handle(e,1)})},e}(_);i.AbstractRangeSliderView=p,p.__name__=\"AbstractRangeSliderView\";var m=function(t){function e(e){var i=t.call(this,e)||this;return i.connected=!1,i}return l.__extends(e,t),e.init_AbstractSlider=function(){this.define({title:[n.String,\"\"],show_value:[n.Boolean,!0],start:[n.Any],end:[n.Any],value:[n.Any],value_throttled:[n.Any],step:[n.Number,1],format:[n.String],direction:[n.Any,\"ltr\"],tooltips:[n.Boolean,!0],callback:[n.Any],callback_throttle:[n.Number,200],callback_policy:[n.SliderCallbackPolicy,\"throttle\"],bar_color:[n.Color,\"#e6e6e6\"]})},e.prototype._formatter=function(t,e){return\"\"+t},e.prototype.pretty=function(t){return this._formatter(t,this.format)},e}(c.Control);i.AbstractSlider=m,m.__name__=\"AbstractSlider\",m.init_AbstractSlider()},\n", + " 493: function _(t,e,r){\n", + " /*! nouislider - 10.1.0 - 2017-07-28 17:11:18 */var n;n=function(){\"use strict\";var t=\"10.1.0\";function e(t){t.preventDefault()}function r(t){return\"number\"==typeof t&&!isNaN(t)&&isFinite(t)}function n(t,e,r){r>0&&(s(t,e),setTimeout(function(){a(t,e)},r))}function i(t){return Array.isArray(t)?t:[t]}function o(t){var e=(t=String(t)).split(\".\");return e.length>1?e[1].length:0}function s(t,e){t.classList?t.classList.add(e):t.className+=\" \"+e}function a(t,e){t.classList?t.classList.remove(e):t.className=t.className.replace(new RegExp(\"(^|\\\\b)\"+e.split(\" \").join(\"|\")+\"(\\\\b|$)\",\"gi\"),\" \")}function l(t){var e=void 0!==window.pageXOffset,r=\"CSS1Compat\"===(t.compatMode||\"\");return{x:e?window.pageXOffset:r?t.documentElement.scrollLeft:t.body.scrollLeft,y:e?window.pageYOffset:r?t.documentElement.scrollTop:t.body.scrollTop}}function u(t,e){return 100/(e-t)}function c(t,e){return 100*e/(t[1]-t[0])}function p(t,e){for(var r=1;t>=e[r];)r+=1;return r}function f(t,e,r){if(r>=t.slice(-1)[0])return 100;var n,i,o,s,a=p(r,t);return n=t[a-1],i=t[a],o=e[a-1],s=e[a],o+function(t,e){return c(t,t[0]<0?e+Math.abs(t[0]):e-t[0])}([n,i],r)/u(o,s)}function d(t,e,r,n){if(100===n)return n;var i,o,s=p(n,t);return r?n-(i=t[s-1])>((o=t[s])-i)/2?o:i:e[s-1]?t[s-1]+function(t,e){return Math.round(t/e)*e}(n-t[s-1],e[s-1]):n}function h(e,n,i){var o;if(\"number\"==typeof n&&(n=[n]),\"[object Array]\"!==Object.prototype.toString.call(n))throw new Error(\"noUiSlider (\"+t+\"): 'range' contains invalid value.\");if(!r(o=\"min\"===e?0:\"max\"===e?100:parseFloat(e))||!r(n[0]))throw new Error(\"noUiSlider (\"+t+\"): 'range' value isn't numeric.\");i.xPct.push(o),i.xVal.push(n[0]),o?i.xSteps.push(!isNaN(n[1])&&n[1]):isNaN(n[1])||(i.xSteps[0]=n[1]),i.xHighestCompleteStep.push(0)}function m(t,e,r){if(!e)return!0;r.xSteps[t]=c([r.xVal[t],r.xVal[t+1]],e)/u(r.xPct[t],r.xPct[t+1]);var n=(r.xVal[t+1]-r.xVal[t])/r.xNumSteps[t],i=Math.ceil(Number(n.toFixed(3))-1),o=r.xVal[t]+r.xNumSteps[t]*i;r.xHighestCompleteStep[t]=o}function g(t,e,r){this.xPct=[],this.xVal=[],this.xSteps=[r||!1],this.xNumSteps=[!1],this.xHighestCompleteStep=[],this.snap=e;var n,i=[];for(n in t)t.hasOwnProperty(n)&&i.push([t[n],n]);for(i.length&&\"object\"==typeof i[0][0]?i.sort(function(t,e){return t[0][0]-e[0][0]}):i.sort(function(t,e){return t[0]-e[0]}),n=0;n=100)return t.slice(-1)[0];var n,i=p(r,e);return function(t,e){return e*(t[1]-t[0])/100+t[0]}([t[i-1],t[i]],(r-(n=e[i-1]))*u(n,e[i]))}(this.xVal,this.xPct,t)},g.prototype.getStep=function(t){return t=d(this.xPct,this.xSteps,this.snap,t)},g.prototype.getNearbySteps=function(t){var e=p(t,this.xPct);return{stepBefore:{startValue:this.xVal[e-2],step:this.xNumSteps[e-2],highestStep:this.xHighestCompleteStep[e-2]},thisStep:{startValue:this.xVal[e-1],step:this.xNumSteps[e-1],highestStep:this.xHighestCompleteStep[e-1]},stepAfter:{startValue:this.xVal[e-0],step:this.xNumSteps[e-0],highestStep:this.xHighestCompleteStep[e-0]}}},g.prototype.countStepDecimals=function(){var t=this.xNumSteps.map(o);return Math.max.apply(null,t)},g.prototype.convert=function(t){return this.getStep(this.toStepping(t))};var v={to:function(t){return void 0!==t&&t.toFixed(2)},from:Number};function b(e){if(function(t){return\"object\"==typeof t&&\"function\"==typeof t.to&&\"function\"==typeof t.from}(e))return!0;throw new Error(\"noUiSlider (\"+t+\"): 'format' requires 'to' and 'from' methods.\")}function S(e,n){if(!r(n))throw new Error(\"noUiSlider (\"+t+\"): 'step' is not numeric.\");e.singleStep=n}function w(e,r){if(\"object\"!=typeof r||Array.isArray(r))throw new Error(\"noUiSlider (\"+t+\"): 'range' is not an object.\");if(void 0===r.min||void 0===r.max)throw new Error(\"noUiSlider (\"+t+\"): Missing 'min' or 'max' in 'range'.\");if(r.min===r.max)throw new Error(\"noUiSlider (\"+t+\"): 'range' 'min' and 'max' cannot be equal.\");e.spectrum=new g(r,e.snap,e.singleStep)}function x(e,r){if(r=i(r),!Array.isArray(r)||!r.length)throw new Error(\"noUiSlider (\"+t+\"): 'start' option is incorrect.\");e.handles=r.length,e.start=r}function y(e,r){if(e.snap=r,\"boolean\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'snap' option must be a boolean.\")}function E(e,r){if(e.animate=r,\"boolean\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'animate' option must be a boolean.\")}function C(e,r){if(e.animationDuration=r,\"number\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'animationDuration' option must be a number.\")}function N(e,r){var n,i=[!1];if(\"lower\"===r?r=[!0,!1]:\"upper\"===r&&(r=[!1,!0]),!0===r||!1===r){for(n=1;n=50)throw new Error(\"noUiSlider (\"+t+\"): 'padding' option must be less than half the range.\")}}function O(e,r){switch(r){case\"ltr\":e.dir=0;break;case\"rtl\":e.dir=1;break;default:throw new Error(\"noUiSlider (\"+t+\"): 'direction' option was not recognized.\")}}function k(e,r){if(\"string\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'behaviour' must be a string containing options.\");var n=r.indexOf(\"tap\")>=0,i=r.indexOf(\"drag\")>=0,o=r.indexOf(\"fixed\")>=0,s=r.indexOf(\"snap\")>=0,a=r.indexOf(\"hover\")>=0;if(o){if(2!==e.handles)throw new Error(\"noUiSlider (\"+t+\"): 'fixed' behaviour must be used with 2 handles\");P(e,e.start[1]-e.start[0])}e.events={tap:n||s,drag:i,fixed:o,snap:s,hover:a}}function V(e,r){if(e.multitouch=r,\"boolean\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'multitouch' option must be a boolean.\")}function F(e,r){if(!1!==r)if(!0===r){e.tooltips=[];for(var n=0;n-1?1:\"steps\"===e?2:0,!o&&a&&(h=0),c===S&&l||(i[f.toFixed(5)]=[c,h]),u=f}}),i}(n,r,o),a=e.format||{to:Math.round};return h=S.appendChild(F(s,i,a))}function j(){var t=c.getBoundingClientRect(),e=\"offset\"+[\"Width\",\"Height\"][o.ort];return 0===o.ort?t.width||c[e]:t.height||c[e]}function H(t,e,r,n){var i=function(i){return!S.hasAttribute(\"disabled\")&&(s=S,a=o.cssClasses.tap,(s.classList?!s.classList.contains(a):!new RegExp(\"\\\\b\"+a+\"\\\\b\").test(s.className))&&(!!(i=function(t,e,r){var n,i,s=0===t.type.indexOf(\"touch\"),a=0===t.type.indexOf(\"mouse\"),u=0===t.type.indexOf(\"pointer\");0===t.type.indexOf(\"MSPointer\")&&(u=!0);if(s&&o.multitouch){var c=function(t){return t.target===r||r.contains(t.target)};if(\"touchstart\"===t.type){var p=Array.prototype.filter.call(t.touches,c);if(p.length>1)return!1;n=p[0].pageX,i=p[0].pageY}else{var f=Array.prototype.find.call(t.changedTouches,c);if(!f)return!1;n=f.pageX,i=f.pageY}}else if(s){if(t.touches.length>1)return!1;n=t.changedTouches[0].pageX,i=t.changedTouches[0].pageY}e=e||l(U),(a||u)&&(n=t.clientX+e.x,i=t.clientY+e.y);return t.pageOffset=e,t.points=[n,i],t.cursor=a||u,t}(i,n.pageOffset,n.target||e))&&(!(t===v.start&&void 0!==i.buttons&&i.buttons>1)&&((!n.hover||!i.buttons)&&(b||i.preventDefault(),i.calcPoint=i.points[o.ort],void r(i,n))))));var s,a},s=[];return t.split(\" \").forEach(function(t){e.addEventListener(t,i,!!b&&{passive:!0}),s.push([t,i])}),s}function D(t){var e,r,n,i,s,a,u=100*(t-(e=c,r=o.ort,n=e.getBoundingClientRect(),i=e.ownerDocument,s=i.documentElement,a=l(i),/webkit.*Chrome.*Mobile/i.test(navigator.userAgent)&&(a.x=0),r?n.top+a.y-s.clientTop:n.left+a.x-s.clientLeft))/j();return o.dir?100-u:u}function T(t,e,r,n){var i=r.slice(),o=[!t,t],s=[t,!t];n=n.slice(),t&&n.reverse(),n.length>1?n.forEach(function(t,r){var n=$(i,t,i[t]+e,o[r],s[r],!1);!1===n?e=0:(e=n-i[t],i[t]=n)}):o=s=[!0];var a=!1;n.forEach(function(t,n){a=K(t,r[t]+e,o[n],s[n])||a}),a&&n.forEach(function(t){R(\"update\",t),R(\"slide\",t)})}function R(t,e,r){Object.keys(N).forEach(function(n){var i=n.split(\".\")[0];t===i&&N[n].forEach(function(t){t.call(d,C.map(o.format.to),e,C.slice(),r||!1,w.slice())})})}function X(t,e){\"mouseout\"===t.type&&\"HTML\"===t.target.nodeName&&null===t.relatedTarget&&Y(t,e)}function B(t,e){if(-1===navigator.appVersion.indexOf(\"MSIE 9\")&&0===t.buttons&&0!==e.buttonsProperty)return Y(t,e);var r=(o.dir?-1:1)*(t.calcPoint-e.startCalcPoint);T(r>0,100*r/e.baseSize,e.locations,e.handleNumbers)}function Y(t,r){r.handle&&(a(r.handle,o.cssClasses.active),y-=1),r.listeners.forEach(function(t){P.removeEventListener(t[0],t[1])}),0===y&&(a(S,o.cssClasses.drag),J(),t.cursor&&(A.style.cursor=\"\",A.removeEventListener(\"selectstart\",e))),r.handleNumbers.forEach(function(t){R(\"change\",t),R(\"set\",t),R(\"end\",t)})}function _(t,r){var n;if(1===r.handleNumbers.length){var i=p[r.handleNumbers[0]];if(i.hasAttribute(\"disabled\"))return!1;n=i.children[0],y+=1,s(n,o.cssClasses.active)}t.stopPropagation();var a=[],l=H(v.move,P,B,{target:t.target,handle:n,listeners:a,startCalcPoint:t.calcPoint,baseSize:j(),pageOffset:t.pageOffset,handleNumbers:r.handleNumbers,buttonsProperty:t.buttons,locations:w.slice()}),u=H(v.end,P,Y,{target:t.target,handle:n,listeners:a,handleNumbers:r.handleNumbers}),c=H(\"mouseout\",P,X,{target:t.target,handle:n,listeners:a,handleNumbers:r.handleNumbers});a.push.apply(a,l.concat(u,c)),t.cursor&&(A.style.cursor=getComputedStyle(t.target).cursor,p.length>1&&s(S,o.cssClasses.drag),A.addEventListener(\"selectstart\",e,!1)),r.handleNumbers.forEach(function(t){R(\"start\",t)})}function I(t){t.stopPropagation();var e=D(t.calcPoint),r=function(t){var e=100,r=!1;return p.forEach(function(n,i){if(!n.hasAttribute(\"disabled\")){var o=Math.abs(w[i]-t);o1&&(n&&e>0&&(r=Math.max(r,t[e-1]+o.margin)),i&&e1&&o.limit&&(n&&e>0&&(r=Math.min(r,t[e-1]+o.limit)),i&&e50?-1:1,r=3+(p.length+e*t);p[t].childNodes[0].style.zIndex=r})}function K(t,e,r,n){return!1!==(e=$(w,t,e,r,n,!1))&&(function(t,e){w[t]=e,C[t]=E.fromStepping(e);var r=function(){p[t].style[o.style]=G(e),Q(t),Q(t+1)};window.requestAnimationFrame&&o.useRequestAnimationFrame?window.requestAnimationFrame(r):r()}(t,e),!0)}function Q(t){if(f[t]){var e=0,r=100;0!==t&&(e=w[t-1]),t!==f.length-1&&(r=w[t]),f[t].style[o.style]=G(e),f[t].style[o.styleOposite]=G(100-r)}}function Z(t,e){null!==t&&!1!==t&&(\"number\"==typeof t&&(t=String(t)),!1===(t=o.format.from(t))||isNaN(t)||K(e,E.toStepping(t),!1,!1))}function tt(t,e){var r=i(t),s=void 0===w[0];e=void 0===e||!!e,r.forEach(Z),o.animate&&!s&&n(S,o.cssClasses.tap,o.animationDuration),x.forEach(function(t){K(t,w[t],!0,!1)}),J(),x.forEach(function(t){R(\"update\",t),null!==r[t]&&e&&R(\"set\",t)})}function et(){var t=C.map(o.format.to);return 1===t.length?t[0]:t}function rt(t,e){N[t]=N[t]||[],N[t].push(e),\"update\"===t.split(\".\")[0]&&p.forEach(function(t,e){R(\"update\",e)})}if(S.noUiSlider)throw new Error(\"noUiSlider (\"+t+\"): Slider was already initialized.\");return function(t){s(t,o.cssClasses.target),0===o.dir?s(t,o.cssClasses.ltr):s(t,o.cssClasses.rtl),0===o.ort?s(t,o.cssClasses.horizontal):s(t,o.cssClasses.vertical),c=M(t,o.cssClasses.base)}(S),function(t,e){p=[],(f=[]).push(k(e,t[0]));for(var r=0;rr.stepAfter.startValue&&(i=r.stepAfter.startValue-n),o=n>r.thisStep.startValue?r.thisStep.step:!1!==r.stepBefore.step&&n-r.stepBefore.highestStep,100===t?i=null:0===t&&(o=null);var s=E.countStepDecimals();return null!==i&&!1!==i&&(i=Number(i.toFixed(s))),null!==o&&!1!==o&&(o=Number(o.toFixed(s))),[o,i]})},on:rt,off:function(t){var e=t&&t.split(\".\")[0],r=e&&t.substring(e.length);Object.keys(N).forEach(function(t){var n=t.split(\".\")[0],i=t.substring(n.length);e&&e!==n||r&&r!==i||delete N[t]})},get:et,set:tt,reset:function(t){tt(o.start,t)},__moveHandles:function(t,e,r){T(t,e,w,r)},options:u,updateOptions:function(t,e){var r=et(),n=[\"margin\",\"limit\",\"padding\",\"range\",\"animate\",\"snap\",\"step\",\"format\"];n.forEach(function(e){void 0!==t[e]&&(u[e]=t[e])});var i=q(u);n.forEach(function(e){void 0!==t[e]&&(o[e]=i[e])}),E=i.spectrum,o.margin=i.margin,o.limit=i.limit,o.padding=i.padding,o.pips&&z(o.pips),w=[],tt(t.start||r,e)},target:S,removePips:L,pips:z},(m=o.events).fixed||p.forEach(function(t,e){H(v.start,t.children[0],_,{handleNumbers:[e]})}),m.tap&&H(v.start,c,I,{}),m.hover&&H(v.move,c,W,{hover:!0}),m.drag&&f.forEach(function(t,e){if(!1!==t&&0!==e&&e!==f.length-1){var r=p[e-1],n=p[e],i=[t];s(t,o.cssClasses.draggable),m.fixed&&(i.push(r.children[0]),i.push(n.children[0])),i.forEach(function(t){H(v.start,t,_,{handles:[r,n],handleNumbers:[e-1,e]})})}}),tt(o.start),o.pips&&z(o.pips),o.tooltips&&(g=p.map(V),rt(\"update\",function(t,e,r){if(g[e]){var n=t[e];!0!==o.tooltips[e]&&(n=o.tooltips[e].to(r[e])),g[e].innerHTML=n}})),rt(\"update\",function(t,e,r,n,i){x.forEach(function(t){var e=p[t],n=$(w,t,0,!0,!0,!0),s=$(w,t,100,!0,!0,!0),a=i[t],l=o.ariaFormat.to(r[t]);e.children[0].setAttribute(\"aria-valuemin\",n.toFixed(1)),e.children[0].setAttribute(\"aria-valuemax\",s.toFixed(1)),e.children[0].setAttribute(\"aria-valuenow\",a.toFixed(1)),e.children[0].setAttribute(\"aria-valuetext\",l)})}),d}return{version:t,create:function(e,r){if(!e||!e.nodeName)throw new Error(\"noUiSlider (\"+t+\"): create requires a single element, got: \"+e);var n=T(e,q(r),r);return e.noUiSlider=n,n}}},\"function\"==typeof define&&define.amd?define([],n):\"object\"==typeof r?e.exports=n():window.noUiSlider=n()},\n", + " 494: function _(e,t,i){e(164),e(495),e(163).styles.append(\".bk-root .bk-slider-title {\\n white-space: nowrap;\\n}\\n.bk-root .bk-slider-value {\\n font-weight: 600;\\n}\\n\"),i.bk_slider_value=\"bk-slider-value\",i.bk_slider_title=\"bk-slider-title\",i.bk_input_group=\"bk-input-group\"},\n", + " 495: function _(n,o,t){n(164),n(163).styles.append('.bk-root {\\n /* Functional styling;\\n * These styles are required for noUiSlider to function.\\n * You don\\'t need to change these rules to apply your design.\\n */\\n /* Painting and performance;\\n * Browsers can paint handles in their own layer.\\n */\\n /* Slider size and handle placement;\\n */\\n /* Styling;\\n */\\n /* Handles and cursors;\\n */\\n /* Handle stripes;\\n */\\n /* Disabled state;\\n */\\n /* Base;\\n *\\n */\\n /* Values;\\n *\\n */\\n /* Markings;\\n *\\n */\\n /* Horizontal layout;\\n *\\n */\\n /* Vertical layout;\\n *\\n */\\n}\\n.bk-root .bk-noUi-target,\\n.bk-root .bk-noUi-target * {\\n -webkit-touch-callout: none;\\n -webkit-tap-highlight-color: rgba(0, 0, 0, 0);\\n -webkit-user-select: none;\\n -ms-touch-action: none;\\n touch-action: none;\\n -ms-user-select: none;\\n -moz-user-select: none;\\n user-select: none;\\n -moz-box-sizing: border-box;\\n box-sizing: border-box;\\n}\\n.bk-root .bk-noUi-target {\\n position: relative;\\n direction: ltr;\\n}\\n.bk-root .bk-noUi-base {\\n width: 100%;\\n height: 100%;\\n position: relative;\\n z-index: 1;\\n /* Fix 401 */\\n}\\n.bk-root .bk-noUi-connect {\\n position: absolute;\\n right: 0;\\n top: 0;\\n left: 0;\\n bottom: 0;\\n}\\n.bk-root .bk-noUi-origin {\\n position: absolute;\\n height: 0;\\n width: 0;\\n}\\n.bk-root .bk-noUi-handle {\\n position: relative;\\n z-index: 1;\\n}\\n.bk-root .bk-noUi-state-tap .bk-noUi-connect,\\n.bk-root .bk-noUi-state-tap .bk-noUi-origin {\\n -webkit-transition: top 0.3s, right 0.3s, bottom 0.3s, left 0.3s;\\n transition: top 0.3s, right 0.3s, bottom 0.3s, left 0.3s;\\n}\\n.bk-root .bk-noUi-state-drag * {\\n cursor: inherit !important;\\n}\\n.bk-root .bk-noUi-base,\\n.bk-root .bk-noUi-handle {\\n -webkit-transform: translate3d(0, 0, 0);\\n transform: translate3d(0, 0, 0);\\n}\\n.bk-root .bk-noUi-horizontal {\\n height: 18px;\\n}\\n.bk-root .bk-noUi-horizontal .bk-noUi-handle {\\n width: 34px;\\n height: 28px;\\n left: -17px;\\n top: -6px;\\n}\\n.bk-root .bk-noUi-vertical {\\n width: 18px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle {\\n width: 28px;\\n height: 34px;\\n left: -6px;\\n top: -17px;\\n}\\n.bk-root .bk-noUi-target {\\n background: #FAFAFA;\\n border-radius: 4px;\\n border: 1px solid #D3D3D3;\\n box-shadow: inset 0 1px 1px #F0F0F0, 0 3px 6px -5px #BBB;\\n}\\n.bk-root .bk-noUi-connect {\\n background: #3FB8AF;\\n border-radius: 4px;\\n box-shadow: inset 0 0 3px rgba(51, 51, 51, 0.45);\\n -webkit-transition: background 450ms;\\n transition: background 450ms;\\n}\\n.bk-root .bk-noUi-draggable {\\n cursor: ew-resize;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-draggable {\\n cursor: ns-resize;\\n}\\n.bk-root .bk-noUi-handle {\\n border: 1px solid #D9D9D9;\\n border-radius: 3px;\\n background: #FFF;\\n cursor: default;\\n box-shadow: inset 0 0 1px #FFF, inset 0 1px 7px #EBEBEB, 0 3px 6px -3px #BBB;\\n}\\n.bk-root .bk-noUi-active {\\n box-shadow: inset 0 0 1px #FFF, inset 0 1px 7px #DDD, 0 3px 6px -3px #BBB;\\n}\\n.bk-root .bk-noUi-handle:before,\\n.bk-root .bk-noUi-handle:after {\\n content: \"\";\\n display: block;\\n position: absolute;\\n height: 14px;\\n width: 1px;\\n background: #E8E7E6;\\n left: 14px;\\n top: 6px;\\n}\\n.bk-root .bk-noUi-handle:after {\\n left: 17px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle:before,\\n.bk-root .bk-noUi-vertical .bk-noUi-handle:after {\\n width: 14px;\\n height: 1px;\\n left: 6px;\\n top: 14px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle:after {\\n top: 17px;\\n}\\n.bk-root [disabled] .bk-noUi-connect {\\n background: #B8B8B8;\\n}\\n.bk-root [disabled].bk-noUi-target,\\n.bk-root [disabled].bk-noUi-handle,\\n.bk-root [disabled] .bk-noUi-handle {\\n cursor: not-allowed;\\n}\\n.bk-root .bk-noUi-pips,\\n.bk-root .bk-noUi-pips * {\\n -moz-box-sizing: border-box;\\n box-sizing: border-box;\\n}\\n.bk-root .bk-noUi-pips {\\n position: absolute;\\n color: #999;\\n}\\n.bk-root .bk-noUi-value {\\n position: absolute;\\n white-space: nowrap;\\n text-align: center;\\n}\\n.bk-root .bk-noUi-value-sub {\\n color: #ccc;\\n font-size: 10px;\\n}\\n.bk-root .bk-noUi-marker {\\n position: absolute;\\n background: #CCC;\\n}\\n.bk-root .bk-noUi-marker-sub {\\n background: #AAA;\\n}\\n.bk-root .bk-noUi-marker-large {\\n background: #AAA;\\n}\\n.bk-root .bk-noUi-pips-horizontal {\\n padding: 10px 0;\\n height: 80px;\\n top: 100%;\\n left: 0;\\n width: 100%;\\n}\\n.bk-root .bk-noUi-value-horizontal {\\n -webkit-transform: translate3d(-50%, 50%, 0);\\n transform: translate3d(-50%, 50%, 0);\\n}\\n.bk-root .bk-noUi-marker-horizontal.bk-noUi-marker {\\n margin-left: -1px;\\n width: 2px;\\n height: 5px;\\n}\\n.bk-root .bk-noUi-marker-horizontal.bk-noUi-marker-sub {\\n height: 10px;\\n}\\n.bk-root .bk-noUi-marker-horizontal.bk-noUi-marker-large {\\n height: 15px;\\n}\\n.bk-root .bk-noUi-pips-vertical {\\n padding: 0 10px;\\n height: 100%;\\n top: 0;\\n left: 100%;\\n}\\n.bk-root .bk-noUi-value-vertical {\\n -webkit-transform: translate3d(0, 50%, 0);\\n transform: translate3d(0, 50%, 0);\\n padding-left: 25px;\\n}\\n.bk-root .bk-noUi-marker-vertical.bk-noUi-marker {\\n width: 5px;\\n height: 2px;\\n margin-top: -1px;\\n}\\n.bk-root .bk-noUi-marker-vertical.bk-noUi-marker-sub {\\n width: 10px;\\n}\\n.bk-root .bk-noUi-marker-vertical.bk-noUi-marker-large {\\n width: 15px;\\n}\\n.bk-root .bk-noUi-tooltip {\\n display: block;\\n position: absolute;\\n border: 1px solid #D9D9D9;\\n border-radius: 3px;\\n background: #fff;\\n color: #000;\\n padding: 5px;\\n text-align: center;\\n white-space: nowrap;\\n}\\n.bk-root .bk-noUi-horizontal .bk-noUi-tooltip {\\n -webkit-transform: translate(-50%, 0);\\n transform: translate(-50%, 0);\\n left: 50%;\\n bottom: 120%;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-tooltip {\\n -webkit-transform: translate(0, -50%);\\n transform: translate(0, -50%);\\n top: 50%;\\n right: 120%;\\n}\\n.bk-root .bk-noUi-handle {\\n cursor: grab;\\n cursor: -webkit-grab;\\n}\\n.bk-root .bk-noUi-handle.bk-noUi-active {\\n cursor: grabbing;\\n cursor: -webkit-grabbing;\\n}\\n.bk-root .bk-noUi-tooltip {\\n display: none;\\n white-space: nowrap;\\n}\\n.bk-root .bk-noUi-handle:hover .bk-noUi-tooltip {\\n display: block;\\n}\\n.bk-root .bk-noUi-horizontal {\\n width: 100%;\\n height: 10px;\\n}\\n.bk-root .bk-noUi-horizontal.bk-noUi-target {\\n margin: 5px 0px;\\n}\\n.bk-root .bk-noUi-horizontal .bk-noUi-handle {\\n width: 14px;\\n height: 18px;\\n left: -7px;\\n top: -5px;\\n}\\n.bk-root .bk-noUi-vertical {\\n width: 10px;\\n height: 100%;\\n}\\n.bk-root .bk-noUi-vertical.bk-noUi-target {\\n margin: 0px 5px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle {\\n width: 18px;\\n height: 14px;\\n left: -5px;\\n top: -7px;\\n}\\n.bk-root .bk-noUi-handle:after,\\n.bk-root .bk-noUi-handle:before {\\n display: none;\\n}\\n.bk-root .bk-noUi-connect {\\n box-shadow: none;\\n}\\n')},\n", + " 496: function _(t,e,i){var r=t(113),n=t(252),a=t(492),_=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(e,t),e}(a.AbstractSliderView);i.DateSliderView=_,_.__name__=\"DateSliderView\";var o=function(t){function e(e){var i=t.call(this,e)||this;return i.behaviour=\"tap\",i.connected=[!0,!1],i}return r.__extends(e,t),e.init_DateSlider=function(){this.prototype.default_view=_,this.override({format:\"%d %b %Y\"})},e.prototype._formatter=function(t,e){return n(t,e)},e}(a.AbstractSlider);i.DateSlider=o,o.__name__=\"DateSlider\",o.init_DateSlider()},\n", + " 497: function _(t,e,i){var n=t(113),r=t(498),_=t(121),o=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.render=function(){t.prototype.render.call(this),this.model.render_as_text?this.markup_el.textContent=this.model.text:this.markup_el.innerHTML=this.model.text},e}(r.MarkupView);i.DivView=o,o.__name__=\"DivView\";var u=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_Div=function(){this.prototype.default_view=o,this.define({render_as_text:[_.Boolean,!1]})},e}(r.Markup);i.Div=u,u.__name__=\"Div\",u.init_Div()},\n", + " 498: function _(t,i,n){var e=t(113),s=t(282),o=t(163),r=t(121),a=t(534),l=t(499),u=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(i,t),i.prototype.connect_signals=function(){var i=this;t.prototype.connect_signals.call(this),this.connect(this.model.change,function(){i.render(),i.root.compute_layout()})},i.prototype._update_layout=function(){this.layout=new s.VariadicBox(this.el),this.layout.set_sizing(this.box_sizing())},i.prototype.render=function(){t.prototype.render.call(this);var i=Object.assign(Object.assign({},this.model.style),{display:\"inline-block\"});this.markup_el=o.div({class:l.bk_clearfix,style:i}),this.el.appendChild(this.markup_el)},i}(a.WidgetView);n.MarkupView=u,u.__name__=\"MarkupView\";var c=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_Markup=function(){this.define({text:[r.String,\"\"],style:[r.Any,{}]})},i}(a.Widget);n.Markup=c,c.__name__=\"Markup\",c.init_Markup()},\n", + " 499: function _(e,n,r){e(164),e(163).styles.append('.bk-root .bk-clearfix:before,\\n.bk-root .bk-clearfix:after {\\n content: \"\";\\n display: table;\\n}\\n.bk-root .bk-clearfix:after {\\n clear: both;\\n}\\n'),r.bk_clearfix=\"bk-clearfix\"},\n", + " 500: function _(e,t,i){var n=e(113),o=e(474),l=e(376),s=e(163),r=e(121),u=e(109),d=e(240),a=e(347),c=e(348),_=function(e){function t(){var t=e.apply(this,arguments)||this;return t._open=!1,t}return n.__extends(t,e),t.prototype.render=function(){var t=this;e.prototype.render.call(this);var i=s.div({class:[c.bk_caret,d.bk_down]});if(this.model.is_split){var n=this._render_button(i);n.classList.add(a.bk_dropdown_toggle),n.addEventListener(\"click\",function(){return t._toggle_menu()}),this.group_el.appendChild(n)}else this.button_el.appendChild(i);var o=this.model.menu.map(function(e,i){if(null==e)return s.div({class:c.bk_divider});var n=u.isString(e)?e:e[0],o=s.div({},n);return o.addEventListener(\"click\",function(){return t._item_click(i)}),o});this.menu=s.div({class:[c.bk_menu,d.bk_below]},o),this.el.appendChild(this.menu),s.undisplay(this.menu)},t.prototype._show_menu=function(){var e=this;if(!this._open){this._open=!0,s.display(this.menu);var t=function(i){var n=i.target;n instanceof HTMLElement&&!e.el.contains(n)&&(document.removeEventListener(\"click\",t),e._hide_menu())};document.addEventListener(\"click\",t)}},t.prototype._hide_menu=function(){this._open&&(this._open=!1,s.undisplay(this.menu))},t.prototype._toggle_menu=function(){this._open?this._hide_menu():this._show_menu()},t.prototype.click=function(){this.model.is_split?(this._hide_menu(),this.model.trigger_event(new l.ButtonClick),this.model.value=this.model.default_value,null!=this.model.callback&&this.model.callback.execute(this.model),e.prototype.click.call(this)):this._toggle_menu()},t.prototype._item_click=function(e){this._hide_menu();var t=this.model.menu[e];if(null!=t){var i=u.isString(t)?t:t[1];u.isString(i)?(this.model.trigger_event(new l.MenuItemClick(i)),this.model.value=i,null!=this.model.callback&&this.model.callback.execute(this.model)):(i.execute(this.model,{index:e}),null!=this.model.callback&&this.model.callback.execute(this.model))}},t}(o.AbstractButtonView);i.DropdownView=_,_.__name__=\"DropdownView\";var h=function(e){function t(t){return e.call(this,t)||this}return n.__extends(t,e),t.init_Dropdown=function(){this.prototype.default_view=_,this.define({split:[r.Boolean,!1],menu:[r.Array,[]],value:[r.String],default_value:[r.String]}),this.override({label:\"Dropdown\"})},Object.defineProperty(t.prototype,\"is_split\",{get:function(){return this.split||null!=this.default_value},enumerable:!0,configurable:!0}),t}(o.AbstractButton);i.Dropdown=h,h.__name__=\"Dropdown\",h.init_Dropdown()},\n", + " 501: function _(t,e,i){var n=t(113),l=t(121),o=t(534),a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return e.render()}),this.connect(this.model.properties.width.change,function(){return e.render()})},e.prototype.render=function(){var t=this;this.dialogEl||(this.dialogEl=document.createElement(\"input\"),this.dialogEl.type=\"file\",this.dialogEl.multiple=!1,null!=this.model.accept&&\"\"!=this.model.accept&&(this.dialogEl.accept=this.model.accept),this.dialogEl.style.width=\"{this.model.width}px\",this.dialogEl.onchange=function(e){return t.load_file(e)},this.el.appendChild(this.dialogEl))},e.prototype.load_file=function(t){var e=this,i=new FileReader;this.model.filename=t.target.files[0].name,i.onload=function(t){return e.file(t)},i.readAsDataURL(t.target.files[0])},e.prototype.file=function(t){var e=t.target.result.split(\",\"),i=e[1],n=e[0].split(\":\")[1].split(\";\")[0];this.model.value=i,this.model.mime_type=n},e}(o.WidgetView);i.FileInputView=a,a.__name__=\"FileInputView\";var r=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_FileInput=function(){this.prototype.default_view=a,this.define({value:[l.String,\"\"],mime_type:[l.String,\"\"],filename:[l.String,\"\"],accept:[l.String,\"\"]})},e}(o.Widget);i.FileInput=r,r.__name__=\"FileInput\",r.init_FileInput()},\n", + " 502: function _(e,t,n){var i=e(113),r=e(163),l=e(109),o=e(117),s=e(121),c=e(480),u=e(481),h=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.properties.value.change,function(){return t.render_selection()}),this.connect(this.model.properties.options.change,function(){return t.render()}),this.connect(this.model.properties.name.change,function(){return t.render()}),this.connect(this.model.properties.title.change,function(){return t.render()}),this.connect(this.model.properties.size.change,function(){return t.render()}),this.connect(this.model.properties.disabled.change,function(){return t.render()})},t.prototype.render=function(){var t=this;e.prototype.render.call(this);var n=this.model.options.map(function(e){var t,n;return l.isString(e)?t=n=e:(t=e[0],n=e[1]),r.option({value:t},n)});this.select_el=r.select({multiple:!0,class:u.bk_input,name:this.model.name,disabled:this.model.disabled},n),this.select_el.addEventListener(\"change\",function(){return t.change_input()}),this.group_el.appendChild(this.select_el),this.render_selection()},t.prototype.render_selection=function(){for(var e=new o.Set(this.model.value),t=0,n=Array.from(this.el.querySelectorAll(\"option\"));tu?d:-d;if(0!=h)return h}return 0})},e}();i.TableDataProvider=b,b.__name__=\"TableDataProvider\";var v=function(e){function t(){var t=e.apply(this,arguments)||this;return t._in_selection_update=!1,t._warned_not_reorderable=!1,t}return n.__extends(t,e),t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return t.render()}),this.connect(this.model.source.streaming,function(){return t.updateGrid()}),this.connect(this.model.source.patching,function(){return t.updateGrid()}),this.connect(this.model.source.change,function(){return t.updateGrid()}),this.connect(this.model.source.properties.data.change,function(){return t.updateGrid()}),this.connect(this.model.source.selected.change,function(){return t.updateSelection()}),this.connect(this.model.source.selected.properties.indices.change,function(){return t.updateSelection()})},t.prototype._update_layout=function(){this.layout=new p.LayoutItem,this.layout.set_sizing(this.box_sizing())},t.prototype.update_position=function(){e.prototype.update_position.call(this),this.grid.resizeCanvas()},t.prototype.updateGrid=function(){var e=this;if(this.model.view.compute_indices(),this.data.constructor(this.model.source,this.model.view),this.model.sortable){var t=this.grid.getColumns(),i=this.grid.getSortColumns().map(function(i){return{sortCol:{field:t[e.grid.getColumnIndex(i.columnId)].field},sortAsc:i.sortAsc}});this.data.sort(i)}this.grid.invalidate(),this.grid.render()},t.prototype.updateSelection=function(){var e=this;if(!this._in_selection_update){var t=this.model.source.selected.indices.map(function(t){return e.data.index.indexOf(t)}).sort();this._in_selection_update=!0,this.grid.setSelectedRows(t),this._in_selection_update=!1;var i=this.grid.getViewport(),n=this.model.get_scroll_index(i,t);null!=n&&this.grid.scrollRowToTop(n)}},t.prototype.newIndexColumn=function(){return{id:d.uniqueId(),name:this.model.index_header,field:i.DTINDEX_NAME,width:this.model.index_width,behavior:\"select\",cannotTriggerInsert:!0,resizable:!1,selectable:!1,sortable:!0,cssClass:g.bk_cell_index,headerCssClass:g.bk_header_index}},t.prototype.css_classes=function(){return e.prototype.css_classes.call(this).concat(g.bk_data_table)},t.prototype.render=function(){var e,t=this,i=this.model.columns.map(function(e){return e.toColumn()});if(\"checkbox\"==this.model.selectable&&(e=new r({cssClass:g.bk_cell_select}),i.unshift(e.getColumnDefinition())),null!=this.model.index_position){var n=this.model.index_position,a=this.newIndexColumn();-1==n?i.push(a):n<-1?i.splice(n+1,0,a):i.splice(n,0,a)}var d=this.model.reorderable;!d||\"undefined\"!=typeof $&&null!=$.fn&&null!=$.fn.sortable||(this._warned_not_reorderable||(_.logger.warn(\"jquery-ui is required to enable DataTable.reorderable\"),this._warned_not_reorderable=!0),d=!1);var u={enableCellNavigation:!1!==this.model.selectable,enableColumnReorder:d,forceFitColumns:this.model.fit_columns,multiColumnSort:this.model.sortable,editable:this.model.editable,autoEdit:!1,rowHeight:this.model.row_height};if(this.data=new b(this.model.source,this.model.view),this.grid=new l.Grid(this.el,this.data,i,u),this.grid.onSort.subscribe(function(e,n){t.model.sortable&&(i=n.sortCols,t.data.sort(i),t.grid.invalidate(),t.updateSelection(),t.grid.render(),t.model.header_row||t._hide_header(),t.model.update_sort_columns(i))}),!1!==this.model.selectable){this.grid.setSelectionModel(new o({selectActiveRow:null==e})),null!=e&&this.grid.registerPlugin(e);var h={dataItemColumnValueExtractor:function(e,t){var i=e[t.field];return c.isString(i)&&(i=i.replace(/\\n/g,\"\\\\n\")),i},includeHeaderWhenCopying:!1};this.grid.registerPlugin(new s(h)),this.grid.onSelectedRowsChanged.subscribe(function(e,i){t._in_selection_update||(t.model.source.selected.indices=i.rows.map(function(e){return t.data.index[e]}))}),this.updateSelection(),this.model.header_row||this._hide_header()}},t.prototype._hide_header=function(){for(var e=0,t=Array.from(this.el.querySelectorAll(\".slick-header-columns\"));e=0&&l0&&t-1 in e)}b.fn=b.prototype={jquery:\"3.4.1\",constructor:b,length:0,toArray:function(){return o.call(this)},get:function(e){return null==e?o.call(this):e<0?this[e+this.length]:this[e]},pushStack:function(e){var t=b.merge(this.constructor(),e);return t.prevObject=this,t},each:function(e){return b.each(this,e)},map:function(e){return this.pushStack(b.map(this,function(t,n){return e.call(t,n,t)}))},slice:function(){return this.pushStack(o.apply(this,arguments))},first:function(){return this.eq(0)},last:function(){return this.eq(-1)},eq:function(e){var t=this.length,n=+e+(e<0?t:0);return this.pushStack(n>=0&&n+~]|\"+M+\")\"+M+\"*\"),U=new RegExp(M+\"|>\"),X=new RegExp($),V=new RegExp(\"^\"+I+\"$\"),G={ID:new RegExp(\"^#(\"+I+\")\"),CLASS:new RegExp(\"^\\\\.(\"+I+\")\"),TAG:new RegExp(\"^(\"+I+\"|[*])\"),ATTR:new RegExp(\"^\"+W),PSEUDO:new RegExp(\"^\"+$),CHILD:new RegExp(\"^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\\\(\"+M+\"*(even|odd|(([+-]|)(\\\\d*)n|)\"+M+\"*(?:([+-]|)\"+M+\"*(\\\\d+)|))\"+M+\"*\\\\)|)\",\"i\"),bool:new RegExp(\"^(?:\"+R+\")$\",\"i\"),needsContext:new RegExp(\"^\"+M+\"*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\\\(\"+M+\"*((?:-\\\\d)?\\\\d*)\"+M+\"*\\\\)|)(?=[^-]|$)\",\"i\")},Y=/HTML$/i,Q=/^(?:input|select|textarea|button)$/i,J=/^h\\d$/i,K=/^[^{]+\\{\\s*\\[native \\w/,Z=/^(?:#([\\w-]+)|(\\w+)|\\.([\\w-]+))$/,ee=/[+~]/,te=new RegExp(\"\\\\\\\\([\\\\da-f]{1,6}\"+M+\"?|(\"+M+\")|.)\",\"ig\"),ne=function(e,t,n){var r=\"0x\"+t-65536;return r!=r||n?t:r<0?String.fromCharCode(r+65536):String.fromCharCode(r>>10|55296,1023&r|56320)},re=/([\\0-\\x1f\\x7f]|^-?\\d)|^-$|[^\\0-\\x1f\\x7f-\\uFFFF\\w-]/g,ie=function(e,t){return t?\"\\0\"===e?\"�\":e.slice(0,-1)+\"\\\\\"+e.charCodeAt(e.length-1).toString(16)+\" \":\"\\\\\"+e},oe=function(){p()},ae=be(function(e){return!0===e.disabled&&\"fieldset\"===e.nodeName.toLowerCase()},{dir:\"parentNode\",next:\"legend\"});try{H.apply(j=O.call(w.childNodes),w.childNodes),j[w.childNodes.length].nodeType}catch(e){H={apply:j.length?function(e,t){L.apply(e,O.call(t))}:function(e,t){for(var n=e.length,r=0;e[n++]=t[r++];);e.length=n-1}}}function se(e,t,r,i){var o,s,l,c,f,h,y,m=t&&t.ownerDocument,T=t?t.nodeType:9;if(r=r||[],\"string\"!=typeof e||!e||1!==T&&9!==T&&11!==T)return r;if(!i&&((t?t.ownerDocument||t:w)!==d&&p(t),t=t||d,g)){if(11!==T&&(f=Z.exec(e)))if(o=f[1]){if(9===T){if(!(l=t.getElementById(o)))return r;if(l.id===o)return r.push(l),r}else if(m&&(l=m.getElementById(o))&&x(t,l)&&l.id===o)return r.push(l),r}else{if(f[2])return H.apply(r,t.getElementsByTagName(e)),r;if((o=f[3])&&n.getElementsByClassName&&t.getElementsByClassName)return H.apply(r,t.getElementsByClassName(o)),r}if(n.qsa&&!N[e+\" \"]&&(!v||!v.test(e))&&(1!==T||\"object\"!==t.nodeName.toLowerCase())){if(y=e,m=t,1===T&&U.test(e)){for((c=t.getAttribute(\"id\"))?c=c.replace(re,ie):t.setAttribute(\"id\",c=b),s=(h=a(e)).length;s--;)h[s]=\"#\"+c+\" \"+xe(h[s]);y=h.join(\",\"),m=ee.test(e)&&ye(t.parentNode)||t}try{return H.apply(r,m.querySelectorAll(y)),r}catch(t){N(e,!0)}finally{c===b&&t.removeAttribute(\"id\")}}}return u(e.replace(B,\"$1\"),t,r,i)}function ue(){var e=[];return function t(n,i){return e.push(n+\" \")>r.cacheLength&&delete t[e.shift()],t[n+\" \"]=i}}function le(e){return e[b]=!0,e}function ce(e){var t=d.createElement(\"fieldset\");try{return!!e(t)}catch(e){return!1}finally{t.parentNode&&t.parentNode.removeChild(t),t=null}}function fe(e,t){for(var n=e.split(\"|\"),i=n.length;i--;)r.attrHandle[n[i]]=t}function pe(e,t){var n=t&&e,r=n&&1===e.nodeType&&1===t.nodeType&&e.sourceIndex-t.sourceIndex;if(r)return r;if(n)for(;n=n.nextSibling;)if(n===t)return-1;return e?1:-1}function de(e){return function(t){return\"input\"===t.nodeName.toLowerCase()&&t.type===e}}function he(e){return function(t){var n=t.nodeName.toLowerCase();return(\"input\"===n||\"button\"===n)&&t.type===e}}function ge(e){return function(t){return\"form\"in t?t.parentNode&&!1===t.disabled?\"label\"in t?\"label\"in t.parentNode?t.parentNode.disabled===e:t.disabled===e:t.isDisabled===e||t.isDisabled!==!e&&ae(t)===e:t.disabled===e:\"label\"in t&&t.disabled===e}}function ve(e){return le(function(t){return t=+t,le(function(n,r){for(var i,o=e([],n.length,t),a=o.length;a--;)n[i=o[a]]&&(n[i]=!(r[i]=n[i]))})})}function ye(e){return e&&void 0!==e.getElementsByTagName&&e}for(t in n=se.support={},o=se.isXML=function(e){var t=e.namespaceURI,n=(e.ownerDocument||e).documentElement;return!Y.test(t||n&&n.nodeName||\"HTML\")},p=se.setDocument=function(e){var t,i,a=e?e.ownerDocument||e:w;return a!==d&&9===a.nodeType&&a.documentElement?(h=(d=a).documentElement,g=!o(d),w!==d&&(i=d.defaultView)&&i.top!==i&&(i.addEventListener?i.addEventListener(\"unload\",oe,!1):i.attachEvent&&i.attachEvent(\"onunload\",oe)),n.attributes=ce(function(e){return e.className=\"i\",!e.getAttribute(\"className\")}),n.getElementsByTagName=ce(function(e){return e.appendChild(d.createComment(\"\")),!e.getElementsByTagName(\"*\").length}),n.getElementsByClassName=K.test(d.getElementsByClassName),n.getById=ce(function(e){return h.appendChild(e).id=b,!d.getElementsByName||!d.getElementsByName(b).length}),n.getById?(r.filter.ID=function(e){var t=e.replace(te,ne);return function(e){return e.getAttribute(\"id\")===t}},r.find.ID=function(e,t){if(void 0!==t.getElementById&&g){var n=t.getElementById(e);return n?[n]:[]}}):(r.filter.ID=function(e){var t=e.replace(te,ne);return function(e){var n=void 0!==e.getAttributeNode&&e.getAttributeNode(\"id\");return n&&n.value===t}},r.find.ID=function(e,t){if(void 0!==t.getElementById&&g){var n,r,i,o=t.getElementById(e);if(o){if((n=o.getAttributeNode(\"id\"))&&n.value===e)return[o];for(i=t.getElementsByName(e),r=0;o=i[r++];)if((n=o.getAttributeNode(\"id\"))&&n.value===e)return[o]}return[]}}),r.find.TAG=n.getElementsByTagName?function(e,t){return void 0!==t.getElementsByTagName?t.getElementsByTagName(e):n.qsa?t.querySelectorAll(e):void 0}:function(e,t){var n,r=[],i=0,o=t.getElementsByTagName(e);if(\"*\"===e){for(;n=o[i++];)1===n.nodeType&&r.push(n);return r}return o},r.find.CLASS=n.getElementsByClassName&&function(e,t){if(void 0!==t.getElementsByClassName&&g)return t.getElementsByClassName(e)},y=[],v=[],(n.qsa=K.test(d.querySelectorAll))&&(ce(function(e){h.appendChild(e).innerHTML=\"\",e.querySelectorAll(\"[msallowcapture^='']\").length&&v.push(\"[*^$]=\"+M+\"*(?:''|\\\"\\\")\"),e.querySelectorAll(\"[selected]\").length||v.push(\"\\\\[\"+M+\"*(?:value|\"+R+\")\"),e.querySelectorAll(\"[id~=\"+b+\"-]\").length||v.push(\"~=\"),e.querySelectorAll(\":checked\").length||v.push(\":checked\"),e.querySelectorAll(\"a#\"+b+\"+*\").length||v.push(\".#.+[+~]\")}),ce(function(e){e.innerHTML=\"\";var t=d.createElement(\"input\");t.setAttribute(\"type\",\"hidden\"),e.appendChild(t).setAttribute(\"name\",\"D\"),e.querySelectorAll(\"[name=d]\").length&&v.push(\"name\"+M+\"*[*^$|!~]?=\"),2!==e.querySelectorAll(\":enabled\").length&&v.push(\":enabled\",\":disabled\"),h.appendChild(e).disabled=!0,2!==e.querySelectorAll(\":disabled\").length&&v.push(\":enabled\",\":disabled\"),e.querySelectorAll(\"*,:x\"),v.push(\",.*:\")})),(n.matchesSelector=K.test(m=h.matches||h.webkitMatchesSelector||h.mozMatchesSelector||h.oMatchesSelector||h.msMatchesSelector))&&ce(function(e){n.disconnectedMatch=m.call(e,\"*\"),m.call(e,\"[s!='']:x\"),y.push(\"!=\",$)}),v=v.length&&new RegExp(v.join(\"|\")),y=y.length&&new RegExp(y.join(\"|\")),t=K.test(h.compareDocumentPosition),x=t||K.test(h.contains)?function(e,t){var n=9===e.nodeType?e.documentElement:e,r=t&&t.parentNode;return e===r||!(!r||1!==r.nodeType||!(n.contains?n.contains(r):e.compareDocumentPosition&&16&e.compareDocumentPosition(r)))}:function(e,t){if(t)for(;t=t.parentNode;)if(t===e)return!0;return!1},A=t?function(e,t){if(e===t)return f=!0,0;var r=!e.compareDocumentPosition-!t.compareDocumentPosition;return r||(1&(r=(e.ownerDocument||e)===(t.ownerDocument||t)?e.compareDocumentPosition(t):1)||!n.sortDetached&&t.compareDocumentPosition(e)===r?e===d||e.ownerDocument===w&&x(w,e)?-1:t===d||t.ownerDocument===w&&x(w,t)?1:c?P(c,e)-P(c,t):0:4&r?-1:1)}:function(e,t){if(e===t)return f=!0,0;var n,r=0,i=e.parentNode,o=t.parentNode,a=[e],s=[t];if(!i||!o)return e===d?-1:t===d?1:i?-1:o?1:c?P(c,e)-P(c,t):0;if(i===o)return pe(e,t);for(n=e;n=n.parentNode;)a.unshift(n);for(n=t;n=n.parentNode;)s.unshift(n);for(;a[r]===s[r];)r++;return r?pe(a[r],s[r]):a[r]===w?-1:s[r]===w?1:0},d):d},se.matches=function(e,t){return se(e,null,null,t)},se.matchesSelector=function(e,t){if((e.ownerDocument||e)!==d&&p(e),n.matchesSelector&&g&&!N[t+\" \"]&&(!y||!y.test(t))&&(!v||!v.test(t)))try{var r=m.call(e,t);if(r||n.disconnectedMatch||e.document&&11!==e.document.nodeType)return r}catch(e){N(t,!0)}return se(t,d,null,[e]).length>0},se.contains=function(e,t){return(e.ownerDocument||e)!==d&&p(e),x(e,t)},se.attr=function(e,t){(e.ownerDocument||e)!==d&&p(e);var i=r.attrHandle[t.toLowerCase()],o=i&&D.call(r.attrHandle,t.toLowerCase())?i(e,t,!g):void 0;return void 0!==o?o:n.attributes||!g?e.getAttribute(t):(o=e.getAttributeNode(t))&&o.specified?o.value:null},se.escape=function(e){return(e+\"\").replace(re,ie)},se.error=function(e){throw new Error(\"Syntax error, unrecognized expression: \"+e)},se.uniqueSort=function(e){var t,r=[],i=0,o=0;if(f=!n.detectDuplicates,c=!n.sortStable&&e.slice(0),e.sort(A),f){for(;t=e[o++];)t===e[o]&&(i=r.push(o));for(;i--;)e.splice(r[i],1)}return c=null,e},i=se.getText=function(e){var t,n=\"\",r=0,o=e.nodeType;if(o){if(1===o||9===o||11===o){if(\"string\"==typeof e.textContent)return e.textContent;for(e=e.firstChild;e;e=e.nextSibling)n+=i(e)}else if(3===o||4===o)return e.nodeValue}else for(;t=e[r++];)n+=i(t);return n},(r=se.selectors={cacheLength:50,createPseudo:le,match:G,attrHandle:{},find:{},relative:{\">\":{dir:\"parentNode\",first:!0},\" \":{dir:\"parentNode\"},\"+\":{dir:\"previousSibling\",first:!0},\"~\":{dir:\"previousSibling\"}},preFilter:{ATTR:function(e){return e[1]=e[1].replace(te,ne),e[3]=(e[3]||e[4]||e[5]||\"\").replace(te,ne),\"~=\"===e[2]&&(e[3]=\" \"+e[3]+\" \"),e.slice(0,4)},CHILD:function(e){return e[1]=e[1].toLowerCase(),\"nth\"===e[1].slice(0,3)?(e[3]||se.error(e[0]),e[4]=+(e[4]?e[5]+(e[6]||1):2*(\"even\"===e[3]||\"odd\"===e[3])),e[5]=+(e[7]+e[8]||\"odd\"===e[3])):e[3]&&se.error(e[0]),e},PSEUDO:function(e){var t,n=!e[6]&&e[2];return G.CHILD.test(e[0])?null:(e[3]?e[2]=e[4]||e[5]||\"\":n&&X.test(n)&&(t=a(n,!0))&&(t=n.indexOf(\")\",n.length-t)-n.length)&&(e[0]=e[0].slice(0,t),e[2]=n.slice(0,t)),e.slice(0,3))}},filter:{TAG:function(e){var t=e.replace(te,ne).toLowerCase();return\"*\"===e?function(){return!0}:function(e){return e.nodeName&&e.nodeName.toLowerCase()===t}},CLASS:function(e){var t=E[e+\" \"];return t||(t=new RegExp(\"(^|\"+M+\")\"+e+\"(\"+M+\"|$)\"))&&E(e,function(e){return t.test(\"string\"==typeof e.className&&e.className||void 0!==e.getAttribute&&e.getAttribute(\"class\")||\"\")})},ATTR:function(e,t,n){return function(r){var i=se.attr(r,e);return null==i?\"!=\"===t:!t||(i+=\"\",\"=\"===t?i===n:\"!=\"===t?i!==n:\"^=\"===t?n&&0===i.indexOf(n):\"*=\"===t?n&&i.indexOf(n)>-1:\"$=\"===t?n&&i.slice(-n.length)===n:\"~=\"===t?(\" \"+i.replace(F,\" \")+\" \").indexOf(n)>-1:\"|=\"===t&&(i===n||i.slice(0,n.length+1)===n+\"-\"))}},CHILD:function(e,t,n,r,i){var o=\"nth\"!==e.slice(0,3),a=\"last\"!==e.slice(-4),s=\"of-type\"===t;return 1===r&&0===i?function(e){return!!e.parentNode}:function(t,n,u){var l,c,f,p,d,h,g=o!==a?\"nextSibling\":\"previousSibling\",v=t.parentNode,y=s&&t.nodeName.toLowerCase(),m=!u&&!s,x=!1;if(v){if(o){for(;g;){for(p=t;p=p[g];)if(s?p.nodeName.toLowerCase()===y:1===p.nodeType)return!1;h=g=\"only\"===e&&!h&&\"nextSibling\"}return!0}if(h=[a?v.firstChild:v.lastChild],a&&m){for(x=(d=(l=(c=(f=(p=v)[b]||(p[b]={}))[p.uniqueID]||(f[p.uniqueID]={}))[e]||[])[0]===T&&l[1])&&l[2],p=d&&v.childNodes[d];p=++d&&p&&p[g]||(x=d=0)||h.pop();)if(1===p.nodeType&&++x&&p===t){c[e]=[T,d,x];break}}else if(m&&(x=d=(l=(c=(f=(p=t)[b]||(p[b]={}))[p.uniqueID]||(f[p.uniqueID]={}))[e]||[])[0]===T&&l[1]),!1===x)for(;(p=++d&&p&&p[g]||(x=d=0)||h.pop())&&((s?p.nodeName.toLowerCase()!==y:1!==p.nodeType)||!++x||(m&&((c=(f=p[b]||(p[b]={}))[p.uniqueID]||(f[p.uniqueID]={}))[e]=[T,x]),p!==t)););return(x-=i)===r||x%r==0&&x/r>=0}}},PSEUDO:function(e,t){var n,i=r.pseudos[e]||r.setFilters[e.toLowerCase()]||se.error(\"unsupported pseudo: \"+e);return i[b]?i(t):i.length>1?(n=[e,e,\"\",t],r.setFilters.hasOwnProperty(e.toLowerCase())?le(function(e,n){for(var r,o=i(e,t),a=o.length;a--;)e[r=P(e,o[a])]=!(n[r]=o[a])}):function(e){return i(e,0,n)}):i}},pseudos:{not:le(function(e){var t=[],n=[],r=s(e.replace(B,\"$1\"));return r[b]?le(function(e,t,n,i){for(var o,a=r(e,null,i,[]),s=e.length;s--;)(o=a[s])&&(e[s]=!(t[s]=o))}):function(e,i,o){return t[0]=e,r(t,null,o,n),t[0]=null,!n.pop()}}),has:le(function(e){return function(t){return se(e,t).length>0}}),contains:le(function(e){return e=e.replace(te,ne),function(t){return(t.textContent||i(t)).indexOf(e)>-1}}),lang:le(function(e){return V.test(e||\"\")||se.error(\"unsupported lang: \"+e),e=e.replace(te,ne).toLowerCase(),function(t){var n;do{if(n=g?t.lang:t.getAttribute(\"xml:lang\")||t.getAttribute(\"lang\"))return(n=n.toLowerCase())===e||0===n.indexOf(e+\"-\")}while((t=t.parentNode)&&1===t.nodeType);return!1}}),target:function(t){var n=e.location&&e.location.hash;return n&&n.slice(1)===t.id},root:function(e){return e===h},focus:function(e){return e===d.activeElement&&(!d.hasFocus||d.hasFocus())&&!!(e.type||e.href||~e.tabIndex)},enabled:ge(!1),disabled:ge(!0),checked:function(e){var t=e.nodeName.toLowerCase();return\"input\"===t&&!!e.checked||\"option\"===t&&!!e.selected},selected:function(e){return e.parentNode&&e.parentNode.selectedIndex,!0===e.selected},empty:function(e){for(e=e.firstChild;e;e=e.nextSibling)if(e.nodeType<6)return!1;return!0},parent:function(e){return!r.pseudos.empty(e)},header:function(e){return J.test(e.nodeName)},input:function(e){return Q.test(e.nodeName)},button:function(e){var t=e.nodeName.toLowerCase();return\"input\"===t&&\"button\"===e.type||\"button\"===t},text:function(e){var t;return\"input\"===e.nodeName.toLowerCase()&&\"text\"===e.type&&(null==(t=e.getAttribute(\"type\"))||\"text\"===t.toLowerCase())},first:ve(function(){return[0]}),last:ve(function(e,t){return[t-1]}),eq:ve(function(e,t,n){return[n<0?n+t:n]}),even:ve(function(e,t){for(var n=0;nt?t:n;--r>=0;)e.push(r);return e}),gt:ve(function(e,t,n){for(var r=n<0?n+t:n;++r1?function(t,n,r){for(var i=e.length;i--;)if(!e[i](t,n,r))return!1;return!0}:e[0]}function Te(e,t,n,r,i){for(var o,a=[],s=0,u=e.length,l=null!=t;s-1&&(o[l]=!(a[l]=f))}}else y=Te(y===a?y.splice(h,y.length):y),i?i(null,a,y,u):H.apply(a,y)})}function Ee(e){for(var t,n,i,o=e.length,a=r.relative[e[0].type],s=a||r.relative[\" \"],u=a?1:0,c=be(function(e){return e===t},s,!0),f=be(function(e){return P(t,e)>-1},s,!0),p=[function(e,n,r){var i=!a&&(r||n!==l)||((t=n).nodeType?c(e,n,r):f(e,n,r));return t=null,i}];u1&&we(p),u>1&&xe(e.slice(0,u-1).concat({value:\" \"===e[u-2].type?\"*\":\"\"})).replace(B,\"$1\"),n,u0,i=e.length>0,o=function(o,a,s,u,c){var f,h,v,y=0,m=\"0\",x=o&&[],b=[],w=l,C=o||i&&r.find.TAG(\"*\",c),E=T+=null==w?1:Math.random()||.1,k=C.length;for(c&&(l=a===d||a||c);m!==k&&null!=(f=C[m]);m++){if(i&&f){for(h=0,a||f.ownerDocument===d||(p(f),s=!g);v=e[h++];)if(v(f,a||d,s)){u.push(f);break}c&&(T=E)}n&&((f=!v&&f)&&y--,o&&x.push(f))}if(y+=m,n&&m!==y){for(h=0;v=t[h++];)v(x,b,a,s);if(o){if(y>0)for(;m--;)x[m]||b[m]||(b[m]=q.call(u));b=Te(b)}H.apply(u,b),c&&!o&&b.length>0&&y+t.length>1&&se.uniqueSort(u)}return c&&(T=E,l=w),x};return n?le(o):o}(o,i))).selector=e}return s},u=se.select=function(e,t,n,i){var o,u,l,c,f,p=\"function\"==typeof e&&e,d=!i&&a(e=p.selector||e);if(n=n||[],1===d.length){if((u=d[0]=d[0].slice(0)).length>2&&\"ID\"===(l=u[0]).type&&9===t.nodeType&&g&&r.relative[u[1].type]){if(!(t=(r.find.ID(l.matches[0].replace(te,ne),t)||[])[0]))return n;p&&(t=t.parentNode),e=e.slice(u.shift().value.length)}for(o=G.needsContext.test(e)?0:u.length;o--&&(l=u[o],!r.relative[c=l.type]);)if((f=r.find[c])&&(i=f(l.matches[0].replace(te,ne),ee.test(u[0].type)&&ye(t.parentNode)||t))){if(u.splice(o,1),!(e=i.length&&xe(u)))return H.apply(n,i),n;break}}return(p||s(e,d))(i,t,!g,n,!t||ee.test(e)&&ye(t.parentNode)||t),n},n.sortStable=b.split(\"\").sort(A).join(\"\")===b,n.detectDuplicates=!!f,p(),n.sortDetached=ce(function(e){return 1&e.compareDocumentPosition(d.createElement(\"fieldset\"))}),ce(function(e){return e.innerHTML=\"\",\"#\"===e.firstChild.getAttribute(\"href\")})||fe(\"type|href|height|width\",function(e,t,n){if(!n)return e.getAttribute(t,\"type\"===t.toLowerCase()?1:2)}),n.attributes&&ce(function(e){return e.innerHTML=\"\",e.firstChild.setAttribute(\"value\",\"\"),\"\"===e.firstChild.getAttribute(\"value\")})||fe(\"value\",function(e,t,n){if(!n&&\"input\"===e.nodeName.toLowerCase())return e.defaultValue}),ce(function(e){return null==e.getAttribute(\"disabled\")})||fe(R,function(e,t,n){var r;if(!n)return!0===e[t]?t.toLowerCase():(r=e.getAttributeNode(t))&&r.specified?r.value:null}),se}(e);b.find=C,b.expr=C.selectors,b.expr[\":\"]=b.expr.pseudos,b.uniqueSort=b.unique=C.uniqueSort,b.text=C.getText,b.isXMLDoc=C.isXML,b.contains=C.contains,b.escapeSelector=C.escape;var E=function(e,t,n){for(var r=[],i=void 0!==n;(e=e[t])&&9!==e.nodeType;)if(1===e.nodeType){if(i&&b(e).is(n))break;r.push(e)}return r},k=function(e,t){for(var n=[];e;e=e.nextSibling)1===e.nodeType&&e!==t&&n.push(e);return n},S=b.expr.match.needsContext;function N(e,t){return e.nodeName&&e.nodeName.toLowerCase()===t.toLowerCase()}var A=/^<([a-z][^\\/\\0>:\\x20\\t\\r\\n\\f]*)[\\x20\\t\\r\\n\\f]*\\/?>(?:<\\/\\1>|)$/i;function D(e,t,n){return g(t)?b.grep(e,function(e,r){return!!t.call(e,r,e)!==n}):t.nodeType?b.grep(e,function(e){return e===t!==n}):\"string\"!=typeof t?b.grep(e,function(e){return u.call(t,e)>-1!==n}):b.filter(t,e,n)}b.filter=function(e,t,n){var r=t[0];return n&&(e=\":not(\"+e+\")\"),1===t.length&&1===r.nodeType?b.find.matchesSelector(r,e)?[r]:[]:b.find.matches(e,b.grep(t,function(e){return 1===e.nodeType}))},b.fn.extend({find:function(e){var t,n,r=this.length,i=this;if(\"string\"!=typeof e)return this.pushStack(b(e).filter(function(){for(t=0;t1?b.uniqueSort(n):n},filter:function(e){return this.pushStack(D(this,e||[],!1))},not:function(e){return this.pushStack(D(this,e||[],!0))},is:function(e){return!!D(this,\"string\"==typeof e&&S.test(e)?b(e):e||[],!1).length}});var j,q=/^(?:\\s*(<[\\w\\W]+>)[^>]*|#([\\w-]+))$/;(b.fn.init=function(e,t,n){var i,o;if(!e)return this;if(n=n||j,\"string\"==typeof e){if(!(i=\"<\"===e[0]&&\">\"===e[e.length-1]&&e.length>=3?[null,e,null]:q.exec(e))||!i[1]&&t)return!t||t.jquery?(t||n).find(e):this.constructor(t).find(e);if(i[1]){if(t=t instanceof b?t[0]:t,b.merge(this,b.parseHTML(i[1],t&&t.nodeType?t.ownerDocument||t:r,!0)),A.test(i[1])&&b.isPlainObject(t))for(i in t)g(this[i])?this[i](t[i]):this.attr(i,t[i]);return this}return(o=r.getElementById(i[2]))&&(this[0]=o,this.length=1),this}return e.nodeType?(this[0]=e,this.length=1,this):g(e)?void 0!==n.ready?n.ready(e):e(b):b.makeArray(e,this)}).prototype=b.fn,j=b(r);var L=/^(?:parents|prev(?:Until|All))/,H={children:!0,contents:!0,next:!0,prev:!0};function O(e,t){for(;(e=e[t])&&1!==e.nodeType;);return e}b.fn.extend({has:function(e){var t=b(e,this),n=t.length;return this.filter(function(){for(var e=0;e-1:1===n.nodeType&&b.find.matchesSelector(n,e))){o.push(n);break}return this.pushStack(o.length>1?b.uniqueSort(o):o)},index:function(e){return e?\"string\"==typeof e?u.call(b(e),this[0]):u.call(this,e.jquery?e[0]:e):this[0]&&this[0].parentNode?this.first().prevAll().length:-1},add:function(e,t){return this.pushStack(b.uniqueSort(b.merge(this.get(),b(e,t))))},addBack:function(e){return this.add(null==e?this.prevObject:this.prevObject.filter(e))}}),b.each({parent:function(e){var t=e.parentNode;return t&&11!==t.nodeType?t:null},parents:function(e){return E(e,\"parentNode\")},parentsUntil:function(e,t,n){return E(e,\"parentNode\",n)},next:function(e){return O(e,\"nextSibling\")},prev:function(e){return O(e,\"previousSibling\")},nextAll:function(e){return E(e,\"nextSibling\")},prevAll:function(e){return E(e,\"previousSibling\")},nextUntil:function(e,t,n){return E(e,\"nextSibling\",n)},prevUntil:function(e,t,n){return E(e,\"previousSibling\",n)},siblings:function(e){return k((e.parentNode||{}).firstChild,e)},children:function(e){return k(e.firstChild)},contents:function(e){return void 0!==e.contentDocument?e.contentDocument:(N(e,\"template\")&&(e=e.content||e),b.merge([],e.childNodes))}},function(e,t){b.fn[e]=function(n,r){var i=b.map(this,t,n);return\"Until\"!==e.slice(-5)&&(r=n),r&&\"string\"==typeof r&&(i=b.filter(r,i)),this.length>1&&(H[e]||b.uniqueSort(i),L.test(e)&&i.reverse()),this.pushStack(i)}});var P=/[^\\x20\\t\\r\\n\\f]+/g;function R(e){return e}function M(e){throw e}function I(e,t,n,r){var i;try{e&&g(i=e.promise)?i.call(e).done(t).fail(n):e&&g(i=e.then)?i.call(e,t,n):t.apply(void 0,[e].slice(r))}catch(e){n.apply(void 0,[e])}}b.Callbacks=function(e){e=\"string\"==typeof e?function(e){var t={};return b.each(e.match(P)||[],function(e,n){t[n]=!0}),t}(e):b.extend({},e);var t,n,r,i,o=[],a=[],s=-1,u=function(){for(i=i||e.once,r=t=!0;a.length;s=-1)for(n=a.shift();++s-1;)o.splice(n,1),n<=s&&s--}),this},has:function(e){return e?b.inArray(e,o)>-1:o.length>0},empty:function(){return o&&(o=[]),this},disable:function(){return i=a=[],o=n=\"\",this},disabled:function(){return!o},lock:function(){return i=a=[],n||t||(o=n=\"\"),this},locked:function(){return!!i},fireWith:function(e,n){return i||(n=[e,(n=n||[]).slice?n.slice():n],a.push(n),t||u()),this},fire:function(){return l.fireWith(this,arguments),this},fired:function(){return!!r}};return l},b.extend({Deferred:function(t){var n=[[\"notify\",\"progress\",b.Callbacks(\"memory\"),b.Callbacks(\"memory\"),2],[\"resolve\",\"done\",b.Callbacks(\"once memory\"),b.Callbacks(\"once memory\"),0,\"resolved\"],[\"reject\",\"fail\",b.Callbacks(\"once memory\"),b.Callbacks(\"once memory\"),1,\"rejected\"]],r=\"pending\",i={state:function(){return r},always:function(){return o.done(arguments).fail(arguments),this},catch:function(e){return i.then(null,e)},pipe:function(){var e=arguments;return b.Deferred(function(t){b.each(n,function(n,r){var i=g(e[r[4]])&&e[r[4]];o[r[1]](function(){var e=i&&i.apply(this,arguments);e&&g(e.promise)?e.promise().progress(t.notify).done(t.resolve).fail(t.reject):t[r[0]+\"With\"](this,i?[e]:arguments)})}),e=null}).promise()},then:function(t,r,i){var o=0;function a(t,n,r,i){return function(){var s=this,u=arguments,l=function(){var e,l;if(!(t=o&&(r!==M&&(s=void 0,u=[e]),n.rejectWith(s,u))}};t?c():(b.Deferred.getStackHook&&(c.stackTrace=b.Deferred.getStackHook()),e.setTimeout(c))}}return b.Deferred(function(e){n[0][3].add(a(0,e,g(i)?i:R,e.notifyWith)),n[1][3].add(a(0,e,g(t)?t:R)),n[2][3].add(a(0,e,g(r)?r:M))}).promise()},promise:function(e){return null!=e?b.extend(e,i):i}},o={};return b.each(n,function(e,t){var a=t[2],s=t[5];i[t[1]]=a.add,s&&a.add(function(){r=s},n[3-e][2].disable,n[3-e][3].disable,n[0][2].lock,n[0][3].lock),a.add(t[3].fire),o[t[0]]=function(){return o[t[0]+\"With\"](this===o?void 0:this,arguments),this},o[t[0]+\"With\"]=a.fireWith}),i.promise(o),t&&t.call(o,o),o},when:function(e){var t=arguments.length,n=t,r=Array(n),i=o.call(arguments),a=b.Deferred(),s=function(e){return function(n){r[e]=this,i[e]=arguments.length>1?o.call(arguments):n,--t||a.resolveWith(r,i)}};if(t<=1&&(I(e,a.done(s(n)).resolve,a.reject,!t),\"pending\"===a.state()||g(i[n]&&i[n].then)))return a.then();for(;n--;)I(i[n],s(n),a.reject);return a.promise()}});var W=/^(Eval|Internal|Range|Reference|Syntax|Type|URI)Error$/;b.Deferred.exceptionHook=function(t,n){e.console&&e.console.warn&&t&&W.test(t.name)&&e.console.warn(\"jQuery.Deferred exception: \"+t.message,t.stack,n)},b.readyException=function(t){e.setTimeout(function(){throw t})};var $=b.Deferred();function F(){r.removeEventListener(\"DOMContentLoaded\",F),e.removeEventListener(\"load\",F),b.ready()}b.fn.ready=function(e){return $.then(e).catch(function(e){b.readyException(e)}),this},b.extend({isReady:!1,readyWait:1,ready:function(e){(!0===e?--b.readyWait:b.isReady)||(b.isReady=!0,!0!==e&&--b.readyWait>0||$.resolveWith(r,[b]))}}),b.ready.then=$.then,\"complete\"===r.readyState||\"loading\"!==r.readyState&&!r.documentElement.doScroll?e.setTimeout(b.ready):(r.addEventListener(\"DOMContentLoaded\",F),e.addEventListener(\"load\",F));var B=function(e,t,n,r,i,o,a){var s=0,u=e.length,l=null==n;if(\"object\"===x(n))for(s in i=!0,n)B(e,t,s,n[s],!0,o,a);else if(void 0!==r&&(i=!0,g(r)||(a=!0),l&&(a?(t.call(e,r),t=null):(l=t,t=function(e,t,n){return l.call(b(e),n)})),t))for(;s1,null,!0)},removeData:function(e){return this.each(function(){Q.remove(this,e)})}}),b.extend({queue:function(e,t,n){var r;if(e)return t=(t||\"fx\")+\"queue\",r=Y.get(e,t),n&&(!r||Array.isArray(n)?r=Y.access(e,t,b.makeArray(n)):r.push(n)),r||[]},dequeue:function(e,t){t=t||\"fx\";var n=b.queue(e,t),r=n.length,i=n.shift(),o=b._queueHooks(e,t);\"inprogress\"===i&&(i=n.shift(),r--),i&&(\"fx\"===t&&n.unshift(\"inprogress\"),delete o.stop,i.call(e,function(){b.dequeue(e,t)},o)),!r&&o&&o.empty.fire()},_queueHooks:function(e,t){var n=t+\"queueHooks\";return Y.get(e,n)||Y.access(e,n,{empty:b.Callbacks(\"once memory\").add(function(){Y.remove(e,[t+\"queue\",n])})})}}),b.fn.extend({queue:function(e,t){var n=2;return\"string\"!=typeof e&&(t=e,e=\"fx\",n--),arguments.length\\x20\\t\\r\\n\\f]*)/i,he=/^$|^module$|\\/(?:java|ecma)script/i,ge={option:[1,\"\"],thead:[1,\"\",\"
\"],col:[2,\"\",\"
\"],tr:[2,\"\",\"
\"],td:[3,\"\",\"
\"],_default:[0,\"\",\"\"]};function ve(e,t){var n;return n=void 0!==e.getElementsByTagName?e.getElementsByTagName(t||\"*\"):void 0!==e.querySelectorAll?e.querySelectorAll(t||\"*\"):[],void 0===t||t&&N(e,t)?b.merge([e],n):n}function ye(e,t){for(var n=0,r=e.length;n-1)i&&i.push(o);else if(l=ie(o),a=ve(f.appendChild(o),\"script\"),l&&ye(a),n)for(c=0;o=a[c++];)he.test(o.type||\"\")&&n.push(o);return f}me=r.createDocumentFragment().appendChild(r.createElement(\"div\")),(xe=r.createElement(\"input\")).setAttribute(\"type\",\"radio\"),xe.setAttribute(\"checked\",\"checked\"),xe.setAttribute(\"name\",\"t\"),me.appendChild(xe),h.checkClone=me.cloneNode(!0).cloneNode(!0).lastChild.checked,me.innerHTML=\"\",h.noCloneChecked=!!me.cloneNode(!0).lastChild.defaultValue;var Te=/^key/,Ce=/^(?:mouse|pointer|contextmenu|drag|drop)|click/,Ee=/^([^.]*)(?:\\.(.+)|)/;function ke(){return!0}function Se(){return!1}function Ne(e,t){return e===function(){try{return r.activeElement}catch(e){}}()==(\"focus\"===t)}function Ae(e,t,n,r,i,o){var a,s;if(\"object\"==typeof t){for(s in\"string\"!=typeof n&&(r=r||n,n=void 0),t)Ae(e,s,n,r,t[s],o);return e}if(null==r&&null==i?(i=n,r=n=void 0):null==i&&(\"string\"==typeof n?(i=r,r=void 0):(i=r,r=n,n=void 0)),!1===i)i=Se;else if(!i)return e;return 1===o&&(a=i,(i=function(e){return b().off(e),a.apply(this,arguments)}).guid=a.guid||(a.guid=b.guid++)),e.each(function(){b.event.add(this,t,i,r,n)})}function De(e,t,n){n?(Y.set(e,t,!1),b.event.add(e,t,{namespace:!1,handler:function(e){var r,i,a=Y.get(this,t);if(1&e.isTrigger&&this[t]){if(a.length)(b.event.special[t]||{}).delegateType&&e.stopPropagation();else if(a=o.call(arguments),Y.set(this,t,a),r=n(this,t),this[t](),a!==(i=Y.get(this,t))||r?Y.set(this,t,!1):i={},a!==i)return e.stopImmediatePropagation(),e.preventDefault(),i.value}else a.length&&(Y.set(this,t,{value:b.event.trigger(b.extend(a[0],b.Event.prototype),a.slice(1),this)}),e.stopImmediatePropagation())}})):void 0===Y.get(e,t)&&b.event.add(e,t,ke)}b.event={global:{},add:function(e,t,n,r,i){var o,a,s,u,l,c,f,p,d,h,g,v=Y.get(e);if(v)for(n.handler&&(n=(o=n).handler,i=o.selector),i&&b.find.matchesSelector(re,i),n.guid||(n.guid=b.guid++),(u=v.events)||(u=v.events={}),(a=v.handle)||(a=v.handle=function(t){return void 0!==b&&b.event.triggered!==t.type?b.event.dispatch.apply(e,arguments):void 0}),l=(t=(t||\"\").match(P)||[\"\"]).length;l--;)d=g=(s=Ee.exec(t[l])||[])[1],h=(s[2]||\"\").split(\".\").sort(),d&&(f=b.event.special[d]||{},d=(i?f.delegateType:f.bindType)||d,f=b.event.special[d]||{},c=b.extend({type:d,origType:g,data:r,handler:n,guid:n.guid,selector:i,needsContext:i&&b.expr.match.needsContext.test(i),namespace:h.join(\".\")},o),(p=u[d])||((p=u[d]=[]).delegateCount=0,f.setup&&!1!==f.setup.call(e,r,h,a)||e.addEventListener&&e.addEventListener(d,a)),f.add&&(f.add.call(e,c),c.handler.guid||(c.handler.guid=n.guid)),i?p.splice(p.delegateCount++,0,c):p.push(c),b.event.global[d]=!0)},remove:function(e,t,n,r,i){var o,a,s,u,l,c,f,p,d,h,g,v=Y.hasData(e)&&Y.get(e);if(v&&(u=v.events)){for(l=(t=(t||\"\").match(P)||[\"\"]).length;l--;)if(d=g=(s=Ee.exec(t[l])||[])[1],h=(s[2]||\"\").split(\".\").sort(),d){for(f=b.event.special[d]||{},p=u[d=(r?f.delegateType:f.bindType)||d]||[],s=s[2]&&new RegExp(\"(^|\\\\.)\"+h.join(\"\\\\.(?:.*\\\\.|)\")+\"(\\\\.|$)\"),a=o=p.length;o--;)c=p[o],!i&&g!==c.origType||n&&n.guid!==c.guid||s&&!s.test(c.namespace)||r&&r!==c.selector&&(\"**\"!==r||!c.selector)||(p.splice(o,1),c.selector&&p.delegateCount--,f.remove&&f.remove.call(e,c));a&&!p.length&&(f.teardown&&!1!==f.teardown.call(e,h,v.handle)||b.removeEvent(e,d,v.handle),delete u[d])}else for(d in u)b.event.remove(e,d+t[l],n,r,!0);b.isEmptyObject(u)&&Y.remove(e,\"handle events\")}},dispatch:function(e){var t,n,r,i,o,a,s=b.event.fix(e),u=new Array(arguments.length),l=(Y.get(this,\"events\")||{})[s.type]||[],c=b.event.special[s.type]||{};for(u[0]=s,t=1;t=1))for(;l!==this;l=l.parentNode||this)if(1===l.nodeType&&(\"click\"!==e.type||!0!==l.disabled)){for(o=[],a={},n=0;n-1:b.find(i,this,null,[l]).length),a[i]&&o.push(r);o.length&&s.push({elem:l,handlers:o})}return l=this,u\\x20\\t\\r\\n\\f]*)[^>]*)\\/>/gi,qe=/\\s*$/g;function Oe(e,t){return N(e,\"table\")&&N(11!==t.nodeType?t:t.firstChild,\"tr\")&&b(e).children(\"tbody\")[0]||e}function Pe(e){return e.type=(null!==e.getAttribute(\"type\"))+\"/\"+e.type,e}function Re(e){return\"true/\"===(e.type||\"\").slice(0,5)?e.type=e.type.slice(5):e.removeAttribute(\"type\"),e}function Me(e,t){var n,r,i,o,a,s,u,l;if(1===t.nodeType){if(Y.hasData(e)&&(o=Y.access(e),a=Y.set(t,o),l=o.events))for(i in delete a.handle,a.events={},l)for(n=0,r=l[i].length;n1&&\"string\"==typeof v&&!h.checkClone&&Le.test(v))return e.each(function(i){var o=e.eq(i);y&&(t[0]=v.call(this,i,o.html())),Ie(o,t,n,r)});if(p&&(o=(i=we(t,e[0].ownerDocument,!1,e,r)).firstChild,1===i.childNodes.length&&(i=o),o||r)){for(u=(s=b.map(ve(i,\"script\"),Pe)).length;f\")},clone:function(e,t,n){var r,i,o,a,s,u,l,c=e.cloneNode(!0),f=ie(e);if(!(h.noCloneChecked||1!==e.nodeType&&11!==e.nodeType||b.isXMLDoc(e)))for(a=ve(c),r=0,i=(o=ve(e)).length;r0&&ye(a,!f&&ve(e,\"script\")),c},cleanData:function(e){for(var t,n,r,i=b.event.special,o=0;void 0!==(n=e[o]);o++)if(V(n)){if(t=n[Y.expando]){if(t.events)for(r in t.events)i[r]?b.event.remove(n,r):b.removeEvent(n,r,t.handle);n[Y.expando]=void 0}n[Q.expando]&&(n[Q.expando]=void 0)}}}),b.fn.extend({detach:function(e){return We(this,e,!0)},remove:function(e){return We(this,e)},text:function(e){return B(this,function(e){return void 0===e?b.text(this):this.empty().each(function(){1!==this.nodeType&&11!==this.nodeType&&9!==this.nodeType||(this.textContent=e)})},null,e,arguments.length)},append:function(){return Ie(this,arguments,function(e){1!==this.nodeType&&11!==this.nodeType&&9!==this.nodeType||Oe(this,e).appendChild(e)})},prepend:function(){return Ie(this,arguments,function(e){if(1===this.nodeType||11===this.nodeType||9===this.nodeType){var t=Oe(this,e);t.insertBefore(e,t.firstChild)}})},before:function(){return Ie(this,arguments,function(e){this.parentNode&&this.parentNode.insertBefore(e,this)})},after:function(){return Ie(this,arguments,function(e){this.parentNode&&this.parentNode.insertBefore(e,this.nextSibling)})},empty:function(){for(var e,t=0;null!=(e=this[t]);t++)1===e.nodeType&&(b.cleanData(ve(e,!1)),e.textContent=\"\");return this},clone:function(e,t){return e=null!=e&&e,t=null==t?e:t,this.map(function(){return b.clone(this,e,t)})},html:function(e){return B(this,function(e){var t=this[0]||{},n=0,r=this.length;if(void 0===e&&1===t.nodeType)return t.innerHTML;if(\"string\"==typeof e&&!qe.test(e)&&!ge[(de.exec(e)||[\"\",\"\"])[1].toLowerCase()]){e=b.htmlPrefilter(e);try{for(;n=0&&(u+=Math.max(0,Math.ceil(e[\"offset\"+t[0].toUpperCase()+t.slice(1)]-o-u-s-.5))||0),u}function tt(e,t,n){var r=Fe(e),i=(!h.boxSizingReliable()||n)&&\"border-box\"===b.css(e,\"boxSizing\",!1,r),o=i,a=_e(e,t,r),s=\"offset\"+t[0].toUpperCase()+t.slice(1);if($e.test(a)){if(!n)return a;a=\"auto\"}return(!h.boxSizingReliable()&&i||\"auto\"===a||!parseFloat(a)&&\"inline\"===b.css(e,\"display\",!1,r))&&e.getClientRects().length&&(i=\"border-box\"===b.css(e,\"boxSizing\",!1,r),(o=s in e)&&(a=e[s])),(a=parseFloat(a)||0)+et(e,t,n||(i?\"border\":\"content\"),o,r,a)+\"px\"}function nt(e,t,n,r,i){return new nt.prototype.init(e,t,n,r,i)}b.extend({cssHooks:{opacity:{get:function(e,t){if(t){var n=_e(e,\"opacity\");return\"\"===n?\"1\":n}}}},cssNumber:{animationIterationCount:!0,columnCount:!0,fillOpacity:!0,flexGrow:!0,flexShrink:!0,fontWeight:!0,gridArea:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnStart:!0,gridRow:!0,gridRowEnd:!0,gridRowStart:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,widows:!0,zIndex:!0,zoom:!0},cssProps:{},style:function(e,t,n,r){if(e&&3!==e.nodeType&&8!==e.nodeType&&e.style){var i,o,a,s=X(t),u=Qe.test(t),l=e.style;if(u||(t=Ge(s)),a=b.cssHooks[t]||b.cssHooks[s],void 0===n)return a&&\"get\"in a&&void 0!==(i=a.get(e,!1,r))?i:l[t];\"string\"===(o=typeof n)&&(i=te.exec(n))&&i[1]&&(n=ue(e,t,i),o=\"number\"),null!=n&&n==n&&(\"number\"!==o||u||(n+=i&&i[3]||(b.cssNumber[s]?\"\":\"px\")),h.clearCloneStyle||\"\"!==n||0!==t.indexOf(\"background\")||(l[t]=\"inherit\"),a&&\"set\"in a&&void 0===(n=a.set(e,n,r))||(u?l.setProperty(t,n):l[t]=n))}},css:function(e,t,n,r){var i,o,a,s=X(t);return Qe.test(t)||(t=Ge(s)),(a=b.cssHooks[t]||b.cssHooks[s])&&\"get\"in a&&(i=a.get(e,!0,n)),void 0===i&&(i=_e(e,t,r)),\"normal\"===i&&t in Ke&&(i=Ke[t]),\"\"===n||n?(o=parseFloat(i),!0===n||isFinite(o)?o||0:i):i}}),b.each([\"height\",\"width\"],function(e,t){b.cssHooks[t]={get:function(e,n,r){if(n)return!Ye.test(b.css(e,\"display\"))||e.getClientRects().length&&e.getBoundingClientRect().width?tt(e,t,r):se(e,Je,function(){return tt(e,t,r)})},set:function(e,n,r){var i,o=Fe(e),a=!h.scrollboxSize()&&\"absolute\"===o.position,s=(a||r)&&\"border-box\"===b.css(e,\"boxSizing\",!1,o),u=r?et(e,t,r,s,o):0;return s&&a&&(u-=Math.ceil(e[\"offset\"+t[0].toUpperCase()+t.slice(1)]-parseFloat(o[t])-et(e,t,\"border\",!1,o)-.5)),u&&(i=te.exec(n))&&\"px\"!==(i[3]||\"px\")&&(e.style[t]=n,n=b.css(e,t)),Ze(0,n,u)}}}),b.cssHooks.marginLeft=ze(h.reliableMarginLeft,function(e,t){if(t)return(parseFloat(_e(e,\"marginLeft\"))||e.getBoundingClientRect().left-se(e,{marginLeft:0},function(){return e.getBoundingClientRect().left}))+\"px\"}),b.each({margin:\"\",padding:\"\",border:\"Width\"},function(e,t){b.cssHooks[e+t]={expand:function(n){for(var r=0,i={},o=\"string\"==typeof n?n.split(\" \"):[n];r<4;r++)i[e+ne[r]+t]=o[r]||o[r-2]||o[0];return i}},\"margin\"!==e&&(b.cssHooks[e+t].set=Ze)}),b.fn.extend({css:function(e,t){return B(this,function(e,t,n){var r,i,o={},a=0;if(Array.isArray(t)){for(r=Fe(e),i=t.length;a1)}}),b.Tween=nt,nt.prototype={constructor:nt,init:function(e,t,n,r,i,o){this.elem=e,this.prop=n,this.easing=i||b.easing._default,this.options=t,this.start=this.now=this.cur(),this.end=r,this.unit=o||(b.cssNumber[n]?\"\":\"px\")},cur:function(){var e=nt.propHooks[this.prop];return e&&e.get?e.get(this):nt.propHooks._default.get(this)},run:function(e){var t,n=nt.propHooks[this.prop];return this.options.duration?this.pos=t=b.easing[this.easing](e,this.options.duration*e,0,1,this.options.duration):this.pos=t=e,this.now=(this.end-this.start)*t+this.start,this.options.step&&this.options.step.call(this.elem,this.now,this),n&&n.set?n.set(this):nt.propHooks._default.set(this),this}},nt.prototype.init.prototype=nt.prototype,nt.propHooks={_default:{get:function(e){var t;return 1!==e.elem.nodeType||null!=e.elem[e.prop]&&null==e.elem.style[e.prop]?e.elem[e.prop]:(t=b.css(e.elem,e.prop,\"\"))&&\"auto\"!==t?t:0},set:function(e){b.fx.step[e.prop]?b.fx.step[e.prop](e):1!==e.elem.nodeType||!b.cssHooks[e.prop]&&null==e.elem.style[Ge(e.prop)]?e.elem[e.prop]=e.now:b.style(e.elem,e.prop,e.now+e.unit)}}},nt.propHooks.scrollTop=nt.propHooks.scrollLeft={set:function(e){e.elem.nodeType&&e.elem.parentNode&&(e.elem[e.prop]=e.now)}},b.easing={linear:function(e){return e},swing:function(e){return.5-Math.cos(e*Math.PI)/2},_default:\"swing\"},b.fx=nt.prototype.init,b.fx.step={};var rt,it,ot=/^(?:toggle|show|hide)$/,at=/queueHooks$/;function st(){it&&(!1===r.hidden&&e.requestAnimationFrame?e.requestAnimationFrame(st):e.setTimeout(st,b.fx.interval),b.fx.tick())}function ut(){return e.setTimeout(function(){rt=void 0}),rt=Date.now()}function lt(e,t){var n,r=0,i={height:e};for(t=t?1:0;r<4;r+=2-t)i[\"margin\"+(n=ne[r])]=i[\"padding\"+n]=e;return t&&(i.opacity=i.width=e),i}function ct(e,t,n){for(var r,i=(ft.tweeners[t]||[]).concat(ft.tweeners[\"*\"]),o=0,a=i.length;o1)},removeAttr:function(e){return this.each(function(){b.removeAttr(this,e)})}}),b.extend({attr:function(e,t,n){var r,i,o=e.nodeType;if(3!==o&&8!==o&&2!==o)return void 0===e.getAttribute?b.prop(e,t,n):(1===o&&b.isXMLDoc(e)||(i=b.attrHooks[t.toLowerCase()]||(b.expr.match.bool.test(t)?pt:void 0)),void 0!==n?null===n?void b.removeAttr(e,t):i&&\"set\"in i&&void 0!==(r=i.set(e,n,t))?r:(e.setAttribute(t,n+\"\"),n):i&&\"get\"in i&&null!==(r=i.get(e,t))?r:null==(r=b.find.attr(e,t))?void 0:r)},attrHooks:{type:{set:function(e,t){if(!h.radioValue&&\"radio\"===t&&N(e,\"input\")){var n=e.value;return e.setAttribute(\"type\",t),n&&(e.value=n),t}}}},removeAttr:function(e,t){var n,r=0,i=t&&t.match(P);if(i&&1===e.nodeType)for(;n=i[r++];)e.removeAttribute(n)}}),pt={set:function(e,t,n){return!1===t?b.removeAttr(e,n):e.setAttribute(n,n),n}},b.each(b.expr.match.bool.source.match(/\\w+/g),function(e,t){var n=dt[t]||b.find.attr;dt[t]=function(e,t,r){var i,o,a=t.toLowerCase();return r||(o=dt[a],dt[a]=i,i=null!=n(e,t,r)?a:null,dt[a]=o),i}});var ht=/^(?:input|select|textarea|button)$/i,gt=/^(?:a|area)$/i;function vt(e){return(e.match(P)||[]).join(\" \")}function yt(e){return e.getAttribute&&e.getAttribute(\"class\")||\"\"}function mt(e){return Array.isArray(e)?e:\"string\"==typeof e&&e.match(P)||[]}b.fn.extend({prop:function(e,t){return B(this,b.prop,e,t,arguments.length>1)},removeProp:function(e){return this.each(function(){delete this[b.propFix[e]||e]})}}),b.extend({prop:function(e,t,n){var r,i,o=e.nodeType;if(3!==o&&8!==o&&2!==o)return 1===o&&b.isXMLDoc(e)||(t=b.propFix[t]||t,i=b.propHooks[t]),void 0!==n?i&&\"set\"in i&&void 0!==(r=i.set(e,n,t))?r:e[t]=n:i&&\"get\"in i&&null!==(r=i.get(e,t))?r:e[t]},propHooks:{tabIndex:{get:function(e){var t=b.find.attr(e,\"tabindex\");return t?parseInt(t,10):ht.test(e.nodeName)||gt.test(e.nodeName)&&e.href?0:-1}}},propFix:{for:\"htmlFor\",class:\"className\"}}),h.optSelected||(b.propHooks.selected={get:function(e){var t=e.parentNode;return t&&t.parentNode&&t.parentNode.selectedIndex,null},set:function(e){var t=e.parentNode;t&&(t.selectedIndex,t.parentNode&&t.parentNode.selectedIndex)}}),b.each([\"tabIndex\",\"readOnly\",\"maxLength\",\"cellSpacing\",\"cellPadding\",\"rowSpan\",\"colSpan\",\"useMap\",\"frameBorder\",\"contentEditable\"],function(){b.propFix[this.toLowerCase()]=this}),b.fn.extend({addClass:function(e){var t,n,r,i,o,a,s,u=0;if(g(e))return this.each(function(t){b(this).addClass(e.call(this,t,yt(this)))});if((t=mt(e)).length)for(;n=this[u++];)if(i=yt(n),r=1===n.nodeType&&\" \"+vt(i)+\" \"){for(a=0;o=t[a++];)r.indexOf(\" \"+o+\" \")<0&&(r+=o+\" \");i!==(s=vt(r))&&n.setAttribute(\"class\",s)}return this},removeClass:function(e){var t,n,r,i,o,a,s,u=0;if(g(e))return this.each(function(t){b(this).removeClass(e.call(this,t,yt(this)))});if(!arguments.length)return this.attr(\"class\",\"\");if((t=mt(e)).length)for(;n=this[u++];)if(i=yt(n),r=1===n.nodeType&&\" \"+vt(i)+\" \"){for(a=0;o=t[a++];)for(;r.indexOf(\" \"+o+\" \")>-1;)r=r.replace(\" \"+o+\" \",\" \");i!==(s=vt(r))&&n.setAttribute(\"class\",s)}return this},toggleClass:function(e,t){var n=typeof e,r=\"string\"===n||Array.isArray(e);return\"boolean\"==typeof t&&r?t?this.addClass(e):this.removeClass(e):g(e)?this.each(function(n){b(this).toggleClass(e.call(this,n,yt(this),t),t)}):this.each(function(){var t,i,o,a;if(r)for(i=0,o=b(this),a=mt(e);t=a[i++];)o.hasClass(t)?o.removeClass(t):o.addClass(t);else void 0!==e&&\"boolean\"!==n||((t=yt(this))&&Y.set(this,\"__className__\",t),this.setAttribute&&this.setAttribute(\"class\",t||!1===e?\"\":Y.get(this,\"__className__\")||\"\"))})},hasClass:function(e){var t,n,r=0;for(t=\" \"+e+\" \";n=this[r++];)if(1===n.nodeType&&(\" \"+vt(yt(n))+\" \").indexOf(t)>-1)return!0;return!1}});var xt=/\\r/g;b.fn.extend({val:function(e){var t,n,r,i=this[0];return arguments.length?(r=g(e),this.each(function(n){var i;1===this.nodeType&&(null==(i=r?e.call(this,n,b(this).val()):e)?i=\"\":\"number\"==typeof i?i+=\"\":Array.isArray(i)&&(i=b.map(i,function(e){return null==e?\"\":e+\"\"})),(t=b.valHooks[this.type]||b.valHooks[this.nodeName.toLowerCase()])&&\"set\"in t&&void 0!==t.set(this,i,\"value\")||(this.value=i))})):i?(t=b.valHooks[i.type]||b.valHooks[i.nodeName.toLowerCase()])&&\"get\"in t&&void 0!==(n=t.get(i,\"value\"))?n:\"string\"==typeof(n=i.value)?n.replace(xt,\"\"):null==n?\"\":n:void 0}}),b.extend({valHooks:{option:{get:function(e){var t=b.find.attr(e,\"value\");return null!=t?t:vt(b.text(e))}},select:{get:function(e){var t,n,r,i=e.options,o=e.selectedIndex,a=\"select-one\"===e.type,s=a?null:[],u=a?o+1:i.length;for(r=o<0?u:a?o:0;r-1)&&(n=!0);return n||(e.selectedIndex=-1),o}}}}),b.each([\"radio\",\"checkbox\"],function(){b.valHooks[this]={set:function(e,t){if(Array.isArray(t))return e.checked=b.inArray(b(e).val(),t)>-1}},h.checkOn||(b.valHooks[this].get=function(e){return null===e.getAttribute(\"value\")?\"on\":e.value})}),h.focusin=\"onfocusin\"in e;var bt=/^(?:focusinfocus|focusoutblur)$/,wt=function(e){e.stopPropagation()};b.extend(b.event,{trigger:function(t,n,i,o){var a,s,u,l,c,p,d,h,y=[i||r],m=f.call(t,\"type\")?t.type:t,x=f.call(t,\"namespace\")?t.namespace.split(\".\"):[];if(s=h=u=i=i||r,3!==i.nodeType&&8!==i.nodeType&&!bt.test(m+b.event.triggered)&&(m.indexOf(\".\")>-1&&(x=m.split(\".\"),m=x.shift(),x.sort()),c=m.indexOf(\":\")<0&&\"on\"+m,(t=t[b.expando]?t:new b.Event(m,\"object\"==typeof t&&t)).isTrigger=o?2:3,t.namespace=x.join(\".\"),t.rnamespace=t.namespace?new RegExp(\"(^|\\\\.)\"+x.join(\"\\\\.(?:.*\\\\.|)\")+\"(\\\\.|$)\"):null,t.result=void 0,t.target||(t.target=i),n=null==n?[t]:b.makeArray(n,[t]),d=b.event.special[m]||{},o||!d.trigger||!1!==d.trigger.apply(i,n))){if(!o&&!d.noBubble&&!v(i)){for(l=d.delegateType||m,bt.test(l+m)||(s=s.parentNode);s;s=s.parentNode)y.push(s),u=s;u===(i.ownerDocument||r)&&y.push(u.defaultView||u.parentWindow||e)}for(a=0;(s=y[a++])&&!t.isPropagationStopped();)h=s,t.type=a>1?l:d.bindType||m,(p=(Y.get(s,\"events\")||{})[t.type]&&Y.get(s,\"handle\"))&&p.apply(s,n),(p=c&&s[c])&&p.apply&&V(s)&&(t.result=p.apply(s,n),!1===t.result&&t.preventDefault());return t.type=m,o||t.isDefaultPrevented()||d._default&&!1!==d._default.apply(y.pop(),n)||!V(i)||c&&g(i[m])&&!v(i)&&((u=i[c])&&(i[c]=null),b.event.triggered=m,t.isPropagationStopped()&&h.addEventListener(m,wt),i[m](),t.isPropagationStopped()&&h.removeEventListener(m,wt),b.event.triggered=void 0,u&&(i[c]=u)),t.result}},simulate:function(e,t,n){var r=b.extend(new b.Event,n,{type:e,isSimulated:!0});b.event.trigger(r,null,t)}}),b.fn.extend({trigger:function(e,t){return this.each(function(){b.event.trigger(e,t,this)})},triggerHandler:function(e,t){var n=this[0];if(n)return b.event.trigger(e,t,n,!0)}}),h.focusin||b.each({focus:\"focusin\",blur:\"focusout\"},function(e,t){var n=function(e){b.event.simulate(t,e.target,b.event.fix(e))};b.event.special[t]={setup:function(){var r=this.ownerDocument||this,i=Y.access(r,t);i||r.addEventListener(e,n,!0),Y.access(r,t,(i||0)+1)},teardown:function(){var r=this.ownerDocument||this,i=Y.access(r,t)-1;i?Y.access(r,t,i):(r.removeEventListener(e,n,!0),Y.remove(r,t))}}});var Tt=e.location,Ct=Date.now(),Et=/\\?/;b.parseXML=function(t){var n;if(!t||\"string\"!=typeof t)return null;try{n=(new e.DOMParser).parseFromString(t,\"text/xml\")}catch(e){n=void 0}return n&&!n.getElementsByTagName(\"parsererror\").length||b.error(\"Invalid XML: \"+t),n};var kt=/\\[\\]$/,St=/\\r?\\n/g,Nt=/^(?:submit|button|image|reset|file)$/i,At=/^(?:input|select|textarea|keygen)/i;function Dt(e,t,n,r){var i;if(Array.isArray(t))b.each(t,function(t,i){n||kt.test(e)?r(e,i):Dt(e+\"[\"+(\"object\"==typeof i&&null!=i?t:\"\")+\"]\",i,n,r)});else if(n||\"object\"!==x(t))r(e,t);else for(i in t)Dt(e+\"[\"+i+\"]\",t[i],n,r)}b.param=function(e,t){var n,r=[],i=function(e,t){var n=g(t)?t():t;r[r.length]=encodeURIComponent(e)+\"=\"+encodeURIComponent(null==n?\"\":n)};if(null==e)return\"\";if(Array.isArray(e)||e.jquery&&!b.isPlainObject(e))b.each(e,function(){i(this.name,this.value)});else for(n in e)Dt(n,e[n],t,i);return r.join(\"&\")},b.fn.extend({serialize:function(){return b.param(this.serializeArray())},serializeArray:function(){return this.map(function(){var e=b.prop(this,\"elements\");return e?b.makeArray(e):this}).filter(function(){var e=this.type;return this.name&&!b(this).is(\":disabled\")&&At.test(this.nodeName)&&!Nt.test(e)&&(this.checked||!pe.test(e))}).map(function(e,t){var n=b(this).val();return null==n?null:Array.isArray(n)?b.map(n,function(e){return{name:t.name,value:e.replace(St,\"\\r\\n\")}}):{name:t.name,value:n.replace(St,\"\\r\\n\")}}).get()}});var jt=/%20/g,qt=/#.*$/,Lt=/([?&])_=[^&]*/,Ht=/^(.*?):[ \\t]*([^\\r\\n]*)$/gm,Ot=/^(?:GET|HEAD)$/,Pt=/^\\/\\//,Rt={},Mt={},It=\"*/\".concat(\"*\"),Wt=r.createElement(\"a\");function $t(e){return function(t,n){\"string\"!=typeof t&&(n=t,t=\"*\");var r,i=0,o=t.toLowerCase().match(P)||[];if(g(n))for(;r=o[i++];)\"+\"===r[0]?(r=r.slice(1)||\"*\",(e[r]=e[r]||[]).unshift(n)):(e[r]=e[r]||[]).push(n)}}function Ft(e,t,n,r){var i={},o=e===Mt;function a(s){var u;return i[s]=!0,b.each(e[s]||[],function(e,s){var l=s(t,n,r);return\"string\"!=typeof l||o||i[l]?o?!(u=l):void 0:(t.dataTypes.unshift(l),a(l),!1)}),u}return a(t.dataTypes[0])||!i[\"*\"]&&a(\"*\")}function Bt(e,t){var n,r,i=b.ajaxSettings.flatOptions||{};for(n in t)void 0!==t[n]&&((i[n]?e:r||(r={}))[n]=t[n]);return r&&b.extend(!0,e,r),e}Wt.href=Tt.href,b.extend({active:0,lastModified:{},etag:{},ajaxSettings:{url:Tt.href,type:\"GET\",isLocal:/^(?:about|app|app-storage|.+-extension|file|res|widget):$/.test(Tt.protocol),global:!0,processData:!0,async:!0,contentType:\"application/x-www-form-urlencoded; charset=UTF-8\",accepts:{\"*\":It,text:\"text/plain\",html:\"text/html\",xml:\"application/xml, text/xml\",json:\"application/json, text/javascript\"},contents:{xml:/\\bxml\\b/,html:/\\bhtml/,json:/\\bjson\\b/},responseFields:{xml:\"responseXML\",text:\"responseText\",json:\"responseJSON\"},converters:{\"* text\":String,\"text html\":!0,\"text json\":JSON.parse,\"text xml\":b.parseXML},flatOptions:{url:!0,context:!0}},ajaxSetup:function(e,t){return t?Bt(Bt(e,b.ajaxSettings),t):Bt(b.ajaxSettings,e)},ajaxPrefilter:$t(Rt),ajaxTransport:$t(Mt),ajax:function(t,n){\"object\"==typeof t&&(n=t,t=void 0),n=n||{};var i,o,a,s,u,l,c,f,p,d,h=b.ajaxSetup({},n),g=h.context||h,v=h.context&&(g.nodeType||g.jquery)?b(g):b.event,y=b.Deferred(),m=b.Callbacks(\"once memory\"),x=h.statusCode||{},w={},T={},C=\"canceled\",E={readyState:0,getResponseHeader:function(e){var t;if(c){if(!s)for(s={};t=Ht.exec(a);)s[t[1].toLowerCase()+\" \"]=(s[t[1].toLowerCase()+\" \"]||[]).concat(t[2]);t=s[e.toLowerCase()+\" \"]}return null==t?null:t.join(\", \")},getAllResponseHeaders:function(){return c?a:null},setRequestHeader:function(e,t){return null==c&&(e=T[e.toLowerCase()]=T[e.toLowerCase()]||e,w[e]=t),this},overrideMimeType:function(e){return null==c&&(h.mimeType=e),this},statusCode:function(e){var t;if(e)if(c)E.always(e[E.status]);else for(t in e)x[t]=[x[t],e[t]];return this},abort:function(e){var t=e||C;return i&&i.abort(t),k(0,t),this}};if(y.promise(E),h.url=((t||h.url||Tt.href)+\"\").replace(Pt,Tt.protocol+\"//\"),h.type=n.method||n.type||h.method||h.type,h.dataTypes=(h.dataType||\"*\").toLowerCase().match(P)||[\"\"],null==h.crossDomain){l=r.createElement(\"a\");try{l.href=h.url,l.href=l.href,h.crossDomain=Wt.protocol+\"//\"+Wt.host!=l.protocol+\"//\"+l.host}catch(e){h.crossDomain=!0}}if(h.data&&h.processData&&\"string\"!=typeof h.data&&(h.data=b.param(h.data,h.traditional)),Ft(Rt,h,n,E),c)return E;for(p in(f=b.event&&h.global)&&0==b.active++&&b.event.trigger(\"ajaxStart\"),h.type=h.type.toUpperCase(),h.hasContent=!Ot.test(h.type),o=h.url.replace(qt,\"\"),h.hasContent?h.data&&h.processData&&0===(h.contentType||\"\").indexOf(\"application/x-www-form-urlencoded\")&&(h.data=h.data.replace(jt,\"+\")):(d=h.url.slice(o.length),h.data&&(h.processData||\"string\"==typeof h.data)&&(o+=(Et.test(o)?\"&\":\"?\")+h.data,delete h.data),!1===h.cache&&(o=o.replace(Lt,\"$1\"),d=(Et.test(o)?\"&\":\"?\")+\"_=\"+Ct+++d),h.url=o+d),h.ifModified&&(b.lastModified[o]&&E.setRequestHeader(\"If-Modified-Since\",b.lastModified[o]),b.etag[o]&&E.setRequestHeader(\"If-None-Match\",b.etag[o])),(h.data&&h.hasContent&&!1!==h.contentType||n.contentType)&&E.setRequestHeader(\"Content-Type\",h.contentType),E.setRequestHeader(\"Accept\",h.dataTypes[0]&&h.accepts[h.dataTypes[0]]?h.accepts[h.dataTypes[0]]+(\"*\"!==h.dataTypes[0]?\", \"+It+\"; q=0.01\":\"\"):h.accepts[\"*\"]),h.headers)E.setRequestHeader(p,h.headers[p]);if(h.beforeSend&&(!1===h.beforeSend.call(g,E,h)||c))return E.abort();if(C=\"abort\",m.add(h.complete),E.done(h.success),E.fail(h.error),i=Ft(Mt,h,n,E)){if(E.readyState=1,f&&v.trigger(\"ajaxSend\",[E,h]),c)return E;h.async&&h.timeout>0&&(u=e.setTimeout(function(){E.abort(\"timeout\")},h.timeout));try{c=!1,i.send(w,k)}catch(e){if(c)throw e;k(-1,e)}}else k(-1,\"No Transport\");function k(t,n,r,s){var l,p,d,w,T,C=n;c||(c=!0,u&&e.clearTimeout(u),i=void 0,a=s||\"\",E.readyState=t>0?4:0,l=t>=200&&t<300||304===t,r&&(w=function(e,t,n){for(var r,i,o,a,s=e.contents,u=e.dataTypes;\"*\"===u[0];)u.shift(),void 0===r&&(r=e.mimeType||t.getResponseHeader(\"Content-Type\"));if(r)for(i in s)if(s[i]&&s[i].test(r)){u.unshift(i);break}if(u[0]in n)o=u[0];else{for(i in n){if(!u[0]||e.converters[i+\" \"+u[0]]){o=i;break}a||(a=i)}o=o||a}if(o)return o!==u[0]&&u.unshift(o),n[o]}(h,E,r)),w=function(e,t,n,r){var i,o,a,s,u,l={},c=e.dataTypes.slice();if(c[1])for(a in e.converters)l[a.toLowerCase()]=e.converters[a];for(o=c.shift();o;)if(e.responseFields[o]&&(n[e.responseFields[o]]=t),!u&&r&&e.dataFilter&&(t=e.dataFilter(t,e.dataType)),u=o,o=c.shift())if(\"*\"===o)o=u;else if(\"*\"!==u&&u!==o){if(!(a=l[u+\" \"+o]||l[\"* \"+o]))for(i in l)if((s=i.split(\" \"))[1]===o&&(a=l[u+\" \"+s[0]]||l[\"* \"+s[0]])){!0===a?a=l[i]:!0!==l[i]&&(o=s[0],c.unshift(s[1]));break}if(!0!==a)if(a&&e.throws)t=a(t);else try{t=a(t)}catch(e){return{state:\"parsererror\",error:a?e:\"No conversion from \"+u+\" to \"+o}}}return{state:\"success\",data:t}}(h,w,E,l),l?(h.ifModified&&((T=E.getResponseHeader(\"Last-Modified\"))&&(b.lastModified[o]=T),(T=E.getResponseHeader(\"etag\"))&&(b.etag[o]=T)),204===t||\"HEAD\"===h.type?C=\"nocontent\":304===t?C=\"notmodified\":(C=w.state,p=w.data,l=!(d=w.error))):(d=C,!t&&C||(C=\"error\",t<0&&(t=0))),E.status=t,E.statusText=(n||C)+\"\",l?y.resolveWith(g,[p,C,E]):y.rejectWith(g,[E,C,d]),E.statusCode(x),x=void 0,f&&v.trigger(l?\"ajaxSuccess\":\"ajaxError\",[E,h,l?p:d]),m.fireWith(g,[E,C]),f&&(v.trigger(\"ajaxComplete\",[E,h]),--b.active||b.event.trigger(\"ajaxStop\")))}return E},getJSON:function(e,t,n){return b.get(e,t,n,\"json\")},getScript:function(e,t){return b.get(e,void 0,t,\"script\")}}),b.each([\"get\",\"post\"],function(e,t){b[t]=function(e,n,r,i){return g(n)&&(i=i||r,r=n,n=void 0),b.ajax(b.extend({url:e,type:t,dataType:i,data:n,success:r},b.isPlainObject(e)&&e))}}),b._evalUrl=function(e,t){return b.ajax({url:e,type:\"GET\",dataType:\"script\",cache:!0,async:!1,global:!1,converters:{\"text script\":function(){}},dataFilter:function(e){b.globalEval(e,t)}})},b.fn.extend({wrapAll:function(e){var t;return this[0]&&(g(e)&&(e=e.call(this[0])),t=b(e,this[0].ownerDocument).eq(0).clone(!0),this[0].parentNode&&t.insertBefore(this[0]),t.map(function(){for(var e=this;e.firstElementChild;)e=e.firstElementChild;return e}).append(this)),this},wrapInner:function(e){return g(e)?this.each(function(t){b(this).wrapInner(e.call(this,t))}):this.each(function(){var t=b(this),n=t.contents();n.length?n.wrapAll(e):t.append(e)})},wrap:function(e){var t=g(e);return this.each(function(n){b(this).wrapAll(t?e.call(this,n):e)})},unwrap:function(e){return this.parent(e).not(\"body\").each(function(){b(this).replaceWith(this.childNodes)}),this}}),b.expr.pseudos.hidden=function(e){return!b.expr.pseudos.visible(e)},b.expr.pseudos.visible=function(e){return!!(e.offsetWidth||e.offsetHeight||e.getClientRects().length)},b.ajaxSettings.xhr=function(){try{return new e.XMLHttpRequest}catch(e){}};var _t={0:200,1223:204},zt=b.ajaxSettings.xhr();h.cors=!!zt&&\"withCredentials\"in zt,h.ajax=zt=!!zt,b.ajaxTransport(function(t){var n,r;if(h.cors||zt&&!t.crossDomain)return{send:function(i,o){var a,s=t.xhr();if(s.open(t.type,t.url,t.async,t.username,t.password),t.xhrFields)for(a in t.xhrFields)s[a]=t.xhrFields[a];for(a in t.mimeType&&s.overrideMimeType&&s.overrideMimeType(t.mimeType),t.crossDomain||i[\"X-Requested-With\"]||(i[\"X-Requested-With\"]=\"XMLHttpRequest\"),i)s.setRequestHeader(a,i[a]);n=function(e){return function(){n&&(n=r=s.onload=s.onerror=s.onabort=s.ontimeout=s.onreadystatechange=null,\"abort\"===e?s.abort():\"error\"===e?\"number\"!=typeof s.status?o(0,\"error\"):o(s.status,s.statusText):o(_t[s.status]||s.status,s.statusText,\"text\"!==(s.responseType||\"text\")||\"string\"!=typeof s.responseText?{binary:s.response}:{text:s.responseText},s.getAllResponseHeaders()))}},s.onload=n(),r=s.onerror=s.ontimeout=n(\"error\"),void 0!==s.onabort?s.onabort=r:s.onreadystatechange=function(){4===s.readyState&&e.setTimeout(function(){n&&r()})},n=n(\"abort\");try{s.send(t.hasContent&&t.data||null)}catch(e){if(n)throw e}},abort:function(){n&&n()}}}),b.ajaxPrefilter(function(e){e.crossDomain&&(e.contents.script=!1)}),b.ajaxSetup({accepts:{script:\"text/javascript, application/javascript, application/ecmascript, application/x-ecmascript\"},contents:{script:/\\b(?:java|ecma)script\\b/},converters:{\"text script\":function(e){return b.globalEval(e),e}}}),b.ajaxPrefilter(\"script\",function(e){void 0===e.cache&&(e.cache=!1),e.crossDomain&&(e.type=\"GET\")}),b.ajaxTransport(\"script\",function(e){var t,n;if(e.crossDomain||e.scriptAttrs)return{send:function(i,o){t=b(\"" + ], + "text/plain": [ + ":Overlay\n", + " .Tiles.I :Tiles [x,y]\n", + " .Path.I :Path [Longitude,Latitude]\n", + " .Path.II :Path [Longitude,Latitude]" + ] + }, + "execution_count": 7, + "metadata": { + "application/vnd.holoviews_exec.v0+json": { + "id": "1003" + } + }, + "output_type": "execute_result" + } + ], + "source": [ + "trajCollection.hvplot(line_width=7.0, tiles='StamenTonerBackground',title=\"Trajectories\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can analyse the similarity of two tracks (trajA and trajB) by using our implementation of the **similaritymeasures** package in our **trajectories_similarity** module. This package includes 5 diferent methods to compare tracks. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## TrajA and TrajA similarity" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's first start by comparing a track with itself. As a principle a track would have a similarity of 1 if compared with and exact copy of itself." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "##### Track: 5efc2200d6e3cf256ba1a13b and 5efc2200d6e3cf256ba1a13b #####\n", + "Similarity with pmc method:\t\t 1.0\n", + "Similarity with area method:\t\t 1.0\n", + "Similarity with length method:\t\t 1.0\n", + "Similarity with frechet method:\t\t 1.0\n", + "Similarity with DTW method\t\t 1.0\n" + ] + } + ], + "source": [ + "trajA=trajCollection.trajectories[0]\n", + "\n", + "print('##### Track:',trajA.df['track.id'].unique()[0],\"and\",trajA.df['track.id'].unique()[0],\"#####\")\n", + "print('Similarity with pmc method:\\t\\t',track_similarity(trajA,trajA,'pcm'))\n", + "print('Similarity with area method:\\t\\t',track_similarity(trajA,trajA,'area_between_two_curves'))\n", + "print('Similarity with length method:\\t\\t',track_similarity(trajA,trajA,'curve_length_measure'))\n", + "print('Similarity with frechet method:\\t\\t',track_similarity(trajA,trajA,'frechet_dist'))\n", + "print('Similarity with DTW method\\t\\t',track_similarity(trajA,trajA,'dtw'))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## TrajA and TrajB similarity" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now let's compare **trajA** and **trajB**" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "##### Track: 5efc2200d6e3cf256ba1a13b and 5efc2200d6e3cf256ba1a215 #####\n", + "Similarity with pmc method:\t\t 0.6886557101150066\n", + "Similarity with area method:\t\t 1.0\n", + "Similarity with length method:\t\t 0.9991776423310929\n", + "Similarity with frechet method:\t\t 0.9986640069117583\n", + "Similarity with DTW method\t\t 0.9986640069117583\n" + ] + } + ], + "source": [ + "trajB=trajCollection.trajectories[1]\n", + "\n", + "print('##### Track:',trajA.df['track.id'].unique()[0],\"and\",trajB.df['track.id'].unique()[0],\"#####\")\n", + "print('Similarity with pmc method:\\t\\t',track_similarity(trajA,trajB,'pcm'))\n", + "print('Similarity with area method:\\t\\t',track_similarity(trajA,trajB,'area_between_two_curves'))\n", + "print('Similarity with length method:\\t\\t',track_similarity(trajA,trajB,'curve_length_measure'))\n", + "print('Similarity with frechet method:\\t\\t',track_similarity(trajA,trajB,'frechet_dist'))\n", + "print('Similarity with DTW method\\t\\t',track_similarity(trajA,trajB,'dtw'))\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We have 3 methods with values close to 1 (Area, length and frechet method) and 2 methods (DTW, PMC method) with values close to 0. It is important to notice that the methods are different thus their values are not comparable. We should compare similarity measures from the same method to give us an idea of the similarity level of tracks." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Similarity measures of large numbers of trajectories" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Similarity measures between two tracks are interesting but the numbers really make sense when we compare a large number of trajectories. For that reason we implemented similarity measures of multiple trajectories." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's start for requesting a large set of tracks and plot them ! For example **50** tracks " + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Finished creating 49 trajectories\n" + ] + } + ], + "source": [ + "many_track_df = track_api.get_tracks(bbox=bbox, num_results=50)\n", + "trajCollection = preprocessing.trajectoryCollection(many_track_df, 100)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": {}, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.holoviews_exec.v0+json": "", + "text/html": [ + "
\n", + "\n", + "\n", + "\n", + "\n", + "\n", + "
\n", + "
\n", + "" + ], + "text/plain": [ + ":Overlay\n", + " .Tiles.I :Tiles [x,y]\n", + " .Path.I :Path [Longitude,Latitude]\n", + " .Path.II :Path [Longitude,Latitude]\n", + " .Path.III :Path [Longitude,Latitude]\n", + " .Path.IV :Path [Longitude,Latitude]\n", + " .Path.V :Path [Longitude,Latitude]\n", + " .Path.VI :Path [Longitude,Latitude]\n", + " .Path.VII :Path [Longitude,Latitude]\n", + " .Path.VIII :Path [Longitude,Latitude]\n", + " .Path.IX :Path [Longitude,Latitude]\n", + " .Path.X :Path [Longitude,Latitude]\n", + " .Path.XI :Path [Longitude,Latitude]\n", + " .Path.XII :Path [Longitude,Latitude]\n", + " .Path.XIII :Path [Longitude,Latitude]\n", + " .Path.XIV :Path [Longitude,Latitude]\n", + " .Path.XV :Path [Longitude,Latitude]\n", + " .Path.XVI :Path [Longitude,Latitude]\n", + " .Path.XVII :Path [Longitude,Latitude]\n", + " .Path.XVIII :Path [Longitude,Latitude]\n", + " .Path.XIX :Path [Longitude,Latitude]\n", + " .Path.XX :Path [Longitude,Latitude]\n", + " .Path.XXI :Path [Longitude,Latitude]\n", + " .Path.XXII :Path [Longitude,Latitude]\n", + " .Path.XXIII :Path [Longitude,Latitude]\n", + " .Path.XXIV :Path [Longitude,Latitude]\n", + " .Path.XXV :Path [Longitude,Latitude]\n", + " .Path.XXVI :Path [Longitude,Latitude]\n", + " .Path.XXVII :Path [Longitude,Latitude]\n", + " .Path.XXVIII :Path [Longitude,Latitude]\n", + " .Path.XXIX :Path [Longitude,Latitude]\n", + " .Path.XXX :Path [Longitude,Latitude]\n", + " .Path.XXXI :Path [Longitude,Latitude]\n", + " .Path.XXXII :Path [Longitude,Latitude]\n", + " .Path.XXXIII :Path [Longitude,Latitude]\n", + " .Path.XXXIV :Path [Longitude,Latitude]\n", + " .Path.XXXV :Path [Longitude,Latitude]\n", + " .Path.XXXVI :Path [Longitude,Latitude]\n", + " .Path.XXXVII :Path [Longitude,Latitude]\n", + " .Path.XXXVIII :Path [Longitude,Latitude]\n", + " .Path.XXXIX :Path [Longitude,Latitude]\n", + " .Path.XL :Path [Longitude,Latitude]\n", + " .Path.XLI :Path [Longitude,Latitude]\n", + " .Path.XLII :Path [Longitude,Latitude]\n", + " .Path.XLIII :Path [Longitude,Latitude]\n", + " .Path.XLIV :Path [Longitude,Latitude]\n", + " .Path.XLV :Path [Longitude,Latitude]\n", + " .Path.XLVI :Path [Longitude,Latitude]\n", + " .Path.XLVII :Path [Longitude,Latitude]\n", + " .Path.XLVIII :Path [Longitude,Latitude]\n", + " .Path.XLIX :Path [Longitude,Latitude]" + ] + }, + "execution_count": 12, + "metadata": { + "application/vnd.holoviews_exec.v0+json": { + "id": "1178" + } + }, + "output_type": "execute_result" + } + ], + "source": [ + "trajCollection.hvplot(line_width=7.0, tiles='StamenTonerBackground',title=\"Trajectories\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this scenario there are many tracks and it is hard to visualy determine which tracks are more similar ! For that reason we are going to create a dataframe that summarize all of the similarities between the tracks. Let's use the Partial Curve Mappingx (PCM) method for that. " + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "100.0% of calculations\n", + "1176 similarity measures in 75.43 seconds\n" + ] + } + ], + "source": [ + "df_clm = crossed_similarity(trajCollection,'curve_length_measure')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is a small sample of results:" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Trajectory_1Trajectory_2Similarity
4405ef9bf6fd6e3cf256b69163d5ef03be0d6e3cf256be0d35c0.965716
21245eecab4fd6e3cf256ba4b8d75ef21e10d6e3cf256b0f2e650.467660
11685eecbcfbd6e3cf256ba4ed275ef03be0d6e3cf256be0d2100.904443
2875efb7fc6d6e3cf256b9908155ef23e7cd6e3cf256b123ca80.986204
7595eeca2d6d6e3cf256ba4a6a45ef9b2efd6e3cf256b68fdf80.947989
\n", + "
" + ], + "text/plain": [ + " Trajectory_1 Trajectory_2 Similarity\n", + "440 5ef9bf6fd6e3cf256b69163d 5ef03be0d6e3cf256be0d35c 0.965716\n", + "2124 5eecab4fd6e3cf256ba4b8d7 5ef21e10d6e3cf256b0f2e65 0.467660\n", + "1168 5eecbcfbd6e3cf256ba4ed27 5ef03be0d6e3cf256be0d210 0.904443\n", + "287 5efb7fc6d6e3cf256b990815 5ef23e7cd6e3cf256b123ca8 0.986204\n", + "759 5eeca2d6d6e3cf256ba4a6a4 5ef9b2efd6e3cf256b68fdf8 0.947989" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_clm.sample(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can also summarize all of the similarity measures in a plot !" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABGkAAAQXCAYAAABMPDYaAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+j8jraAAAgAElEQVR4nOydd9gdRfXHP98USCBA6EVKKNJ7qAICghSVJkWagiLCTwRBQVCRIkiRqiKiUqKCdAQsdAgISG+BhE7ovXcCnN8fZ5Y77+aW2XvvWyDzeZ557t0yZ2d3Z3dnzpw5R2ZGJpPJZDKZTCaTyWQymUymfxnU3wXIZDKZTCaTyWQymUwmk8lkJU0mk8lkMplMJpPJZDKZzIAgK2kymUwmk8lkMplMJpPJZAYAWUmTyWQymUwmk8lkMplMJjMAyEqaTCaTyWQymUwmk8lkMpkBQFbSZDKZTCaTyWQymUwmk8kMALKSJpPJ9AmS1pJkkqy/y5JJR9Ko4r5JGtUPxx8bjn1QlW19QX9fm8ynh/6uq73FZ/W8Mpn+4tPQVoq+e2v1d1kymc8qQ/q7AJlMpnt0+FH/tpmN6VZZBjqhU70jgJkd1I9F6RMkzQp8D9gQWBSYAXgdeB54FLge+K+Z3dhvhfwM8VmtX5I2BDYDVgPmBKYD3gAeAW4EzjSzm/uvhJlPE5L2BEYCF5rZXf1dnkymN4mUmWPMbGI/FiWTyQxwspImk/ls8XyD9SOAaVvs8273i9ODd4AHevkYVRgFHBj+H9R/xeh9JK0DnAPMFK1+GxgKLB7S14rdS9knUbtvk3qxmI14Ihz/pX44diuaXZtRfIbql6SFgTOAFaLVH+GKvhmAFUP6oaRrgK3MbCDes8zAYk9gPmAikJU0mc86xTdhLF7nM5lMpi5ZSZPJfIYwsznqrQ+jNwc226e3MbNbcAuOTB8iaV7gQlxRNxH4JfAPM3stbJ8BWBnYGNi2nN/MnqYf75uZfau/jt2K/r42fYWkFYHLcYuHt4HfAmcB48zMJA3Cr8OmwB7A2sDcDEzFWiaTyWQymcyAJitpMplM5rPNLriC5gNgTTN7It5oZq/jHfDLJe3TD+XLDGAkzQxcgCtongHWM7P74n3M7GNgPDBe0vHAccCA9aeQyWQymUwmM5DJjoMzmUwPJ3CSZpN0rKQHJb0T+7mRNI2kbST9VdJdkl6U9L6kZyRdGPxVNDpGS2d4kqaS9H1J10h6SdIHkp6TdFEz2VH+lSWdJunhUPY3JI2XdKqk9aP9JgLX1Dn/Io2pI3tBSX+Q9JCkd4PsOyQdIGn6lHOWtJykMyQ9JWlScLq5aHTclVqc39/CfmNbXYuIZcPvXWUFTRkzm2zKWzPnuHXOb2lJZ4b68K6kCZL2ljQkyrNaqCvPSnpP0r2SdpNUnmZV7N+WY1JJc0jaPdSdCZJeD2V6WNLJkpZokndMUQ/kfFfS9ZJeDut3bHZtUuuXpJvC8oktzmWdsN/Hkhaoch26wE9wqxiAbcoKmjJm9o6Z7QKMK9ZJ2jGUf2KjfC3qWY/8ktaO6tBH4T5tFvb5QK5Yaoik68K+p9TZNkjSdpL+I+n5IO9FSZfL331162k3kLSkpD+Fd8w7kt6SdI+kX0mapUGeg+J3Qqgr/w5lfi/U/QMlDWtx7E0kXS3ptXDcuyX9RNLQ8jGayJCknSXdLH8/vinpf5K2b1RufKoTwGnl5yTlmgVZPeqOpPkk/VnSE+EaPCLpUEnTRnmWlHS6pCfDPg9J2l/S0IRjHS/pvnCd3pF0v6TfyK0W6+UZFO7Lb8Mz/1SoVy9LulbSrs2OK2lGSb+Uf2/eUO27eI+kk+TTWRtejyZyJyp6nzW5nguGevmY/Hs/sc75VX5mJA2R9D35O/4l+TfxZUkPSDpb0k6Nyt7knD75XgT5e0m6M9yrF+TvjWWi/acJ9/1eSW+H458tacEWx6nUVlH4pkSrrinV94lNjrWQvA3zZLj+T4X6/bkWZZxD0lGhrr4d0n2Sfi1p9hZ5Zwx5HwnPx7OSzpU0ulm+TCbTRcwsp5xy+own3CeG+SNfd7uF9F3gufD/XdwhqEX77Rjt+zHwGj79waJ0dINjrNWiDPMB99aRH8v+Q4O8g4HflPZ9C3glyDHgtWj/W8O2Yt/nSuk3JflbAe9F+79RWn4CWKzZOQOb49YshvvxeBcYG/YbG9af3OQezhjyGLBthXv/75DnSUBt1J1R0TmManJ+G0bley267oY7kyXUrw8b3NsjGhy/uDYHVdw2JpI9CXg5/Bbr3gM2b3DMIu9fgPPC/49CnfkI2LHZtUmtX9Sep9eBaZrcg7PCfpf38XtjSHSfruxATnGeE9usZ5/kB34Y1a3X8GdqDDBVuMcG7NbiOEX+NUvbZgKuLdXLcj29CJiqjWvQsK6G7T8Jdas4ztvA+9HyM8BydfIdFLaPBfYJ5/Yx8Co9n8GrgcENjn106RxfpfasXAv8qjhGk/M6BJ9WWTxvr5dkHlzKt3d4Fopzfr38nFS4tnHd+XoofyHzw2jbdbgfrq9S+26V31VnNTnOdvR877+H+1qLvwvrtSifAW/WqVfXAcPr5J0beDzar3gPxec1tsnxRjU5n4lhnx2b5N82lLeok28RPce0+czg3+zL6+SLr6918Jz9Crgy/H8/lDu+/isAMwN3hHXvlu7l88C8DY4xHxXbKnj75Llo+yv0rO+3RvuuFe23dnT936DnN+xp4HMNyrgmtefAwvm/VTr+6k2ep4nRvu9Te57fx6dGF9vWqnqPcsopp7TU7wXIKaecej+RrqR5E7gf+BIwKGxbONpvE+AoPLLLNNH6OYEDqCkhNq5zjLUalQF3ajwhbL8mNDCmDttmAPaKGio/rJP/yOgcTimVeYZQ7rNSy1Pab/novK4HlgrrBwEb4Z0nAx4GRjQ6Rij/v4FFo+2fD7/fiBpS0zUox+5hn5eKa5N47w+MynAMMG3FujMqyj+qyfm9iisT5g3bpgMOi7bvF67jb4HZwj4zAqdR63wsXOf4Y2nQuW2xbX+8I7gkMCS6Z0sAp0fXe646ecdE92wS8GNg+rBtBDBnlWvT5NoOp6bM+XaDfWah1lmvq1TqrQSsEp1fQ8VHgpwdg4yJbdazIv+7eOf0NGCesG0wsGD4f2LY76Ymx9k/7PMYkdIyyCnq0524I+1pwrZpgW/hHTcDjmvjGjSrqztF9e1nwBxRmUYDV4XtTzL5O+Ygas/fR/gzN0vYNj1wcHRdv1Pn2FtH288gdPqAYcDO4ZoXdXRsk/N6Be+o7kBQNuAKhoupPd+fr5N/InUUBRWvbVx3XsU754tHz9ju1JQah4RyngXMZ7Vn+tBIxrp1jvHlcA6T8O/NKNzJuoBFcMfshndm5y3lnRt/52wEzBStH4HX7adD3mPrHPdkavV1HYKiLdSN+YBdKSm46a6S5k3gJmCFaPvCnT4zwPbUnumdCPU6XM/Z8Ahy53bwnL2Kfyu3wBVzwh2bPxK234BP43wMWA//NgwK1/iFsM/pdeR32lYprutaTc5hrWi/V3Al16Jh21T4oNEbYftf6+Sfh5qC5j5gtWjbGngbz3Cl9udKeQfjgwzFsbek9v1cHFcmxsqfhueRU045dZb6vQA55ZRT7yfSlTSvA3N3cJy9g5zJRt1prqT5Rdg2FhjaQPZmYZ8Xi0ZDWL8wtdHYIyuUtWF5SvtdEvZ7iDrWDsBy1Ea39m50DOBmGo9kD6XWmN2lwT73hO3HVLwns1DrBBiumLgEdyC8CUFh0iT/qCjvqCbndzl1LHVCo67Y5891tg/GQ4AbsH+d7WNpQ0mTcF3+1eSYY6Iy797ptWlRjsJ/y/8abP9x2P5co2ejtxI15YEBX+hAzo50R0ljwPlNZMRKpckUfmGfB8L2Q0rrvxnWTwBmaJB3ND5q/n6r5ya1ruLKzKLTs36DvEOA28I+e5a2HRSdc93nADg/bL+itF74e63Z8xtf+7FNzsuAtetsn5ra++fndbZPpLtKmnupo8QG/hrt0+pddXJp/SDgwbDte03KcVHY5/iK5V+B2rt5WGnb+LBtmzavx6gm+9W99qX8EykpBrvxzFBTqP6x3fve4HhxfZzMUgQfgCq2vwMsVGef70Tbh5a2td1WCduKY6/V5BzWiva7mjBgVtpn96iM5WP8gZqSZY46eeemZhlzQmnbVtGx16mTdxp8QKrleeSUU06dpeyTJpPJxPzNzJ7qIP+/w++qkgZXyFfMPT/WzBqFeb4QHz2aBW/4FeyAN6JfphbesitIGgkUvmyOMrN3yvuY2Z34iBzANk3EHWVmH9XbEM658I/xvTrlWAVYKiz+KaHoseyXgNWBK8KqaYEN8MbmhcDzkm6T+/3o5JtwpJlZnfWXRf8Pr1O+j3BLAYClOzh+VYq6unqTfV4F/tjL5Tgp/K4iaak6278bfk9t8mz0FrFvl1f6+NiNmKwOFZjZTbjSAbwD2QO5z6eFw+LfSpuLd9AfzJ1p15N/Oz4yPRU+DaEbbI47Zb7TzC6rt4OZfQicGRbXr7cP3gk+usG2i8Jv+flaFlgo/D+swfP7F3w6ZytuMLNryivN7H1q74C+eL6PC8csE1/bI1q8q8rl/CLwedwy4+Qmx/5r+G10j+piZrfh1hvTUvMhVvBa+J2ziswucoKZvdVgWyfPTHFevRVt8nozu77O+mvxZwXgPDN7uM4+RT0Yjt/3mE7aKu1wmLlj9jLFM92jjMH/z1Zh8SQze66cMbTxiu/O1qXNxfINZnZVaRuhDfTr9OJnMpl2yUqaTCYTc0OrHSTNLulguUPIlyV9qJqjx/Fht2nwqSwtCc7v5guLpwTne5Ml4FncPJxof4AvhN8rzOy9lGNWYHl8tBnchL4RhQJk6SYOIFtd2z/hI47LS1q+tG3n8HutmT3QQs5kmNljZrYebq68H97Aizteo/EpJJeohYPRJtzSYP3z4fcVM3u0xT5JdSYVSctIOjE42HxD7ni3qKuFs965m4i41cw+6GaZyoT7WXRud463SVoDD21twJ97sxyfEt7FfUg0o1C+bF/HYWmhuLnZzB4sVgaF8iph8aBG76DwHlok7Be/gzphtfC7WIvjHtDiuPc16Uw/E35nKq0v3jOTgBvrZQzKjGtbnwY3N9nW6Pi9Qav3EPh0jmb7lN9DxT2aAXimyT0qntHJ7lFwNLtrcKb7THAAGztJni3sWn4f/Sv8HiF33ruBGjiq7yXqfre68Mz8B3+vbSzpErmD4bm6WO669SAMCrwUFlvVA4jqQhfaKu3Q6Ll6JvofP1fzR8spbZaZJc0frV8h/F7dJG+zbZlMpkvkENyZTCbmhWYbJa2KN65GRqvfouZwbzA+egQ+KvgSrYkbZnUjmNRhmuh/MRL3eGLeKswW/X+6yX6F9dEQvIH0fJ19ml5bM5so6TLcAe/3cF8DhAb5N8JuHVl1mNkE3DSdIHsOfMrTT/HG5Hq4b4a925D9ZoNNH4bfRtvjfZpGVqmCpB/gzhqLwQjDTbyLUdThuM+OaSfP/QlN71kXOQkfZd5e0k8iZWNhVXWFmT1WRaCkC6gpMGOeNLMVE8W8HP3viw52K15uMKoc8zfcD8so3ErqvwBBeVqMEv+1lGcmfFoOpCsKp2m9SxLF+29YSO0eN+X5Krf5Zg2/L7dQRjZ791U5ftee7zbKUZQh5V1VLudc0fqmUXECw+MFSbPhHebYUu49/PtYWFfOir+ryu+jo4BlcOuInUMySfcBl+JTsyor7ivQ6B3Y0TNjZtdL2hf/3mwQEpKewq/VX+tZZlUgpT7W3cfMPoz0u3Fd6LStUplGdbVJGau2WYo8j0X/q+TNZDK9RLakyWQyMXWn44CHy8RN7kcCdwFfwZ2pTmdms5vZHNRG1qBmgdKKeFrUYmamhDQmylPPbH3A0WiqU4k/hN9tVQsXuy3ecH+Z2rSqbpXpOTP7I7Aytcb4dzqc9tTvSFoMOB7/xp0LrIT7epjRzOYIdfVHxe5NRKXcs27wD1yxNyPBVF3SjLjTS6g4xS0wE96hLKdZm2UqEYfbXq6NMnSblvfDzCYSFDO449KCDfCO1QfA2aVs8Ttow8R30EHtn0bdY5+deNxRXTpuzKfiHdqPFPfo5sR7VH6nHIcraF7G/Z3MaWbDzWzW6H1UWEb0yGtmk8zsG/g0qF/iVgzv4A7R9wbuk/TjXjlrp9Ez1/EzY2ZH4ZYfe+FThF7ALYl2BK4OIZ/7QrGXSqdtlUwmk0nmU90Qz2QyfcqquLXFR8DXzOySOqM87cwvj+dMt2MaXOTv1vSDmHgUsdm0mGLbh3Tmu+M/eASX6aiN+hdTYMY08LXQMWb2PLU57jNSrSM/ENkCb1BPALY2s3rTlnrLF0JlrKdPouJ+b49bVjyHR8ipKnOtLnTyb8Otj8CdYbZLMXLdzFJkhg7klymmPG0ZTd8rpjr9x8xeLu3/MrUy9sZ7pBm9+f5qxYvhdxZJUzXZ73N9UZgBTNv3KCgZvh4Wf2Bmp5X9hISpQ00tM8zsbjM70MzWwQdK1sUdHQ8GjpK0TLT7h9H/3nrmuvLMmNkzZna8mW1mZrPj/oAKvz9bAP/XQRm7Tadtlb6gapulnKf43+yZn9LfB5lMn5CVNJlMJpV5wu+LZtbIFHbdqkLDyHchb6M2ylX4UvhyRX8qn0ybqOO7ouCOaL91msgqzvtu68C5a7C2Kawmvhd80xR+I9qxpqhC7M+iV5RBfUhRV+9uMj2mcl2tSEr9iil8Eq0eLIEKZc1pndSpTjB3WFvUu3UkfTE1b8ka69XwO5ukqevtj1tzdYtz8ekkMwAbSZqB2rulPNWpUJIVPizaeQd1QuHzY7SkvnYOW/j3GUr9qXFF3U2+721QPCeplpf9QXGP5pC0QtM9J2dWaoqSOxvsszppU90Afy7Nnbp+FX9Xi57vs1ej//NQB0kL03PaciV665kxs3FmtjO1a/7lbsnulC60VaBmtdZb9f0xagNFKW2Wl63nVNrbwm8zx+hfarNsmUymAllJk8lkUilG1GeXNNm8fElzA3u0KbtwuLiTpKbTKiSVfWOMwa17ZsZ9UaTyRvS/bmPVzF6jFulhH0mTzS8PI5ibh8Uzy9vb4BR8hHIl3Ewe3GHwg42zNEbSGvXKXdpnBLXR3sfCeX+aKerqUvUUJJI2xMOc9iYt61eMmT2Oh0YH91GzFAPDYfCvqU3FOFPSEs12ljRc0on09L9xd7GZOhY5kobjUx66gnmkmcIy7FvAlngn+BVqUb3KFMqor0j6SjP5dd5BnXAuHulmKHBsM4WepEHyiHPd4i48nC7Afg2OvT29azVQPCfdPK9ucw2163RcC6ujcv14g1rHfJk6+w4BftVEViOlJriCppiO9IlS2MzeBh4Ji5uXMwV+3kRuKm0/My3OC9xJOETnNUDopK0CvVzfzcyoTefcJfidK5drLmCXsFhusxR5V5e0Vp28w4F9ulPaTCbTjKykyWQyqVwPvI13tM4JI3FIGixpfWAs7fs2OAYYh3ekrpH0A0mfhP+VNFLShpL+Ss3fBADmITSPCos/kXSypDgk5fSSviHpH6VjPoj7pwD4bpPO0f549JOFgMsUwiSHDtNX8ClKQ/BGccfhms3sWWodzGIEuxO5PwSekPQ7SevGkUHCtdkKt0YqOmLHdHCsgcKl4XcJ4PdFY1nStJJ2Ac6jp1Pc3iC1fsUUYVGL+17ZYXC3MQ/hvjneuZgLuFnSYZKWLM5JzqKSfoI/B/9HNFJsHvK1CId7bKiHg0Pe0bij0NjhZTcopjxtAPwg/D+7zrS3gtNDOQT8Q9L+iqLNhLqztqTfA42ilFUmKET3DItbA/+WtHJhiRTeM4sFvyP3AV/r4rENODAsrg/8pThnScMk7YS/e15tIKIb3Bt+twh+mAYcwaJsV1x5vjpwnaR1Yn8pkhaQR2+6Ffh+lPctalYhx0r6UnRvl8S/Hyvg39Z6PC7pcEmrxIoNSQsBZ+COaT+mZ4hxqHW+vyPp+6FzjaR5JJ2MO6N/p/LF6Eknz8yFkk4N3/WRUZ6ZJO1PzQqkkVK1v2i7rRIo6vt2rQZPOuAwXPE7E3ClpE+s5CStht+zkbjS+ohS3vOpWdidL2nz6F29GD6Q8GmfDp3JfDows5xyyukznoCDcAWKNdhuIa3VQs6u0b6GR0d4N/x/ETcBLraNKuVdq0UZ5gL+F+X/GO8cvF465kN18g4GTqhTtleCHANeq5Pv5Gj/t/EIUROBo0v7fQMftSz2fT06b8PDWS9WR37Tc25yndeJZL8ETN3BvT+zdF0M73C/WVr3EXBEnfyj2r2nYZ8dwz4TE+rn2DrbxoZtB1XcVj7vV/FOluEm3T9oVC7cOstwP0DNrm3Da1OlfkX7Dwrbizybt3vfu52AxYDbS9d0Eq7smlRafykwcyn/svR8lt/Fp9gZ7uvhK03qWcs6VKe8Q4LcuFyrtMgzPfDPUp7XQ935OFo3qY3r17Cuhu270vMdU0T/+aBUnu1Sn53U5xS32Ivfu69Ex70K7/QZcGnV82pVRlwhWVzbD3GrrYkV7/WoRnUn9Rqk1DNgU2qWMRau0UvhXsX36OelfKOjul7c20LOJNxf0sSwvGMpb/kd/Qo9vz0fA3vWKesIXKkX5301KvfWTY7Z8np2+sxE9SbOU/7WnwsM6uZzFvape94NrvtadbZ10lbZvlR/ngrlub5KXU0o45q4oqbY561SHXwVWKOB3AXwNk1cXwtZ7wMbNzt2Tjnl1J2ULWkymUwyZnYSPg9+LP7BH4LP0f4dbso9rgPZz+CjlNvgjlKfxUcJp8IbMf/ER5wn849gZh+Z2Q9C/jPwBsZQfIRvPD6FqJ7Z9254B6Io97y4RUkPJ45mdjZulfFH3FJgarxDcRc+Er2keXjrbnE1tXnlY6wzh8HfxOeQH453uJ7Cr+kwvKF2K95JW87M9uvgOAON7fD6cg/esByM3+efAqvR0wdPb5FUvwrM/ecUEbzachjcW5jZBDMbjVtynALcj1/D6fEOZ1GPRpvZBlZyzmtmd+F+Z87CnVMOwju4v8cVOOO7XN4P6WnK/5CZ3dQizxtmthGuMDobf49Mjb+HngYux+vPIt0sazj2SUHu0fj0sPfx0e63cKXi73D/HN2YUlk+9l74dMexuPJ2atzp9j64hU0Raa7r0yDN7Dr8m3JlkD87/ozM1+1jdYqZXYhbVB6M+2N5C79H7+P37GR8Ot9RpXy349NXz8Hr/CD8Op8DfMHM/kZj1sPf3f/FncoX4b0fBk4DVjSz4+uU9S38e3gs7qfkQ1whdD6wqpmdVe3s69PBM7M7sC9uSfQQ/q0ejivpLsYV1FtaY59i/UaHbZXT8W/y9bgl05x4XW/m5LedMl6LK9aPwZ/lQfg1noC/YxYzs3qWPpjZo/g7uag7whU15+H1dcB8lzKZzzIys/4uQyaTmQKQtC5wBfCBmbWajz5FE6aAFA78FrE2/dFkPn1IGoeH1z3czH7W3+XJZCTdgDsWPsDMDunv8mQymUwm81knW9JkMpm+ogjb+Hy/luLTwe7h9+qsoJlyCI4al8TN53s7mlcm0xJJa1KL/HRps30zmUwmk8l0h6ykyWQyvY6kWaiFFP5ff5ZloBOcEW8fFo/uz7Jk+g55xLRi2sJ55uFeM5leR9LvJe0oaY7IGfTI4GS7cGJ+tZnd2n+lzGQymUxmyiFPd8pkMr1GiCT0CDUfHB8Cq5vZzf1XqoGHPHz59fi89iJywr/CXP/MZxhJZ+E+cubAfTy9CSxj/RzVKTPlIOkuauGh38d9ZYykFqFrPLCemT3dD8XLZDKZTGaKI1vSZDKZ3mQQrqB5C3dKuX5W0NRlCDWHsk/hFhXb9GuJMn3FHLjTyLdx56lrZQVNpo85AHdCOx5/V0+HOxX/L7AX7pw2K2gymUwmk+kjsiVNJpPJZDKZTCaTyWQymcwAIFvSZDKZTCaTyWQymUwmk8kMALKSJpPJZDKZTCaTyWQymUxmAJCVNJlMJpPJZDKZTCaTyWQyA4CspMlkMplMJpPJZDKZTCaTGQBkJU0mk8lkMplMJpPJZDKZzAAgK2kymUwmk8lkMplMJpPJZAYAWUmTyWQymUwmk8lkMplMJjMAyEqaTCaTyWQymUwmk8lkMpkBQFbSZDKZTCaTyWQymUwmk8kMALKSJpPJZDKZTCaTyWQymUxmAJCVNJlMJpPJZDKZTCaTyWQyA4CspMlkMplMJpPJZDKZTCaTGQBkJU0mk8lkMplMJpPJZDKZzAAgK2kymUwmk8lkMplMJpPJZAYAWUmTyWQymUwmk8lkMplMJjMAyEqaTCaTyWQymUwmk8lkMpkBQFbSZDKZTCaTyWQymUwmk8kMALKSJpPJZAYQkv5acf+lo/9DJe0v6WJJh0mapvslzGQymUwmk8lkMr2FzKy/y5DJDFgkrQDMA3wEPGhm9/dzkTKfISRdXF4FrA1cDWBmGyfIuMPMlg//jwFmBk4DNgVmNrNvdbXQfYSk5YHVAQNuMLM7OpD1fTM7scPyzA8sB4z/tL0HJI00s9f6uxyZTGbKRdKxwPlmdkOHchYFPgfcbGZvRes3MLNLE/IPAnYENgfmJrTvgJPMbGzFsgw1s0mldbOY2UtV5GQcSTMAP8XbL7Ph3/8XgIuAI/J3LDMlkZU0mUwdJK0JHAO8BowGbgBmBCYB3zSzJ/uxeJ9qJE0PzGpmj5TWL21m9/RRGbrWEJA0LfCumX0clgcBw8zsnYS8dwDjgZNDGQScCWwNYGbXJsi408yWC//vAlY0s0mSBNxtZks3lzDwkHQAsCVwQVi1KXCumR2akPdH5VX4vT4MwMyOTSzDhWa2afi/CXA8MBb4AnC4mY1JkTMQkPQhXvYz8U7SZ6Kh2y1F3qdZAQcQnvWV8I4rwNPALVaxgSdpGPB9atf0euAPZvZeF4ub+QwQvuNmZm9WyPMi8DgwK3A2cKaZ3VnxuHsAuwETgGWBH5rZRWHbJwMWLWScFspxJbAF8AbwX2Bf4CIz+12CjLWBvwHDgDuA75nZxCrlyEyOpMvwQaq/mNlzYd0cwA7AOma2Xn+WryqSvgg8b2YPSFoNWBWYYGb/7pnKPLwAACAASURBVOeiZT4F5OlOmQGFpAskbS9pRD8X5XhgQzNbF1gemGRmqwG/Ak7p15J9ipG0FXA/cL6k+yStGG0e04dFOQd4FVjLzGYys5lxC5ZXw7YqXAXE04qmwRt/KawA3A78HHg9jOK9a2bXpihoAjNI2kzS5sDUxahe6KB9WrXw2+HKpgPN7EBgFeCbiXkPBlYGRgDThd/B4f90FcowX/R/X+BLZvZtYDVgrwpyBgIT8Hfal4BHJF0kaWtJw/u5XG0TFHl/wS3HZgFOk7R/Yt4Lo/+b4J2CjYCLJO1YsRyfl3SepPGSHi1SFRmdIGk94CHgIOArIR0MPBS2VeGvwBLA74ATgMXxjmgmA4CkFSWNA+4B7pV0t6TRidmfMrMVgC8DbwKnS7pf0oGSFk6UsTMwOijQ1wJ+IemHRfESZYw2s4PM7Hoz2xNYz8yuAL6KKylT+DWwvpnNAvwJuELSKhXLgaSpJH1L0rpheVtJJ0jaTdLQVDmdImlkXx2rBaPM7MhCQQNgZs+Z2ZH0/CYnIWkOSRtL2igoe/oMSccDRwB/k3QIcBQwHNhL0lF9WZbMpxQzyymnAZPwEcDzgFfwzvJmwFT9UI57ov+DgTui5fsqyhKwPXBAWJ4XWKmPz2czYKbwf1a8MT4OH82auw/LcRcwZ/i/Eq6w2Sws39mmzNWBH+ENrdQ8D7SzrdE5paxrIWNu4Fy8Y/RExbynldLsYf0cwFV9Wc/CcTuu78A1wMhoeSRwdWLeecO1PBKYJqx7tI3ziJ/5W0rb2qqr/ZVK5zIc2Aq3UnoZ+Ht/l6/Nc3oAt1iLzyvp2Y3vH3AjMH/4PwtufValHNcD6+Cd1vlwZckv+/A6TMA7NuX18+MjtlVkjU9Z92lOwJ/6uwyf5hTq+RrR8upE7aUWee+os25p4HDg4UQZ95WWRwCXAsemfnfxgZEFw//lgeuibUn1vfyewJWbD+BWn5OdZxM5Z+DtsH/iCtF/4AMSY3Brkr66rx/ig0s7xd/eijIGA7sAhwCrlbbtnyjjcuAnhHZMWDc7PlByZcXyfBd4oriWwETgO314Te/D20PT4AOARXtkKHBvX5Ujp09vypY0mYHGC2a2BTAK/2jtDDwt6bQ2RgU74TZJp0jaDvg7PlWA4Ih1cEVZJ+ImjtuE5TeB33epnKn8ysxeCf9PAO4ENgQuwTv2fcVgM3sWwMxuwa1X9g8mzElWH5Juif7vjJ/PdMCBkvZLLMfjkn4iafZI1uyS9gWqTmV7O0y7KOSMBt6tIsDMnjKzLfH7cXrFvN8upefD+ufMbJ0qsrpE2/Vd0u8k/RZ4HbhP0phgmn4vPvWwJWb2RLiWN+Kjm1tUPYHAMpLekPQmsKykOUMZp6L6O6C/+WRk18zeNbNzzOzrwALAZW0Lla6uuP93ov9zS7pK0muSbqwwkl7wDD7VoGBqXMmfQvyuGWJmjwGY+5H4uGI5hpvZVfj08cfN7CB8RD4JSSMkbSFpL0l7SNogTJlMZQjwVJ31T+OdgSrcEVkDIGll4LaKMgiWfTNEyyMlbZqY9w658/MFqx43kjFTgzQzbmmUaZ+PzOy/xYKZXY938FOYzMLEzO4xs5+a2UKJMp6XtGyU/y3ga7iCdalEGfsA10h6CDg/LCNpVuBfiTImxZYZZnYfrqw9CPh8ogyApczsG/hA2nrAFmb2N+Db+BTMvqIb1pZ/BNbElf+/lfsgKvh6ooxv4NaR10p6VdKrePt7JnxwoQr7AMuZ2Y5mtgPuumDfKgIkzRzaJXdIul3Sb8J7JAUzM6P2TSm+Ox+TZ7JkEsg+aTIDinpzecMLcUtgKzP7UoKMOYAD8RfhAcDuuIO4Cfj85WcTZAzFFUSLA3cDp5rZR+GDNZuZPV71nNTTd8jdZrZMBRkd+XGR9ICZLRL+325mo6Ntd5nZso1zdw9JN+I+fR6J1k2Pjx6tbmZTJ8iIr+OtwFfM7EW5b5ibzKxlQ03SjMB+wCa4TxqA54GLgSMjhVbKOa0InIV3GoVbsHzDzG5PlRHJmo2o42lmTyTmGwFsQOTkGrjcgp+chPxN589bBV8fndR3STu0KMdfUssR5E2LN5pXNrMvVsnbROZIYDEz+18beSv7cegGkvY2s6M7lFF+zwhYGB89xhJ8H6mnk+tz8JHbk/Hn8AcpSkVJv8Mbu/MCKwJXhOUv4xZPLTsDkj4C3g7nMDUwn5k9GxRwt6WcSyTrRtya4Dx82tTTuF+rRRLybgXsjVsnrI0rFgfhnc3tzGxcgoyf4p2Xs6gpmOfB/VqdY2aHJ8gYh1/DocAi+Oiz4ZZB95vZ4q1klORN9k2J3wct8j6Gd5y3Ap7D/SidbWbPVDj+R7jPkVgpUPj8+pyZTZUqK+NE34hv4VZrZ+LX9BvAe2ZW9gVWT8YIixz9tlmOuYEPLZoOE21bzRKdEksS7li/LQe/8ulJL5rZ3aX1I4HdzOxXiXLuxa15psWfu/nM7BW5f6g7zWyxCmVaBZ+quBhQDCa8bWbTJ+SN383D8emfW+NKl8vMbNsEGfcU705JQ/ABm1nwAZubUp7/bhLezWuZ2QdheSpgrJl9oYKMK4DrqA2ebRdkrpuQ90jch90wXNG0KHATfk0fNbNd088mMyWSlTSZAYWk6zrtTEm6FPg3/tHbFjcn/TtuhrqumW3SptyZzezlNvLdjL+obw2d11nxDnTSBys05I/HHdsOBXY0s1vDtlRHeX/ElRCHA4cC15vZP+TO7w4yszUTZKyAz6l9GnfEeio+ZelB3GleSweAkpYB3jGzh0rrh+JKuDMSZNyNz0UfhDceVoi2JXUEuk0of9Epe8BK0R4S8m+MO6qeC7/P8+FTFZZIyNuso7d9ohLvmvB3GO4n5268Q7M03mldtcK5dFTf68hr67nrJkGp95GZvdFm/hXx52U6/Lq+hptdV1bkdQtJs5nZCxX2vxh3sHkobikm3Nnm6gApiutSR6BHR75CJ76riryS7MoKuHBvJ+BT8g4BpgeOMrObEvLeA6xiZu9ImgU4w8zWl7Q0HmkmqTMhaTFc0RU7Dr7YzMYn5m/q66HKoESQ90lnLVo3LlGBHteRNfAO3tfxa3ymmf0pQcZDuJPRyZTckp40s3kSTyUTiL4R9bDEAbSpcP9+FpbXxhUU483skg7KVjl6X6cDGyVZw4F5zeyBNvLuhQ8kDsbbAJsAj+J+2M4zs4MryLoNV6yci3/HvwUsbGY/Tchb9/0rt4jbNOW9Kul+M1u0tO4AYH18cDPJwkjS+nh7PX6fXWQJkbtC/kJhuCzeDroIVyhugk/N2zFFTpB1r5ktWVqX9C4L+66KPx83ya0DN8OVcee1U9cyUxg2AOZc5ZRTNxM9/Q08UdqWOmf5CGCW8H8F/KP5MD46t2bF8myHW2g8hTsefgDYskL+jv244Mqdg/CPwxO4ldGbuPJq3kQZt+BTpLbBR2y3COvXAf5X4XyGRP9HhOs7U4X8E8P9eCz8zhnJquQLpoH8b7eZb368M7FIG3nvxk187wzLawOnJOa9h9pc51lwxRW4guXGiuW4ADe/LpaXxBsTfVLfu/Hc4Z3kw/H5/duWtp1Y4Tzmwn03vY434otn5yBgaMVr0rYfh24k3FQ8TjOH52jGis/eZvio4sZhuZKvH1wB+Vt8tPfp+DoyBc7Rx/2CFYNlw+n57ap0PfBBicHR8qDivVBBxqz4FIulgREdnNepuI+QBUM6FhiTmLee35LBeIf6tEQZuwHLNNi2ex/e36XwkfMnceeyM0bbbumrcgyUhH/nZgz/98EHFPbHreEOT5Txo1L6MfBSsZwoYyu8PXMy8Ej4VpwR3tNLVzynjfBv3GNheVlcQVpFxlzAXOH/SDziVGW/hfiACvT0qZjaRty7C/f3dGCDOuu/iyvnUmQcD/wHVzatHtLWYd1vEmUc2CxVPKdjw/EHhbQVcHSn1yqnnFJSvxcgp5zihHdyG6ZEGXdH/w8tbUt1cDcu+n8NHmkG3Lz/tjbOa9HQcPwBPlJbJe+40vKcuOO7PUh0UEdw4oZbSsyAm/lWPYdmyq/UhsCO+HzlB3GFz6N4dKQngW06rDvTgDsA7VBOkuNe4MLo/ya40ui0cG47Vjxm0bi6GxhU/E+tH3SvozeZU+x66xLktFXfu/Hc4VMljsBH4i4Oy1OHbVUcOl6NmzUX76Xj8I7woVR0Plrv+ahYlnkJzhxxf11bAEtWyP9xqJ9xmhR+qypapsUbrhfh0Vqq5N2hlIoO2xzAYRXq1iW4teSCuFPI1/BOV6V3a6s62IGMpPqBO7e+DI/u9l/gZ2H9TFWfO1wZMCJaHkGikhaf1nslrhD9ALg51I0xwAxtnP+04Rm8DbgVOAyYNjHvWZ1e/26mUPbYifmMlNoVTfJejyuXRuLWjvdRc1j7qXI+Hsq8QDiP34R3wK7A9BXy3xv9vw335wTuVym1bfYm7mj3AGod71ep0AGnuwMbt+Ntqra/uyV5s+Hv+3lJHECL8l6HT3P6Kx59ai8qOkLv7wQ82GC9gIfalFlJWR3VszfC78f493JS+P9GF86z4+9MTp/9NIRMZmCxUfidDZ8yUTimLKZxXJAg46Ji7rOZfRKSVdJCeAc6hSGShpjZh3hD4lYAM3tQUku/KdExhVu/fA54Fh89vj81f+BNSQta8ONi7jthLeBCPKJACr/FnabdaAnToxrwntx58wyASdrUzC6UtCZuaZDCj/FpQdPhConlzOwRuQPfK/B57pUI93UZfHpQqnl/oylAwiMJpDBf9L8I0fxYmLZwFdVCir8WzK+vA86Q9ALuMyOF/wCXSroO7xCcCyBpJkgPBRq4R9LJ9Jx/3XK6VBkzux+4P5ihT6iQtRvP3YJmtnn4f6GknwNXhyllVZjZPCQ6ZnaBpJ+b2du4o+ukZzjy43BtmHIY+3EYmyhjPzxixvuSjsY7STcAB0s6xcyObSrA2Qf32bKPBT8nkh4zs/lTyhATrsGPwtTF5GlwIW9dk3lz/xI/SxTzJ3za5Qj8+7Av7mTza7gT8RS/No381hQ+pVoSnq9GMlKd0x6Al3dxPCLUFWH9a/g0kCoMs8jfh5m9JXd0n8KpwA5m9oCklXCfGivLHbOfgisFkwl1JNWJeznv1u3ka4ak+XELofHh3VSFDc3sk7ppZq9K+gpuAdKK6aw2ReNoSbfj7+pvkugov0Dum+8gYLWQ93q8zvTJVFB5mOuvAdfivqDuxKcK3RTe82MTxLwhaUkzuxe3fhmGT50cQroj1SXwaUHTAgebTxXcwSpMC8Kf0cK5/9sEv3Rmdo/cb1gVJpnZ697U+4R2pkyVpzzPi7cVU9t44FGhBuGDI3vh92fzpjlqxx+MW7zMDVxqkW8fSfub2aEVylFP/pej91sz3pO0YvHtj1gReK/iMVfF318jgHnDN2sXM0sJs76hmV0vaZiZVTpudPyOvzOZKZvskyYzIJF0Od5ofDYsz4mbS6/fR8ffHVcYHQF8ER89uwD3fL+AmX0zQcZ6uOO0h6hFHZkbWAj4vpldnliWZXDnbw+X1lfx43IT3tneFHcw2QMz2yOxHL/GGyB7Af+Hj4Y/DexsZjcmyPjED4WkZ8xsrmjbZH4MGsi4Bp8+81Jo7P4CV26sjI9g/y5BxvP4POlXy5twRdZck+eaTEbsO+EWM1sp2lbJN47cwe27eANrO1wRdkZqAzx0GhbHR82uCOsG4dNJ3q9QjmH4fS38Ql0H/CGlkRLNA4/5GT4STYoyoUvP3QRgCYvme0vaEVdUjDCz+RrlLcm5Ele0XYNb0qxlZpsHxesDZtYyGlGX/Djch0/9mgaforSA1Rxl32yl+fJN5MyNWwM9iY86321mC6TkrSNrRjyCSezk+rp2ZEUyDzCzXybsFzukftiiqDBK99E1CZ/eUK8BtIWZTZcgo2PntKo52f5bSt1uIesGfCrPHWF5NHCCJfiTUsmxd+ndNsEqOC8Nea7A39GvheUZcQuZlt/vBu+RT0h8j1xoZpuG/5vgUyjG4gM/h5vZmFYyIln34BZ974fl4bhVX4q/sLuBL5rZ69G6pXHrvpnMLDVKTEcOTBvIezDlHRbtPw5Y1jyAwjTAf8xsLUnz4v5CUvxJLY1PLSqc7a6Gn9NSwLFm9vcK5dkED9V8HPDrKu8yuUPXZcOxNwAuMbPDguL1vyn3NpJ1Cj4osx+uENkD/+5Wcgob6sqX8DDTy8n99WxvZjtVlDMTgFUIfhDynYx/Y27BlT3XWnAGnfpebSH/CTObN2G/5YE/4AN5RdS6efBpx7tZBT9ucv94W+DTz4pvxmQ+Zhrkvd3MRndy7t34zmSmbLIlTWagMo/1jML0PD6y0JLQidoSfzGeh3/4NsFHJU6yBGddZvY7udf9XfGpFkPC74X4dIcUfoM7Kp5YKt/8uPVDUsPXQvSAkO/ZqMM8GB9RT+FrwLq4YqItZ6WhHHEj+4chVeEJSYfjH+D7JR2Dd8LXxS2NUpjVahEZ9gBWNbOXQ8PxJtzfRSv+hXfY7ypvkDQ2sRzLSHoD75RNLWlOq0WIqRSiOYw8F84M78WnoJQVSM3y/wevU/G6j4FkBU3I8x7e6D2uSr7AwaEM91HruA7G73Xq8bvx3P2T0NiN5I6R9BxpdaPgO8DReOP7Lnx0EnwqSktHjOG4a1c4XiM+MrN3JX2AK/JeDrLfLo3etirLU8CWYcT2CrxBXhlJ38Wf+7nx67IK8D/8mnfCd4GWShp6PlvlDntq1J57cL8C95Y3yKO2pPAoTZzTJsqYStK2wBfqjbqaWYrlaMGewLmSekSZS8z7iKRf4JZJX8fvazEQ0E6o2FkKBQ18Yn0yW7MMEcX7YhF89PzisLwR3oFMoZtWjmcAV0k6LSx/G0h1Tn0k/p3/xIl0sNZYBx9cqMKcZnZItHyopKT7K+lNah3F4qUxTbHeEqL/BIbgVrNT49YJmNkToZ60JJz78nio6YVxZc1TwF5xfUmUdZGkq3CFc70Q9M3y7hsNbHRqwbY7Pl3xfdxS8jLcgXhVJoV2zCBJg8zsGknHp2QMirJf41Z5r/kqTY8/z/uV26ANWMlqkZlOAE6UdAHugzDpQyN3Ll93E+4HrSVBybyyPErrJ46DrU40r0R5T5a+k6lW35Mk/QmYW9Jv68htObBJd74zmSmYbEmTGZCEj8TnqU1/+QbwsJntnpD3RNx8dSp8TunUeEPvq8DzZlZVsdAW8ggTi5lP3YjXT4WbXS9UP2dDebcBX7Ce4QRvMLMVK8hYxkohIztB0tUp1gDR/tPjvkoMn5qwPt7ofRyf558SHv1O4Gtm9nSwVNjQzN6Tm+veU2UUrDdQhQgxkk4H9gxWQesDf8an5H0ed+R3boKM75jZqeH/3HgHYjQwHveN03KKn6RFccXMx7ji6xe4YvMh3KKt5ZSl0FA8Bu+8Fmboj7ZrrfFZpY1nZgz+LpsWeAf4ELgUV4pMZ2ZbtVGG4bhFzn1t5B2Hd55vMrNlQ905zNJCXzeKjiV8elvLgSNJu+BWZm+V1i+Eh/HeM0HGGsDjDRQsK5jZbQkydsOj5E32PpW0u6VZ9K2OW0RsRU0ZUWBm9p1WMkry2ooyF95ZPyNY4+EhxN+UR3ZZzBIiVZXk3Y47t38iLM8H/KPKiLR8+uZXLYSrlzQd8G9LiP6oLlo5hjwb4AMJAFeY2WVV8ncDScfiSqpzwqrCuezeCXl/i/vF2cfMng/rHrMK0x3l0512wv0VrQEcaWanyaP3nZ9yXzKNkVtuboo7vZ8Fn/K0oiVEeJP0P9xa7Dwz+yisG4wPVu5pZqskyOg4MpOkV4HtgXKYdQFnm1nqVPJG8he1CtMVJZ2HK/JPwC2tfwisYAlTKoNCd11c0XpAebulRbvq+DuTmbLJSprMgEXSZkTTLszsH4n5xpnZUqHB+hw+AvWBpCG4s86UKTUdW+NI+ine+D4Ln2IAbra5NXCOmR2ecj6RvB4ha8O6HmbqCTIWwC18VsHP7X/4KNajCXnLvkmEj4Y9AJByXbuB3B/P7wkm4/jI12V4FIDLzOzovihHg7LNZBXMjBWFcpR0Ix6NaGIx4ptyb0sdknNwC5KT8fr6AzNL8dFxHTU/H0fgo89n4xZYe6bIiGS1bYYe8ncUfrOLMjbDTb5fCR2RYwh+LYAfB8uUVjI6fmbCe2tLXIF2Pu7jals80tTvCyusxHPq2K+FpFvNbEVJdwErm9n7ku5LUY5KegLveDxfZ9sUGxpZ0k5mdkqHMoYB38ffg4Y7Ij7J2vSn0GFZNsB9B12L1/k1gO9VUW5IegCPtFNMM5oaV8Iv0jwnyKeivR2OPTUwn9WsHG+r8q1SyYI1KDhnT7FOkPRPmvieMbOWfrIiKxjhitqPw/Jg4K1UKxj59LejcKvEE/BBr6rv5iVwy6B7q3SWo/wj8G/D5rgl3gd4dKWTLHEKWpdkdGNgo+N7W5LX9pRnSQ81UqI021ba73Tg9PI3Um45+Qcza2ktJekS/Js/2TRfSdd1qshT4pSpaP9ZCBbt+PNzOfDDit+7rg5sZjJVyEqazIBDNcehxQd5UXz6R1LnVz19FlxqZhtE2yZTdDSQ0RVrHEmL4Z3luLN4sSU6uC3JugL4nZldHJY3Afao2IG+CVdwFBZKW+N+DFZOyHsxfi0OxRsTwjsCqwOY2eMJMi7AO5oXlUfCqxBGeLelNiXmqSAz1aHr0ngn4nN4pJh9LUwvKo+8NpGxGq4M+RifGnMoHv1iKtxXUIolzX34dK03JF2P+y/4uNiW2PGNlTQ96nfqqLG64OejJG8Eboa+cpWGmdy8e2E8OkWhBJkb+BYe2aHlc9cNGUHOeDNbPPw/G5+ycC7e4NvOzL6cIKMbz8xVZraOpCPNbN+UsjeR1bFfC0n/wK3f9sSV16/iPhhaOsuVdCj+/pts2kqXzi/Jr03Yd328XlwVd7jjDlyL/E0thyxhqlI3ZESyzsEjkRT3dls8KtGWqTIayP2TmX2vjXyz4IMB4FZXLzXbv07+n+ODHMXgzKb4aHylwY2SzGQrxyhP2xascqf64FPI5qB2b7bB2xF7VSl/p8j9lP0AV/ouaAm+16K8I63ilKQ6Mi7C7+eV+L2dFh/E2h+f0tLSeXiXZHRjYKOr97ZDZeBZwCu4sikeENwBn3pY2dqyv1CdqUXFJtyqt6VSsviWSNrSEqyRG8iYJX5nSdoeHyC5F/izJXSeuzHQk5nCsQEQYiqnnIpEF0I0453uEXXWzwHckihjXPgdGsozVVhODhVZkjccWKTDa7Mg3lF8IqQbgYUqypis7FQI0QhshnfyNg7LVcP3Po1bJr2Cm21vVlzbDq5LO+EVOw6NipueL4VHuHkJWD2sXx5vxKfI2Ar3EfQd3Kz2fLxhNQY4JlHGC3j0rt+F6zs02pYUCjSuF7hTa6rK6EaiC+E3uyEj7P9A9P/20ra7Ksjp9JkZjzs8nYA38JaPU0VZk91LOggFCqwJbNzpM9zF+vNE4n6HhXtyPD4Kv3u0LSk0OnBaSP/GFVXnh/QK8K++khHXk5R1DfLO1CDNTIUw67jlS6f3cP7o//LUfJ8tV1HOkOj/CNz59kxtlGeyZ52KYY1x652W61rIWCG8SzYGFu3wGs8JfKVing9xZcZORCHJK8q4u7R8a/gdBNzfhzLuiP7fVdpWKTR6N+5tkSd+j+KDPbcm5p0Kd/h/KTAupEtwy7qpE2V8vVnqpL5VvA5vAt/D20Hl9FKijHH49z7pXZ5QR/bHrbV3wAdqjkuUMT76fzYecGNuvJ9zRV9d05w+vanfC5BTTnEKL9dZgPnxEeii4zw7bShHSrKnxefWpux7Z/T/0tK25A5a2H8jfHrDY2F5WXw0ud3zGEEdJVSLPEWj+0jcEeoo3LniT/BoF1Wv47HARVRowMfXFZgejyDwH+BFvKOyXkVZq+Id2CfC8jLAiYl5yw29tXH/K6ukfthLdWRCaVty4wCP9nUkPjr4TzyywfoV8pcbMjOG9XPgvkJSZOxSr06Fsh2fKGMc7iivbkqUUURSKa9fiURlQjdkhP3/iDuyHY6PgG0W1ZVrK9bVTp6ZLfAG95t4pKk4XV1R1rG49dygkLbCHRum5p+X0EEL75AtgCUrluGLBIU1Pu1qb9z3SGr+NxqkN4EPK9TVIeH/yPAeOi4sV+2kXY5PqS2W58SnXVaRcUUXZJwOrBItrwz8NTHvR/iAyGNRKpY/qFCGj/D36CHA4lXKH8m4Pfxe1U7+kHdHOhzsKd2bjaPlTaqWDVewLhAtz0/pm9Ek75p4B/5KXJH3LzxgwFg8wEKVcuxGpGDBo+d9PzHvOHz66xnh2l4U3iXDKxz/RmqDGRvHdZxIKd4HMjoe2OjGvS3JaVsZiPsHArfgbfeZOY3uKYxXAW7FfdN8EN4LbyTmvRq3XKu37bFEGUfhDpQ/pPZt+OQ3UUbcvrsDmDb8H0p6W6QrAz05Tbmp3wuQU05xil9cwDOlbZWUNLgmfXvggLA8L+5oLyVvx9Y4UZ7b8fnF8Uu/8ug1PvpbbmAdmpg3bnSXU6WR/UjmMsCuFfNMprzAR2t3pXqH82bcpDe+rqmWI3cDM5TWLY13MF5OlRH937S0rc+sTwZKwpV+8+FRJn6NWxkthfu4OSJRxvLhvo7HO7+X443gm4DRfSUjyBmK+28pLNc+Do28vwPztnmNKj8zUd5fdHBv4kbqx8CkkD4mvdG6X3hf3I9HYrofOAW3QvtRoozj8U7WLXhH/kbcSfWVwFGJMp7ApwHU2/ZkooyyUnVwOJdzgfsqXtuyrEHldb0pg5pydEK4nxND+ph0S5qHGtXp1Gsa9r0TWBL4FfBweM/uB4yqKONnuELlR+VU4Zp0ZbCHnhasT4Y6u2BFGRuE/GNxPz0TSRyUCNdj1vB/ftwBM8CXgcsrlqOeIiDVcjS2LBiOK3gvwBU2f0+UsXR49l/F65KdsAAAIABJREFUrVkLZe2s+NTtvpKxAx0ObHTj3pbktK0MpAuWI5Gsbiidb8MHeO7E363fJnEwEB9MrGwd3UDWRR3kvR+3XB3N5IN6SQoWujjQk9OUmbJPmsyAIvhwuA8Pw7k4/pIvQjR/wczWb5K9LOsPeEP1S2a2mKQZ8UZNcjSkOjKnxTXqL1TIc5OZrVLy+3GPVXS0W8+/SDv+QrqJpMMsYQ54tH/HzuMiWTeb2cql65rkSFke9vZRK0UtkUco+oWZ7ZwgY2PgSjN7p7R+QWBzM/t1hXMZhpuRLwEMK9Zbheguncjo5tzpbtRTdSH8ZjdkRLJmwC0vkh0OhnxNz9k83Givy+gGwX/SCnjo7on46PGL4Z14s5ktmShjSbzR+jTwOfMoYEPxzmKKjI792kj6F64UuraO7J+ZWXLYaXUQibAbMuSRkxpiaX6POo5UFfbt8ZxLWgm3ttgKt3hMiVSzCO5/Zk/gpPJ2Mzs4QcYnvrkkPWOR75V2vr0hXxFyOtmXWuETI/gbeQb3rwc+Lef9RBmflFcesedWq/lTSfJbFskah09Js0heUkTERv7NwrtxU0uIdvNZRe7UuvK9LclYELdSmgtXuDwJfNPMHknIexSwM25l/U7IX2CWHmIdSRPMbLFoeRCuuF6sSbayjNvMbIVS3a0cVS2S18M/TF8gjxwas6258/GZcaXVCgkyhuLh2Ys22Ny4Q/N/4qHRJ4v6lMnEZCVNZkChxiGanwAOsYQQzZGsO8xs+XY68XVkjcCdkT5qFZ3nSToFN7XeD49IsAduXrtrRTnFNI4i2sVwfO5z5ZDTodG4HP7xfSAxTz2Hbt/CHbRiZntULUcnqIPwigMNSefiIzfb4iMv2+Ej6cnh4juR0Q0nuZGsu4DdzOyGsPwFfBpaS4fddWR18twJvwYLmNkvgwJujnqd+96SEzX0huEKjrvxBvTS+LO7al/IqCOz8nUtGtyhY/csfg0KJ9f3JipY7jWzJYNC8VlgLjN7N8gcV9TB3ia8OzGzd+ts+5yZPV1R3tfxCEZQIRJhL8hYnlp0pxv6SoEXHb9RR164U/Rr62RrJGtDM7ukzXJ0bbCnJPdqM/tShf2LNkjbgymSTsXv59X49J6nzexHkqbBLScWbSqgp6yjcGvHP4ZVu+CWUj9OyLu3dTFyoqSvMvmAQpLT705lyMOZn198o9olKCHNzG6VtDhuVTOh3XobZFZWBkZ5LzKzTdo9dpDRDaXzdfizdjIeYfVZPGpWygDahsCJuBJ/d3wa5zA8eMcOZnZVgoxX8Of978A1hVKyG4Rv1dTlwbmEfG0N9GSmbLKSJjOgCUobM7M328h7M+5w89bQUJoVt6RJiXZzopl9P/xfHX/ZP4KbcO5iZv+pUI5pcG36enjn6lJ8mlKl0KiS9sX925wWVn0bH1FuabEh6UIz2zT83wSfdjAW9wlxmCWErpT0JG7Oezm1kZqjcZ8StDOSFimLxlvFkJ7qILyiuhMatWshOIvOTdQRHgr818xWaZm5CzIkPWAhtK2k281sdLQtKSJatP9o4FR8ih/43PDvpHQYu/zcdcWSrhty5FHNDjSzcWF5SeAgM9uiL2R047pKGoM7qJwWH639EH+XfQmYzhIiiEg6En8nD8PfP4viCsE1cYVRVcX1jHiHIu6kXdfXMgYCkg7Ao/YUEaE2Bc41s0MryNgND/v7WlieEffhcmJi/m3N7O/VSl5XzgK4w9J5cH8WD+JTat5IzN9osOdx/NvbcrAnDIr0WIUrNh8AsARrHHk0NQNWxKO69SDxOzMUt5JYHFfQnmpmHwVF42yWYCkVyRqEO2UtorldAZxsZh+lyugGkk7CLfLWxjvyW+DTyHfqCxmSXsTrwqy4Q9czzezOiudwIO7vaAh+HVfG/YR9Gbe0+FWiHOHPreFBFb6ET3WaAPyxUIRXKNccuP81w6/H81XyBxmb4b7DoA2Fsdy673n8e7EX3hY40cweTsh7Fx4hayTuf+mrZnaTPFLqGSnKTkkP4P6GtsF9p52H3+ObmuVrIGszfCr+62F5JB4R8cK+lJGZQrEBMOcqp5zKCR8xHkdtfv3dVPAnEWRsh4fNfgqfI/8AsGVi3nj+9TWEKCp4iOXKnvsjWXV9KVTIvyGuGDmaas5lY78tN4JH0MDn7ac6p5sOV+78HR8Bh+qRai6M/m+C+7g4LdybHfuwfq0Z0m/wRtpGIf2ddM/9HcuIZN0Sfq/Dp4PM0sa1bVsGvTB3Gm+YzVAxT9eeu0JWqe5XisrSLTnU8XNSb11vyejGdcU7I9vg01eG4MqWE3Dn49NWOI9VCQ5ucX8fe+PTYQZVvB7fxb8Rr4Zzepfqfq3alkHNz0/d1FcyIlkPAMOi5eEkOlKN8rTtsyTse1X4PbLKcUsy9sA7vfvj36rf49/v8XjHpi25bZTjYnwUf1Hc+mQUPgVlPmC+RBlT4U5UH6L2vfgk9dW5dOl6rBCekdNx5dkVwOu4g9iqkbfuKf2OwAcU+kQGtQAGC+M+se7DrVAPBBZOlDEO97cyTXhepw/rh1PB7xFuNXJeVN/OxYMqnAX8puI12Qm3Oh+Dh+OeiA+QVL3X8wHrhv/T4Er4qjLaimhKz2/Vk6Vtqb5gYhnz4t+oO3C/jFV9DnX0TuyWjJymzNTvBcgpp3oJd4S4RrS8epUPX5RvUXxE7QfAYhXyxS/5slf21Og/9UKaTsQd/lYOBdrh9YzP55bStqofnNGhsbY3MLFi3o6VRWH/9UODZL7S+koNEroTGrUbMr4b6sUXQ0PiBdzCoU9k0AUnuXjnqlK0kToyOn7uov1vxhvRhZJl1nYaRt2Qgze4TwbWCunP+Mhen8jo5nXtRsIduBZhxNtSXOOdpGGEBjD+rr+gH2Qcgoe6nQ6PWvd/wC/7QcY19HQsP5LqSqtxBAvrsDyYCspEuhAuPpRhcPg/DTA2/J839bkL5d4lXNfVStv2r3A+m+FK743DcrtO9gvHv5Udoob6cDjwN9wvRrwtKZphC/mXJO53Cz5ItA2urNoirF8H+F/FY94cfm/CfbBMjU+p6RMZ9d55+PTRwyvIuLPe/7CcHLmHEEQC/wa/TAjDjSvCqzq5fgCYOVqemeqK2p1xxdsjYfnzVI9m1nZEU3xa3y7APng/YC/ct9wOuN+sSvemtH5R3Bq1yrlMdg+oGPijGzJymjJTvxcgp5zqpXov2Xof1jbkJoWuxs3578EbjG9S8/4/iPQIQh8zeSSlSVSMqISPWp2Fm0v/jJ7hIi9MlPERteguHxC89+Mjfe0ov4Qrv06vmK9jZREe5eo63KrnEWD3dusIXQif2Q0ZAynhFjAzt5Hvddw55n/xDuesbcjo+LmLZLVtSddtObgiYC88zPo/wv9hfSWjS++zO3DrhkqRbUoylsU7VRPwiE5X4iPYN5HYiY9k3Rp+78J9BEB166RuyJhMuVxvXW/JwM36fwtciPtxGINbJz5FdYXTUcA5eMd7nfD/mAr5Ow4XH+pocS9mJFJ4V6irJ+MK5j3x6IrHxvW44jUZgfs+uwh4qkreSMaquALribC8DIkKFjwM8hH49LWLw3JxfVIHjJZvkEYDzybKiJUSTzTalijrF7gScXNqPkuqKiXbllG1vA1k3ExQuhFZAeLfz+Q6Vrqul5a2VQrTjA98TRUtTwXcWFHGXSFf29FI6SCiKd7e/SPwBzza1l7AvXho8KSB1vh578J9PjU8/wuGdCwwpq9l5DRlpiFkMgMI1SKZXCvpj7jzMsOdl43twiHG4yNyrSh7sn87/M4EHJB4rH3w+cn7WM2PxGNmNn9i/oJT8YbZTbj1yLWSNjL3vTJfigAzG9xg0zT4qEUlzMyA3wc/NVVYRtIbuJJnaklzmnvMnwof/UxhI9y8+kNJBwF/l7SAme0FPaIapLAXMFbSoyHvfPic/b6W8QlVnVN2W4aFedORrEUtzV/Qo3ijf138eT1Y0u34M3yBpfmV6sZzB4CZnRGOvw5+XzY1swlVZHQqR9JVZrYOcLB51KHjqh6/GzLoznWdEe8UXSPpOfy+nm1mz1QoxxjcuuvmeKWkVXDFQhWn7k+Fuf0XAldIehX3M1GFbsh4W9J2uCLdcEuDt5tn6aqM28Lv7bjyrmBsxTIA7It/D/4vLF+BKzySMLPzgPMk/cLMDmnj+ITj3Rp8yq0BHAkQfMq9kihjJatFlTkBODH4dNqGxG+EpNXMHctOMnfUuwyubGmH43Hrz4sBzOxuSalRDhc0s83D/wsl/Ry4Wh5dMJVbcX9y9c59ZKKM9ySth3e+TdKmZnahpDXxQaBkorpxvjzS2rDyd6eXZazRepeWfNFCEAfr6TdmKG71kcpzkkaY2VtmtkGxMviW+SBFgKQfhb8PAzdLugh/j2yCK+er8L6ZfeCuckDSEJr43mvAJDN7vZARSJJhZk/Ss016HBW/eWb2o9Z7JbM7/o08OyxfgQ9Q9rWMzBRIdhycGVBo8rB3MZbS8Yw+WJNtAn5uZjO1Vbg2kDQ3/oF5Ep/vfLeZLVBRRg/HrZK2B36KR3o416qFNp6dnmGJk53KyaOPlDkRt5rAzC6osz1V9kh8lOR/CfuWQ0QOBv6Em4UvbhWjXak74TPbktEl55Qdy2gh/wkza6nY1OThd4dSM49f18xm7aQcnSDp+5bo/LSbciSNx6ehnYJH3erZak1zptyxjG4Q319Ja+D39eu4VcyZZvanBBkPmdnnG2x72MwWarNsa+Kdx0vNLKlj0y0ZkkbhfqlWC6uuB/Y0s4l9KSPIGY5PT0yK2NeLMlYgcvqbqOSN8y+BKxbvrZo35L/fSlGPgmPl9XFnu3XrYGn/281sdPm91g6SbjazldVGpElJE4AlYkWApB3xQaARZtZyoEbSvbifsYfqbHvSzOZJkLEM8GvcQngvXJG3A269tbOZ3ZggY2Pc6XqloAndlhHkzIBHY/qkPYQ7/K0URbC3kDQt7uvrhYR9D2y23RLC1keyfo07+/8Wrlz4Ph7Y4ecVZHQlomkk70EzW7idvN2Ukcn0NVlJk/nMIek93Gz7wzqb9zKzliNHkjYws0vD/5G4M9UVcbPLvaooN4KMTXDFyiiz/2fvzON9m+r//3xfrtm9uMbInClT5rhliFARMv0MhZJKKA0kRaVCKClJMkaZizJmDF3uwHWNlXlI4asoKfL6/fFen3v2+dzPOWftz37fz9m3s9+Px3qcPXzW6+xhrbXXeg+vtxYvWfd+nDT5tcKxLYHT8I/4EhkY78DdR8fikxGApfCP8SeVkdnAzF4HrsW5TloLxZ1x0jtJ2i/7pipIspp9R23pXM3sGOAISaMycVbBLU3FSdqvyiwKqmKYp4p9GTgGJy01PFxoPIAyMncEYXRKr07C+oikMRkYHdPvpnPzKCNlZUS/G0BJewQeJoekk4bCiMIxs51x77fx9Hk8tCRX6RyBMY3BM5HlKANnWKwmBelWwG6S9s3A+D7u7n0urrgGX8x/GOcv+PRQGEPgz6cuUtdGYwyHmNl2OKH8HJKWM7O18fCPMlnmtse/nV1hJEXXifh3ZV3gdtwD63Vg72Ql71py342Z/QwPxb2m7fjHgB9JGp2BMQH3QvggfRbw6SLp4BLXfQke4vADPAvQIcB6knbPqHs8rpT4bdvxbYBTMhVOO+PhJjMo3loeMXl3Uk3M7F+4h9jVuCfetSqZWSoI48O40ew6+s+HtsI9Fs/NwFgTNw4tma7lMEkvpXN3Sdqg5DWNlvR627GFJb1QBqeqmGcA+yh92UivxTOAZS8WrUJGUzN7Bf9WFY0R8+Ahu8qci7QwKOCUxRiLz9l3ABZNeH/Fwx6PzVHmRWA0MsJFNYi5akpTBiuUJz+8gwEyQdHGFj8IRpE75Qx8AbwMbkHK4oHpgDk3sHoX9T5Lh0wQODHj9ZkY9wAbdji+EfncB+vj1pFPFo49VvJe9itsL5Xw/pbeWW5WhXelZzlnh3NLZmIclp7J4cBeqRzeOtYrjIRTmZyyKgbOIfFx3DLaXl7IxMh6f0NgVO536V4uxN2Lj0rlpdZ2yWdSGSdhfSXg2XSNkZ7hMrgl/HhgjVSOxSeLORi/qHoPCWdbXMF8ZSqnAe8Lwn5yODFwr5Gq/78rDDrzQJTlceqaSyL99m76SHKXAy5P21vhioZhf78l/tfCeCazJzqNi11gnY+nJf4rnsUni/cLOCT93aTM/4zG6IA5HjgU2Kpk+1gQJ6e9IT2P0yiR6SoI42EKJNuF4wvm9j/c220bPFzs83iGqBVa11jiWjbH+aNewJVGyxbO5XIOjU1j+UN4SOCLuIfjsZ3us8S1leIJGwCjFDE8zq91brEe5eeZERjX4nO8xQvHFsfneFljWQRGU0Z2aTxpGqmVBIV/rAz8n6TnO5xbTHnW+KJrf3u4Ub/9IXC2xrXo7Z4W1wxcK16iwgySleUg/J4Owxdu2eFbbc/1Ipw49AzcWvlpOffGUBiV3dDN7A+4C3m75WoOnDg0xzpZGaNQZ148E8kKuIJxqdy6ERhmdiOe9WQGl3XL5FEqvJcbct7jABiV+52ZLY1b8x/FraKvmtmjZdppMM67gb9IetjMNiGRiEq6qpcYCWcGb6eIcI5eygAeTkB+OGsQRoS1tjJGAWuCpI3aQmruzflmRmEUf5u8rCYW+vP9yghFjXg3Q+BvJen6Er9fS9LUKv+zirTGvYrfuwiM6d4hZrY/zqlxOe4tcaWkYzMw2kNiFwd2xUMnl1Je2FUExh+A9TUj/9pYnKg65/vfL1zNzDbHPWv2xkmhs56zmU0E9pF0f/J4+jbudTZhMO/UNoxr8axI50h6Lh1bHNgH2ELSezMwOl3vFTgHoCkvNLdT35yCGxRNUhanlJmti3v0/RL3PvtTF9/dShhm9rCklcuei8ZoZGRLQxzcSN3kcTqHbmyXC6BBYulzFDRJFk2TRQPGmJmpT6OZG07zPVzBdC5uKQH3HjnYzLaVdEgmzvJ4VpVnccvId/FF2oM4KfHjGTBXm9lv6BxmkK0wksfFn2xmF+NkiFVkJUm7pu3LzTkDcuR1MzsdWNI6hOkozw39TTxtZ3so0BLpXI5EYAAg6Z9AJXLKihg7Ax1dkXMUNElGmdkRwEqdFlrKCzOq3O8kPQnsYh5ieL2ZdUO0G4KTxoANgNnTRPo9uGv8oWa2uaQv9AKjP9x0QlTMbGMyn2sHoPHpuu6TdF1mnVG4J8KHKHCWAKdJujnzX3+LgcNZc+8lAuMs3Ir+hdZ3JVehGYzRkvvNbA9gNjN7G84DMSRPSDDGJHM+ihtxzrSbYXr4Qy4xfMS7GUx+Sl7yAMBJftuPmdlXJX29ykWUwHjQzP4IvKXNiGV+eVkKtAiMYojYx3EPmufN7AQ8qcGQShqYgU/rOdzr4ftmlpUEIQjjm8AUM7uOvvnQ0rjHVzbhtZmNbSl6JN1kZh/CkzyUUSTOIen+hHGJOQfRZWZ2GPmEvctKOq54ID2XY81syDDUJJPw91jk0xuHh+kJyElE8AIzzoeWxBU1ArKUJJImm4f0fxonvJ4rp14wxhNm9kVc8dUamxfDFV+5YZsRGI2MYGk8aRqpnZjZjnh4wwmSrihrvTYnLfwO7rXyJTw70gb4YuDjyuNfaSdiOzVNSBYHjpf04QyMjkRlZma4S22Wp4WZ3YrHXo/FQ2rOwlOjvhfYU5lZfMxsW2bkT7mirDW+ipjZX/EMJoaTji7b8kQxs/skrZ6BsTCeQeg4OmSmkXROBsY2uHXlj/SfpK2Ie/QMqbiKwGjDWxB4G4XJhKRbe43RrZh7sO2Ap709rf28MsgLI/pdG958eHjShpJys6mE4ZjzSa2Oh+c9g4fjvWpOqnx3ZnuvjFHAWhcfD8emQ3/DQxBzrKQRlvSz8En8b3HF4Mu4Ev4w3MPwlAyMO4CDJE3ucC6XBLUyRvrtsFt8CzhFHghwV/ssHogojNQm9wdWA6YCZ0r6rzkZ8aLK48eKeL9XDHQK9yyYdyiMIfCzyNSjMNL4dy2u+OonOc80AsPMpgKb4YqyayWtVziX6/GxWQll7EzDSDgL4kTS7cTBL2XW3wMPK57QdnxpPDR1/0ycScAHWh4w6dhSwK/x8Kn5MzCuw8fUTsqArSRtmYHRIvg9VtLV6VgphbGZfY6YjKZFzCXwbJ5dz1O7wUjt43B8zrxYOvwc7l10XI5XUARGIyNbGiVNI7UUqxa6cRe+oFoA51/4bLJQvAefcHabRrOUJIvVRyVNbDu+AfBTSWtk4hRdz/tN7HInRxFiZmtKujdtj8YXVhvgpK7HKI8Y9iNth66Q9FKaQB4s6YgS11PJDT1Z9Teg/yRtokqQEEZgJJyP4WSSS+GcNhsBv89VwFXFSEqIL+IeDkvhqT8fwT0czi55L9u2JnkjXVqKRzObC/gz8BZJ/zIPBZkmabVeYHTAHAszplsfok5xHJqI88g8n8bqCTnjmbWFzlhfeM2cwD0qZG0bBGNl4EV1INS0/HDWyhiF34/CrbW74Iuqt+TWjcT4X5Gg9/sSbtBoJxk2PG38YjPWmgHj5YFOAXNLGtITPQKjLmJmj+MeooZ7RWwi6c/p23GbMkPA2zDH4EaFR3OVIzMDYzgleXs83z6XSWP0pyV9MwMjRBmQ3uU38DnA54Cbu1A6V85omnAOBM5XItdN9/j/VC67YmWMRhoZVlENiHGa0pSBCrAW8ImSdYqkh08OdC4DZxU8tGC+tuPbZNZfB7gTeAAnhLsOD1GawADExgPgTMbDptbH3UnXS8dXBO4NeManZ/6uSOp6InA2sCn+QT63h21iduAAPEzr3lSuBj6Bp3ksizce2DdtLwws12sMYBru/XJPoe1d1isMPNvAPvjk7FDgK/jE9xzgW5kYGwJj0vbcwNdwYtjjgLEl7qNqv5sP+DpO5Ph34PnU5/Yp+Twr46R7/x0wEfeWuBL3VLgOV4D1BGMI/H0zfzcVJ9Ych/M2FM9ljatpLGuRa64D3Fo490DVexnOgoc5ViJAjsBow8sa22c2RsK5uofv4mpg8wHO3ZqJ8SQDkJ6Sn4AgAqM1Dt1XYRyqjDEI9jxkfu9wwuSF0/bW6fn8Fveu26VXGEPgZxNlD4IR0meGq6Sx+SZcedQtxvapjT3XZf17OhzLnr8HYiyGh0henfZXw42vPcVoysgsjSdNI7WVbkM3zOz3uAZ/LJ6S9BBJv7SUHlQFN91BMA7G3fkfBNZOGL9K50qR7yUvkemeFiq4tWbW3wJPn/0m7kr+WVx5NQbYv3VdQ2AMFCNtuKVjSE+lNkv6PTjx3uspfGuq8skltyZldlKBT8fM9pN0Zkb9n+NhGufQn+vnI8BCknbLuY6EdRSwHrCypJXM7C3AxZI26THGREnrp+e6oaR/WybRZgSGzUiC2MIahS+eV8nAuB9YS9Ib5pxBr+Lp2d+Tju+UgVG535nZr/AwnN/ihJLz4iF2R+L9L8tbKxDnnTjvwwQzWwHPxPUkcImc46knGINgZ4VdRFjS01h2Ns57MDuwu6Q7zWwR3EX+iyWuexHcm281+n8jynifVcZIOKt3wBgyjW8ERtDYXhkj4QzUPw34taQlcnASVsi76VbM7Bjc0/OuDueOk3RYjzAqj0NRY1lVMbNpSh535mFte0h63DyE+YbiN2gmYwz0LTJc8b1IBkZInxnif1wtadsSv18M53R6i6RtzWw14J2SftrF/zZgfkkDeYPlYMyNK+Xv66LuNGBNpUVq8hy9t+ScKALjapxi4MuS1jKz2XFFT5YnfBRGIyNTZhlXy0ZGlgwUukEeedkn8DCnN3FLyyfN7Gw8FCUrTjj9bl1J/zCzZYFLzGxZSSdDf+K6oSQpZfopZsxsFUkPZUKMk7SymS0v6VHgtjQheUn5YTXP45am4rUr7S+aiTHWnC9oFJ7++nXwlaOZZWl7zezbwCY4kdwRZvY99fFQfBrnyxhK1tWMXD9PAxPMszaUkR3xzANTACQ9a2ZDxoDPBIynzWwBnJfi+uSun8U1EITxTzMbL+k2M9seT+OJpDfTZC1HRklqkX2uV1Co3JYURzkS0e+WVV+I1klJ4fQNcwLFB4DcBUkIjqTfF3afxy2Uj5ZRrlTFsBmz5k0/RZ97/FDXsOwAp97E+0AOxo3m5J7jVAhnkWfiy1bQJDkfT5H+fnzM/wj+bHqKkZS0m+HKhKvwFOO34STtvcCIGNsjMMC9vW6hc19doAQOxLzfKnK1pLvMbE5JRTJVcpQrgRgR41BlDDNbE89etCTuqXSYUniRFfiqhpBRZjYmLfzfxBXNSHohLVxzJALjQrx9dZq35BLMhvSZIRSbZUPIziYpA9L+H/B7zVbSmIfVfhR4OzBX6/Mvab8yF2Jm7y9g7JQwypBtXwNcaGY/Tvst7+kyEoGxsKSLzOxLAMkIVSqcPQijkZEoqoE7T1Oa0l6oFrpxSPo7vsL/v79tfz58cD+JDi6UXeA/WeK3U4p/u/x/fwSWHuBcrtv1WW1lsXR8cdyClfteZ0/bC+ALku+m/dyQiQk4d8OowrFRwG7AnSWfy11tz3heSoaQRWC04W2KuwrP0SsMYE3gLuAlfHG4cjq+CM4VlINxMX0hX2fRF5a3Es7Tk4NRud/h2WjGp+3tcTLI1rmHSzzDyjjUxL0f+As+4V+mrSwLPNttO+uybc6HkwZ/Fieq3KbYl0vgTE5/7y0cy2pnwRjT0vgzNe0vBlzfKwxixvbKGOm39wFvq4pT9d3gSuYzcC8+K9u22v5/le9uBEbEOBSBcVvqqwsAn8fDQFuhi7nf7l3xkMf98DDOS3Hl29m4l3OvMCYDq1dpp4F95r94NrSbOpR/lWwrE9vfByXnq/h3/Bs4J91H8LDak0tinEZfJtGj0vj205IYo4BP4t64l+AKltmGAeNmPMS3Nb/bCLil1xhNGZml8aRppK7ymqTXzIxkhXrInFA6VltEAAAgAElEQVQwR/YFTsbTMmaHJbXJX8xsbUn3AMgt+x/APT1yCX9nSA/dOkU5q+KL5uz9y1mHrBWSZsjW0EG+h/NJPNnh3PE5FyGpYypHuafQe3IwcAXNG6ne38xsO+B085Tec2Ri7I5Pzk5N3iKt53ljOldGLkpWlgXMM9bsB/xkGDBaFrXxuDXudkn/6RWGnBB6Bkuo3MNhoHbcLh/D07MfiXMn/d7MnsInah/LxKjc73Cr+xnmKYTvx62CrfCJH2ZiROGspT6PkaOAd6vgmo9PiHuB8Wuc42cGjyYzuzmjfogl3cx2xRd49wKb44vHDYHjzWyv1A5z5fX098/Javss5VLfRmH8S+5x9oY5ielf8fTivcKoPLYHYQAczcBpsg8qgQPV3s3zuAfu14FzzewS4Odqy8Qz1P83D9tcstO3XNLBPcJoH4f2g9LjUATG/OrLWHiCmU0GrjGzvclMFS33JpiCe0yuhHvzb4S/m2t7hYFnIBwojCfLK5C4PvMgcICkP7afSN/PMvJPMxtHeh9mthHOQVRGVpS0i5l9UNI5ZnYBzolWRjaWtKY5UfzXzOxE/JuRLWk8/Cn+jXgTVyaW8j6JwMA5+q4AVjCz23HD1c7DgNHICJSGk6aRWoqZXY4rWz6Dhzi9hJPCvi+j7s9xjpC34NaA6afw6JwhuVPMGerfUAf+GDPbRNLtGRiv4Az5/+5w+kRJCw+FkXDmwJVN59FhsSvplhycCEkLiEUkPdJ2fM2cBZaZ/Rr4Tvs1m8fuHyFpoAn+QHjjACS9WKZeG8ZW9KWcvU7S9b3GMLOv4t5Bl6VDO+C8Nsf0AsPMNgQelPSyeRz54XibewAnDi6TBWgMsBw+eX5a5TLlVO53dRJznp53pud6G65gebN1Tnl8QZUxIiT972NwT7aP4ePz9pIesfwUvPcCG8lTiC+MZ97YOimATpO0cYnr+QC+eHgrcArO0fU1SQOlX55ZGKfi4SK74+P9P3DrdUel9szC+F+TKu/GCvxV5imRd09lAeAXyuNxWRjYEjcIfLX9vKRzeoRxiKSTLYWjDvX7mYgxFR97/l44tibuybKQpHHd4I50MbOdcbLihzuc20HSL0tgrYP3ldVxr7ZFgJ3LKL9bCnczuxX4FB6qf5dKZGgyszslbWhmE4CdgBdxL9kVS2C8H/fIeQSfuy+HK7OylT0RGAlndmDlhPGwUqh/rzEaGXnSKGkaqb2YE/6OBa7J9QwwJ+u9Fnft7SeSSnF9dPBOmJJZ70bgSEl3dDj3mKTlSl7HIvKUt2NwZdMrZeonjLnwD2/rfm4DfiTptYy6u+LWo78Co/HMEBPTuVxS17nxi/9Xh3NLSnqmF/fShrM47kUi3F24FLFzBIaZPYx7TLyW9ufGF2m53mOVMCyA9LcNr9hnbpN0d5n6HTCy+12h/jjc86TYPr5eVqFXBSf1mcNwa/XKeEa2K3Avkhclfa4XGG143Y5n7eTSm+OeNXsDp2b2/+lEjql93qE+MvL7JK1e5l7qJuY8SmNKegSFYESMh4Fj6jjcq2YTKvS9bmUgpaGZrQLsJulrJbDWUlt65C6up2sMM7tH0tq539iZiLEHzoM1oe340sBXJOXy/WFmy+Pezhvh7eP3wGflnHvDgfFO3NOiG4yQPhMlVZUB5nyQl+Ih0Gfh4alfkfTjQSv2x/gKrix6D/7dEvATSTMoKgfBeAj4gKQ/pf0VgN8oI4lBMEb7+/0dblCoMq6WxmhkZEqjpGmktlJ1kZYw5sD5bIR/sEqFkFT0TlgID9t6tdxVD4i3Hv7RnB//AP8N2E/S5BIYFwGv4DwXAHsAC0jaJaPuPcC28owuG+Axx1+SdHmuJb0Nbyf6L+QvL1m/63spYHwMt3DeiD/TTfHFRA6BcSTGTcCOkv6W9hfAOZjKZKrpGsPMHpS0atruN5FvTfBLXMewegUVMK4HbqWvfewJbCZpy1yMCBwzW5H+rvlPA79Uvmt+CEbCqTKeVbakm9lxODfOrTi/xdWSvpXGyt+V8QoKWmBVxkg4lcayCIyg8bAyRsKp3PeqvBszO0nSoWWuOeM6hkWhYDGewZUxOmBWMRZNwBfvP0+HdgcOkrThLIgR1WcqKzbrqAwwszmBuVTCGzfVmyhp/cK+4R496w9SbWZg1GZcbWQEimpAjNOUprQXfNE7DfhaKlNxr5QyGO/D+TBuxjNOPIkrGcpgPIx/YFr7c1OCfLRQbw7cMrEGXRLC4jwO7yrsj6c8ye0DOccGqDutbX8JnIDvYEoSIwKn4oR0+6ZyDfDDXt1L2/sdV9gfV/b9VsHArU3fxzMyPUNfdoanySfKjsCoTPrb9jwq9ZkgjPuGasO9xKlDqfJc8YnlRh2OL41bSXOv4X04L81WhWOtjHFl7mUC7sUzeyp7UZ44PAIjYiyry3hYGSPVqdxnIt5NRKlDO8PJ+acyI/H3Mr3ESDjr43Ozx3Hy8ql4Rr4yGDPMW0ik2bMgRlSfuR74Ch6SsxyeHv23JTEuwjM5bZ7KT3AlfBmMcficYgo+v/sehflNJsZcOA/LZbgS/7MUvjtD1N0plR/hiSX2wQmMf417bPYEI/L9RrWRpoy80hAHN1JX2ZP+oRvH4kSA2ZZ0PCPM5mpzdaQcgdmz+AenZYmYE18IZ0unuFgzKx0XC/xX0nQCN3m65DcGq9BBppjZRkouy+ZcJJMy675iZiso8dHIPWo2By7HUy2WkS2AVSW1CO7OwflPykiVe2nJi7iFoyWvpGO9wmhd72T8Obbk5hL/PwIjgvS3JZX7TBDGdWa2Oz5xBSfqK+V5EoUz3Nb4gnT9XCVd0HY9LUv6k7iXT5ZIugq4yswWN0/33m2Y4TySzivs/8zMvjAMGJ3GsvuHASNiPIzAgJi+V/ndBHlKDXs7S31jrSqewREYSX4KfKo1FzGz8bhiP8ejp0X8fLWZHQ78Il3HbvhiekipC0ZBovrMEpK+Udg/xsx2K4mxuqTVCvs3mVnZedUvcC+4D6X9PfE03mU8UM/F50GnpP09cE7FHM+R7Qrbf8E9k8HJwHPTo0dgtKRO42ojI0waJU0jdZWIRdorLQVNkkfpv5geUMzsFPyj/Xfg/uS+LWArPFVxGTmRCsqiFPYFcIt5FqGf0zehuDkTY1qqMxq4w8xaGQmWBh7Kuw0+iSuZpouczHQbPC1mGflT+t8tfqC34ikth5SIezGzliv8n4A7zexXCfODuMdSTzDUgTjSzMaphItzEMbfgX2sGulv5T4ThPFKqmM48XjLxXgUTsj6+V7iJLkAd6tvZQ7ZHe/H2W71VTAixzMzWx/PtjW/71o3YZcfxXl+WiGCp5hZVohgDRdpncayPw3881iMoPEw4vsQ0meC302VPlOrdmZm7wN+TAVjTwQG1YxFk+lrH+ApkadDAV+aVTCi+kxBIhSbEcqAYVUWKYAsPQKjTuNqIyNXGk6aRmolhcXE0rhbbb/FhDIITM1j+0l1lsE/esK1+E9K+lQGxkcGO99pYTwIVqW4WHOukUEuJYtzZJnBzqs8mXJXRLlmdmWqMxZ/v60F4gb4M9ksA6PyvZjZUUNgDEksGYRxLHCCpBfMOYcuwi2+o4EPKyNzVwRGG15XpL8RfSay39VJzFORrtl2rB8R78zECB7P7gUObLOkn9p+bUNgPIynaX0x7Y/DSYRzSK4fo/8CqyhSRhaSIIyIsawu42Ho96GKRLybAlaVPlOLdlbAGlYi1YKx6MN4mGTRWPSagjiAZhWJ6jNtis158W83JMWmpDEZGEVlwMr0pQVfGnioTWEyFNZJ+DhUVBZtICnbKGFmPwN+0KYsOlDShzPq7gjcIun/zFPEn0BfpsnPSXq6Rxj/U+NqI7OmNEqaRmolQQu9swaH0H6lL4zy3gkRyqKZJeZEpGvhaZdLucNaBaJc80xdA0pZhULC7PpehlvMbJqkNdL2TcAXJU00s5WACySt1wuMAlZlwt42vFJ9JgLD3J3/9ULoyOb4BO1+Sdf0EqdgST8MeIn+lvQFJeVYbCtjDIDb1buxDiThVjJrjJndgRPJ/iftzwHcrBIpuIdbIsayuo6H3WJE9b2qMrP6zHBKVWNPVYwgY9HSwF8lvZb+9z6k9gGcIWlIj5y6YHTAHLZ5SJBCoRbKIjN7oPU7M7sQ53O6GA+32lPSVr3A6IA5bONqIyNXGiVNI7WXiIVeF/8zwsMhRFmUrBAPykOL5gYOp88q8C1lsOanCdYu6X72xgnqbsXdvk+XdMqgAP2xuraCd8AaA7wNT+35UmadyvdiZp8GfpEwVsBj6tcA/gB8VNJ9PcJ4EFhDnvp6gqSNCuemK19mNkbh91XSeNfCK8g8C9Fmkl4y533YEQ8t2BSYLOnwoTCicOpijQ96rpUt6dYXIrg23lf6hQhK2icDo66LtNJjWQRG0HgY8n0I6jMR7zeiz9SinUUYe+piMDKz+3CvjFfNM72tgBPebwGQMyeqEUZUnwlXbA6XMiBIWfRwa75hZpMlrVs4l5VpMgijNuNqIyNYVAP24qY0pVWAY4GF0/Z6OI/Mn/BY/U0zMXbEU8ICLAKcg2cjuBBYKhNjWmH7JmD9tL0SMKnHz+R+YPa0fTrOtj8e53TIzd5zX2F7IomtH5iH8hmi7qCQoQrPXHVHZt2fFd7v1ril5bfp/e7Sq3vBJ0Ct7d/gqasBNsPTvfcK4yA8q8sWePrNk/EFzdeA83qFUcC6CU8N2dpfALgxs27lPhOEUWwfk4C50/bsZdp6FE4dStBzvWmQkttGjhqs5L4XnIgV4DjgEjxbzpnAmT3EiBjL6jIehnwfIvpMxLuJKDVqZ2cNUnqJsSEwJm3PjX9frkz3NTYT44HC9mRgVGE/K6tSjTCi+sxU3LsL4Av4/OpIPNT/2EyMmwrjyN64oegMfN57UCbGHCTDfdrfHPgcsE3uvXTAXBEnIF6tRJ0fA19PbexE+uZVm+MhTL3CqM242pSRW4b9AprSlGIhZjFR/ABfiKf/Wwq3Yl2fifEgfYqRCQNd4xAYlZVFrWspbE9pO3dPJsbdwJKF5zpX2p6NgrJhCIxDUzk34R2NL66mAGd38X7vAJZN2wuTPzmKuJeHC9sT287lfoArY6TfbpbaxN2pfVyNExmO7hUGMWm8I/pMBMYdOHEheCrj1gR4LjqkBp6ZOLibd6t9Gp5e+RTgE6377BFG5edal0J9FmkRY1ldxsPKGIV7qNpnIt5NRJ+pRTurSyHGWHQtsEXavpSU/htP+5z7TOuCEdVnQhSbhe1uFQp1URaNxueWT6byJp7w4wJg6R5i1GZcbcrILU12p0bqJrOb2exyN+C5JU0EkPQHM5szE2O2wvaKklrM9Geb2WcyMU7F08QeC1xjZifjPB1b4KnAc+Sb6ovB/QEeF/tlPC72LNz1OEfuM7N9JZ0FTDWz9SRNMucceT0T47N49oBL8cnWjWZ2LT7JOisTY/7095FUWvKrzPoAo8xsjKSX8Q/nkwByd9Dc8SjiXi4xs7Nxa8vlqV1cjr/fJwerGIyBpJsply57ZmBEpPGO6DMRGJ8Azk+hF38FJpnZrXh4zbey7yYG5yqcBBbcS7DoVr8BkBPyGIFR+bkGhV1WDhEEnjKzLSTdCDyOZ0J6IoVd5koERsRYVpfxMAIDYvpMxLuJ6DO1aGdWEyJVXMHUCs9aT30cVLeZWe7Y/DHgXDM7Gs80d0+quwBuAJqVMKL6zMtmtnoa+17AFZr/wpU0ozIxXjezJSU9g2dR+2c6/m/6z4cHk9nUF2K5G/AuSf9K34wp+Hg/lCwi6YW0fTDwTkkvmtk8+Px3yPAeSa/jCpajzWwsrhgsRXcQgUG9xtVGRqg0nDSN1ErM7CBgO3xi9W5gQfoWE8tL2jsD48fAX4BvA8fgGWouT7G+R0vaNPNaNsPTTq9ESkmMT/TOTB+BoepXjotNvx2Lh7C8C/+IrwM8lcrBkqaWwNmj7X5+JalnqQDNbFeczPGHOLHcisAVuBvqi5I+l4lT+V7MbB/8/a6Ap3h/Cn+/x+UsOKMw2vDG44uI+yRdV7Z+FEbCKc0FVbXPBGLMBry3DeNaSX8rcTuVcaw/geFk3DPwzbSfm2WmMkb67WZUG8/ux/mK3jCz04FX8fCN96TjOZn37pf09rT9G5yX4/J0bd+UtEkGxltxb77Z8AXWeFzRtADweUk39Aij8lhWs/Ew5PsQ0Gci3k1Ev6tLO6sFkaqZXQxcJeksc769HxaMReerHIHxqvRvHxNb72dWwgjqd2sC5+GeLACb4LwlawAnSbogA2MzfAy5FFgInyO2lAHXSjohA+MO4OOS7jOza4D/J+eWmgv3Yl89A+NuPHvYM+Z8LNvK+Zhmwz163j4URgfM+fDn+2jZ73dVjDqNq42MTGmUNI3UTgIWE6Nxj5WWtWwp3LJwJXC4pGwvhyoSpSwq4I0BliM9E0l/ib7mIf5/hBW8RWq3P23vV9K1M+fK6ytmdpekDdL2/sCBuCfLe4ErJR3bI4zQNN6NuCSr2XGSbkzWtEMltSzpN2YuFitjRIiZPShp1bTdL5tTrtK5TXHdnmlmhnTJQ2DVYZFWeSxrxsPOUuXdRPaZ4W5nEcaeIIwQY1EjM0qEUaGqMqBGyqJTlYisk8HpAtxze0XgAElX9QKjkUZqIapBzFVTmjKzCjCWFJ9bEWc87gb73hJ1KsfFDoK9UMnfr9l2XUfiFttvkYgNMzAqE+UGvdPK99IBczlgJ2CVCtdVGgO4u7A9EXcXBk+BmcvBEoERTpTdTZ+JwKBAdJj6/0+Be1O/W6yXOHh4w034ZPdKPB3wTXis+nt6hRH0XC8G9k3bZ+EhD602MjET45s439HywBHAZ/BsM/sCv+62nYzkEjS2h4ypUX0v4JmE95lhfL+1IFItYI3BMwetW/adAvsVtpcEbkjv5g5gpVkMI3weMtwF9/jaFjgEJw3ejUIigUyMsbiR9bt4eNNhlJsTTSls3wSsk7aXJ5+XMgKjNuNqU0ZuGfYLaEpTBivELPTmwzX62R8b4K7C9v64i/JRwO24N07Za+haWQQcWdheDfdceQyPcd8wE6P40ToRXyhtmj6k52ZiRJDtLty2vxdOWPtxCpkFenAvvyxsfzA9z7PSs92nhxhT8ZC+ce2TBwrKlx5gRBD2Vu4zQRjF9nEG7sW2DB4f/sscjEicVH/V1EY+hGdJGVWmflWMoOc6NvW1R4A7cT6sR4Fb8HCn3GvZJ9V/AVdaP4BPWnMzxNRlkRYxltVlPKyM0QGnqz4T8W4K9av0mbq0s1oQqQ6AW9ZYVGwfF6V2PgpPsnDDLIxRpc9EGAP+Z5QBbc918kDneowxrONqU0ZuGfYLaEpTioWYxcSphe3xaVJyE+6W+75MjMreCR0wSyuLUr3iQP8bPM4XnHckN/V18X7uIWX9wTNf5CpYKlvB2+7lSNwV9iO4lf67PbyXIsYdwHJpu1RWlQCMx/GF7mPp7xKFtpKbuSsCIyIVeF28gopt7J62c1nPIxKnDiVyPKOCJT3oXuq4SOt2LKvjeNgVRof76arPRLyb/6V21oZX2TO4WwzijUXt7SPXoFAXjJnRZ7pVbEYoFGqhLMK5zu7FM0K9Ql/GqVHkZ4iLwKjNuNqUkVua7E6N1E1GF7Y/Dmwl6XkzOwEnuxuSXwPYqLD9DWAHSVPMbHl8opQTjzrKzBbEB3WT9DyApH+a2RuDV3UZLC7WzLqNi32LpKvTtdxlnmUlR8aaZ3gYBcypxO0jSWamHABJX05EuT+njyj34zhf0J6Z12GF7Z3wDAL/NLML8AwCOVL5XoDi72aX9FjCeMHMcvkGKmNIWnaAU2/iE/leYZxiZtPozwW1Ev5uj8nBIKDPBGEsamaH4m1tjJmZpNa7ys2WEYJjZvtJOjNtL4mTiK6Dey7tI+kPvcAg5rmS6rxM4i0ws4XK1G0XM1sOeAeeqrgbIsWVJO2ati83s6/2ECNiLKvLeBiBAXF9ryVdvZugPlP5OqIxJP3dzOYzs3Xokki1AsZO9H0LvgMcIulqM9sAT8e9cQbGUmb2fbx9LGJmo9XHMzh6kHp1xIjqM0VZT338QN81s49k1iuOI+/Bw5VfN8+slssV9C3gmrR9IvBnPInHTni43A4ZGGfj/Qx8rj4uYe0AnAZ8OANj1bb9f6S/CwG5fSYCo07jaiMjVBolTSN1k7DFRJIxkqYkjEfNLHeiOBZPR2yAzGwJSX82Z4m3watOlwhlEcDyZnZF+r9Lmdk8kl5N53InFLcA26ftCWa2mKS/mNnieNhBlkg6G/8Qdytzm9k78Pc7m6R/JtzXzey/mRgR97KWmb2MP9M5C+93DvJTVkZgdJT0fh/rJYaqp/GO6DMRGD+hL138Obhn0/OpfeSmio3C+TRwZtr+LnAhsBUegvEjfELdC4zKz9XMjpR0TNpeDVfgjTYzA3aTdGcGxi8l7ZC2P4gv7m4GjjWzb6XxZSipyyItYiyry3gY8n0gps9EvJuIPlOLdhZh7JkJBqNujUVfKGxPwr09X0rt44pZDCOqz0QoNqOVAcOmLJL0xADHX8AzvfYEg3qNq42MUGmyOzVSKzGzx3EPAMM9FTYpLCZuU14WgleBPyWMZfGY65eSguZeZaQSHAR7Htz1c8jFrxUyoNiMGRX6ZUcZAmfTtkOTJf3DzBYDdpb0wxK3ECbdWMHN0zIWZY/0fsfh7P/rRV9nGTGzBYBVJf2+FxjmGRVOx/kKrgYOk/RSOjc9a9PMxuiAGZLGO2Fl95mZiTEc0jYG9MuiYmZ3S3pHLzAGwe52PPsN8IOiJV3SkJb04vWap3zdU9JjZrYwHv6Rk+2qfcFwRRrfF8ezzBzRI4zKY1ndx8PhkKB3E9Hv6tLOivdyE/C5orEns51FYPwNJ2I23AC1TMtYZGb3VZlXjWQxs6PaDp0q9x5fHDhe0pDeJ+Yp0YtyeEEZcL6kIZWSZvY0cBL+fg8EVmgpiywz856ZPYoTDo8CjlHKBpjOTc0c38cAX8Kzsl6tQlaporJxZmM00kgdpFHSNDJLSMnFxDJth55N2vyFgXdLytWkV5KZqSzq8nrG4FwUj7QdX1PSvRn1B7KCbwLkWsEHwp4NtwC9OuSPqX4vdREzuw13IZ8AfAzn99le0iMlFhMRGJXTeNdJzGwVXGl1p6R/FI5vI+magWvG4pjZX4Ff4GPATsCyLStn7sImAiNC2hZ6/dpVlwqnfgrEqgqnukjZsSwCI2I8jBpTo/peFalLn4mQCGNPEEaIscjMtsYXzzdIerxwfHqI2iyE8T8xD4FaKYsuBf6Iz2f2wwnq95D07xJttTJGwqnNuNrICBXVgBinKU2pWwHWxAf4p3AvhQUL5+7KxFimrbRIwxYGdipxLbMBB+AhU5u0nTsyE2NX4Fnc5fx+UorldC6X7b4yUW6h/ugOxxbOrBtxL2/FJ/G/w0mQRxfO5ZL1RWBMbdvfHJ9cbFTiXiIwIgh7I/pMBMbBwMN4OM7jwAfLto8oHJwEtlhaBIaL44rNXmFEPNe/4aEAVwLPUyCCJJ+M8b/AyziZ43/oI7meg3Jkm1sDH8UX38Xj+/USI/2+67EsAoOY8bAyRvptVN+r9G4i+kxd2hk1IVKNKMC3cW+c7+HhVgd10VbrghHSZ9LvV8HDg+ZrO75NCYwxuPdL+/E1y1zLcBdmJHL+Mp44ZFyJdxOBUZtxtSkjtwz7BTSlKcVCzGJiTPoIn4drz4vnTs3EuA3YBlgA+HwaYFdI57LY/wOfyRl4DPlncF6Jkwrnsj9a9C2INgAeAnYscz/0zyBwV9u5XIzNgafxeNzrKExce3wv1wOfANYGTsGVTuOGAWMqbamHUx/4I/BijzGqpvGu3GeCMKaRJru4B9sknOSyVN+NwqlDCXqum7aV1rNZDDiw4vUtALwz87d1WaRFjGV1GQ8rY6TfVu4zEe8motSonS1DRWNPEEaEsWgaTrLf6vNXkbKYlWgfdcGI6jMRxoAoJeuwK4twcu9Rbcf2Sff1RA8xajOuNmXklmG/gKY0pViIWUxcijPL74Bbfi/FXcfLfPQivBMqK4vSb+8tbM+OK68uw7Mr5T6T+9r2l8AVPgeXuJ/KVnDcS+PtaXvn1jMt+X4j7qXd0rJXq631GGOP1v23HV8a+EkPMR6nehrvungF3d+2Px+eteKk3HsJxqmDNb7yc61LoT6LtIixrC7jYWWMVK9yn4l4N+m3VftMLdpZXQoxxqIH2/Znw1M9X9zedmYBjKg+E6HYjFAo1EJZBBwPbNnh+DbAH3uIUZtxtSkjtwz7BTSlKcVCzCItwtUxwjuhsrIo/fahDse+mu4p94NzB23WDTwLxw3Avyu+szJW8Pb3+/Y0MdihxLupfC9pAjFX27EtcQ6hP/cQ47z095AKz78yxiDY85DC2nLebUCficC4EVi77djseBre/5a498o41McaH/FcIyzpESGCdVmkRYxldRkPQ74PQX0m4t1E9Jm6tLMIz+AIjAhj0a+BTTscPwZ4cxbDiOozEYrNCIVCXZRFrf+5Sc7vZyJGbcbVpozcMuwX0JSmFAsxi4kIV8cI74TKyqJU72d0cDfFSWJfz8TYCFixw/HReIaVXr3fScDibceWSh/3V3p1L8BnB5ikvQO4vocYDwBvoS/caKFi6RVG0Luti1fQu9vbWOFc9qQtAoeaWOODnmuEJT0iRLAui7SIsawu42HI9yGoz0S8m4g+U5d2FuEZHIERYSx6FzB363+3nVtyFsOI6jMRis0Qw1Xb/nApi+4p0y5nIkZtxtWmjNwy7BfQlKYUCzGLiQhXxwgPh8rKolRnl/Q3y6NhAIwpxfvqEiPCCr4lsFaH4wsAX+7hvRxXfLbDiHFwaif/pi/cqFUe7SFGBBdULbyC8Kwj4Fk7usKIwqE+1viI5xphSY8IEazLIi1iLKvLeFgZI9WP6C+B83cAACAASURBVDMR7yaiz9SlndWFSDXCWNRqH1UWz3XBiOozEYrNCIVCXZRFP8eNsv/Eya5bZRr5YfURGLUZV5syckuTgruRWomZnSdpbzM7RNLJXWIcIulkM9tE0u1dYjyAT6CvBjbDU3lOF0n/l4FxPHCdpN+2Hd8GOEXS2zKvZYqkdcqkDuyAcR/wLTxU4Qvt55WRltzMrsctcBPwWP91ge0kvVgiBe8Nkt5jZsdJOqzsfSSMiHuZhismJld4ppUxClg/kvTJ4cIISuMd0WciMO7GF2OfBL7bfl7SSUNhROGY2a+B70i6pe34McARkkb1CCPiuT4kaZW2Y1/FuT8WzRnPzOx+YF1JrxWObQmcBswraYkMjMmS1q04HkZgRIxldRkPK2MknIg+E/FuIvpMXdrZgzhv0ZuFY/vg72k+Scv0CGMXSReb2XKSHit/J2BmE/DF8geBC9vPSzp4FsKI6jOtNnKDMlJUD4DRmiOeJ2nvLjHeDfxB0nMdzmXNpc1sI+AFSX9qOz4a2FXS+ZnXsjhwLbB9+zlJT/QCo07jaiMjV2Yf7gtopJE2WdfM3gLsZ2bn0sViAl9gnoy703e7eD4N1/4vj7trFq9D6fhQ8oyk37Z/4CRdA2QpaJK8aGbXAcuZ2RXtJyXN8BHqIJ8A9sQttNu1Q+AW8aFkEUmnpe2DzGwv4FYz2z5h5MgSZrYxsL2Z/YIZ3++UDIyIe7kGeAmYz8xeLhw3vwyN6RFGS84xs/klvQJgZvMDq0m6s0cY86d2CXCCmU0GrjGzvcl/txF9JgJjd9ytf3bcitetROAcB0wyszkl/bt1UNKRZvajHmJEPNdJZrZNoZ0g6etm9iyQex1nABsC0xfPaYzcBfeAzJHXzex0YEkz+377yZwFVhBGxFhWl/EwAgNi+kzEu4noM3VpZ1cCWwDTjT2Szjaz5/A5To5EYHwJV8BdSvfzqg/gyuKt8XFoVsaI6jOjzOwIYCUzO7T9ZKZRYQ4z2wPY2Mx26oCRcy3fHUhZVMLYeWonZZGk14EsBU36/XNmtgnwakuxaGajgLl6iFGncbWRESqNJ00jtRIzOxi3wi0PPEPbYkLSkIsJM/s5sB7O0/FI8VTCWLPE9VTxTrhH0tpVrGgJZw58UnQe7uXQT9qthUNgfVTST7u8jggr+M64F854PLNJ+/vdosT1dH0vBYxfSfpgDTDuBtZRGpDTZGJSmXZTBcPMpgLvlvT3wrE18Qn5QpLGlbiOYfUKKmBsK+nqKhhVcepijS9gVRnPIizpx0k6rIXVJcbC+ALrOJwTo59IOqdHGJXHshqOh5UxEk6VPhPxbiL6XV3aWYRncATG9fjCcn085LmfZBqLWlhrSZrazXXUEKNSnzGzlXHF5mfwuVQ/kfS1DIzxuDJgV5xzqA1C+2VgRHjBhXmOJG+nLSX9I+3Ph3umb9xjjNqMq42MQFENYq6a0pT2AvyoYv3FcSLVZdpLSZyNcC+D1v78wIaZdSvHxbbhLRLwXA8EFijsLwh8KrNuZaLcQp2vDOe9FOosRyFDE25lWXYYMGYg5ivbRqpgEMAFVajTdZ8JxvhWh/ZxTBftrGscPHzsdOAvwPfbS68wIp4rffH1VXgcpuGKiMrpR+nA5TJMGBFjWV3Gw8oYqV7lvlfl3QT3mWFtZ9SHSHWONH78Edi0vZTEOqdD+zhzFsWI6jPbBrSzj1aouzJwGPBn4Kj2kokxHveqfBE4q62Ufa6d5jNZBMbBGLUZV5sy8sqwX0BTmtKpELNIm48CcS8wCpinJMbdJI+zAkaZzEwhyqKEdX2Hgf7akhidPlq5pJ+ViXILWDtSyOKFu4Pu0Kt7Kfx+EjBHYX8OYOIwYFyGEwCPTuUQMsmYIzAITONdtc9EYnQ4VnqRUgUHWBgPAXkC+Eh76RVGxHNN4891eIjfFe0lE+M7wN+AN4CXC+UV4OWS91KXRVrEWFaX8bAyxkB1uui/Xb+b4D4zrO2MmhCpFrAijEWd2kfZtloXjKg+E6HYjFAoDKuyqIBxO+4Z3NpfF/j9MGDUZlxtysgrw34BTWlKp0LMIm0CTorX2p8PuKMkRoSHQ2Vl0SDXUvZjMa3tuc5GfraLSCv4sN7LENcxdRgwFsUzZ/0Vt/5egJOx9gSDwDTeQX0mAuNeCllV8CwrpdpHFA718fqo4m0VaUn/VcC9/M8s0mo0HlbGaLWpgD4T8W4i+sywtzMCjD0RGAknwlg0lf4ZBBcCps2iGFF9JkKxGTGO1EVZtD5OV/A74DbgT3i4fa8xajOuNmXklYY4uJG6iklSa0fSm2ZWtr3OpRSLmjD+YWbzlMR4NPHktMgGP4WnOS4jv8Xj0lvXMg9ukc6Oi03yXzNbWtKTAGa2DPmkri25BrjQzH6c9g9Ix3LrRhHldsquUfb9VrmXljxvZttLugLAzD4IvNBrDEl/xS2/XUtFjAhi2ZZE9JkIjPOBG8zsrLS/L27RLisROIcmXoi/AZjZgsCJyuAKCMbo+rlK+g8wwcw2lvR8if/ZST5jZnMp8VuZ2Vx4GtrHS2CMMrMFJb2UMBai/BgSgtHh2HBgRIyHERgQ02ci3k1Enxn2dqZ6EKm2ZJHW80y4L5nZoiUxTgR+b2YX49+anYFvzqIYUX1mNisQXZvZ3MCcXWBMnzub2Wy4cr2MbCvpiNZOer/vA44sgbG/pB+2YewPnJoLIGmima2Ch2EBPCwnIM6WCAzqNa42MsKkIQ5upJZiZpcBN9N/MbG5pB1KYNwOHKSUIcPM1gV+IOmdJTAWxePYt8AXqzcAn0kL4lyMeyStPdSxDJxt8Dj7W/AJxbuAj0u6tgTGKODjuNII3Cp2hqT/lsCIIMo9Ew97aH3ID8Q9NvYpgRFxLyvgC4q34M/0KWBvSY8MWjEIIykNP423rVOA3YAPAQ8BXy8qGWcmRgErgrA3os9Uxkg421BoH2X6SiSOdUhj3ulYDzAi3s31eMhjceH7C0lbl8CYBGycFD8tcvTbJa1fAuPDwBE42eX0BZak83qMETGW1WU8rIxRwKraZyLeTUSfqUs7qwuR6mRgxzZj0eUqSdBsZqvh4xDAjZIeKFO/LhhRfcbMDsMzABUVm1dIys16h5l9B/eOKioDnpL0uRIY9wLrtymLJkl6ewmMacCabcqie3MxzGwD3PA3Mb2fbYAHVYKMPAIj4dRqXG1kZEmjpGmklhK0mFgfD/94Fp8YLQ7sJqnblItdSYSyqIC1MB5yADBBUlmvj8piZssBf65iBTezeYGv0P+jdYykfwZfbu71zAfubdVLDDO7CFfqzI1bex4ELgS2x5/p3oNUD8MoYG2Eu+FWSQVeOzGzhST933DhmGfP2qzNkn6LpDV6iREhAyidyy58O2FMlbRWyWupwyKt8lhWt/EwUqr0vYB3E9JnatLOKht7gjAqGYvSgrXlHT0HsDrweJk2UheMaAlQbEYoFIZVWWRmRwHb4p5m1wMbAjcBW+FhdUN6OkVgNNJILUQ1iLlqSlNmVsEJVFdPZXSJevMAX8TTCM6FEw5eARxPgecmEysiLnZxfMENsAiwE/D2EvVXAa4GfgOsAJyNhy7dBaxa8loqE+VWfKeV7wWfXO4K7JK234MrBT9JgT+oBxj3FLCeo09xbuRzhVTGKGBVIZat3GeCMDbBFVX345Oz61P/ewp4Z4lnEYKTsD6MezZ9Azgmbe/dK4yI51rAmgwsXdhfJreNFOpcD2xf2P8gcEOJ+qNafQwff9ahPHdSZYw6FGLGw5DvQ2DfC3k3VftdndoZNSFSTfUWBj6QysIl6u2A86X9OfX5O3ED3NPAdrMYRticqgP2sI5DuNfJCals3UX9UcAngEtSOQCYLbPuNJyzZR6cVH5MOj43+XOiCIzajKtNGbll2C+gKU0pFoIWE8AGuMsmwGrAoZRgrQcuwuOVT00f7x/gFqPvkDLhlLyvrpRFqe4BwGPA47gC4E7gp8DDZLLoA7fi1pH/h2e82B1fxG9HicVRwuqaKBdXNv0Id+sfBxyNk0xeBCzRq3tJ7/WS1LZ+hruh7417Xp3cQ4x7Cttntp3LfaaVMYZ4t7mTmsp9JgjjLmAN4J04N9D4dHwdPKQm91mE4BTwVsPD0j6NeyeVql8FI+K5FrC2AZ4Ezkvt/glKTuTxCeuEhPMUcAewQmbduizSIsayuoyHId+HiD4T8W6C+kwt2lkBa9iJVKluLLo7YSyHL55XTseXwUNqZiWMqD5TWbHJTFIGMAzKIgpEx7SRHpOZPjsIozbjalNGbhn2C2hKU4qFmEXaUfgCYBLwbeBG3JX8VuDLmRgh3glUVBaletNw5dU4nHy4NUlasMuP1p/azvXMCo6TpR0EHI4vRg4D3pqOZWV8ibgXUgYHXHn2IskzCHePzbbWBGCcQQflIz7Ruq1XGIU6VdJ418IrqK19PNhN+wjGGXZrfMRzbcPrypLeAWe+Tm13qPdCPRZpEWNZXcbDkO9DRJ+JeDfp91X7TC3aWRte18aeqhjEGIuK7eO+gLZaF4wqfSZCsRmhUKiFsii1q3nSdjEr6tgS7yYCozbjalNGbhn2C2hKU4qFmEVahKtjhIdDZWVRwpky0P8mM71i8b5pS4XYPknJwKpiBS9+tJ4c6JnP7Htpu45ruryOyhhD4FuvMaiWxrsWXkHF3wE7dNM+onCoiTU+4rmm31a1pEeECNZxkdbtWFaX8TDk+xDUZyLeTUSfqUU7S7+NMPZU9S4OMRbRpzjboHB8tjLtoyYYUX0mRLFZ2O5WoVAXZdGcAxxfGFijhxi1GVebMnJLk4K7kVqKJJnZVZJU2Fdm9TfkRGmvmtkjkl5OGP8yszczMSaZ2XyS/qFCus6UyeeVTIydgbXxNIrPAUtJetnMTsAnjbnkZTKz0fLUge8vXMtcdE7d2kl+WLif6WkQzWxFPEV4tsizFm3UJdlu8XrPHeTcYBJxL88VMLYpYCwO/KeHGK068wCfw7k+9jezt+EkwL/uJYaqpfGO6DMRGF8xs3kkvSrpl20Y7W1uZuMcBayFK4in4oukh1NGlEuBK3uEUfm5mtkBuMeHmdlxwD7AfcC3zex4ST/NgPkhrgicA188z4mHC74ft8Ieknkto+RphIv3UirdbABGxFhWl/Ew6vsQ0vcC3k1En6lFOyuSoJpnVmuRoH7JzNZRSSLVbjGA1yW9St+86jmYnl45d272cfy+X5N0V+H4W4FjZzGMqD5T7OdfajuX285mK2yf1CXGaEnTAMzseUm3AUiakjI85cj8kq5MGN+Q9It0/Eoz+1oOgFJWqYQxHnibpLNwZU/WXDMCg3qNq42MVBluLVFTmlIsxIR/VHZ1HAI/yzuBgLjY9Nulgdk7HF8ST6fZq3cTYQX/+gDvd0XgkuFoc23XMS+ZniORGHg2pi+SrCu4xbKUN04VDAKJZQdqO8OF0RoLAv5/aRxqZI2v+lyJsaRHhAiuD8zV4fiywF49xKg8ltV9PAxoW930mYh3E9Hv6tLO6kKkOpkUHoUbnFrH56Ik91nhf69csX3VAqPi/9++Uz/B57xfzMQ4YJBx5HuZGBFecJEe20fhytQ/pP23UJILLgKjKU0ZzjLsF9CUpuQW8hcTlV0dC3XmwUOUfpL23wZ8ILNuuLIIj2XfsnBt85esvxLu9t1ayK8JHJlZtzJRbnB76Ppeim0K2Av4atpfmoL7cw8xJqW/xcVFWdLfrjGIJZbtus8EY2wMPEAKI8Et66d20c66xqEmrvkRz5WYsMvQEEH+BxZpUSVoPKyMkepF9b2u3k1knxnudkaAsScII8xYhIe/PAw8lvbXxtM8z4oYIX2mgBdiVOji/9ZCWVSocw8+tyq23bLZKiMwajOuNmXklWG/gKY0pVMhYJGW6o0H9k3biwDLlaxfxTshTFmU6u0PTAQeKTyTspmZbsFj0we0NA5St7IVvIC1GE46eHXaX41M8sGIeyn8vpVZ5cG0vyAl04kHYdyBT+KnpP0VgLt6hUEgsWyVPhOMcSfuvt51+6iKQ02s8RHPlQBLOk4q2WkSv3gX7b0ui7SIsawu42FljFSnct+r8m6C+8ywtjNqQqTahrcM1YxFk9P/rtI+6oIR1WcqKzYJVAYwTMqiwv+/K/1tzWfmpfxcJAKjNuNqU0ZeyY15bqSRXstZwL9xEjOAZ4BjygCkOOzD6IvzHY17gJSRFSQdD7wOII/JtpyKaouLNbN9W7vkx8UW5UCcgb/FsfNHnN+hjMyj/jHYAG9k1n0j/d/XcSXEf9L+G0Au109Lzgauxd1PAf4AfKYkRpV7acmGkg4EXgOPr6cE30AgxlF4ppe3mtn5+ETri73GkCSgHxcUoJLX0XWfCcZA0lNth/5bFqMKjqSJkl4DMLO5zWzldPxxSVljUQRGQao81x1JbUHS04Xj43AupCFF0rbqzGH1Cp4pqowcjU98/5aw7wGWHwaMs6k+lkVgRIyHERhASN87mi7fTXCf6fo6gjDenfopcm6blozGw1J7hQGAme2Pe9T+OB1aEvjlwDU6yuuS/t52rOwcoi4YUX3mu8DWuAEMSVOBd5fE+Ak+322N7/dSkmPOzDY2sweAh9L+WmZ26hDV2jFWMrMbzOy+tL+mmR1ZBgO4yMx+DCyQ2txv8fvrNUatxtVGRpY0SppG6ioRi7QdcRfOfyaMZ4H5S2L8J5GmuVuBEyD+e/Aq/SVIWQTw75ZiJOHOTvkF9AvpHlr3szOeASNHniuQBVciysXT9l5EmhAlRU/ZSXyVe2nJ64nEsYWxCF1M9KpiSLoez5SzD/BzYD1JN/cQY1Lh3XZL2NuSyn0mCOMpM9uYRLxtZp/HU4yWlco4ZrYd7np9Tdpf28yu6DUGFZ6rpCdTP8XMljGzLdOpl3BLfbaYy15m9tV0aBzu5VBG6rJIixjL6jIeRmBATN+r/G6C+sywtrMIY0+wwSjCWHS/me0BzGZmbzOzU3BP0FkRI6rPRCg2I5QBtVAWSToBVwZeiidA+KqkU3qNQb3G1UZGmDTZnRqpq4Qs9KS+rFBmNm8X19HunbAJvgguIzsC7wCmgCuLzKyssgjgFjM7ApjbzLYCPkVmloqCHAicDqxiZs8AjwF75lSUtO0Ap7qxgv/TzMbR9343AtonsUNJ1/dSkO8DlwOLmtk38YxcZS0+XWOY2Rz4BF6SXjSzV/GUl//FQ0N6giHpYwMcf8TM3pWDUZCIPhOB8QngZNzS+wxwHd5mykoEztG4Jf1mcEu6mXVrja+CUfm5Jovkx4GF8JC6JYHTcCLxXDkVX6RugZPnvoJPpNcvgdFvgQUcTMVFWpcYEWNZXcbDCAyI6TMR7+ZoqveZWrSzZOxZD19snkWfsWeTXmKQjEVm1sLsxlh0EPBlfE73c9yL7BuzKEZUn+mn2MQz3ZVVbIYoAyQ91Xq/SbpSFrVhlPYckXS9md2Jh/Y/WrZ+EEadxtVGRpoMFQ/VlKYMRwG2wuM4nwfOBx4HNiuJ8XncJfdRnM/l98BBXVzLODxF7Adwi2fZ+pXjYlO9Uek+LsatA/vTfcabeSkZR16oG0GUuw5wO74QuR1371+z1/eS6q+Cf0Q/DazaSww8PeyCafsL+MT9SOB64Nu9wihgRXFBVeozURh1KcCE9LcKgWFljIjninsmzNF2HdNKYrTGwipE2fMA38R5uial7Rl4SHqAUXksq9N4GIVRtQS9m4h+V5d2Vhci1eOBI/BwmK1wA8U3h7Ot1KFU7TM4V+H5wF+Av+LKs3ElMZbHQ3pexZWjtwHLlMS4BOfHmYIr8T4P/KIkxtW4Ar81zu9M4tvKqPuz1ncJ9+h5Mt3TE8AuvcKIfr9RGE0ZWWXYL6ApTRmoELPQ2wrPUHMCsFWJenNQUIAAm+O8C9t2cQ0hyqL2Z1Py9xvSP+3m13AvnOOAsSWxKhPlpnqzA28HVicRkvb6XgqYKwIfAlar8E5KY1Agj8Mn73MXnk1uatTKGIX6VYhlK/eZIIwdgYXS9iLAOXgK2gspEN72CifV/ymwB3Avrvg6BTitVxjB49md6e/dFdrZnXimndYkfhEyM0TVsXQ7lkVgRIyHUWNqZJ8Jei+V+11dCvUhUu3aWIQbMVqL5xWAW+kLl8xKplAjjPB5SGBbqWKEG1ZlEQWFP25wWrZwXbkE9REYtRlXmzJyS8NJ00itxMzmsOQjKelFfJBfmXJu8NNFztPxDdyVdVKJqhOBBdI1fQG3fM0NHGpm3y55DZXiYs3sWDNbOG2vZ2aPAhPM7Akz2zQT5kz8WYK7oY/FPxSv4m7PZaRrolwzW9rM5kq7/8Vd0Q8APpbcpnOk8r2Y2U2FZ7o3cBWwLXChmR3UKwzgZTNbPW2/gGfKAV+w5Y7PERgtqcIFFdFnIjC+Ken/0vYPcOvxtrh1r0xbj8IBd6t/O31u9S9Tnhi2CkbYeMaMYZcXUz7ssj1E8DbgWzkVzezThX63gpndamYvmdmdZrZGDzEqj2V1GQ+DMCCgz0S8m4J03Wfq0s4KUgsiVUlvSvqJpF2AA9K2Mqt/UtILafv7wHclLYhz9p02i2GE9Bkz29HMFkrbi5jZOWY2zcwuNLOlMjE2NLMxaXtu3NBygZkdZ2Zjc68FQNILkvaUtJikRSXtlebiZTAelbQlrqhdRdJ4SU9kVh/Vuhc8JPbJ1nWRT9ERgVGncbWRkSrDrSVqSlOKhZjwjwh3yTDvhALOGGDd1v2VqFe0CtwErJ+2VwImZWI8WNie0naum9TGXVnBgfvoSwV6HK682gv/mJ3Zq3tpe78TSZYi3HOkGw+WbjHWTG3+3FQewT/ek4A9eoVRwKqSxrsWXkHAw4Xtyd229SicOpTI8YygsEu6DxG8v7D9G2DHtL0ZcHsPMSLGsrqMhyHfh4g+E/FuIkpd2lkbXleewREYwLH0zavWwz2D/4jPqzbton1MbDvXzfg+nBhRfeaBwvaFwGeBpXCusOtz2xkwe9o+HfgeMB7nILssE6OyFxwx3ie74qnR90v1LsUzkJ0NnNhDjNqMq00ZuaXxpGmkbjKb3DMDYDfgPZKOwa1x78/EWEt9VpKj8PSTW+IKklxS2MreCWb2s4IVbWt8Qn4ccI+Z7ZJ5HQCzF6yqc0uaCCDpD8CcmRj3WV9Gh6lmtl66rpVIXhMlpGsrODBKKRUosCWwq6SfyTMKrZuJEXEvr5vZkmn7H6QMYLjFdbZeYcizHqyDW3kn44Sq1wBbSrqgVxgFOYru03jXxSvoZjP7erIo3mxmOwKY2eaUI2OtjFMja3yYt5WqWdKLOA/hRJ1/plzmvqIldFFJlye8m8nP3heBETGW1WU8jPo+RPS9yu8mqM/UpZ1NF3XvGRyB8f7CvOo7wG6S3oYrfU7MxLjEzM42J2++3Mw+Y54pbl+St8MshBHVZ4pzhRUlfVfS05LOxpUlOTJKKfMentXxM5Juk/Q18lO9R3iOVvYckWe52x33Ol8J99LeCPi5pM/1CoN6jauNjFQZbi1RU5pSLLglf/W0fQ19XjVzUbAGD4FxP33a/NvwD9j0c5kYER4OleNi0+8PwrNjbIFnqzgZ2BS3UpyXiTEWtyI8gnvCvI5bwm7BlVpl31O3VvBrgS3S9qWkOGWcfyg3VrjyveCWzPvxzDI/SO/nKNxj6/O9wqhjoUsuqKA+E4ExOvWTJ1N5E88edAGwdIn7qYxDTazxQc81wpJ+UwFjb5wg9wzcYpvF04WHap2NLz6OwMNXlgH2BX7dQ4yIsawu42HI9yGoz0S8m4g+U5d2VgsiVTzTUMtbY0LbuWzi8HTvd+LK4leAB3AjTxnuo2HHCOwzP8bnEHPjyq5WW90cuCUT42Jg37R9Fq6oAVdQZPEFEuMF9z/jORLxfqPaSFNGbjGptAGskUZmmpjZmsB5+IICPDXkrcAawEnK8Awws13x2OIf4pr0FYEr8I/ei8rUpJvZbMB78Q/d7MDTwLWS/pZZ/37gnZJeNrPbcI+eN1vnJL09Byf9fnM8rWnxWn6Ju8Rna+RTnO5yLQxJf8mt2wFrRWAt/MP8QGadt+KLxNlwy+p43GKzAK7YuKHE/690LylWew/6P9NfyS38PcEws2kMkr5U0po9wpiexjvtb4575zwgKSuNd6pXqc9EYRSwxuILi1Ix9VE4ZvawpJXT9kRJ6xfO3Zv5bipjpN9WHc+mSVojbd8EfFHSxGQVvEDSehkY90lavXUvwDbytPHz4Au/3HvZFx8PV8C9CZ/Cx8PjJOV6OVXCiBjL6jQeRmEUsLruewHvJqrP1KGdFfvdHbhS9fHkKXSDpLV6hHEQsB2urH03njDgMtx4tLykvYfC+F+UgHnIaDwN+H7p0FK4V+6VwOGShvTsSX3tZOBduNJpHbydPQUcLGnqINVbGD/GyYK/DRwD3Cbp8jQXOFrSphkYFwNXSTrLzM4CfihpUvpGnF/sh4NgnMLg85mDe4FRwKrVuNrIyJJGSdNI7SRoofc24GNtGL+UdG38FQ94DSHKoqBrWWiw8+pzcx0M4ybc6vaCOVHuV3AF2obA6SpHhrwq/d/NxJYCK6Nu5Xupi5jZMmnzwPT3vPR3TwBJh/cIYyqe4v4lc2LZHXEi5E1x3qMvDYVRFzGzdQY7L2lKr3DMwwGXxC2lu+Nu35fjC5sPSfpALzAixMwexDOfvGFmEyRtVDg3fRE4BMbdeEr3Z9J4sq2k19KYf28ZxXVdpMpYFoERNLaHjKlRfa+q1KXPREiEsSfKYFTVWGRmOw12XtJlsxBG+DykqlGhijKgRsqij6TNTYDVcE4cgF1wo9EneoRRm3G1kZErjZKmkUY6SIR3QsKprCwys0MHOy/ppAyMx/D7MWBpPN2k4RbbJyUtl4ERYgWvKkH3ciWDv9/te4FRwLpb0jvajk2RNOiiJwqj7d1OAt4l6V/mXEhTeujRE4FxU9qcCw/LmYq3jzVxhdM7h8IINAlgEwAAIABJREFUxqmFNZ7qz7WyJd3MNsOV1pcCC+GT+GtxD5Jr5ZnwhsKoxSKtLhI0HlbGSDiV+0zUuwnoM7VoZxHGnroYjJJ3BcCiwMbAjWl/c+COTKV1XTCi+kyEMSBUGTCcyqICxgRgvBLXTlIi/a5oHJiZGHUaVxsZuZKbiqyRRnoiQYuJCFfH1ke6o3dCrkj6Iz45qiItgsFWKvIr0v52wF2Z17EcgJn9BLhc0lVpf1tgh8zreN3MlpT0DF0S5ZrZKwz+bsYMdK7wm4h7aS0GdwIWx2P2Af4f7vLbK4yWmJltIun2tLMx5dNnV8F42cxWl3QffcSy/6IcsWxEn6mMIWlzADO7DFhH0rS0vzrOl9FrnLOomG4zACPiuZ5iZvfR35K+Er7wPSYT4+bULvfAx7XJwGs4H01umOF26W/HBRauOJrpGBFjWV3Gw6AxNarPRLzfiD5Ti3Ym6aLkgVY09rRIULOMPREYEcYiSfsmrOuA1ST9Oe0vgXN3DCk1wgjpM/SRLndUbAI5xoDJDKIMwBUmg0onZZH1eel2oyx6qv14SWXRgnhG1Fad+dKxMtI1Rp3G1UZGrjSeNI3USiwmdKOyq2MBq4p3QlhcbMK7Fc+w8Eranx/4jaR3l8CYISyh07EB6m5GRSt4AesbeFaX8/DJxJ7AEpK+WgKj63sp/H6S2rg0Oh3rAca6eGaEsfjzeAnYL2diFIFhAVxQBaxh9Qoq/H4GN/5Ox2YmTl2s8QWsys+1LpIWWB9pX2BJ2rrHGBFjWV3Gw8oYqU7lvlfl3QT3mVq0s+EWMzsqbXY0FknaqwTWg5JWLeyPwsmeVx2kWl0xovrMZcBR7YpNSTuXwOioDJB0QEbdCC+4MM8Rc0+4o3GyecO9N78mz3rVS4zajKuNjDxpPGkaqZVIegLAzLZqW0wcbmZTgCGVNJLOSRifpL+r42nA70peUhXvhFZ6y47KopLXAbAY8J/C/n/SsTLyrJkdSZ/Xx57AszkVg6zgLdle/ckKf2TOi5K9KKHCvRRkXjNbXtKjAGa2HDBvrzEkTQbWMnczRplhMFEYku5NlrQWF9RUPDTvsypP2Fulz0Ri3GtmZ9C/fdxbEqMqTi2s8QXp+rlGWNItMEQQeGtr0ZvkL/jCoIxEYESMZXUZDyMw+P/snXe8JFW1tp93EmkYMgx5YACRTwFJIkEyiHoBRYJ6VUBFDIBgvIoiqAioKAqIiIDXAIpIuEoYggQlh2GGnDOSc5ywvj/W7pmannNOV3Xt6VPDWc/51e9076r91q5doatWrb0Wec69Ovsm5zkzqMdZjpc9OTTM0zm3XhatU3hZ9D08g1YVLpZ0AZ4GHGA3PNvU3KiR65x5W8tAA2Bmt8hjVVVhQzP7bEHjPElHlqloGbzgcnqOmAcfPg+PeQjwDTP7T681aNZ1NRhihJEmaCo5HtJyuEt+GjgpPfjO8E4oUzGzsQg8C8i1ks5M33eipGtugY/iaaJbGpelslKkB/9fVVxnX7wi6ePAafjN40eZOXyqLLW2JXEAcKmk+/D9uyKwd680JL0bz471oqT5gAOBdSTdBhxWxtCSQwPAzKYB56WpDl2fM/1oADzfhcaewOeB/dP3y+nu2O1axxriml+gTr/WHnZJ3iGCTXlIy3Eta8r1MIcG5Dn3ut43mc+ZwT7OcrzsyfnCqPbLIjP7UvJ22jQVnWBmZw5Upx+ND+HeEYOmweznzOV0d87kMGzmMAYMqrGoRdovl5jZ2en7wpJ2MrOzeqnBrPvX6G7/5tAIhiAx3CloJOmt/sn40A1IDxNWbfhHbVfHglbXHg6S7sQzKzybvi+CB9p9Wxda6zDzxuZyM7upqka35HwLLmkcngVg46T5b+DLZvZArUZ2gaR5gNXT1zvM7I1eacizbqxlnjHnBDwLyV+BrVL5gG77GTWyBMpu0+z6nMmpkXTWqXLtyK2jhrjmF+rWuZ7lGHZZe4hgqlN8wLq8iwes2ho5rmVNuh42ibYH+W72TZZzpiHH2aAGUi1ofBvYlZlGiZ2Av5jZYWU1moikRW0Qs+1Imhc3bM44RoBfmdnrFTQWxY0BLY3LgEOrbJekU3EDcdHQM9rMShsVkkHyijaN91q1IYITzWzttrLZhuvOaY0gGEzCkyZoFJL2N7OjgfnMrO7wj65dHXN5JyQOB26Sj/ltGYu+V6H+DNID4oyHREmjzezlTvVSP/4PfkO1JP4g8CRwNnB4ySEt2d6Cp4ePHavUaZFpW5C0emrDsqnoUTwIcumhWxk0hrVumIH1bGZskH9JmthDjdqBZdXPcBhJQLnhMGn51fH+vKZ4nkl6n5mdX6J+X/FVzpH0X/iLiTopuCvrJAb7bTwAkpYCDgOWMbPtJa2BG5B/W0Emx7DL2kME07Y8iB+rj1p3GUS61pB0hJl9A1jfzLq9luXQGAbsAeyMp82dBtyFP+Bd1iuNpHMjPpToVDO7t/xW9I157Jg6mbZynHckg0plw0y7hqSLgVWB+7qQGNRAqi3M7IfpvqplPNuz7MsiZQiU3UG/bHy9jYETgem4J+EPgJUljQJ2NbOrSmjkHLoJnnzhF2b2s6Q/HM9KVppkjNm/44IDk8MLLod3UV+e81WfWXNozIakE8ysqsd1do3grU940gSNomX5VoZglgVXxxfS94WBzcu4OubwTmjTG8tMY9E1ZY1FJXQfMrOOY9vTjeolwO9a605t2gPY0sy2rbDOHIFyfwfs3zKoJO+in5pZx6EXObZF0jfwm4bT8Ngr4A8nuwOnmdnhPdI4HTg3GRRPBo41s+slrQb80czW74VGQatOoOzagSUl7Ycbim4H1saPkZarctl2TAeuxo1lLTZMZWZmW3bSyKUjaZ6WV1W3b9JzaBS0zsM9FL+djOAjgJvKPNgUNPp6k/5nM/tRBY33ASfgD6szhgia2YQSddcGjse9LB9Nxcvh3pZfKGM8y6QxGQ+qeUO3v1WZNE7GDU0XAR8BXsTfYn8DONvMftkLjaRzPx5YflfgP7hx5M9mVnrIRY4H+Uzn3bMkgxN+H1H5ZlnSH3CPqKclbQf8Bjd+rQp81cxOr6DVl2fw9ywNq+6hxoa4N1LLk24M8HYzu6aCRteBstV/UGgBx5vZEiU0rsWHfo4G/g8PrvuvZJj/pZltXEJjs/Sxz5dWZnZAJ402vauBrVsv3SSNBiaY2UYl6mZ5cVXQGwW8HTdi3Wlmb3aokh1JJ+HX42NT0ReBRc1sj15oqP+05gJuNrPleqERDHHMLKaYGjPhN0R34+6WkwrTZGBSRa2JfZTdVLLu7YXPN3bS7UdjFMkQmr5vAXwF2L7idhzYz/QV4NmSGnd2M6+/vgFWLnxfqdhfJTVm2w8V9k3tbcFvlEf2s8/u7qHGQniMhHuBa4Ap+IPrZbgxsCcaBa2JwMaF7xuVPd4LdS4HFix8XxB/OCpTdzLuWg0wDo+lsH/F42PntO3bF8rur7INuXRa1w7g91XXn1OjoHVde19WuJ6tVPi8Dv6mdX/gXV22ZR5grTTNU6HeRODdfZRviN/49krjx/gDwFTcqPFS8X8PNSa1fb+60L+lrss5NIrHavq8KXAcbqz5J26Eq3J8fB/4Qrp+jMHf7h9apR01z7s7gS/hQ88exYejbVhRY3Lh85XAuPR58bLHWZveWNxzc0dgbJfbVUsDuIlZ72uG0XaPVEJjtm2vcN5NwX/vTu5jeqnsNhQ+3942r+q2XF+mrIROX/erZa/NF+AG1bGFsrF4oo0JFdvxATx99qX4799DVL9nXSJd287FX6hdghs6q2gsAByB3wNcD/wIWKBXGrg34X3A/YWp9f3NXmnENLSnGO4UNAoz+2jyirgAqOou2k4dV8dbJO1pZicDN0taz2Z6J0wpqXEdsDnwnKSvAR/Cf7QOlPReM/ufkjqH4T94U/uYVzaY8oOSvo57nzwBM1z998B/kKuQI9juMEmLmNlzqS2LUn7f5NiW6cAy+NvjIkuneT3RMPfy2iO9jVwJ74NHrMKwixwaBfYCTla9gL11hsMMs/Qm0cwekKd9/6ukFfFjrSNmdkbytvq+pL1wY2blt+CZdEZJ+hiwUV9vgK1cKuAcGi1ekbQYaTvSW/GyQzf/Cqwr6WIz24rCsMuySFoBeNI8zsKbuLFnHeA2Sb+xmcP2BmIB6+OtvZldLanskKnaGmb2NeBrks62Locq5dAApkgab2b3Jk+AN5P2G5LKHq85NGbBzK4ArpC0L7ANPtTohAoSdTJe5ThnXjGzY4Bj0nG7O3Bc8sg9zcy+VUJjmKQxZvYi/pvwUFr/08mLrRTpnggz+4+kK3ED2GK4AaxnGi0pM5txTJjZ9CrbkqgTKHsS8BMzu2W2hklbl9Qo3je134eNKqnRIkeGSPA+mRHzTNK6wGsl644zsyOKBeZexocn76kq/BTYwszuSe0Yj2fvqpJQ4I94cOoPAvsAnwKeqtIIM3sFNzx1TU2N+4CtzOyh9hmSyt5n5tAIhjBhpAkaR/pxmXFzpu6Dfl4v6ShmdXW8oWTdzwBHyyPlPw1clS6qD6d5ZRjeMkLgN6ibmtlrkg7HH3DKGmluBM4yT7E8C5LKtmU3/K3KZcmgAX5zdg7umt4RSbuYu2ffibtr1wm2+1Pgakl/wR++PwL8sGTd4rYsmcqeoMK2AF/G4xXczUzDzgrAKvjb055otLnDPtxebiUC/mXSyBYLilmzkAl/Y3tKybpPSFrbzCam9b8s6YPASUDpITnJ0HNAeuD8HTMzE1Uig84+uCv/wsxMCzxDnnLxNnJotDgQP0/GS/o3/sbzIyXrDpP0LWA19RF/yMrFHDoX2CB9PhwYD5wFbIkPkStjEDxP0j/w46x1vC8PfBLoGLMoo0aLvTUzflFXsXFqanwN+KekN/B7uo8CSFoC+HsPNcC9C2fBPGvc+VTv1zoP8jnOmRlG4fSQdSRwpDxm1m4l23EI3q/H4h45p0s6B/eqLdUfkj6H/95J0hH4y4hbgB9JOtJKxJPKoVHgPvmw1Facki9QPcbOx3DPpKOZGSj7YyXrfhn3NuuLD5XU+I6k+c3sVSsMf08Gif8tqdEix0sr8O06XdJjSWcs5Y+znC/hXmoZaBL34Z59VVjMzH6b7isuw+/VritTURmGbuXQAH6Ox2uazcCCXwvKkEMjGMJETJqgUWj2YJ3CL6yVg3WmN6LfAVpvVy4EfpCs62U1uvZOSG+r9jZPYXg+8FEze04exf96M3tHSZ234cOaZnsTIWmpLh8KKqMUE0QZ4gUlvTXwhzNwV9iqqUDrrn8Y/sBYDPp7XXqo6ImGPIaD4cf5Cni6auEPFw+Z2Uo90sgWCyrptbKQGZ49pGxgyeWAqdZHzCZJG5vZv7toi/DhV/3d2M9xHUmfrvggNEc0ks4IPG6Q8OGBpTwD03VoJ/xh4vj2+WZ2SAmN28xsjfT5Bjxg7vT0/eY2z4mBdLZn9oDd55jZuWXq59BQQ2LjJB3hD0ZPl1l+TmnkRHmyZnV9zkg6ysz6DIZeUWcV4LPAaqT7CPylywUl60/G49nNh3ttrpK8YRYB/mlt2WvmlEZBa0ngF/hvtwEX4/vlybIabzWUIUNk0hmJX5uh2rV5EdwItyPutWrMfHF1RMkXNS2Ps21wQ9Nfks4u+H3EFypsx9VmtqHcE/UXeBrwv5rZ+BJ1c8QczBaDMQgGkzDSBI1CmYJ+ZmqLmP0B/ForedJIWhMPjHdzKtoYj9fxTuAoM/tT3hZ3bM92+ENWcXvOthIZc1L9i3CX7Q3w7ZgFK5nNoG6/dtBuDVGrUmcTYFXzwLuL4w/i9/dSQ9JvgDNbD4jpAXInM/tcLzTkaTfXw4dvFbOyCD/vKqXgLhhppgP/rmhcrX18SNoCjymzPDMz1ZzY9oawlzoL4G9cVzCzvSWtCrzNzEp7KdTRkAeC3B14zMwuUhoKgseXOqHsw0DS2t7Mqri+F+tegD80XCLpDOBAM3tQPgTrkrJGmiYgz5z2OWsbNiUfQvbrMtuSQ6NQZ17cq2ET/OHqX1RP4Vtbo01vE/xcvsVKBIXOhQrD6tL1ZA/SsDqg7LC6RlA0nLcbMlUynXAOjRwkA/GncY+XZVLxo/iLuN+WuQ5J+iUDB5ber4RG7cxMknbA4710dW7k1qmLPHh4f5iVSOpQ0PogHnh8eeCXeEypQ8zsnAEret07zextVefNAY0Bk4NYiSGTOTSCoU0YaYJGIWlnYD/cJfG8VHZ/GW+AgsaX8DHjT8vdV0/GDSN3AZ8xs8klNLbFgx7ezaxvOFfB33CWuuGUp1Hcllnfol1gFaLtS2qlIT3LSqTb7kfj56kN/8usmYg+iQe57Zi2MT3orYMbnmYbZmUlUrXm6tcB9EtluyosfzBunHibma0maRngdCuR3SGzxmypQ/sqm5MaGiAWlJm1x90ZSOe7+Nu3M3Ajz054f/ygRN3ax4ekH+Gu4hendd+Pn/tfAA6zkhlVcukkrT/jQy0/aWbvkDQ/cGXFN9hda0j6I379mR/30hiNX1O2wu8DPlW2HUnvA8D/A+ZtlZnZoSXqLY9fg4bjsXA2wYP4Lgx8zcw6pkfWTFf24lvjbt3h62jcbWar9jPvHjNbpRcaheX/gg9LaGWZ+RiwsJnt0isNSdea2Qbp82fxIcZn4r+B/2clMt4VtObFH+jbj7MyGQBvATYws1flw3uKw+rKahwFnGFdeO9l1rgBD1g8RdJyZvZIKp8XzxRZxhiYQ2N+fBiv4Q/eu+EG7DvwgM4d703Sy4Dn8aGjxfuQT+FZdzoO75HUulZtDKyBxz4B/825zcz2KaGxWfrYdWYmSa/hw+/OwxNeXGAVvHBz6yStw4AjbdasmV8xs4NK1D3CzL6hmcPau1l/Do0JeJa5voZubWNmHeMOZdJoGa2WxF9oXJK+b4H/7n6wFxrBEMcaEL04ppiKE/4A8TPgdHz4xn0V699a+PwP4EPp8+b4W/0yGreTMjG0lZfOZARcnP4fUbM/HsWDdj6Lu6B+CBhVUeOufspF+UxEv0//v15jW3L066R+psnAGxXbMzH1QTHbQ+UsYhk0LgAOwjMajQO+jd+s9VSjTW+xLuvdCcxb+D4f5bNu5Tg+ihlVRrTOeXxs+C0VtiOLTqpzffpfPEYqZXepo9E6HtN2PIHHy2qd/1WP1eOZGcvl4HTe/baixttxA8nO+DCMYRXq1s5kkknjF/jvy274DfhG6fM/gGN6pVHQuq1M2ZzUaDs2rwOWSJ8XKJ5PJbVOxzM83Ys/xE8Ajq66Hbhhc1jhe9lz5ik8I8yDePyIylnMMmmsAIzoo3xZPGVzrzT+gseSOw43XB+De0v+mJJZtOjnPqTTvH6Wv7q4TcBIUlayChpdZ2bCs1wtgg9luxi/rh4PbFaxDVl0Wlp9lJXKVoVfx1V2+TmosQiekekOfOj2c/h9wRG4Ia8nGgWtCXh6+Nb3pal+b1ZbI6ahOUXg4KBxWP1gncXjekkzOzPpXiqprFbL66WdR/GbgTIsLWkjYAdJp8Gs2Wms/BCQJ83sI/L4ODviP+YnSPo7cKqV8z55XdL6ZtYevG19oKyb7brJS+TjaWhN+/Z0HPdMnn5dCtgO/+EtIjzNaRXeNDNTymCi8tlhcmt8FH/gPRN/U3l5KuuJhjyY9U/Mvc/Ww2/Ip8vHyH/SSnhJFXgMf/PdOq7mYaZXTCdyHB/TJS2ajsdlcK8NzONBlcoQlVkH4E1J8zEzq9J4Zh3SOac1hiVPuAVwb5qFcKPvPJTv1xYbmdmakiaZ2SGSfkq1zB/gx8YEM3sN/I2+pLFWLt7IOKufyaS2hpntJ+n9uOdZcWjesVYyrk0OjQI3StrQzK4GkPRu3EDQS41h6e39MNxD6ynwLCuSqg4xWsXMdpG0o5n9TtKf8CEUZXhY0pZmdgnwAD7s4kH5sLqyPGJm68kzOu4G/CF5xp6K/+7OFiR5DmmcZR4L7vdm9olWoZk9Svnrag6N1cxs13Ttexw37pikfzFzSHcnnpW0C+5d1IpFNQz3gmn/Pe/EIvgwmtZ9x+hUVoU6mZnMPDHEb4DfJE/UXfFryHJmtnyPdQCGS5rHUkyc9HsxT8m65+P7YLSkYty11pDnMb3QSH3xDWpkdsqhUWB5M3u88P0J3OjZa41gCBJGmqCxJCPGFhUMKy3+KukU4FDgTElfxh9ct6TvKOt9cRJwXTKuFLN/7A6UDUT4XTxw8XJAe+YTY2bQ3E4YgHnA0t8Dv083m7uQ3vyW0NgDT2G6IDMfgpfHhxzsUbIdx+NvelbG304WH1QtlXciR7/+HRhtKQNQEUmXltRo8RdJvwYWTu75e+E3Sz3VSIaAjkPO5qDGB8zsm+nzj4HdzOy69HDxJ3w414BoZqyAF4BbJV2Yvm8DXFuyHTmOj8OAmyTdhQdh/Hxq3xKUf5jIqQNuPDsfWF4+9Ghjyp93OTR+i79VHI57WJ0uz0ayIZ49pwqttLCvJqPtM/ibwSqcjnuNtJieytYvUfdB1c9kkkODZEipakzJqiEPCmu4se1KSQ+l7yvi+7wnGomFmPnbYJKWNrPHJY2mzahfglZ8kuclvQPPRrjkAMsX+Qzwv5K+h1+PJsrj/yyMZzgrQ+t39y7co+f78jhzH8X3V5mhaDk0cqQTz6HRWtYknWtmVvheNm7C7rg3w3GSWgHuFwL+meZV4XD8+vzPpPNe4HsVNepkZmp/SfUf3DPuF5JWrNCGXDrgqa8vLgyz2RN/0dkRM/sa8DVJZ5vZjhXXm02jRbrHPZhZ42MdambP9FID788LcMMquLG147DcOaARDEEiJk3QSCStjGd22BC/uF4FHNB641Gi/p54Gs7x+JuEh/Ex6UdYybTCklou+e3ZPyplIZL0HTP7fpU6bfUvN7P3dlu/TWsshe2xPrLolND4lZl9vkYbsvRrLiRtg8dMAH+7f2GvNNJb1c/ghrzzzOzKwryDrFwclxwatwPvNLOpSpkZCvNKxbXRzFgBfWJmpW4Wcxwf8vTjKwP3WIX4T3NKJ2kthl/PhLvlV86iU0cjGVQws8ckLYxnvXvIzMoa0Fo638FjUmwFHItfn080s+9U0JhobbF0VDK7k2bNZNJ6aK+aySSHxlj8AWA6bpDfF49xcQewf9ub0zmpMeCDnJWIJ5VDo4P+/MBSVi2Y+mfwuFZr4nHlRgPfNbPZMosNoPF2Zo0Hd13Lg6NE3doBdTNpbIKnE98VPz6LmJWLr5ND40Q8i9PLbeXjcWPnJp002uotllZe5YG5XWMsPlwSPLZON/czXWVmkrS5mV1adX1zSqeg9z4KGU2tZBaxQv2VgMctBTKWxy0q6+WYU+NC3Bu4FS/o48DmViKeTE6NpPMh3AgIcLkl7/xeawRDjzDSBI1E0tX4A0DL8rw7sK+Zvbv/WnOsLfPhGVXu7KLuWPC3I+kN/Kb4jcCgGCSKSDrMzL5VYflFB5pf5sGmTa/rfi1oFLMqLYF72JR+EEgaY/EMJIbfxHdzo9eVRrrxnR/3NPkEcJmltK8qmQ47k8a+eJr7w/EbiUXwwLJbAisXXeRLbteiUP2YaNOodXxIGmlt2UIkLV7VOJJDpwkaUv6saukBZ96yhu9CvQuBX1rK9iFpR2A/M9uq27b0Gknn47FjFsAD7P4R9zrbCR8K0vFNcg6NDvqj2x+qe6khTz+9Fh5PatB/86ow2H3Xh1bX6cRzavSjq26uI+lh/l14DKEqHlvtOlXvZbJmVEpGzlXNM+fNh8fKeWmwdJJWa6hu1XrX40Na30zfR+Hx2Mp4OebUuMXM3tFWVjWZQm2Ntro7WIkMVXNaIxhCWAMC48QUU/tEH8EsKR/w78MDTRXb8V94INT70/e18bf6Zep+Ds8I8wA+VOIafNjBncCnK7Sh9vaQ3Gfbpudbn0tq3A/cl/5PA57GhzpMa/VPL/q1oHEw8H+kgIN43JBSgaELGp/Bh8CdgrsFPwDs1SuN4nGOv+09ATeOzEMfQQDnlEaquzmeKeMmPADgubjr98iS9VfAh848iWdnuid9Po0+ggHPqeMDz5zwSDo+JxTXTYWAhjl0GqSxbdof5wEnpun8VLZtlX3Tj/42FZcfjwf+fChNVwLjK9RfHffkWaCt/H290mDWILkPtc2b2CuNDvoP9VIDH7ayePr8CVLK+nQ92bekxoEDTSU19ip8XhYfpvtcOs5Wq7j9HwIWKnxfGNhpEDS+iGfaan1fBM9411ONQt2V8HuQ1SvUOavweUf8XuLkdJzsUVIjx73Ma+l6+nvg/aRA6l32w2fxINn3pu+rkpJG9EoHH/p6O3Ar7ll0IR5w+2HgPRXbMdt1h+pB7nNoHIW/nB2Wpl3xuHk90aDv++3/UO2+u7ZGTEN7GvQGxBRTcQIWTdMRuDv6OHyc8NeBH5XUODlN/8BvzM5I07PA3yu25wZ8zHTxZrpUlgr8xnR+YDHgZVImkXRjVPoGPMf2pB/rP+Aptz+Vpqdanyv2yW+A9xe+bw/8ulf9Wlg+R1alOylkMUr7qlQmohwauFdVe9l3gX9TPutWDo390/9Nqmx7m8ZV+Fjr4YWy4ekmqWrWjTrn3XXA/0ufP4IbjDZM36sYrWrrNEijdtasDvqlHuQLx9nG6f9o3Putyrr2S+fcWbhBdMfCvLJGqxwaNxc+/6BtXqnrUCaN/gwaXwGe7ZVG0rml8Pk60nUR/x0suz0Hp+lP6Vj/aZruAv5QUuPGwue/4MbmYbixpNIDNH0/cJa+jrxVNOjfwHIn5Q0sxev5lcBK6fPilH8JV/tehrwZlSYCo6hxL1NXB/eifSfwHtz4tEkqX4fqL64uBHZo29dVz5muNYCXgBfT/+l4bKop6fOLPdSYgsc/PImZ9+Avpf8n9UojpqE9ReDgoGncgA8ZaQVT+1xhngH/00nAzPYEkDQBWMPSuH5JS+PeDlWYYmYvaNZkLlah7qvJmProAAAgAElEQVR4gM17LQ2BMc8OU1Yj1/asgQcufB/wVfO4FAdbyTghbWxoZp8ttO88SUdW1KjTry1yZFV6Bv/RbPFSKuuVxvWS3mdm57cKzOxQSY8Bv+qhxp54DKhf4Dd23bC4mf25WGBm04DTJFWNyVTn+BhlZrem9f81xdv5m6RvVNDIpdMUjdpZsyT156It3DBZhtZx9ktgHetuKMhngXXN7GVJ4/BA8ePM7GgoHZw2h8bZreEsZnZQqzAN8SmTtSeXxmF4sO++sicN66EGwBRJy5pnDXoZeCWVv0HKjtYJMzsEPBYbfoy8lL5/D39RUZXVzGzX9PlMSd+tWL+v7a9675xDY3hxWJE8FtmoHmqsWPj8DWBLM7tf0uK4oeOUEhrF69UIS0OTzbMKlooVRJ57GbN8GZXeMLM3W79VkkZQ/V6mrs5IM5uc6j1lZv8CT76Rhk1VYR/gj5KOTd8fxg1iPdEws6qJQuaIBh7Y/nB8+PqvYEb8oLIZBHNpBEOYMNIEjcLMVsoolyPt3a3yrAjDJa2Kv4Etm+bZCnEkPtAqTEHUqtz4tuh6e9KN7pclrYv/eP6jyzYAPCbpIGYNxvZYRY06/dqi66xKkloZPu4BrpF0Nn5DtCMwqVcaZvbf/ZS3hqT0RAO4XdLdwDKSim1vpc5cs4TGDZKOw4d8FTMzfQp/c1mFOsfHFHk655ZR9FZJW+FvtMZXaEMOnaZo5MiatSnw3/jDd5FWrJsy5DjOhrWMO2b2gKTNcSPLipQ3sNTWMLM+H/bN7B7c46knGsCNuJfDDe0z5MF3e6UBni1ngqQz8KEXl8izmmyCvz2uwlLAm4Xvb6ayMiwn6Rf4vlxCs8Zzqppy/npJR+Ex8sCHDM3WTz3QOB/4c/rNA3+Bdf4Ay+fWyGFgWUuemlnAPJqZ/WsU5Y14Oe5lcmZUukzSt4D55AkEvoAPw65KHZ3i9re/yKxkyDOze4EN5RnZ6MaQnkOjRdJYDbjPugze342GeXbLbYB95RnEqr7kyaIRDG0icHDQWORpN9cA5m2Vmdn/Vqh/DD6ut5j27h4z27eCxvx4ytpt8R/2C4DvW4mAc5JWwCPctwf7XBZ4u5lVSsGXY3uSjvAbgPf094Dfof6iuDv6jEj1wCFWIUhdnX5t02llVRJwgZXPqnTwQPNbb3PntEabXq3jva5Gept4AbBD+zwrlyFmFPBp+sjMBPzWSmbNSFp1zrutgafM7Oa28oWAL5nZD0u2obbOABoLA1/slUZavlbWLEnnAUea2T/7mFc6A12G4+wSPDbJxELZCNwQ9XEz6/iwl0OjUG8xPPXvxtRLFduVhqS34UOSnupj3lKWUozPaY3C8gvhQZCLWZXOtoqBYSV9G/duaGVB2Qn4s5n9qETdT7UVnWPuwToWD1BdJcjsAsB3KGTMwYemvdJ/rTmiMQwftlXUONHcW3GOa0iahntGCY93tmLBwHJ9SQNrf9oL4/dEV1Ws19W9jDJmVEp9+mlm/a06seWt1AsdeSDki8w9t4vl44Gdzay0p7MGOfW1pOPM7Avp8yb4sMd78XT1nzOzc3uh0aa3DPBzYD0zW7lK3ZwawdAjjDRBI0kPwJvjD5zn4nFP/mVmZd8utnSypL2TNAZ/09tVpP1c5NqeTG1ZCJhep0+a0q+DTY7jPeM5MwoPqmp4bJ03O1SZY7yVjo8c/dqkfTNYSFoOmGp9ZFCTtLGZ/bsXGoXlG5MqtmlImr/9wbFi/XVwDy7w37uqHnnZyPR7V1sj6VTOUjcnNJJOVwaWoJkM9vVMhYyUyfvkK+bDtlYG/mJm6/VCIwgagTUgME5MMbVPeNDdYaRgcrib84UVNVbC08O2vs9H9Swz66e2PJCmm/FYBmXqLo9ntrkC+BaFLDkUgvD1YntytqVOn+TU6O+4KbncWOA43P289RZ7Eh5kculeaWQ+3nNovB8fDnMpcBmeeWf7knVH4O7z56V+mJQ+70PJDFE5jg986MZBVMgWNCd1ktYHuu3XHBoUMhbhAZlPTPvnT8BSFdtR5zrU6tOV6/ZpUyYKwXILZVWDoHetka5Dv2q7Dk3u4lpWS6NN7z3AbaSA0nga7uMy9HWpINNNuRbl0MCN7ffj3gjvwoeR3YN7KG3VK42CVp3z/9l07dmK9JK4i2Mgh0bt+yHcWH4eHidpPB6T5zk8iO/bK7Sltk7O85fBv54Vg37f0N+8Hmj01afd3CPW0ohpaE/dxqQIgjnNa2Y2HZia3qY/if+wVuF0PJp7i2mprAq/xVNUjjOzcfhY8rJj60/CH6j2BZbGxxy3AmxWHfcM9bYnZ1vq9EltDUkf7mfaGf9RLMMpeMabh/G0sa/hD8FX4FkeeqXRIsfxnkPjKGALM9vczDbD0z//rGTd3+Opsg/BjT3vT5/XYuYbtbLUOcYWwVPc/lPStZIOSK7GVcmlA56dptt+zaFxWJvOf/A059cBv+6zRv/UuQ61+vTSbvtU0jslXS3pYUknSFqkMO/aXmkUmCBpd0nD0rQrPlShVxqn4AaR4nXo/VS/ltXVKPJzYDtSAHXzoXqlhsN1oNTQPJpzLcqh8SO8/V8DLgI+bWarANvgwZ57pdGizvn/FJ7F6FDgEUlHS9qw4vpzaOS4HzoBf0nzB+ASPLbPonhQ42MqtCWHzinkO38H+3q2uqRJkiYDq7WuzWk4WNn4Ojk0TmH2Pu3mHrGuRjCUGWwrUUwx9TXhP1oL42++7sYDj55cUaOvdJOl0jwWlp8tPSXlLfET277/N/4Ga3xZjVzbk7MtdfokU79OwX/8Tu5jeqnq+mlLH9xXP88pjcLyOY73HBrXtX1Xe9kAde/qZt4cOD6Kb9E2Tf3yH/wmae8KbciiU7dfM+2b4ra0XwuqHqt1rkO1+xT3BnhfOta/2rqO9XfczEGNpqSKbdS1LNW5pg/dssdIjpTijbgW5dBoO2ce7nL/1tYYaPkuz/8VgK/j3nX3AYf1UKP2/VDbsX1Pt8dHDp1M14CmXM9WbJtGpvLFgQ/3UKNx19WYht4U2Z2CRmIp6BdwvKTzgTFmVipjToGnJO1gZucASNoRKDUGO42FB3/D8ms8WK/hwXovLbn+kZLmtRTs1Mz+IOk/+BuFbtJFd709OdqSo08y9esk4Cdmdksf+mXHTRe9CNsD65b1MMyhAeQ53utoSPpw+ni9pHNxd1wDdsG9LcrwrKRdgDPMPXpab652wd23y7Qjx/ExAzO7ArhC0r74W+Pd8DeXPdHJ0a+Z9s2S8mxkAsZIM9PwUj0zSp3r0Axq7JsFbWa6+Z9IugE4X9InKJ85o7aGNSdVbKOuZYmHJW1EynAI7I97HZYhRzrwRlyLMl3Pnpf0OWAM8JykA/BrwNbMnmltTmq0qHP+z8iqZGYPAUcCR0paHe+TXmnkuDcrBhc/qm1elYxKOXRqn79NuZ5ZIXi8PH34ynj8taeBv/VKg2ZeV4MhRhhpgkYiD5B7iZm9YJ4idWFJO5nZWRVkPg/8QVIr7eXDwCdK1v1p2/eDC5/LPgicCLwbjx/hFc0uSjePpaPtF6izPTnakqNPcmh8GX9b0xcfKqlxtqTRZvaymR3UKpS0CnBXDzVadWof7zU1/qvw+Qlgs/T5KQqZojqwO3AEcJyk5/Cb6YVwL4ndS2rkOD5m63vz7CXnUy1lbQ6dHP2aQ+M3QOsG+nf4G8Wn5NluJvZbq2/2wVPfHoPv4yrXoSz7RtJCZvZCqv9P+VDHM/BhAj3TSDozzrv0fWE8SGZX524XGo26liX2AY7GM4k9CkzAh/iUIUc68KZci3JofAqP4zQdz/zzUdyY8CDw2R5qtKhz/v+zr0LzzF9lsyHm0MhxP3Rs4Zw5rlWYzpkqmTtz6MyRe5H0vdfXs5bGfwE/wQ1VK0laG88QNVtWwDmk0cTrajDEiOxOQSORNNHM1m4ru8nM3tWF1mgAM6v6xqiRvNW2J8hzvOc8Z+qiNL7fKqTtDOYuBus6JOljwH1mdnVb+QrAd8ys40NnDo1CnbfUuTvYyNOBP2N9ZB5SxXTgqU5ci+YAcR/y1qQp17Pk3bglcGmrnqTJZvbOXmoEwWASnjRBU+nLFbD08SppO2An/E0ewKOSzjKzqgHQipqXmNmWFetsBywHXGxmDxTK9zKzkyrq1NqeXG1p06zcJzk0cmxLX30KnF0YBtETjUSt4z2HhqQtgJ3xYMPT8Dc9vzGzeyu2AzwY4xqSZnh6mFm7u2/ZdnV1jKWHs+8BG+Nvrf+Fv0Wr9LBWVydHv9bVkCR8qIcBf8VvXHcE7gCObw0JqYKZvSzpkqRViTp9amZ/6qf8IUp6BeTQKDDo5247g3VdTvVa1+aL2oYdlLo2m9mdA8yrZKBJdH0t6uf63s3vbi2NAbS/a2aHDoZGt+d/P9eyE83snh5r5LqHyHV/N+j3M4mmXM+mmNkL/tM1g6peBbU0GnaPGAxBwpMmaCSSTgKex1PXgbtKL2pme5So+3NgNXwM6COpeDngk8DdZrZ/CY32WB5KmncCmNmaJTR+hD+E3IgPWfi5mf0yzbvRzNYZqH7m7andlkx9kkPjMGAT6m1Ljj6trVHQ6vp4z6GRjo+xwMX4DcX9+I3vF/BgjKWzokk6GNgcWAM4F0//+i8z+0iJurWPj4LWhcDlzMzm8nHc5bps3KLaOjn6NZPGccCSuNv3i8A8wDl4poknenVNLGjV3jdJYxczez59XwQ4zcy267HGYJ+7jbguJ53a1+aCVo59U+da1KjfiH70HzKzFXqhkfGeqAnXwxz3Q7nu73K05S1zL1LQ+C2+j7+JG+T2wwMA79MLjbnh/A+GANaA6MUxxdQ+4cHbDgeux4NjHgYsULJun9kb8JuKu0tqnIM/QKyOR4cfh4+9XhFYsaTGZGBE+rwwfpP4s/S9VAaRjNtTuy2Z+qQR/ZqpT2trFOp0fbzn0AAmFz6PAP6dPi8C3FKxHZPxN2k3p+9LARf26vgoaM3W7uJ29kInR7/m1ABG4mmRRxX0Js2N+6avc53qmWpyaAz2uduI63JrH5LhN2+AfVNVo861qBG/EbhRta/pJWBqDzWy/HYXPg/q9bDucZrrWM/UlrfMvUhBY37gh6n+dcAPgHl7pdGU8z+moT1FdOmgkZjZK2b2TWAzM1vfzL5lZq+UrP66pPX7KF8feL3k+nfAg0ieAKxl7oI6xcwetIILdwdGmNnUpPc8/pZkjKTTqRb9v/b25GhLjj5pUL/m6NMcGkDt4z2HxnRJrYCpy5AyTphZK+hmFV4zHz4zVdIY4EncLb0jmY6PFhMk7S5pWJp2xYNlVqWOTo5+zaExLdWZgqftfjN9n4oHE+1IA/fNdHkMGQAkrUjJbcmpMdjnboOuy5DvNw/63jdVXb+7vhbRnN+I54FVzWxM27Qg8HivNDIdI025HuY4TnMd6025nyG1YbDvRVoar5rZtwsaB1nKxtUjjaac/8FQppMVJ6aYBmMCNgJuAx5K39cCjitZdx3gmlR/QppuB64G1q3YjtF4WsSzgUcq1v07/uPQXv4DYHoFndrbk6stdfukKf2aqU9zHmddH+85NPDUpQ8CFwIPAR9I5UsAf6rYjuPwN4L7AHcDNwEn9/D4eImZb4mnA1PSNB14sZc6Ofo1k8Z5wOg+yscC185t+yZpvS/1x+/xN/wPAtsNgsagnrs59ksuDfL+zuTYN11fi2jIb0Tquw36mXdErzRyHCOZrmU5NHLcQ+S6v2vE/UxBqynXs8G+J2rE+R/T0J4GvQExxdTXlC5sy1Nw96S8K+vG6f9YYN00ja24/pbGPOn/WsA+FTU2BeZrabTNW7aLttTZntptydQnjejXzMdI1xoFra6P9xwa+Jj4RfF4Egt3uQ2z7Nv0eRywZo+Pj03S/0qu0XNCJ1e/zol9k74vACw5N+2bYjvwVOIfTNPivdQoaA36uZthv9TWSPWy/s7k2L+Fsm6vRYP6G9HfuTvYGt0eZw25HuY4TnPd3zXifqagNajXs6ZoNOX8j2loT4PegJhi6msCrkn/ixfXm0vWvSH9v7HG+huh0aS2hMac2b9Jo+vjPYdGU/qjKRpNaktoNFOjoBXnbsPaEhqhMTdoNK0tSWNQr2dN0WjafolpaE6RgjtoKg9L2ggwSSOB/XE3wTJMkXQCsJykX7TPNLP9KmgsO8gaRZ23wvY0TSNHn9bRaFHneM+h0bQ+Hex25NJp2vHeFI3BPu/i3M2vkbstg71/m6Yx2Ps3NPJr5G7LW+F61hSNppz/wRAmjDRBU9kHOBpYFngUH8v5xZJ1PwhsDWwH3NDl+pui0aS2hEZ+jRZ1jvccGk3pj6ZoNKktodFMjRZx7javLaERGnODRtPaAoN/PWuKRtP2SzAEkZkNdhuCYI4gaS0zu/mtoNGktoRGfo2m0JT+aIpGk9oSGs3UaApN6o+mtCU0QmNu0GhaW4KZxH4JBpNIwR00EkmrSbpY0i3p+5qSDqoo89pbSKNJbQmNzBo5jvc4Z+aIRpPaEhoN1Ihzt9FtCY3QmBs0GtOWplzPmqJBQ/ZLMEQZ7KA4McXU1wRcBmxAvcjubxmNJrUlNEJjqGg0qS2hERpzg0aT2hIaoTE3aDSpLaHRTI2YhuYUnjRBU5nfzK5tK5s6hDWa1JbQCI2hotGktoRGaMwNGk1qS2iExtyg0aS2hEYzNYIhSBhpgqbytKTxgAFI+gjw+BDWaFJbQiM0hopGk9oSGqExN2g0qS2hERpzg0aT2hIazdQIhiKD7coTU0x9TcDKwEXAq3hU9n8B44aqRpPaEhqhMVQ0mtSW0AiNuUGjSW0JjdCYGzSa1JbQaKZGTENziuxOQaORtCmwOXCNmU0Y6hpNaktohMZQ0WhSW0IjNOYGjSa1JTRCY27QaFJbQqOZGsHQIoY7BY1C0rWFz58BfoEfpwdL+uZQ02hSW0IjNIaKRpPaEhqhMTdoNKktoREac4NGk9oSGs3UCIY4g+3KE1NMxYlZo59fByyRPi8ATB5qGk1qS2iExlDRaFJbQiM05gaNJrUlNEJjbtBoUltCo5kaMQ3taQRB0CyGSVoEtzbLzJ4CMLNXJJWNhv5W0mhSW0IjNIaKRpPaEhqhMTdoNKktoREac4NGk9oSGs3UCIYwYaQJmsZCwA2AAJO0tJk9Lml0KhtqGk1qS2iExlDRaFJbQiM05gaNJrUlNEJjbtBoUltCo5kawRAmAgcHcwWS5geWMrP7Q6NZbQmN0BgqGk1qS2iExtyg0aS2hEZozA0aTWpLaDRTIxgahJEmCIIgCIIgCIIgCIKgAUR2pyAIgiAIgiAIgiAIgj6Q9F5J50h6VJJJ2qNEnXdKukzSa6nedyWVGu4WRpqg8UjauwkaTWpLaITG3KDRpLaERmgMFY0mtSU0QmNu0GhSW0IjNILGMhq4BdgfeK3TwpLGABcCTwDrp3pfAw4ss7Iw0gRzAzkuarkujE1pS2iExtygkUsnNEIjNHqvExqhMVQ0cumERmjMaY1gkDCzc83sW2b2V2B6iSofB+YHPmVmt6R6RwAHlvGmCSNNEARBEARBEARBEARBHt4DXGFmRa+bC4BlgHGdKkfg4GDQWXzR4TZu+ZH9zn/qmWkssdjwWusoo3H3bQt21Hlz+uuMGjZvv/NXXeOl2m25a/L8HTWm2BuM1Dwdl6ujsco7X+mo8fQz01i8Q7/eO3n0gPPf5A1GMfC22AL99znAm1NeYdTIBQZcRlOmDawx7TVGDZ9vwGU6UUZjypj+j3WAqa+9woj5Bt6WTpTRGPni1AHnvzntVUYNH/hYtJGd7fyd9o2mdH4ZUaYtTdCwEZ37Y8qUVxjZ4VjNotHhHU2Zc6YTPdOYPvB9ypSprzJyRL19W0pj2MCd2pT+gB72SV2NDn0KPTxnOtCU/TtXHe8dDtUpU19h5Ih617Ic+zaXzlx1Xe3AXHXe5ThnGnJ9f+nlx542syVqrahhbLfFAvbMswPfgzeBGya9cSvweqHoBDM7oa9lJb0MfMnMTulPT9IE4BEz26tQtgLwILCRmV01UHtGVGh7EMwRxi0/kmsvWH6wm8H719yqtsa5F1xcW+N9K6xXWyMHfzvvyiw6O6/y3toaU9+1em2NkU+8WFsjB49vM3awmwDA0hc9UVtjypKdDZudGPlkZ8Pm3MLUxQY2SPaSMgajuYXhL7852E0AYNqYUYPdBACGv9iM/sjB9PkHNlr3EithMOoFjTneF6i/b1TCoNhZpBn7xZrRjCyoQe/nc/Tr8Fem1NbIcbzn4JIrDnpwsNuQm2eenca1F6ww2M3oyPCl737dzJrxEEYMdwqCIAiCIAiCIAiCIMjFf4Cl2sqWKswbkDDSBEEQBEEQBEEQBEEQ5OEqYFNJxZgN2wCPAQ90qhxGmiAIgiAIgiAIgiAIsmLA9LngrxOSRktaW9LauA1lhfR9hTT/R5KKcS/+BLwKnCLpHZI+DHwTOMpKBAWubKSR9ICkyZImSrq+av1uSOtcfID5O0sySesVyk6VNEnSAW3LjpN0S+H7mpKuknRr2q4BI5RK+q2km5P2XyUNGIRA0n6Sbpf0R0kfT/UmS7pS0lpt29hnv0raV9IdqY1HprI9JB0z0LoHaNM5bX1wabHvCuULSfq/tL23StqzH71TJH0kfb4ibcNESY9JOqubNgZBEARBEARBEARBA1gPuClN8wGHpM+HpvlLA+NbC5vZC7jnzDLA9cCxwE+Bo8qsrNvAwVuY2dNd1s2KpAWB/YFrCmVjgfXNbJUOdUcAfwA+YWY3S1oM6BR96gAzezHVPwr4EnD4AMt/AdjazB6RtBGwmZk9J2l74ATg3YVlZ+tXSVsAOwJrmdkbkpbs0L4BSVa8l0su/kXgNjP7L0lLAHdK+qOZ9RvVzsw2LazrDODsOu0NgiAIgiAIgiAIgsHCzC5lgHxzZrZHH2WTga4yqGQZ7iRpvKTzJd2QPClWT+VLSDpD0nVp2jiVj5Z0cvIcmSRp51T+K0nXJ6+NQ9pW8/W0/LWSisaX7wNHMGvKrAnAssmbY1NJ6yZvkJtxw0OLbYFJZnYzgJk9Y2bTUlu2TR42N0o6veUxUzDQCLeiWfq+lKQzW+uRtJGk44GVgfMkHWBmV5rZc2ndVwPLlejezwOHm9kbaf1PFuYtn7xg7pZ0cGF/nJX2xa2S9i6UjwYOBH7Qx3o+kfrrFkkbpDIDFkzbOhp4Fpgq5xhJd0q6CJjNcCRpDLAlEJ40QRAEQRAEQRAEQw5jmk1v/NQ0ujHSGDAhGQFaBoATgH3NbF3gq8Bxqfxo4Gdmtj6wM3BiKv8O8IKZvdPM1gQuSeXfTqmv1gQ2k7RmYb0vmNk7gWOAnwNIWgdY3sz+0dbGHYB7zWxtM7sCODm1b6225VYDTNIFyRjz9aS7OHAQ7gGzDu6idGCrkqST8ajMqwO/TMW/AC5L61gHuNXM9sGDA21hZj9rW/engfM69GurjZtKukbSZZLWL8zbIPXrmsAuhSFLe6V9sR6wX/IQAjdo/RQfH9fO/Ga2Nu75c1IqOwZ4e9qGycD+ZjYd+BDwNmAN4JPARn3o7QRc3DJqBUEQBEEQBEEQBEEwMN0Md9rEzB5Nw24ulHQH/pB+ujtcADBP+r81sEahfEzy5tga2L1VWPAu2TUZKEbg47rWACaleacW/v9M0jB8TNceAzVW0sLAwmZ2eSr6PbB9+jwC2ARYHzdcXCzpBtxDZg3g36nto/AIza327ilpOG6g2Q03Am2JGyxI3jgvDNCmLXAjzSaF4tn6NbV5BLAosGFq518krZzqXGhmzyTNvyW963HDzIfSMssDq0paHhhvZgdIGtdHs05Nbb9c0pjUb1sDE9O2jU/tugJ32zo1bedjki7pQ++jzDTK9dUHewN7A6ywbLej7oIgCIIgCIIgCILgrUPlp2MzezT9f1LSmcDmwPPJC6OdYcCGZlYcikTBaFMsWwn3wlk/xWw5BSgG8bW2zwsC7wAuTXpjgXMk7QCUjZfzCHB5Kw6MpHNxL5g7cAPIR/uraGbTJJ0GfB030pQieQedCGzfMrAkvfZ+3QC4PLXxbykK9LWSpgOtIMrtkaFN0ua4ceU9ZvaqpEvxfnwXsJ6kB/D9vqSkS81s8/60gD3xoVYG3CPpftx7qNM2Lp7a/6H+ljGzE3APLNZba96OEa6DIAiCIAiCIAiC4K1OpeFOkhaQB+pF0gJ4TJdrgfsl7ZLKpZlZiyYA+xbqtww5F1KIDSNpEWAM8ArwgqSlmOnt0mK3wv+rzOwFM1vczMaZ2Tg8xssOZjZLZiQzex54XlLLa+XjhdkXAO+UNL88iPBmwG1Ja+NW7Ju03aulbWuVCR9WdUfSuhiPH4Ok4ZIW6qP/VgD+hgcqvqtDv7ayL50FbJHmrYZ79bSMUNtIWlTSfPjwon8DCwHPJQPN6rgHDmb2KzNbJvXVJsBdBQPNjP5N/fRCikj9ELBVKl8KH+J0H2482i1t59Kt9hX4CPD3duNcEARBEARBEARBMDTwFNzW+KlpVPWkWQo4M3mujAD+ZGbnS7oT+JWkg4CRwGnAzcB+wLGSJqXlLwf2wQPXHitPAz0NOMTM/ibpJtzo8TBucCiySNJ5Ax9KU4U9gZMkGW44AnyYlTxD03X4MXRuK76NpD2AUyW1hm4dBNwD/C4FxVXaxs+n+fsDJ0j6dNqmz1MYIpX4LrAYcFzqw6kpBk+f/ZrqnJTafgvwJvApM7O07LXAGXgA4j+Y2fWSJgP7SLoduBM3OJXh9dT/I4G9Utn38dzuk9P2fsPMnk6ePlviBq2H+tjO3Rk441UQBEEQBEEQBEEQBG3IR7IEweCx3lrz2rUXLD/YzeD9a25VW+PcSRfX1njfCut1XqgH/O2BK7Po7LxKV5nnZmHqeh1H2XVk5BPNiGH9+DZjB7sJACx90RO1NaYsuWBtjZFPvlRboylMXWz0YDdhBjYiS1HR518AACAASURBVPLGRjD85TcHuwkATBszarCbAMDwF5vRHzmYPv/IwW7CDGxYv5lVe0pjjvcF6u8bTc/wjNFHiITBwJrRjCyoQY9+Ofp1+CtTamvkON5zcMkVB92QXuC/ZVhnrXns3+cvM9jN6Mj8yzzQqL6PiK1BEARBEARBEARBEGRnOs1Lcd103jqv2oIgCIIgCIIgCIIgCOZiwkgTBEEQBEEQBEEQBEHQAGK4UxA0DJs6dbCbkJXpb9YfKzzixfqJwl5ddbHaGm8l9OLLtTVGzJshZkGGdjSFESOGD3YTZmAjM7SlIbEghr346mA3AYB7PjZmsJsAwNt+9dxgNyEbmjbvYDdhBk+vt8hgNwGAJS9txv7NsW80rX7wE2vIdagpr7Xv/Vj943TKwtMytCQTI+sPgxn2Yv1j9cDt/lFbIweXvH2wW5Afw5gWMXAr05BLThAEQRAEQRAEQRAEwdAmjDRBEARBEARBEARBEAQNIIY7BUEQBEEQBEEQBEGQnenEcKeqhCdNEARBEARBEARBEARBA6hlpJH0gKTJkiZKur7DsktIukbSTZI2lbRuqnuPpF9I5SODSTpF0kfSZ0n6oaS7JN0uab8KOntIOqbwfVdJt0m6VdKfOtSdV9K1km5Oyx9SYn2nSpok6QBJP5Z0R/p+pqSF0zLjJL2W+nSipOML9UdJOiFt6x2Sdm7vjw7rXFvS1a39JWmDtMzqkq6S9Iakr5bsu/ML2368pOGp/PtpfRMlTZC0TBm9IAiCIAiCIAiCIBjq5BjutIWZPV1iua2AyWb2GQBJ1wKfBa4BzgXeB5zXxfr3AJYHVjez6ZKW7EIDSasC/wNsbGbPldB5A9jSzF6WNBL4l6TzzOzqfvTHAuub2Srp+7bA/5jZVElHpHV/Iy1+r5mt3YfMt4EnzWw1ScOARTtsU/s6JwCHmNl5kt4PHAlsDjwL7Afs1GGbi+xqZi8m49pfgV2A04Afm9l30vr2A74L7FNBNwiCIAiCIAiCIAiGJNmHO0kan7wsbpB0RfLSWBs3COyYPCyWBsaY2dVmZsD/kgwEklaRdFHy0rgx6UnSMZLulHQRUDSgfB441MymA5jZk0lntKSTk7fOpILXyZ7JE+VaYOOCzmeBY83suaJOqvM1SdclnUPSfDOzVu7YkWmytPz6kq5M23CtpAWBCcCyafs3NbMJZtbKtXw1sFyJ7t0L+FFa//Q249jWyTvmLkkfTGWzrDO1r5VDdCHgsda2mtl1wGy5kiX9d9qGiZJ+3fKYMbMX0yIjgFGtbS+UAyzQKg+CIAiCIAiCIAiGDgZMwxo/NY26RhoDJiSDzN6p7ARgXzNbF/gqcJyZTcQ9Kv6cPESWBR4p6DySygD+iBtL1gI2Ah4HPgS8DVgD+GQqbzEe2C0ZKM5LHjEA3wFeMLN3mtmawCXJOHQIbpzZJOm1WA1YTdK/05Cg98EMj5dVgQ2AtYF1Jb03zRsuaSLwJHChmV0jaRTwZ2D/tA1bA68BO5A8ZMzsirZ+3ItZvYhWkg8LuywZV2gNhwK+n4xXp0taqlBnXGrjB4DjJc3bxzq/DPxY0sPAT3DvnX6R9HZgN9y7aG1gGvDxwvwL0ra/hHvTtMp/mNbxcXy/B0EQBEEQBEEQBEHQgbpGmk3MbB1ge+CLyXixEXB6Ml78Gli6rFjyOFnWzM4EMLPXzexV4L3AqWY2zcweAy4pVJsHeN3M1gN+A5yUyrcGjm0tlDxk3g1camZPmdmbuDGlxQjcGLM58FHgN8kwsm2abgJuBFZPy5HaszbuBbOBpHfgxqTHk2cKZvZiwWOmr23+NjAVN06BG6VWMLN3AQcCf5I0JrVvOeDK1OdX4YaWFn9J3jV3A/eldrbzeeAAM1seOAD4bX/tSmwFrAtcl/bnVsDKrZlmth2+f+cBtiyUfzut44/Al/rZ7r2TYe36p56Z1qEZQRAEQRAEQRAEQfDWp1ZMGjN7NP1/UtKZuIHj+X7iqRR5lFmH9yyXyrrhEeBv6fOZwMk1dK4xsynA/ZLuwo0xAn5kZr/ur6KZPS/pn3hcnQvKrlDSHsAHga3SsC/M7A083g1mdoOke3EvnxuAV5m5racDny42o71ZfazyU8D+hfondmoi8Dsz69fjxsxel3Q2sCNwYdvsP+Lxhg7uo94JuNcV6601b/N8zIIgCIIgCIIgCIJaRAru6nTtSSNpgeT5gqQFcG+Ta3EDxy6pXJLWaq9rZo8DL0raMAWe/SRwtpm9BDwiqRWfZh5J8wOX40OahqchS1sU5M4qfN8MuCt9vhD4YqG9i+BBijeTtFgK9rtLm87madnFccPIfbjRZS9Jo9O8ZSUtKc9W1crINB+wDXAHcCewtKT107wFJc1mDEvDqb4O7JC8hVrlS2hmpqSVcUPRfcmI83+tNuJeLbcVJHeRNEzSeNzb5c72deIxaDZLn7cE7u5jmSIXAx9RCqIsaVFJK6Z4P0unshH4EKs70vdVC/V3bJUHQRAEQRAEQRAEQTAwdTxplgLOdBsLI4A/mdn5ku4EfiXpIDyY7mnAzX3U/wJwCjAfHo+lFZPlE8CvJR2KB7LdBfeQ2RI3SjyED/VpcTjwR0kHAC8Dn0nlPwCOlXQLHkvlEDP7m6TvpfrPAxMLOhcA20q6LS3/NTN7Bo+583bgqrStLwP/jQfF/V0yqAzDhxv9HUDSbsAvk/HmNXzoVTvH4MOELky6V5vZPvjQrkMlTQGmA/uY2bOpzjeA30v6OfAUsGdB7yHcSDYm1Xlds2c1/yxwdDKsvA7sndo7Frg+1Z0u6cvAGmZ2W9qPE+TZpKbghq/XgXMkzZO2/Z9AK1X44ZLeltr+IJHZKQiCIAiCIAiCIAhK0bWRxszuA/rykrkfH/bTXn4KbpRpfb8eeEcfy91NIb5JgT5jm5jZ87gnR3v5y/jwnvbyk+ljSFTyVDkwTe3zjgaO7mP17+qnTdcBG7YVv0xhe1tpsfuoewZwRj/zHsSNOO3le/Sz/ANt6/wXHmOmfbn/0E92KTP7M7PG7mmxfj/L79xXeRAEQRAEQRAEQTB0MGCaxXCnqmRPwR0EQRAEQRAEQRAEQRBUJ4w0QRAEQRAEQRAEQRAEDaBWdqcgCIIgCIIgCIIgCIK+mD7YDZgLCSNNMOjcfduCvH/NrQa7GZw76eLaGh9Y//21NR74/oq1NSzDmb3LhsvWFwEeOHWx2hrjD32jtsa0eTI4Ds4Wi7s68z7XjJ+qKSuNra0x7PWptTX+s+PKtTUWve312ho5GPFiM9oB8MRGC9fWWHzSa7U1po/KcN4tMm99jQyMuXewW+C8vMaSg90EAKbOV/+CON/TU2pr2OxJErrizTF5dOry5OZLD3YTAFjo/vq/u1my7mbYLQ9tN09tjekr1L8e5mDknfU7ZOQLzXn8mzKm/kEybZ76GosNf7m2RhDkJIY7BUEQBEEQBEEQBEEQNIAw0gRBEARBEARBEARBEDSA5vi7BUEQBEEQBEEQBEHwlsAwpmUZ+zi0CE+aIAiCIAiCIAiCIAiCBlDJSCPpAUmTJU2UdH2HZZeQdI2kmyRtWig/R9Ithe+XSlqvYjv+R9I9ku6UtF2hfGFJf5V0h6TbJb2nj7rj2ta/pqSrJN2atm3ACIWSfivpZkmT0rpGd1h+v9SWP0r6eKo3WdKVktYqLNdv30raN23TrZKOTGV7SDqmj/UtL+mfkm5Ly+9fmPc9SY+mdUyU9P5Cn7xWKD++UOf8tL23Sjpe0vAO7Rol6eS0LTdL2nyg/gmCIAiCIAiCIAiCwOlmuNMWZvZ0ieW2Aiab2WdaBZI+DNQKny1pDWB34P8BywAXSVrNzKYBRwPnm9lHJI0C5u+gNQL4A/AJM7tZ0mJAp1QDB5jZi6n+UcCXgMMHWP4LwNZm9oikjYDNzOw5SdsDJwDvLiw7W99K2gLYEVjLzN6Q1Cmtw1TgK2Z2o6QFgRskXWhmt6X5PzOzn/RR714zW7uP8l3N7EVJAv4K7AKcNkC7PgtgZu9MZedJWt/MmpHSJgiCIAiCIAiCIJjzGEyL0U6VqT3cSdL45G1xg6QrJK0uaW3gSGDH5JkxX/I4ORD4QR8yn0jL3SJpg6S7gKSTJF2bvHF2TMvuCJxmZm+Y2f3APcAGkhYC3gv8FsDM3jSz55PWusmr42bgi4X1bgtMMrObU51nkrEHSdsmD5sbJZ3e8pgpGGgEzEdKMChpKUlnttYjaaPkkbIybqg4wMyuNLPn0rqvBpYr0cWfBw43szfS+p8szFs+eSLdLengNP9xM7sxfX4JuB3oOpdya3txg94oZiZU7K9dawCXFMqeByp5SgVBEARBEARBEATBUKSqkcaACckgs3cqOwHY18zWBb4KHGdmE4HvAn82s7XN7DXg+8BPgVf70J0/eXF8ATgplX0buMTMNgC2AH4saQHc4PBwoe4jqWwl4Cng5GTUOTEtD3ByauNazMpqgEm6IBljvg4gaXHgINwDZh3getzARJp/MvAfYHXgl6n4F8BlaR3rALea2T7AY7iHzM/a1v1p4LwOfdtq46byoWOXSVq/MG8DYGdgTWAXtQ0bkzQOeBdwTaH4S2nI1UmSFimUr5T67TIVhqclnQuAJ4GXcG+agdp1M7CDpBGSVgLWBZYnCIIgCIIgCIIgCIIBqTrcaRMzezQNY7lQ0h3ARsDp7lgCwDztlZJnzXgzOyAZDto5FcDMLpc0RtLCuJfLDpK+mpaZF1ihw7asgxtjrpF0NPBNST8FFjazy9Nyvwe2L9TZBFgfNx5dLOkG3ENmDeDfabtGAVe1VmRme6bYLL8EdsONQFsCn0zzpwEv9NfQNFTo02ndLWbr29TmEcCiwIapnX+RtHKqc6GZPZM0/5b0rk/fRwNnAF8ueMP8CjeWGTONZnsBj/9/9u48TMri3Pv498cqLrggEpUo7rtiwF0Rlxg1bokak7jEPS4xi69Gc/R4khjfY9STqK8rIUqMuMQFNRFRQiBqXBAUQVBAgShoxA1RQZbhfv+oanhoe6Zn6D5hlN/nuuaa7nrqqaqnekDn5q4qYIOIeE9SL+ABSduU7ouIrynt1TMwP+fQJsZ1C7BVHsc/gaeAhgpzcDpwOsBKbZrc1sfMzMzMzMw+ZwLwnhct16IgTUTMyN9nShoE9AVmNbKXSdFuQG9J03Kf60gaERF9S02XdwUIODIiJhYvSJrB0pkZ3YEZpIya6RFRyhq5F7iwyrimA4+X9oGRNJgU6HmFFAD5TmM3RkSDpLuAn5KCNM0iaXugP3BQKcCS2yuf252Bx/MY74+IAEZKWgSsXbqtfFi5j/akAM3AiLi/0MfbhXH8DvhLLp8HlJYtjZb0GilTZlTh3k8lPUhabja0sXFFxDvATwr9PAVMKp+HiOhHysJi9fZdvVLRzMzMzMzMVnjNXu6U94hZrfSalOkyEpgq6ehcLhVOLCqJiBsjYr2I6EHK9phUCNBAykZB0p7AhxHxIfAocE7e+wVJO+a6DwHfltQxL6fZDBgZEf8C3pC0Ra63HzAh70szK7cNcGyh30eB7SStrLSJ8N7ABNJ+MXtI2rTw7Jvn5yuVCTiMFNABGEbapwVJbfMeOeVzuAFwP2mj4kmF8kpzWzqB6gHSci8kbU7K6iltLvxVSWtJ6gQcQcr8EWlfnpcj4jdl/a9bePuNUh9KJ3G1za83znM6RdKqpXvy/Hy98LwVx5XncpVc/lVgYWHTYjMzMzMzMzNrREsyaboBg3LMpB1wR0QMkTQRuFHSxUB74C7SviQt8amkF/L9J+eyS4GrgbGS2gBTgUMiYrykP5GCKQuBs0ub/QLnAAOVTnaaApyUy08CbpEUwGOlTvMpS78BniNloQyOiIchHXEN3CmptHzrYtImxX+Q1JmU6fMiOTAD/AjoJ+kU0vKeMykskcouAboAN+R5XBgRvWlkbvM9t+SxvwTMB74XEZHrjiRlzHQHbo+IUTkYdTwwTtKY3MZ/RMRg4Iq89CyAacD38/U+wC8lLSBlpJ0REe9L6gY8lOegDTAcKB3P3di41gEezZk1M/JYzMzMzMzMzKyKZgdpImIKUClLZipwYIXyAcCACuXTgG0L7/s20t9clgQRyq9dBlxWoXwMFU4SiojRZWP/aeHa7aRjuMvv+Rtpr5VyezQyprdJS4HKy3sUXp8KnFqhTsW5zdfmA8dVKB9A5fl9khRAqtRWxYBJRNxHCvaUl79N5TloalzTgC0+c4OZmZmZmZmtQERD5V9NrQk1H8FtZmZmZmZmZma1c5DGzMzMzMzMzKwVaOkR3GZmZmZmZmZmTQpgkc/xbTEHaWy522zrjxj86LDlPQy+vtPBNbfx8HODa27joE13r7mNerhn0oi6tHPkVvvV3kjHDjU30XbDzrWPow4+/lL75T0EANYc/XHNbSzsulrNbXQbPrPmNlqLhrVWWd5DWKzLS5/W3Ea0qX0NuRbW/n9mbT+eX3Mb9TB7k47VK/0brPPsJ8t7CHWzaOXW8fchQIfZreO3iNkbL+8RJGtMWlRzG6rHb2aq/e+hHn+eW/s4Wolph9Y+p5+u21C90r9L+9p/ztrMrv3X2fcaVq25DbN68nInMzMzMzMzM7NWwJk0ZmZmZmZmZlZ3Pt2p5ZxJY2ZmZmZmZmbWCjhIY2ZmZmZmZmbWCixzkEbSNEnjJI2RNKpK3a6SnpX0gqS9JT0s6RVJ4yVdXqh3rqQJksZKGiZpw1y+oaTnc1/jJZ1RuOdoSS9LGp7fby/p6VxvnKSVKoznREnXFd5/K/c7XtIdVZ5lJUkjJb2Y6/+iGXN1Z36mn0i6Mj/7WEmDJK2R6/SQNDc/4xhJNxXu7yCpn6RJ+d4jc/kASUdV6K+LpOGSPi4+Z77WK8/Lq5KulZbekU3S/5EUktZuxnP9LLczUdLXqtU3MzMzMzOzFUOQlju19q/WptY9afaJiHebUW8/YFxEnCppZeCqiBguqQMwTNJBEfEI8ALQOyLmSDoTuAI4BngL2C0i5klaFXhJ0kMR8SZwCnBaRDwpqR1wO3B8RLwoqQuwoKmBSdoM+BmwR0R8IGmdKs8yD9g3Ij6W1B54UtIjEfFMI+1/CdgpIjbN7w8AfhYRCyX9Ovd9Qa7+WkT0rNDMRcDMiNhcUhtgrSpj/BT4T2Db/FV0I3Aa8CwwGDgQeCSP7cvAAcDrVdpH0tbAt4FtgPWAv0raPCJa0ZbxZmZmZmZmZp8fdV3uJGkTSUMkjZb0hKQtJfUkBVsOlzQGiIgYTnoxH3ge6J7fD4+IObm5Zwrl8yNiXi7vWBq3pEuAPYHfS7qSFGAYGxEv5vveKwUNJJ2UM1FGAnsUhn0acH1EfJDvWXwerKTzJT2Xs15+ka9HRJTOrm2fvyLX30nSUznLZqSk1YDHgPVzdsxeEfFYRCwsf8YqTgb+O/e/qCwwtr+kUfnZDsl1PomIJ0nBmsUkrQt0johnIiKA24AjClV+C/y09Dz5nlUk3ZKf5wVJh+dLhwN3RcS8iJgKvArsnO85LtcfI+lmSW2b8YxmZmZmZmZmK7RagjQBPJYDMqfnsn7AORHRCzgPuCEixgCXAHdHRM+ImFtqIC/1ORQYVqH9U8gZHrnulyWNBd4Afh0Rb0bEL4FRwLERcT6wORCSHs3Lo36a710X+AUpOLMnsHWhn82BzSX9Q9Izkg7M9xwAbEYKPPQEeknqk6+1zQGnmcDQiHg2ZwXdDfwoInYA9gfmAoeRM2Qi4omyZzy5+IzARjkQ8ndJexXmCODS/Ez3SOpWuKdHHuPXgZtUYXlXwfrA9ML76bmMHHyZUQpwFVwE/C0idgb2Aa6UtEq+743ytiRtRcp+2iNnBTUAxzYxJjMzMzMzMzOjtuVOe0bEjLw8aKikV4DdgXsK25x0bOzmvDTpTuDaiJhSdu04oDewd6ksIt4Atpe0HvCApHsj4u0Kz7MnsBMwh7SUajSwGjAiIt7J7d9NCs6U7tkM6EvKanlc0nakrJwDSEuwAFbN9R7P2Tk9cwBlkKRtAQFvRcRzebyzc1+NPf9FwEJgYC56C9ggIt6T1Cs/4zZ5fN2BpyLiXEnnAlcBx+f7/hQRi4DJkqYAWwJjKnbaiLwE7T/y85Y7ADhM0nn5/UrABk00tx/QC3guP3snUjCrvM/TgdMBNljfJ8GbmZmZmZl90SyK1rfnS2u3zL8dR8SM/H2mpEGkIMesRvZUqaQfMDkiri4WStqflL2xd2GJU7HfNyW9BOwF3Ft2eTopiPJubmsw8BVgchPjmA48GxELgKmSJpGCMQL+OyJubuzGiJiltGHxgcCjTT7t0s94InAIsF9edkR+1nn59WhJr5ECSaNJAaf78+33kLKMFg+jfFhNdD2DpZdXdc9lmwAbAS/mwEp34HlJO5Pm4ciImFj2DDOAL1doa13gDxHxsybGQUT0I/0M0HuHlZoas5mZmZmZmdkKYZmWO+V9SlYrvSZlW4wkBTmOzuWStEMj9/8KWB34cVn5jsDNwGFle8N0l9Qpv16TlC2zVNAgexTYTtLKOVNnb2ACaZPcvZVOPWoPHF245wFSgAmlE402B6bktk5W2qgYSetLWkfppKrSiUydgK8Cr+TxrCtpp3xttTyG8mc/kLTvy2GF/XdKJ2C1za83JgWKpuQgzp9LYyRlqkwoNHm0pDaSNgE2bmReAIiIt4DZknZVisacADwYEeMiYp2I6BERPUiBq69ExL/yPJyT65c+I4CHgG9L6ihpozzekaSla0flDCskraV8SpeZmZmZmZmZNW5ZM2m6kZb5lNq4IyKGSJoI3CjpYtKGuncBS+1xIqk7KVPmFVK2BsB1EdEfuJK0rKi0ZOr1iDgM2Ar4H0lByuy4KiLGlQ8qn870G+A5UkbJ4Ih4OPf7c+BpYBZLLwd6FDhA0gTS/innR8R7pP12tgKezmP5GDgOWAX4Qw6otCEtN/pL7uMY4P/l4M1c0r405a4jLQMbmtt9JiLOAPoAv5S0AFgEnBER7+d7LgD+KOlq4B3gpEJ7r5OCI53zPZ/msUzLZR0kHQEcEBETgLOAAaRlSI+w9J44lVwKXA2MVTpZaipwSESMl/QnUsBoIXB2XgY2IX/+j+X6C4CzgX9W6cfMzMzMzMy+IEpHcFvLLFOQJu8h85ksmXzKz4EVygeQAgNExHSo/ElFRKWgBhExFNi+kWt9y97fTjqGu7zercCtFcoDODd/lV+7BrimQrc7Vigj70eza1nxxxSOwS4dxV3h3vuA+xq59k9SEKe8/MRK9fO1Ho2Uj+Kzx3I3em/e6Pn7jdS7DLisQvndpE2UzczMzMzMzKyZ6noEt5mZmZmZmZmZLRsfq2NmZmZmZmZmdRWIBueFtJhnzMzMzMzMzMysFXAmjS13k8atzIEb9K6pjVi4sOZxTLu09kOoDtp095rbeOTVp2puoyEW1dzGIZv1rbkNgFPHvFi9UhX9j/56zW18uFH7mtuohzYL6nDifB32X1vQrXPNbbT9eH7NbczZZK3axzGv9p/3eujw/tzlPYTFok3tPyT1aGNRx7Y1t9HQZaWa26iHld5rHRsfzm8l81EPqsNfh1Gnj2X2JvVpp1brD6/979V6WNSh9j+7ddE6/tihRXX4Ya2DhSvX/t+7NnNaz7/RR7s6/Hemc+2/A/To8E7NbZjVk4M0ZmZmZmZmZlZ3i+oVTV+BtJ5QqpmZmZmZmZnZCsxBGjMzMzMzMzOzVsBBGjMzMzMzMzOzVqCmII2kaZLGSRojaVSVul0lPSvpBUl7SeqV731V0rWSmr1YTdIASUfl10/k/sdIelPSA7l8S0lPS5on6bwm2vp58bqkcyS9Imm8pCuqjGNDSc/nvsdLOqNK/Y6S/prrHyNpoKSJkl6SdIuk9rleX0kfFp7rkkIba0i6N4/xZUm75fIRkj6z+26FPvcrjPlJSZvmeudKmiBprKRhklq8i66knnnOx+d2jmlpG2ZmZmZmZvb5F0ADavVfrU09Ng7eJyLebUa9/YBxEXEqgKSRwGnAs8Bg4EDgkZZ2HhF7lV5Lug94ML99H/ghcERz25K0D3A4sENEzJO0TpVb3gJ2y3VXBV6S9FBEvNlI/R3zmHvm/j4CjsvX7gBOBW7M75+IiEMqtHENMCQijpLUAVi5yhjL+5wEHB4RL0s6C7gYOBF4AegdEXMknQlcAbQ0yDIHOCEiJktaDxgt6dGImNXCdszMzMzMzMxWOHVf7iRpE0lDJI3OWS5bSupJ+qX/8JzBsS7QOSKeiYgAbiMHUyRtmjM/XswZH5souS5nnfwV+EzwRFJnYF/gAYCImBkRzwELKtS9SNIkSU8CWxQunQlcHhHzSm3k+m0lXSnpuZwh8v18fX6pLtCRwnxKOjCP/8WcmbIOcDuwU56DTSJicGTASKB7lbldHegD/L7QfzEAcnxu+yVJO1fqkxTQLJ29uzrwZm5reETMyeXPFMci6YKc9fSipMtz2Wc+p4iYFBGTc3tvAjOBrk09k5mZmZmZmZkltWbSBPCYpABujoh+QD/gjJxNsQtwQ0Tsm5fs9I6IH+RlOdML7UwH1s+vB5ICJYMkrUQKfHyDFEzZGugGTABuKRvLEcCwiJjd1IAl9QK+DfQkPf/zwOh8eXNgL0mXAZ8C5+VAzynAhxGxk6SOwD8kPRYRUyV9GXgY2BQ4PyLelNQV+B3QJ9dZKyLel3RqbvOQsjG1B44HflQo3k3Si6QgynkRMR7YCHgHuFXSDnncP4qIT/I9K0dET0l9gFsiYtvyPvP7wZLmArOBXStM0ynkrCZJB5Gyi3bJWTZr5TqVPqfiM+0MdABea+LjMDMzMzMzsy8k0RDeBrelag3S7BkRM3LGxlBJrwC7A/doyRYzHZvbmKTVgPUjYhBARHyay/sAd0ZEA/CmpL9VuP07QP9mdLMXMKiUNSLpocK1dsBapMDFTsCfJG0MHABsr7wPDikDZTNgakS8J4GwbwAAIABJREFUka+tBzwg6V5gZ+DxiJian+P9KmO6Idd/Ir9/HtgwIj6WdDApO2izPL6vAOdExLOSrgEuBP4z33dn7u9xSZ0lrVGhr58AB+f7zwd+Q1pmRZ6P44DewN65aH/g1tJ85WBTxc+p0Ma6wB+B70XEokoPLOl04HSAlaqu2DIzMzMzMzP74qspSBMRM/L3mZIGAX2BWaX9T5owg6WX9nTPZctE0tqkwMg3lrWNbDpwf2n5kaRFwNqASIGRRxu7MWfQvEQKAs1rrF45Sf9FWhL0/UJbswuvB0u6IT/jdGB6RDybL99LCtIsrl4+rLK+upL22yndfzcwpHB9f+AiYO/CMq4WycvOHgYuiohnGqtXyLqic5u1ysdtZmZmZmZmtsJZ5twjSavkjAokrULKNhkJTJV0dC5XXpazlIh4C5gtaVellJsTgAcj4iNguqTS/jQdJa0MPA4ck/eGWRfYp6zJo4C/lGd0NOJx4AhJnfL4Dy1ce6DUtqTNSct13gUeBc7UktOXNs/P311Sp1y2JrAnMJG0p0sfSRvla2tRQV569DXgO8WME0lfyvNSWjbUBngvIv4FvCGptI/OfqSlXyXH5Hv2JC3P+rCsyw+A1fOzAXwVeDnfsyNwM3BYaS+ebChwUv4cyEu3Kn5OShsZDwJui4h7Kz2zmZmZmZmZffEFsIg2rf6rtaklk6YbMCjHEtoBd0TEEEkTgRslXQy0B+4CXqxw/1nAAKATaf+T0slOxwM3S/oladPfo0m/+O9LCki8Djxd1ta3gcuLBZK+BIwibZK7SNKPga0j4nlJd+cxzQSeK9x2C3BLzoiZT1quE5L6Az2A53Pw5B3SHjhbAf+T9+QRcFVEjMv9nw7cL6lN7uerFebgJuCfwNN5Hu+PiF+Sgk5nSloIzAW+nbN7AM4BBuaAyBTgpEJ7n0p6gTTvJ5d3FhELJZ0G3JezhD4o1LsSWJUlS9Vej4jD8mfaExglaT7pJK7/oPLntDtpY+Mukk7M7Z4YEWMqPLuZmZmZmZmZFSxzkCYipgCVsmSmko7TLi8fQArKlN6PAratUG8yKSBT7gdNjKVvhbJ/0chpSRFxGXBZhfL5LDkSu1i+iBSY+I+yS0OB7Rvpoxh4KpWNAEYU3lec/4i4DriukWtjSHvGlJf3baR+eZ+DSEGv8nr7V7o/X7ucsiBYI5/TFNJpUmZmZmZmZmbWQq0vt8fMzMzMzMzMbAVU6+lOZmZmZmZmZmaf0YCqV7KlOJPGzMzMzMzMzKwVcCaNWVZ5h6B/v4YlB30ts7aqPf6qDu1rbqNe5ndZeXkP4YunHiH61hLmbyX/QBNqJQMBqMdY6tBG1GNK2rSieW0NvkDzEYuieqVqvkDzAfDu9h2X9xAA6PrivOU9BKBOf4fUQ2v6+93MvvBaya+lZmZmZmZmZvZFESEaorX8q97nh2fMzMzMzMzMzKwVcJDGzMzMzMzMzKwV8HInMzMzMzMzM6u7Ra1l88DPEWfSmJmZmZmZmZm1AssUpJE0TdI4SWMkjapSt6ukZyW9IGlvSQ9LekXSeEmXF+qdK2mCpLGShknasKydzpKmS7quUNYrj+NVSddKaet1SWtJGippcv6+ZhPPsXZ+vYake/PYXpa0W5XnOqMwB09K2rpK/b3yM4+RtJukp/P7sZKOKdQbIGlqrjdGUs/Ctb65bLykv+eyHpJeaqTPH+S5idJz5nLl+Xo19/+VwrWGQt8PVZqrsj6Kn+9ekjpI6idpUp7LI5uaFzMzMzMzMzNLalnutE9EvNuMevsB4yLiVEkrA1dFxHBJHYBhkg6KiEeAF4DeETFH0pnAFcAxhXYuBR4va/tG4DTgWWAwcCDwCHAhMCwiLpd0YX5/QZVxXgMMiYij8tiqnfl7R0TcBCDpMOA3uf/GHAv8d0TcLmlz4ISImCxpPWC0pEcjYlaue35E3Fu8WdIawA3AgRHxuqR1qowP4B/AX4ARZeUHAZvlr11I87hLvjY3InrSfIs/3zzOXwAzI2JzSW2AtVrQlpmZmZmZmX0BBNDgxTstVrc9aSRtAlwPdAXmkIInK5GCLZ0k9QZ2i4jhABExX9LzQPf8fnihuWeA4wpt9wK6AUOA3rlsXaBzRDyT398GHEEK0hwO9M23/4EUpLhAUhfgTmB94GmglHmzOtAHOLE0NmB+Y88VEa9ExOzCeFch/QwiqS3wa1LAZhHwO2Au8C3gazkodWzpxoh4U9LM3P4sGvdd4P6IeD3fN7NwrZ2kgcBXgPGkANCciHghj6m8rcOB2yIigGdyFtG6EfFWE/0D/FTSQfl5vgusStnnC5wMbJnHuAhoTiDPzMzMzMzMbIW3rGGtAB6TNFrS6bmsH3BORPQCzgNuiIgxwCXA3RHRMyLmlhrImSGHAsMqtH8KKdhCzsb4n9xm0frA9ML76bkMoFsh4PAvUoAH4L+AJyNiG2AQsEEu3wh4B7g1L9vpL2mVxp6r8AxnS3qNFKj4YS4+HegB9IyI7YGBEdEfeIiUIbM4QJPb2BnoALxWKL4sL0P6raSOuWxzYE1JI/K8n1CovwVpvrcCZgNn0bT1gTcK74tzt5KkUZKekXRE2X0fRsR2wHXA1eWfL1Aa66WSnpd0j6RuVCDp9NzPqAUxr8pwzczMzMzMzL74ljVIs2dEfIW0bOZsSX2A3YF7JI0BbgbWbexmSe1IGS3XRsSUsmvHkbJlrsxFZwGDI2I6yyBni0R+2we4PZc/DHyQy9uRslBujIgdgU+ACyWt2tRzRcT1EbEJaSnVxbl4f+DmiFiY67zf2NhyNtAfgZNy1gnAz0iZKDuRlgqVlmm1A3oBXwe+BvxnXjYF8EZE/CO/vh3Ys3mzU9GGEdGblClzdc4kKrmz8L3Snj3tSJlRT+Wfj6eBqyp1EhH9IqJ3RPRuvzgOZWZmZmZmZrbiWqblThExI3+fKWkQaWnRrBbsZdIPmBwRVxcLJe0PXATsHbE4vWI3YC9JZ5GW13SQ9DFpD5nuhdu7AzPy67dLy3dyIKS4NKiS6cD0iHg2v7+XtI9Nm2Y+112kfV2aTVJn4GHgotKSLYBCBtA8SbeyJINoOvBeRHwCfCLpcWAH4DmWBKEWN1Ol+xnAlwvvF89d4bOdImkEsCNLsnyK7Vbq4z3SkrD78/t7SFlRZmZmZmZmtkIRDeE9aVqqxTMmaRVJq5VeAwcAI4Gpko7O5ZK0QyP3/wpYHfhxWfmOpEyVw4r7rUTEsRGxQUT0IAUsbouIC3MwY7akXZU2XTkBeDDf9hDwvfz6e4Xyx0kZIuS9VdbMffwLeEPSFrnefsCEvO9MxeeStFlh+F8HJufXQ4Hv52whJH1m49y8MfGg/CzlGwSvW+qLtMdO6eSmB4E9JbXLGzDvArycr22gJadRfRd4srzPMg8BJ+Tn2ZW0jOktSWuWllflk5z2ACYU7jum8P3p8kZz1tKfWbIf0H5l95uZmZmZmZlZI5Ylk6YbMChvRtuOdMrREEkTgRslXQy0J2WXvFi8UVJ3UqbMK8DzuY3r8p4tV5IyZe7J5a9HxGFVxnIWMADoRNrD5pFcfjnwJ0mnAP8kbdoL8AvgTknjgaeA1wttnQMMzAGUKcBJufzYRp7rBznzZwFp2VQpKNSftH/MWEkLSBsHLz42PPsWaelVF0kn5rIT8x4vAyV1JW1qPAY4AyAiXpY0BBhL2pC4f0S8JKkHMJG07OwWUlDkRgBJPwR+Cnwpj2dwPoVpMHAw8Cop86X0rFsBN0taRArgXR4RxSDLmpLGAvOA71DZBcAfJV1N2ufnpEbqmZmZmZmZmVlBi4M0eQ+Zz2TJRMRUKhxBHREDSIEU8r4ynzlqKF/bvxl9L24rvx8FbFuh3nukLI5K5Qc00vYY8slRZeWNPdePGmlnIXBu/iqWn1h4fTt5b5wK9+9bqTxfu5Ile/WUyqaRT1OqUP9a4NoK5QGcXaH8KWC7RtrqkV9eUFY+gKU/k3+SAlBmZmZmZma2ggpgkY/gbjHPmJmZmZmZmZlZK+AgjZmZmZmZmZlZK7BMpzuZ1dOm233C/Y88tbyHwdG7rl9zG/dMGlFzG4ds1rfmNtShfc1tDJ7w95rbADh4m31qbqNju9erV6pi9U49am6jHj7sUftnUw/tPphbcxvzu65Scxud3vy45jZaiwVrdlreQ1hs7jodam6j46yFdRhJ7dp9tGB5DwGAT7u0jj+70/dtHeNQHX48ug+fX3sjDdUOtGyezq9Vr/PvMHvj+jxPq1CHR1Ed2ph6ZB1+3Vmtdfw91PbN2v99feEaDXUYSZ20X1RzE20+qv3zfWN+l5rbsMY1RMXdTqwJzqQxMzMzMzMzM2sFHKQxMzMzMzMzM2sFvNzJzMzMzMzMzOoqEA3OC2kxz5iZmZmZmZmZWSvgII2ZmZmZmZmZWStQc5BG0jRJ4ySNkTSqSt2ukp6V9IKkvQrlD0l6qfB+hKTezex77fz6h5JeljRQUkdJf81jOqbsnr6S/lL2foyk8ZKqHmcjaYikF3P9myS1rVL/ylz3SknnSpogaaykYZI2LNRryOMYI+mhQrkkXSZpUn6+H+byn0s6r0J/PSU9nfscW3x+SQMkTS3007Ps3p0kLZR0VFl5Z0nTJV1Xob/yz66npGdKPw+Sdm56Rs3MzMzMzMwM6rcnzT4R8W4z6u0HjIuIU0sFkr4J1OMM1rOA/SNiuqRdASKiZ1M3SFoDuAE4MCJel7ROM/r5VkTMliTgXuBo4K4m6p8OrBURDZL2AXpHxBxJZwJXAKUgytxGxnsi8GVgy4hY1IwxzgFOiIjJktYDRkt6NCJm5evnR8S95TflYNOvgccqtHkp8HiFeyp9dlcAv4iIRyQdnN/3rTJmMzMzMzMz+4JZFF6801L/KzMmaZOccTJa0hOStsxZG1cAh+csi06SVgXOBX5VoZnjc72XStkYkrpIeixnifQHlMtvAjYGHpF0AXA7sFO+fxNJB0p6RdLzwDcLfXwXuD8iXgeIiJmFZzhO0sjcxs2ljJmImJ2rtAM6AJHrb5qzd16U9Hzu9yFgVVKg5JiIGB4Rc/L9zwDdmzGdZwK/jIhF5WMEdshZM5MlnZavT4qIyfn1m8BMoGsz+jkHuC/XX0xSL6AbZcGbJj67ADrn16sDbzajbzMzMzMzM7MVXj2CNAE8lgMyp+eyfsA5EdELOA+4ISLGAJcAd0dEz4iYS8rQ+B9S9ke5lXNmyVnALbnsv4AnI2IbYBCwAUBEnEEKBuwTEb8GTgWeyPfPAH4HHAr0Ar5U6GNzYM28vGq0pBMAJG1FynDZI7fRABxbuknSo6RgxkekbBqAgcD1EbEDsDvwVkQcRs6QiYi7y57vFOCRwvuV8vKgZyQdUSjfBDgmX3tE0maFa9sD+wK7AZfkzJnFcnCrA/BaofiyvAzqt5I65nrrA98Abiy7vw3p8/nMsioa/+x+DFwp6Q3gKuBnFe5F0un5mUa9+15DpSpmZmZmZmZmK5R6LHfaMyJm5GU4QyW9QgpS3JNWBAHQsfymnFmzSUT8RFKPCu3eCRARj+c9UdYA+pAzYSLiYUkfNGN8WwJTS9klkm4nLUGC9Py9SMuwOgFPS3omv+8FPJefoROFDJOI+JqklUiBmX3zPetHxKB8/dOmBiTpOKA3sHeheMM8jxsDf5M0LiJeI83dpxHROy8vugUo7efzYA52zZU0HNgZeCD3sS7wR+B7pSwcUsDkX6TATT/gAuCXwNXABXk5VXGoZwGD8xKy4vib+uzOBH4SEfdJ+hbwe2D/8jmIiH55DHxlh47R1HyZmZmZmZnZ50uAj+BeBjUHaSJiRv4+U9Ig0v4js6rtB0PK/ugtaVoexzqSRkRE31LT5V3VOtYKpgPvRcQnwCeSHgd2IC2j+kNEVMwCgRSIkfQgcDhp6VKzSNofuAjYOyLmFdorzeMUSSOAHUkZMNOB+3O1QcCtxWGUDyv30Rl4GLgoIhaPLSLeyi/nSbqVJRkyvYG7ciBmbeBgSQtJn9Feks4iLdvqIOlj4J80/tl9D/hRbvceoH9z58bMzMzMzMxsRVZTWEvSKpJWK70GDgBGAlMlHZ3LJWmH8nsj4saIWC8iegB7ApMKARrIG+pK2hP4MCI+JG1e+91cfhCwZjOG+QrQQ9Im+f13CtceBPaU1E7SysAuwMvAMOCo0ia9ktaStKGkVXOGCpLaAV8HXomIj4DppWVKSqdLrVxhvnYEbgYOK9v/Zs3C0qO1gT2ACfnyA8A++fXewKRCk4dLWklSF1Jw7DlJHUjBnNvKNwgujF3AEcBLABGxUUT0yJ/FvcBZEfFARBwbERvk8vNymxdW+ezeZEmG0L7A5PJ5MDMzMzMzM7PPqjWTphswKGdgtAPuiIghkiYCN0q6GGhPOv3oxRa2/amkF/L9J+eyXwB3ShoPPAW8Xq2RnPFyOvCwpDnAE8Bq+drLkoYAY4FFQP+IeAkgj/2xvC/LAuBs4FPgoRxQaQMMB27KXR0P3Czpl7n+0cCUsuFcScpIKS0Fez3vW7NVvndRbvfyiCgFaS4HBkr6CekkpVML7Y3NY1gbuDQi3sxLqfoAXSSdmOudmPcEGiipKylTaAxwRrX5WwanAdfkINanLFlaZmZmZmZmZiuIQDSEqle0pdQUpImIKaTlQeXlU4EDK5QPAAZUKJ8GbFt437eR/t4jZetUutaj8HoEMKLwfghpb5pK911JCp6Ul98NlG/2C7BTI+1MJmWOlJevWnj9mb1ZcvlTwHaNXJtFytgpL/95I/VvJ51uVenaZ8ZXoc6JjZQPoHmf3ZOk/XzMzMzMzMzMrAW8i4+ZmZmZmZmZWSvgII2ZmZmZmZmZWStQjyO4zczMzMzMzMyWssh5IS3mII0td6+NW5UjN+1TUxuL5i+oeRzT7uxScxtHbrVfzW2cOqale2z/7zh4m32qV2qGweOH19xG31NPq7mN97dsX3Mb9dBm/vIeQfLBdmvU3Eb7OVFzG9MOXb3mNrqMaR0b0q30QcPyHsJi7/SsfU66vFT7/yI0dKh9HNGmdfzZbf9J6/g5W2VG7X/u6qGhfe3z8dGXO9TcRr32o/xgq/q0U6uO77eOn7N6fDbU40e1DtMR7RbW3MaXu31Q+0Dq4I05XWtvZFHtTdTNgjr88t5lXs1NbNxhZvVKZv9GDmuZmZmZmZmZmbUCzqQxMzMzMzMzs7qKgIZwXkhLecbMzMzMzMzMzFoBB2nMzMzMzMzMzFqBFgVpJE2TNE7SGEmjqtTtKulZSS9I2qtQ/pCklwrvR0jq3cJx/EzSq5ImSvpaC+/9uPB6A0mPSXpZ0gRJParce6mksfn5H5O0XpX6R+e2h0v6qqTRef5GS9q3UG9EfpYx+WudwrVv5bGNl3RHLusr6S8V+ltZ0sOSXsn1Ly9cO1HSO4U+Ti1cayiUP1Qof6JQ/qakB3L56pL+LOnF3M9JubynpKdz2VhJxzQ1P2ZmZmZmZvZFJRZ9Dr6a/TTSWZKmSvo0/06/V5X6Z+d4wNz8+/4JzelnWfak2Sci3m1Gvf2AcRFRDAZ8E/i48Vuqk7Q18G1gG2A94K+SNo+IZTlW4zbgsogYKmlVqu93fmVE/Gcexw+BS4Azmqh/CnBaRDwpaUfg0Ih4U9K2wKPA+oW6x0bEUoEvSZsBPwP2iIgPisGbJlwVEcMldQCGSTooIh7J1+6OiB9UuGduRPQsL4yIYnDtPuDB/PZsYEJEHCqpKzBR0kBgDnBCREzOAazRkh6NiFnNGLeZmZmZmZlZq5MTEK4BzgKezN8fkbR1RLxeof6ZwK+B04BngZ2B30n6ICL+3FRfNS93krSJpCE5kvSEpC0l9QSuAA7PWRidchDkXOBXFZo5Ptd7SdLOud1VJN0iaWTOxjk81z0cuCsi5kXEVODV/MBIOiFncLwo6Y+5bKOc3TFO0uK+c7CnXUQMBYiIjyNiTr7WS9Lf8zM9KmndXGd2YcyrkA8XlLSqpFtzH2MlHSnpEmBP4PeSroyIFyLizXzveKCTpI5Vpvc04PqI+CD3XzwfrnPOmpko6SZJbSJiTkQMz3XnA88D3av0UZWkzsC+wAO5KIDVJAlYFXgfWBgRkyJicu7/TWAmUIezAs3MzMzMzMyWm3OBARHxu4h4OSLOAd4Czmyk/vHA7yLizoiYEhF3Af2AC6p11NJMmgAekxTAzRHRL3d0Rs6e2AW4ISL2zUGK3qXMDUm/Bf6HlG1RbuWI6CmpD3ALsC1wEfC3iDhZ0hrASEl/JWWfPFO4dzqwvqRtgIuB3SPiXUlr5evXADdGxG2Szi7ctzkwS9L9wEbAX4ELSYGr/wccHhHv5IjZZcDJ+TkuA04APgT2yW39J/BhRGyX66wZEfcpLWk6rzxDBjgSeD4i5hXKbpXUANwH/CoiIo8RSf8A2gI/j4ghuf7OwNbAP4EhwDeBe0uN5Tk7ND//4n7zHE8CfhIRb+TylZSWry0ELo+IB1jaEcCwQpDqOuAh4E1gNeCYiFgqCykH2zoAr1GBpNOB01Pnq1SqYmZmZmZmZp9TwRfjdKe8SqUXcFXZpceA3Ru5rSPwaVnZXGBnSe0jYkFj/bV0xvaMiK8ABwFn51/4dwfukTQGuBlYt/ymnFmzSUQMaqTdOwEi4nFShsgawAHAhbndEcBKwAZNjG1f4J7SUqyIeD+X71FqH/hjoX47YC/gPGAnYGPgRGALUpBoaO77YgrZKBFxUUR8GRgIlJYO7Q9cX6jzQWODzMGkXwPfLxQfmwM8e+Wv4wtj3AzoC3yHlB61Rr42MkfkGvLz7Vnoo10uuzYipuTiPwM9ImJ7YCjwh0L/G0ZEb+C7wNWSNikb9ndYMocAXwPGkJab9QSuy9k2pf7XJc31SeXBm5KI6BcRvSOidweqJRSZmZmZmZmZ/a9YW9Kowtfp5ddJSRNvl5W/DXypkTYfBU6WtJOS3sCpQPvcXqNalEkTETPy95mSBpGCB7Mq7WdSZjegt6Rpuc91JI2IiL6lpsu7AgQcGRETixckzQC+XCjqDsygQnCorL1y04ExpSCG0qa4uwIjgfERsVuVZxoIDAb+q0q9xSR1BwaR9m1ZnGFSmNePlDYH3pm0X8504NkcZZsqaRIpaFPpmYrv+wGTI+LqQh/vFa73Jy1HK+9/iqQRwI7kDBhJa+fxfKNw/0mkjJsAXpU0FdiSlO3UGXgYuCgiihlPZmZmZmZmZq3NuzlpoZ4uJQVwniLFNt4mJUr8lCp74TY7kybvEbNa6TUp02UkKXhwdC6XpB3K742IGyNivYjoQcr4mFQI0AAck+/fk7Rs6ENS5OmcvO8JShvvQlpm821JHSVtRApajAT+BhwtqUuuX1ru9A/SRsMAxxb6fA5YQ2njW0iZOBOAiUBXSbvldtrn7JfSRr4lhwOv5NdDSZvpluZqzQrztwYpeHFhRPyjUN4uB0KQ1B44BCidfvUAKRBWCpZsDpQyY3bO++20yfP3ZK73K2B14Mdl/ReDWIcBL5fGWtobJ/exR56HkqOAv0REMVXrddLG0EjqRso+mpLTwAYBt0XEvZiZmZmZmZl9vr0LNADdysq7Af+qdENEzI2Ik4GVgR6kVUHTgI+Ad5rqrCWZNN2AQTlm0g64IyKGSJoI3CjpYlLqzl3Aiy1oF+BTSS/k+0/OZZcCVwNjcyBiKnBIRIyX9CdSIGEhcHZe8jM+7xfz97y3ywuk5Us/Au6QdAFLTiciIhoknUc6AUnAaNLGPvMlHQVcK2n1/KxXkzb7vVzSFqTI1z9ZcrLTr4DrlY4WbwB+Adxf9ow/ADYFLsn79UAKdH0CPJoDNG1Je+P8Ll9/FDhA0oTc7vkR8V7+DJ4j7Q2zKTCc9Nl0J+3l8wrwfK53XUT0B34o6bA8Z+/nuQHYCrhZ0iJS0O7yiCgGab4NXM7SLgUGSBpHigpekPcBOg7oA3SRVGr/xIgYg5mZmZmZma1QGmo/q2i5yzGC0cBXgXsKl75K2lO2qXsXkFbIIOnbpASIJjNpmh2kycuCKmXJTAUOrFA+ABhQoXwaac+X0vu+jfQ3l6X3bSleu4y0mW95+R9Yeq+V0viKS5cuLlwbCmxfoZ0xpGBDefmRjYznY+B7Fcr7Fl7/isonW0HahKhSu0HaRfrcsvIRlcZH+vArHvQeET8jHeddXv4UsF0j46r4+eSTmw6oUH47cHtjbZmZmZmZmZl9Dv0G+KOkkaTVOmeQ9mi9CUDSbQARcUJ+vzmwC+nQozVJv9NvS4W4QbmWnu5kZmZmZmZmZrbCiIi789YqF5P2w30JODgi/pmrlB9y1JYUmNkCWEBa/bJ7TlppkoM0ZmZmZmZmZlZXgVgUFRd6fC5FxA3ADY1c61v2/mXSgTwt9vlfIGZmZmZmZmZm9gXgTBpb7mKVlVi445Y1tdFu9qfVK1WxyS/n1dwGHTvU3ET/o79ecxvzu6xccxsd271ecxsAfU89reY2RvT/XfVKVRw88eCa26iHqze+p3qlf4MDR5xTcxv397mx5ja+Mezs6pWqeKfSDl3LwW/3umt5D2GxWQ21/x0w6/Da2xj/8fo1tzFx1jo1t1EP26/e5EEM/zavzV57eQ+hbjarw5wujPr8e+P31xlRl3Zq9ZfZPZf3EAB4Z/6qy3sIACyqw+dbj3/FX6VdHf4fsQ5+sNHfam7jo4ZOdRhJfezaaWrNbbwyv/ywnZbbZaXZNbdhVk8O0piZmZmZmZlZ3X0RTnf6d/OMmZmZmZmZmZm1Ag7SmJmZmZmZmZm1Al7uZGZmZmZmZmZ1FdRnb6kVzTLNmKRpksZJGiNpVJW6XSU9K+kFSXtLeljSK5LGS7q8UK+PpOclLZR0VDPHcYukmZJeKitfS9JQSZPz9zWbeI618+s1JN2bx/aypN2q9H1GYQ6elLR1lfp75WceI2k3SU/n92MlHVOoN0DS1FxvjKSehWt9c9l4SX/PZT3Kn7+MgdxhAAAgAElEQVRQf6M8969KultSh1zerM+kyvN8ZiyFOW3Wz4aZmZmZmZmZLVFLWGufiOgZEb2r1NsPGBcROwLPAVdFxJakM8P3kHRQrvc6cCJwRwvGMAA4sEL5hcCwiNgMGJbfV3MNMCSPbQfg5Sr174iI7SKiJ3AF8Jsq9Y8F/jvXfw84ISK2yeO/WtIahbrn57ntGRFjIAWRSGeyH5bvO7oZz/Rr4LcRsSnwAXBKLm/uZ1JRM8bS3J8NMzMzMzMzM8vqlnskaRNJQySNlvSEpC1zFsgVwOGSxgAREcNJL+YDzwPd8/tpETEWWFSh7fMlPZezTn5RKo+Ix4H3KwzncOAP+fUfgCNyO10kPZazP/oDyuWrA32A35fGFhGzGnuuXKd4VtsqpGwuJLWVdJWkl/J4z5F0KvAt4FJJAyNiUkRMzu28CcwEulaZ4u8C90fE6/m+mYVr7SQNzBlA90paWZKAfYF7i/PQks8kZ9zcl+f+OUl7NGMsZmZmZmZmZrYMljVIE8BjOXBxei7rB5wTEb2A84AbchbIJcDdObNibqmBnI1xKCnTpVGSDgA2A3YGegK9JPWpMr5uEfFWfv0voFt+/V/Akzn7YxCwQS7fCHgHuDUvAeovaZXGnqswtrMlvUYKevwwF58O9AB6RsT2wMCI6A88RMqQObbs+XYGOgCvFYovywGe30rqmMs2B9aUNCLP+wmF+luQ5nsrYDZwFtAFmBURC3Od6cD6LfxMriFl4uwEHAn0b8ZYKv1sfIak0yWNkjRq/oJPGqtmZmZmZmZmn0ui4XPw1dos68bBe0bEDEnrAEMlvQLsDtyTEjgA6NjYzZLaAXcC10bElCp9HZC/XsjvVyUFbR5vzkAjIiRFftsH+GYuf1jSB7m8HfAVUjDmWUnXABdK+nVTzxUR1wPXS/oucDHwPWB/4KZScCQiKmX6ACBpXeCPwPciopRB9DNSYKkDKUB0AfDLPMZepKVKnYCnJT0DzAfeiIh/5PtvJwWMBjRnfgpjqfSZ7A9sXXj2zpJWbWwsETGJCj8bOeNpKRHRLz8fnVdbP8qvm5mZmZmZma1olilIExEz8veZkgYBfUlZGz2bvHGJfsDkiLi6GXVF2svl5hYM8W1J60bEWzkQUm05znRgekQ8m9/fS9rHpg3Ne667gBtbMD4kdQYeBi6KiGdK5YUMoHmSbiVl75TG+F5EfAJ8Iulx0t45z5GXWhUEad+bNSS1ywGj7sCMJoZU6TNpA+waEZ+Wjb2xsUyq8LOxM80MqJmZmZmZmZmtyFq83EnSKpJWK70mZbmMBKZKOjqXS9IOjdz/K2B14MfN7PJR4OScwYGk9XOWRlMeImW1kL8/mF8/TtpPhbw57poAEfEv4A1JW+R6+wET8r4zFZ9L0maF/r4OTM6vhwLfz5kpSFqrfHBKpywNAm6LiHvLrq1b6ou0l07p5KYHgT0ltZO0MrALSzY33kBLTqP6LmlJVwDDgdJJWcV5KB9PY5/JY8A5hXqlYFXFsTTys1Hx5CkzMzMzMzP74iodwd3av1qbZRlRN+BJSS+SgjMPR8QQ0ulFp+Ty8aTNe5ciqTtwEbA18LzSMc2n5ms75QyNo4GbJY0HiIjHSCc+PS1pHCnLpRQIuBN4GthC0nRJpdOLLge+KmkyaclO6VjpXwB9ctvfJJ0oVXIOMFDSWNLeN/83lzf2XD9QPlIbOJclQaH+ud2x+Z7vVpjDb5GWXp2ozx61PTA/5zhgbeBXeR5eBoYAY/O894+IUgBkInC2pJdJgadSVs8FwLmSXiXtUfP78oE09ZmQlk31zvvjTADOqDKWxn42zMzMzMzMzKyKFi93yvuVfCZLJiKmUuE47IgYQN4fJSKmQ+WdeSLiOfKpQhWuXUPaxLa8/DuN1H+PlA1TqfyARu4ZA3zmyOgmnutHjbSzkBS0Obes/MTC69tJe8dUun/fSuX52pXAlWVl04AtG6k/hbTcqLx8AM37TN4FjmnBWCr+bJiZmZmZmZlZdcu6cbCZmZmZmZmZWaNa4+lJrV3rW4BlZmZmZmZmZrYCcpDGzMzMzMzMzKwV8HInW+60oIH2b8+uqY05m3WpeRwNHWuPWbbdsHPNbXy4Ufua26iH1Tv1qEs7729Z+/McPPHgmtsYvMXgmtuoh0MmHVW90r/BsL7X1tzGj6bV/iyD9ru+5jbWa7ew5jbq4YevH7q8h1BXbYia21hUhxTn723wdM1t1MPUeV2X9xAA2GX1Kct7CHXz7IcbL+8hLHb1W19d3kMAYN+1XlneQwBgxqdr1NxGp7YLam5j4aLWsUzio4UrLe8hAPD2gto/l9Xazq3DSOpj3Lz1am5j4w4za25jzqKGmtuwyiLUKk9Pau08Y2ZmZmZmZmZmrYCDNGZmZmZmZmZmrYCDNGZmZmZmZmZmrYD3pDEzMzMzMzOzumvwnjQt1qIZkzRN0jhJYySNqlK3q6RnJb0gaS9JvfK9r0q6VpJyvUsljc1tPiZpvVz+c0nntXB8B0qamPu4sJE6fSX9pez9GEnjJf29GX0MkfRirn+TpLZV6l+Z614p6VxJE/LzDpO0YaFeQx7HGEkPFcol6TJJkyS9LOmHufx/fX4kHZvHOk7SU5J2KNS7RdJMSS+V3b+WpKGSJufva7ZkjGZmZmZmZmYrqmUJa+0TET0joneVevsB4yJix4h4ArgROA3YLH8dmOtdGRHbR0RP4C/AJcswJnKw5HrgIGBr4DuStq5yzxrADcBhEbENcHQzuvpWROwAbAt0bcY9pwPbR8T5wAtA74jYHrgXuKJQb26e154RcVih/ETgy8CWEbEVcFczxvgZyzI/wFRg74jYDrgU6Fe4NoAln2HRhcCwiNgMGJbfm5mZmZmZmVkVNeceSdokZ5eMlvSEpC2l/8/enYfbPZ77H39/ZIeEiCnELKhUtRKVUPPMoT0VLUqLGutQQ4/+epz60dLpHK1fOTqI5hhPpShNWj0IaoqaIiGDEENDK0GDGmpIQnL//njuxdfK2nvtnbUrG5/XdeXKWs/3mb7PzoXc7ud5tBklADEiM0PWAPpHxD0REcD/APsARET17uXl4F13fg6VdHdmZXylMua/Sbovszy+k8VbAo9HxMyImE8JZozI+ntKmiHpfuDzlf6/BIyJiL/kXOZUxjhY0oSc/y9qGTOV+bYBS9fmK+kjkv6QWTb357pcA/QDJkk6ICJujYjXs/09wNqdWOJjge9GxML6Of6j1yci7oqIFxvNNyLGA39rMN8RwKX5+VLy52xmZmZmZmYfHgEsRD3+V0/T1SBNADdmQOboLBsFnBARw4BvAOdFxGRKRsyVmSGzFjCr0s+sLAMgt/M8BRzEuzNphgC7AFsD35a0pqQ9KJk4WwKbAcMk7ZD9PVU/hqQ+wH8DnwWGAatX6gwGVpJ0W77Tl3M+HwMOALbN+S/IudXmewMwB/g7JSMGYDTw88yy2QZ4JjNiahkyV9at5ZHA9ZXvfSRNlHSPpGpgY0PggHx2vaSN3sP16Wi+7RkYEc/k52eBgZ1oY2ZmZmZmZvah19WDg7eLiNmSVgNukjSDEpC4Sno7ArVMVycREacCp0o6BTgeOD0f/S4i3gDekHQrJfCwHbAHZesQlEyVjYCX2+l+Y+CJiHgMQNJllC1IUN5/GGVrVl/gbkn35PdhwH35Xn0pQZnafP8pgxujgV2yzVoRMTafz+3ofSUdDAwHdqwUr5druwFwi6RpEfEnynrOjYjhkj4PXARs/x6tT22+O1OCNNt19F71IiIkRaNnGeQ7GqBPW/+udGtmZmZmZmb2gdSlIE1EzM7f50gaC+wEvJTZJh2Zzbu39qydZfVGA9fxTpCm/i/4AQj4z4j4RfWBpK0pZ7c0G6NqFvBCRLwGvCZpPDA0x7g0Ik5pr2FEzJX0O8r2nnuajFOd527AqZSzXuZV+qut7UxJtwGfBP6UcxyT1cYCF1enUT8tund9kDQEuADYKyJeaFYf+KukNSLimdzmNqdRpYgYRZ5xs0Kf1RsGcszMzMzMzOz9Sr7daTF0esUkLSdp+dpnSrbGBOAJSftnuao3ANXk9pdXJG2lkpryZeB32aa6fWcEMKP6XVIfSatQAkL3ATcAR0jql+3Xysye+4CNJK0vaWngQOCa7G+QpA2zzy9W+v8dsJ2kNknLAp8CHqYceLtf9lu7sWg9Sf0y8ICkNuAzwIyI+Dswq7ZNSdIy2V/9Gn4S+AXloOLq+TcrSVomPw8AtgUeyse/BXbOzzsCj75X6yNpXUqA6JCIqI7bkWuAQ/PzoeTP2czMzMzMzMw61pVMmoHA2Nz+0wb8KiLGSXoEGCnpNKA35UDaKQ3af5VyI1BfytkmtfNNzpT0UWAh8GfgmEqbqcCtwADgexHxNPB0nhlzd87lVeDgzO45nhKk6AVcFBHT4e2tNddKeh24A1geICIeljQux1kIXBARD2ab0yjn7ywFvAkcB8wFrsmAylI5t/NzrocAv5D03ay/PzCzbg3Oomw/qm0P+0ueW/OxbLsw+z0zImpBmjOB0ZJOync96r1aH8r5QKsA52Vfb9Vu9ZJ0OSUwNEDSLOD0iLgw5/trSUfmz/MLmJmZmZmZmVlTnQ7SRMRMylag+vInaHAVc0RcQgnK1L5PpFxbXV9v33bGO6ODuZwLnNug/DrKdqn68nGUs1ca9XUWJXhSX34lUH/YL8AW7fTzGOUQ3/ryfpXPu7XT9i5g03aevUTJ2KkvP6NR/XzWLesTEUfx7qBQ9dkX2yl/gXKmj5mZmZmZmZl1QVcPDjYzMzMzMzMz61AAC6PnXXHd0/kUHzMzMzMzMzOzHsBBGjMzMzMzMzOzHsDbncxqnIlnZmb2obQUsaSnYGb2gbTAeSFd5hUzMzMzMzMzM+sBHKQxMzMzMzMzM+sBvN3JzMzMzMzMzLpVIN/utBicSWNmZmZmZmZm1gN0OUgj6UlJ0yRNljSxSd1VJd0r6QFJ20salm0fl/QTScp635M0Nfu8UdKaWX6GpG90cX57Snokx/hmO3V2kvS/dd8nS5ou6fZOjDFO0pSsf76kXk3qn5V1z5L0dUkP5fveLGm9Sr0FOY/Jkq6plEvSDyQ9KulhSSdm+T98fSSNqPxsJkrartl8zczMzMzMzKzrFne7084R8Xwn6u0KTIuIowAkTQC+AtwLXAfsCVwPnBUR38o6JwLfBo7p6qQyWPJzYHdgFnCfpGsi4qEO2qwInAfsGRF/kbRaJ4b6QkS8kkGmq4H9gSs6qH80sHJELJC0MzA8Il6XdCzwI+CArPdGRGzWoP1hwDrAxhGxsJNzXMTirA9wM3BNRISkIcCvgY2bzNfMzMzMzMw+5BZ6806XdcuKSdows0smSbpD0saSNqMEIEZkpsUaQP+IuCciAvgfYB+AiHil0t1y8K57EIdKulvSY5K+Uhnz3yTdl1ke38niLYHHI2JmRMynBE5GZP09Jc2QdD/w+Ur/XwLGRMRfci5zKmMcLGlCzv8XtYyZynzbgKVr85X0EUl/yCyb+3NdrgH6AZMkHRARt0bE69n+HmDtTizxscB3I2Jh/Rz/0esTEa/mzwsW/dk0JGkLSXflOkyQtHwn3tHMzMzMzMzsQ21xgjQB3JgBmaOzbBRwQkQMA74BnBcRkykZMVdmtsValOyNmllZBkBu53kKOCjb1QwBdgG2Br4taU1JewAbUYIOmwHDJO2Q/T1VP4akPsB/A58FhgGrV+oMBlaSdFu+05dzPh+jZLhsm/NfkHOrzfcGYA7wd0o2DcBo4OcRMRTYBngmIvYmM04i4sq6tTySkklU0ye3FN0jaZ9K+YbAAfnsekkbvYfrg6TPSZoBXAsc0dF8JS0NXAl8LddhN+ANzMzMzMzMzKxDi7PdabuImJ1bbm7Kv7xvA1xVdv8AsExXO42IU4FTJZ0CHA+cno9+FxFvAG9IupUSeNgO2AN4IOv0owQlXm6n+42BJyLiMQBJl1G2IEFZg2GUrVl9gbsl3ZPfh1G2BJHP3s5giYh/yuDGaGCXbLNWRIzN53M7el9JBwPDgR0rxevl2m4A3CJpWkT8ibKecyNiuKTPAxcB279H60O+09gM9HyPEnhpOF9gWUpw6r5sW82Sqr7/0bUx+rT172ipzMzMzMzMzD4UuhykiYjZ+fscSWOBnYCXOnE2yWzevbVn7SyrN5pyXk0tSFO/vSYAAf8ZEb+oPpC0NeXslmZjVM0CXoiI14DXJI0HhuYYl0bEKe01jIi5kn5H2TJ0T5NxqvPcDTgV2DEi5lX6q63tTEm3AZ8E/pRzHJPVxgIXV6dRPy26d33e6ThivKQNJA2IiOfbme8jnexrFCUDixX6rN50C5WZmZmZmZm9f0TAAl/B3WVd2u4kabna+SKSlqNka0wAnpC0f5ZL0tD6thHxDPCKpK3ywN0vA7/LNtXtOyOAGdXvkvpIWoUSELoPuAE4QlK/bL9WZvbcB2wkaf3cdnMgcE32N0jShtnnFyv9/w7YTlKbpGWBTwEPUw7M3S/7RdLKktaT1C/P10FSG/AZYEZE/B2YVdn2s0z2V7+GnwR+Aexdd/7NSpKWyc8DgG2B2oG+vwV2zs87Ao++V+uT5+zUbuHanJLV80IH830EWEPSFvls+VwnMzMzMzMzM+tAV//yPJCy7aXW9lcRMU7SI8BISacBvSkH0k5p0P6rwCWUrUPX8855LGdK+iiwEPgz777ZaSpwKzAA+F5EPA08nWfG3J1zeRU4OLN7jqcEKXoBF0XEdHh7e821kl4H7gCWB4iIhyWNy3EWAhdExIPZ5jTK+TtLAW8CxwFzgWsyQLFUzu38nOshwC8kfTfr7w/MrFuDsyjbj2rbw/6S59Z8LNsuzH7PrNy6dCYwWtJJ+a5HvVfrA+wLfFnSm5SzZQ7Im57ana+kA4CfSuqbbXbLOZiZmZmZmZlZO7oUpImImZStQPXlT1Cu064vv4QSlKl9nwh8okG9fdsZ74wO5nIucG6D8uso26Xqy8fxztXR9c/OogRP6suvpByCW2+Ldvp5jHKIb315v8rn3eqfZ/ldwKbtPHuJkrFTX35Go/r5rFvWJyJ+CPywi/O9D9iqvbmZmZmZmZnZB99Cb3fqMl9abmZmZmZmZmbWAzhIY2ZmZmZmZmbWA/hAVzMzMzMzMzPrVoFYGM4L6SoHaWyJe7N/b57ZffUlPQ36vLiw5T5eXb13y30s9WbPuJH85UGtvwvAUvNb7+O/Nriq5T7++dH9Wp9IN/jfwdc3r/Qe+MLMES338cP1xrTcx0kz92+5j6V7LWi5j+5w+rrXLOkpvO3JNwe03MfcaP2fAU/MW7XlPh54db2W++gOb/aQ/8h86c1FLo5831p/2edb7mNBN/1cPtZ3drf006rxLzc8PvE9t9Gyc5pXeg8spPWzLLrjz8iyvea13Ed3eHlB35b7eGb+Ct0wk+6xw/KPtNzHVS9u2XIfK7W93nIf3ePaJT0B6yF6xn9xmJmZmZmZmZl9yDmTxszMzMzMzMy63YJuyIj7sHEmjZmZmZmZmZlZD+AgjZmZmZmZmZlZD9CpII2kJyVNkzRZ0sR/9KRyzNGSHpH0oKSLJDU8wTDnNiA/ryjpakkzJD0saesG9QdJerDyfYikuyVNz3fs02ReF0qaImlqjtWvSf0Tcy6jJR2U7aZJukvS0Lr3aLjGkk7Id5ou6UdZdpikn3U0dgdzuqa6Bk3qfkHSQzn2rzrZppekByT97+LMz8zMzMzMzOzDqCtn0uwcEa0fw995o4GD8/OvgKOAkU3anAuMi4j9JC0NdHgFgqQ24DLgkIiYImkV4M0mY5wUEa9k+7OB44EzO6j/VWC3iJglaRtgx4h4UdJewCjgU5W6i6yxpJ2BEcDQiJgnabUm8+uQpM8Dr3ay7kbAKcC2OefOjv014GGg/+LN0szMzMzMzN7PAlgYPpOmqxZ7u5OkDSWNkzRJ0h2SNs7yVSX9RtJ9+WvbLO8n6eLMFpkqad8sHylpYmZqfKfWf0RcFwmYAKyd9VeRdGPWvwDKSUSSVgB2AC7M9vMj4qV8NiyzX6YAx1VeYw9gakRMyTYvRMSCbLNHZtjcL+mqWsZMJUAjoC/lzx6SBkoaWxtH0jaSzgc2AK6XdFJE3BURL+bY99TeqYljgTMjYl6OX70TcR1Jt0l6TNLplZ/Nb/PnMl3S0ZXyfsDXge/X/Sy/kj+rKfmzqwW3vgL8vDbn2tj5s7w512aapBGVvtYGPgNc0Il3MzMzMzMzM7PU2SBNADfmX/xrf+kfBZwQEcOAbwDnZfm5wDkRsQWwL+/8Zf1bwMsRsWlEDAFuyfJTI2I4MATYUdKQ6sC5zekQYFwWnQ78MSI+DowF1s3y9YHngItzq80FkpbLZxfnXIfyboOBkHRDBhxOzjEHAKdRMmA2ByZSghu1OV0MPAtsDPw0i38C3J5jbA5Mj4hjgKcpGTLn1I19JHB9kzWuzXF7SfdKul3SFpVnW1LWeAiwv6ThWX5E/lyGAydmhhDA94AfA6/XzWVMRGyRc38451Ybe7CkOyXdI2nPLJ8LfC7XZmfgxxm0Avgv4GRgIWZmZmZmZmbWaZ3d7rRdRMzO7S43SZoBbANc9c7fzVkmf98N2KRS3j8zOHYDDqwVVjJKvpBBiTZgDWATYGpl7POA8RFxR37fAfh89nGtpFo/bZTgyAkRca+kc4FvSvoxsGJEjM96vwT2qrTZDtiCEri4WdIkSobMJsCd+R5LA3dX5n64pF6UAM0BlCDQLsCX8/kC4OX2FjO3MB2ZY9csssY55zZgZWCrnOevJW2QbW6KiBeyzzHZ30RKYOZzWWcdYCNJ6wAbRsRJkgbVTekTkr4PrAj0A26orM9GwE6UrJ/xkjYFXgP+Q9IOlGDMWsDADBLNiYhJknZq7/1zvkcDRwP07rdSR1XNzMzMzMzsfUcsDN9V1FWdCtJExOz8fY6ksZS/tL8UEZs1qL4UsFVEzK0WVoI21bL1KVk4W+SZJ5cAfSrPTwdWBf6lE9OcBcyKiHvz+9XANzvRZnztHBhJ11ECPTMoAZAvttcwIhZIuoKSNXJxJ+ZHjjGEkl20Vy3Akv3Vr/GWwPic45jati9JC4EBtWb108rgyG7A1hHxuqTbKGv6SWC4pCcpP/fVJN0WETsBlwD75Lk8h1F+vrX1uTci3gSekPQoJWjzccrPZVhEvJl99gG2BfaW9On83l/SZRFRO1uoun6jKNlYLLvaOvXvYWZmZmZmZvah0zSsJWk5ScvXPlPOcZlA+Uv7/lkuvXNT0Y3ACZX2tUDOTVTOg5G0EuVg2deAlyUN5J0MFyQdBfwT8MWIqG6dGQ98KevsBawEEBHPAk9J+mjW2xV4KM+leUlSLWvloEpfNwCbSlpW5RDhHYGHKOfFbCvpI5U1GJzvWSsTsDcloANwM+X8mNrtRis0WMt1gTGUg4ofbbLGtduXfkvZUoSkwZSsntrhwrtLWllSX2Af4E5gBeDFDNBsTMnAISJGRsSaETGIknHzaAZoAJYHnsmtZdX1+S0ZsMktYIOBmTnGnAzQ7Aysl2OcEhFr5xgHArc0CtCYmZmZmZmZ2aI6k0kzEBibmTBtwK8iYpykR4CRkk4DegNXAFOAE4GfS5qa9ccDx1AOq/25ytXPC4DvRMQYSQ9QAh1PUYIMNecDfwbuzrHHRMR3ge8Al0uaDtwF/KXS5gRgtMrNTjOBw7P8cOAiSUEJIgFly5XKDU33UbJSrouIa6FccZ3j1LZxnQY8DlwqqT/lwOIpZGCGcqPRKElH5vsdS2WLVPo2sApwXr7TW3keT8M1zjYX5dwfBOYDh0ZEZN0JwG8oW5Eui4iJkqYBx0h6GHiEEnBq5lvAvZQzfe6lBG2gBLH2kPRQvtO/RcQLkkYDv8+xJvJOoMrMzMzMzMwMgIX4dqeuahqkiYiZQP2Bu0TEE8CeDcqfp5zTUl/+KnBog/LD2hm34dxyi9Ae7TybTDkst758Eu9+h5Mrzy6jXMNd3+YWyhkw9bZtZ+y/Uq7Kri8fVPl8FOUq8fo6Ddc4n83nnavIq+WXULYp1ZfPo5KR1E6fTwKfqHwfSYPrzXOL1depHJqc5c8DWzcZ4zbgto7qmJmZmZmZmdk7fIqPmZmZmZmZmVkP4CCNmZmZmZmZmVkP0NkruM3MzMzMzMzMOiUCFoTPpOkqB2nMehr/c8ysS5YilvQU7B9oKS1sXuk90KuH/MO5p6zHB02vHvLPEf98u18vr6mZvc94u5OZmZmZmZmZWQ/gTBozMzMzMzMz63YLw3khXeUVMzMzMzMzMzPrARykMTMzMzMzMzPrAToVpJH0pKRpkiZLmviPnlSOOVrSI5IelHSRpN4dzG1Afl5R0tWSZkh6WNLWDeoPkvRg5fsQSXdLmp7v2KfJvC6UNEXS1ByrX5P6J+ZcRks6KNtNk3SXpKF179FwjSWdkO80XdKPsuwwST/raOwO5nRNdQ06qHeYpOdyTpMlHVV59sP82Two6YBK+SWSnqi02Wxx5mhmZmZmZmbvX4FYGD3/V0/TlTNpdo6I5/9hM1nUaODg/Pwr4ChgZJM25wLjImI/SUsDy3ZUWVIbcBlwSERMkbQK8GaTMU6KiFey/dnA8cCZHdT/KrBbRMyStA2wY0S8KGkvYBTwqUrdRdZY0s7ACGBoRMyTtFqT+XVI0ueBV7vQ5MqIOL6uj88AmwObAcsAt0m6vrYuwL9FxNWtzNPMzMzMzMzsw2axtztJ2lDSOEmTJN0haeMsX1XSbyTdl7+2zfJ+ki7ObJGpkvbN8pGSJmaWyHdq/UfEdZGACcDaWX8VSTdm/QvIC4slrQDsAFyY7edHxEv5bFhmv0wBjqu8xh7A1IiYkm1eiIgF2WaPzLC5X9JVtYyZSoBGQF8odzZKGihpbG0cSdtIOh/YALhe0kkRcVdEvJhj31N7pyaOBc6MiHk5/pzKs6N85SwAACAASURBVHUk3SbpMUmnV342v82fy3RJR1fK+wFfB75f97P8Sv6spuTPrsPgFrAJMD4i3oqI14CpwJ6deBczMzMzMzMza0dngzQB3Jh/8a/9pX8UcEJEDAO+AZyX5ecC50TEFsC+wAVZ/i3g5YjYNCKGALdk+akRMRwYAuwoaUh14NzmdAgwLotOB/4YER8HxgLrZvn6wHPAxZIekHSBpOXy2cU516G822AgJN2QwZiTc8wBwGmUDJjNgYmU4EZtThcDzwIbAz/N4p8At+cYmwPTI+IY4GlKhsw5dWMfCVzfZI1rc9xe0r2Sbpe0ReXZlpQ1HgLsL2l4lh+RP5fhwImZIQTwPeDHwOt1cxkTEVvk3B/OudXsW9natU6WTQH2lLRsrtXOwDqVNj/INudIWgYzMzMzMzP70FmIevyvnqaz2522i4jZudXmJkkzgG2Aq0pCCVC2vQDsBmxSKe+fGRy7AQfWCisZJV/IoEQbsAYlS2NqZezzKFkbd+T3HYDPZx/XSqr100YJjpwQEfdKOhf4pqQfAytGxPis90tgr0qb7YAtKIGLmyVNomTIbALcme+xNHB3Ze6HS+pFCdAcQAkC7QJ8OZ8vAF5ubzFzC9OROXbNImucc24DVga2ynn+WtIG2eamiHgh+xyT/U2kBGY+l3XWATbKAMuGEXGSpEF1U/qEpO8DKwL9gBuy/PfA5bnN6l+AS4FdIuLGDBbdRQmM3Q0syDanUAJYS1MCef8OfLfBGhwNHA3Qu99K7S2VmZmZmZmZ2YdGpzJpImJ2/j6Hkr2yE/BSRGxW+fWxSp9bVcrXioiGZ6BIWp+ShbNrZtdcC/SpPD8dWJVKFksHZgGzIuLe/H41JWjTrM34iHg+Il4Hrss2ogRAau+wSURUs0tqgZgrKJksnZaZQhcAI2oBluyvfo23rMxxTO78mgAsBAbUmtV1H5J2ogTEts7MmAcoa7o1MFzSk8AfgcGSbst2lwDHR8SmwHeyfm3717yscwEwrDLfH+Ta7J7r9WiWP5NznUcJXtXe490TjRgVEcMjYnhb3+UaVTEzMzMzMzP7UGkapJG0nKTla58p57hMAJ6QtH+WS+/cVHQjcEKlfe12n5uonAcjaSWgP/Aa8LKkgbyT4YLKTUL/BHwxIhZWpjQe+FLW2QtYCSAingWekvTRrLcr8FCeS/OSpFrWykGVvm4ANs1tO23AjsBDlPNitpX0kcoaDM73rJUJ2BuYkX3dTDk/Bkm98oyc+rVcFxhDOaj40SZrXLt96beU7URIGkzJUKkdLry7pJUl9QX2Ae4EVgBejIjXVc4J2irXZ2RErBkRgygZN49GxE7Zz/LAM7m17O31kbRGZfp7U7ZC1d5vlfw8hLLd6sZqm1yffSrvYWZmZmZmZmYd6Mx2p4HA2Nz20wb8KiLGSXoEGCnpNKA3JatkCnAi8HNJU7P+eOAYymG1P1e5+nkB8J2IGCPpAUqg4ylKkKHmfODPwN059piI+C4l0+NySdMp223+UmlzAjBa5WanmcDhWX44cJGkIIMJULZcqdzQdB8lK+W6iLgWyvXTOU5tG9dpwOPApZL6U7JHppCBGeBrwChJR+b7HUtli1T6NrAKcF6+01t5Hk/DNc42F+XcHwTmA4dGRGTdCcBvKAcQXxYREyVNA46R9DDwCCXg1My3gHspW5fupQRtoGyb2ht4C/gbcFiW9wbuyDm8AhwcEW/ls9GSVs31mUz52ZuZmZmZmdmHSECPvOK6p2sapImImUD9gbtExBM0uNEnr5A+oEH5q8ChDcoPa2fchnPLLUJ7tPNsMuWw3PrySbz7HU6uPLuMcg13fZtbKGfA1Nu2nbH/Srkqu758UOXzUZSrxOvrNFzjfDafd64ir5ZfQtmmVF8+j0pGUjt9Pgl8ovJ9JA2uN4+IUyhnzNSXz6Wc2dOo7106GtvMzMzMzMzMGlvsK7jNzMzMzMzMzKz7dPZ2JzMzMzMzMzOzTlsYzgvpKq+YmZmZmZmZmVkP4EwaW+J6v/IWa/zhry31oVca3vLeJW+uv3rLfaw0qRvmMbB/y310R/i17cU3Wu8EeHHTFVvuY8/bTmheqYmbd/pJy310hy/MXOToqiXi1xvc3HIfZ//tE80rNXHGoGta7mPNtu75s9qq6179aPNK75Fb/rZxy30MWOa1lvv4SN85LfcxYqX7W+6jO4x7eciSngIAW/X705KeAgC99VbzSk089eYq3TCT7jHuxU2X9BQA2GeVSUt6CgCs0/ZSy32sulTrf0a6wy1vrNdyH8sv1TP+PfPn+au23MeAtr93w0y6x/zo1XIfB650b8t9rNP2Zst9dIdvLekJWI/hII2ZmZmZmZmZda+Qb3daDN7uZGZmZmZmZmbWAzhIY2ZmZmZmZmbWA3i7k5mZmZmZmZl1qwAW4u1OXdVyJo2kJyVNkzRZ0sQmdVeVdK+kByRtL+kASVMlTZf0w0q9SyTt104fl2ebk/L7CZJmZB8/aq9epXyQpAcr34dIujvbT5PUp8k7XChpSvZ9taR+TeqfKOlhSaMlHZTtpkm6S9LQSr1217HRO0o6TNLP2hlzxZzbjBx76ywfmu86TdLvJfXP8lUk3Srp1fo+JS0taZSkR7O/fbP8mMp8/yhpk3bmcpuk4R2tkZmZmZmZmZl1XybNzhHxfCfq7QpMi4ijJK0CjAaGRcRzki6VtGtEtHvliKTVgS0i4iP5fWdgBDA0IuZJWq1RvQ76awMuAw6JiCk5p2bHe58UEa9k+7OB44EzO6j/VWC3iJglaRtgx4h4UdJewCjgU5W6i6xje+/YxLnAuIjYT9LSwLJZfgHwjYi4XdIRwL9RDhKfm79/In9VnQrMiYjBkpYCVs7yX0XE+TnHvYGzgT07MTczMzMzMzMza+AfciaNpA0ljZM0SdIdkjaWtBnwI2CEpMnAJsBjEfFcNvsDsG+lm90kTcwMjn/OshuBtTJ7Y3vgWODMiJgHEBFzGtWTNCyzX6YAx1XG2AOYGhFTsv0LEbEg32GPzDq5X9JVtYyZSoBGQF9KFheSBkoaWxtH0jaSzgc2AK6XdFJE3BURL+bY9wBrd2I523tHgHUyU+UxSafnPFYAdgAuzPrzI6J2j+JgYHx+vqm23hHxWkT8kRKsqXcE8J9Zb2EtiFRbh7RcZR36SroiM3jG5hqZmZmZmZmZWRPdEaQJ4MYMyBydZaOAEyJiGPAN4LyImAx8G7gyIjYDHgQ+mtuP2oB9gHUq/Q4CtgQ+A5yf25D2Bv4UEZtFxB2UoMP2Kluobpe0Rbatr3dxzmco7zYYCEk3ZDDmZABJA4DTKBkwmwMTga/XGkm6GHgW2Bj4aRb/BLg9x9gcmB4RxwBPUzJkzqkb+0jg+ibrWJtjo3ck12dfYAiwf24rWh94DrhYZVvZBZKWy/rTKVk5APvXrfciJK2YH79XCVYNrDw/TtKfKMG3E7P4WOD1iPgYcDowrKMxzMzMzMzM7INpYV7D3ZN/9TTdEaTZLgMZewHHSdoB2Aa4KjNmfgGsUd8oM0qOBa4E7gCeBBZUqvw6MzceA2ZSAiL12ijbb7aibN35dWa4vC0DDStGRC2D5Jd17bcDDsrfPydp1+xvE+DOfIdDgfUqcz8cWBN4GDggi3cBRubzBRHxcsPV4u0tTEcC/14pbrSOzd7xpsz+eQMYk+/QRgkSjYyITwKvAd/M+kcAX5U0CVgemN/eHCtjrw3clXO7G/h/lXX4eURsmO9xWhbvQNlCRkRMBaa2swZHZ6bUxPkLXm8yDTMzMzMzM7MPvpaDNBExO3+fA4wFdgJeyiyW2q+PtdP29xHxqYjYGngEeLT6uL56gy5mAWOimAAsBAZ0YfqzgPER8XxEvA5cRwlwiBIAqc1/k4g4sm7uC4ArePcWraYkDaGcDTMiIl6o9Fe/jlt24h0brdEsYFZE3JtlV+c7EREzImKPzHC6HPhTk+m+ALxOCQABXFXrq84VlEyoTouIURExPCKGL91r2eYNzMzMzMzMzD7gWgrSSFpO0vK1z5QzXiYAT0jaP8ulyi1Gde1rB/2uRDlg94LK4/0lLSVpQ8q5Lo806OK3wM7Zx2BgaeBdB+/meSwvSdouiw6qPL4B2FTSsrnlakfgIcp5MdtKqh1QvJykwfkutTJRtlXNyL5upmQGIalXng1T/77rUgIeh0TEo5XyRutYu4Gqo3fcXdLKkvpSgiR3RsSzwFOSPpp1ds13qq73UpTMl/MbrGl17QL4PSXwVt/XRpWqnwEey8/jgS9lnU9QtmKZmZmZmZnZh0jg7U6Lo9XbnQYCY3P3TRvlxp9xkh4BRko6DehNybSY0qD9uZUAznergQvgL5SAT3/gmIiYW7eTCeAi4CKVK7XnA4dGRDSod3jWC8qhwkDZcqVyQ9N9lD9D10XEtVCuuAYul7RMVj8NeBy4VOXqauU7HZvPvwaMknQkZdvWsZTtQVXfBlYBzss5vhURw9tbx0684wTgN5QtSZdFRO3q7hOA0So3O83M9wf4oqTawcljKGf1kO/7ZK710pL2AfaIiIcoW5l+Kem/KGfd1Po6XtJulNuwXqRsCYOy5etiSQ9TtoNNwszMzMzMzMyaailIExEzgUWyZCLiCRpcxxwRlwCXVL5/sZ1+D2un/EkqV0RHxHzg4E7Um1Q3z5Mrzy4jz1Cp6+MWYIv6cmDbdub2V945lLdaPqjy+SjgqAZ1Gq5jPmvvHS+hspZ1zyYDwxuUn0u5nrtRm0HtlP+Zcs5MffnX2qn/BnBgo2dmZmZmZmZm1r5WM2nMzMzMzMzMzBbRE7cT9XTdcbuTmZmZmZmZmZm1yEEaMzMzMzMzM7MewNudbImL3kvx5mrLt9RHW5/eLc9jqblvtdzHW6u29h4AvV6d33If3RF+nb/qcq13AvR+vf6m+K4bs8PIlvv42pP7tdxHd/jhemOaV3oPnP23TzSv1MTXV57Zch/Hz96m5T4efnlgy310RyruLz86uuU+usvmfZ9suY+50fo/V6/+W6Oj3bpm4svrtdxHd1itz9+X9BQAmPDaBkt6CgD01oKW+/jbm63/e2begu75T9l/GXhrt/TTqltf3WRJTwGATVd4vnmlJvqo9f8YWUat/3xX6fVqy32s2fZyy330FM+91X9JT+Ftmy49p+U+HnpzQMt9fKz3Ky33YY0FPfP2pJ7OmTRmZmZmZmZmZj2AgzRmZmZmZmZmZj2AgzRmZmZmZmZmZj2Az6QxMzMzMzMzs263EJ9J01WLnUkj6UlJ0yRNljSxSd1VJd0r6QFJ23dQb/2s97ikKyUtneXL5PfH8/mgLD9M0s86MdczJH2jQfkgSQ9Wvg+RdLek6flufZr0e6GkKZKmSrpaUr8m9U+U9LCk0ZIOynbTJN0laWilXrtrK+kESTNyjj9qtg6SVsy5zcixt87yjbP/ByR9ND/Xfr0i6V+brVeWrSvp1Ubra2ZmZmZmZmad12omzc4R0Znj33cFpkXEUU3q/RA4JyKukHQ+cCQwMn9/MSI+IunArHdAKxOvJ6kNuAw4JCKmSFoFeLNJs5Mi4pVsfzZwPHBmB/W/CuwWEbMkbQPsGBEvStoLGAV8qlJ3kbWVtDMwAhgaEfMkrdaJVzsXGBcR+2XQa9ks3we4OiK+n983yzF6AbOBsZ3oG+Bs4PpO1jUzMzMzMzOzdnTrmTSSNpQ0TtIkSXdktsZmwI+AEZml0VfSSEkTMxvkO9lWwC7A1dndpZRAApTAxKX5+Wpg16wPsI6k2yQ9Jun0ylxOlfSopD8CH62UD8vslynAcZXp7wFMjYgpABHxQkQsyDZ7ZIbN/ZKuqmXMVAI0AvoCkd8HShpbG0fSNhl02gC4XtJJEXFXRLyYY98DrN2JJT4WODMi5uX41XvrFlkHSSsAOwAXZv35EfGSpE8D/wocK6n+zsldgT9FxJ+brBeS9gGeAKbXlR8saUL+vH+RgR8zMzMzMzP7sAhYGOrxv3qaVoI0AdyYAZmjs2wUcEJEDAO+AZwXEZOBbwNXRsRmEfEGcGpEDAeGADtKGgKsArwUEW9lX7OAtfLzWsBTAPn85awPsCWwb/a1v6ThkoYBB1KyQz4NbFGZ98U5x6G822AgJN2QwZiTASQNAE6jZMBsDkwEvl5rJOli4FlgY+CnWfwT4PYcY3NgekQcAzxNyZA5p27sI3l3Nkqjta3NcXuVLV+3S6q+1yLrAKwPPAdcnNuaLpC0XERcB5xPyVrauW4uBwKXN1uvDFT9O/CduvKPUbKcto2IzYAFwEGYmZmZmZmZWYda2e60XUTMzi03N0maAWwDXPVOkgvLtNP2Cxl8aAPWADahBDAWx00R8QKApDHAdlk+NiJez/Jr8vcVgRUjYnzW+SWwV35uy7ZbAK8DN0uaRMmQ2QS4M99raeDu2uARcXhmivyUEpy4mJIR9OV8voASVGootzAdWZk3NFjbnHMbsDKwVc7z15I26GAd/kgJEp0QEfdKOhf4JvCtduayNLA3cEon1usMSpDn1crPG0omzjDgvizvC1QzfmpjHQ0cDbDMMiu0tzxmZmZmZmZmHxqLHaSJiNn5+xxJY4GdKJkwm3XUTtL6lCybLfI8lkuAPsALwIqS2jJbZm3K2Sjk7+sAs/LsmBWyPuQWo+rUYLGOkJ4FjK+dAyPpOkqAYwYlAPLF9hpGxAJJVwAnU4I0nZIZRBcAe9UCLNlf/dpuCYzPOY6JiAAmSFoIDKg1q59W1p8VEfdm2dWUIE179gLuj4i/dmL6nwL2Uzm8eEVgoaS5lLW/NCJO6ahxRIyiZF7Rf/m16uduZmZmZmZm72MBPXI7UU+3WNudJC0nafnaZ8p5LhOAJyTtn+VS5caiiv7Aa8DLkgaSmRkZeLgV2C/rHQr8Lj9fk9/J57dkfYDdJa0sqS/lDJs7KQGNffL8m+WBz+YYLwEvSaplrVS34dwAbCpp2QwE7Qg8RDkvZltJH6m8++B8v1qZKBkoM7KvmynnxyCpV54NU7+G6wJjKAcVP9pkbWs3Kv0W2DmfDaZk9dQOF15kHSLiWeApSbUzeXbNd2rPF6lsdepovSJi+4gYFBGDgP8C/iMifpbvvl9mAZFzWq+DMc3MzMzMzMyMxc+kGQiMze0sbcCvImKcpEeAkZJOA3oDVwBTqg3z5qQHKAGNpyhBlZp/B66Q9H3gAfLA2/z9l5IeB/5GOTelZgLwG0rmzWURMRFA0pU59hzgvkr9w4GLJAVwY2VeL6rc0HQfJeh3XURcm30dBlwuqbZ96zTgceBSSf0p2SNTyMAM8DVglKQjKWeyHEtli1T6NuVcnfNyHd/Kc3oarm22uSjn/iAwHzg0IiLrNlwH4ARgdG5lmpnvv4gMCO0O/Evdo4br1Z6IeCh//jdKWopyQ9ZxwJ+btTUzMzMzMzP7MFusIE1EzAQWyZKJiCeAPRuUXwJcUvl+WAf9btmgfC6wf7N+6579APhBg/JJdXM/ufLsMso13PVtbuHdhw/XbNvO2H+l3EhVXz6o8vkoYJErydtb23w2Hzi4QfkltL8Ok4HhDcrPqPv+Gu8cxlwtb3e9OujrSuDKRvMxMzMzMzMzs8ZaOTjYzMzMzMzMzKwhn0nTda1cwW1mZmZmZmZm9oEn6auSnpA0V9IkSds3qf8lSZMlvS7pWUmXSVq92TgO0piZmZmZmZmZtUPSAcC5wH8AnwTuAq7PC4Ea1d8W+CVwKfBxyuU+mwCjm43l7U62xOnNhfSe8/fW+njl1Zbn8eyIDVruY+Ctc1ru4/UNV265j+7Q9+nW1xTgyc8ucrlZl33u5uNa7mPsrj9vuY/ucNLMRY7XWiLOGHRNy30cP3ublvv42Vr3ttzHMwO7589qq85+vsP/mfKeeuqNlVruY4Nln29eqYm+vd5suY8jVx/fch/d4aG5ay/pKQCwRd+ZS3oKAMyN3i338cfXBrfcx4Lonv/feOFzO3RLP606fMAfl/QUALj4xUWOiOyyZXvNa7mPeQtb/3M2uM8zLffBW6130R2ee6t/y32s0tYz/p0JcNfc1i+A/fjST7fcx6vRQ37AH0CBPkjbnb4OXBIR/53fT5C0J+WSoFMa1N8amBUR5+T3JyT9FPhps4GcSWNmZmZmZmZm1kDelDyMRW87vhFo7/9a3gmsIemzKgZQbqm+rtl4DtKYmZmZmZmZ2YfVAEkTK7+Orn8O9AL+Wlf+V6DhGTMRcTclKDMamA88Bwg4tNlkvN3JzMzMzMzMzLpdvD+2Oz0fEcO7s0NJm1C2Nn0PuAFYAzgL+AXw5Y7aOkhjZmZmZmZmZtbY88ACYGBd+UDg2XbanAJMiIiz8vtUSa8Bd0j6vxExq73BurTdSdKTkqblNVITm9RdVdK9kh6oXk0l6RpJD1a+3yapS1ErSadIelzSI5L+KcvWkXSrpIckTZf0tXbaDqobf4iku7PNNEl9mox9oaQpkqZKulpSvyb1T5T0sKTRkg7KdtMk3SVpaKVeu2sr6QRJM3KOP8qywyT9rMF47a6DpDMkzc4xJkv6dGVN3qiUn19pMyzn9bikn0hS5Vmn52VmZmZmZmb2fhMR84FJwO51j3an3PLUyLKUwE5V7XuHcZjFyaTZOSI6c+XDrsC0iDiqViDp80BLR4pn2tCBlGus1gT+IGkw5dz1/xMR90taHpgk6aaIeKiDvtqAy4BDImKKpFWAZldRnBQRr2T7s4HjgTM7qP9VYLeImCVpG2DHiHhR0l7AKOBTlbqLrK2knYERwNCImCdptSbza7YO50TE/2vQ7k8RsVmD8pHAV4B7KYcc7Um5aqyr8zIzMzMzM7MPkYW8L7Y7dcbZwC8lTaAcCnwMJR5xPoCk/wGIiNpWpt8D/y3pWN7Z7vRfwP0R8ZeOBmr54GBJG0oaJ2mSpDskbSxpM+BHwIjMzOibGSdfB77foJtDst6DkrbMfpeTdJGkCZmNMyLrjgCuiIh5EfEE8DiwZUQ8ExH3A0TE34GHgbWyr2GZ/TIFqN7luwcwNSKmZLsXImJBttkjM2zul3RVLWOmEqAR0BeI/D5Q0tjaOJK2yYyUDShBjZMi4q6IeDHHvgfozH2exwJnRsS8HL96x/M6mYn0mKTT83m769BVktYA+kfEPRERwP9Q7nfv8rzMzMzMzMzM3o8i4krgX4HTgMnAdsCnI+LPWWXd/FWrfwkl/nE88CBwNfAoJZ7Roa4GaQK4MQMytROPRwEnRMQw4BvAeRExGfg2cGVEbBYRb1AOzPkx8HqDfpfNLI6vAhdl2anALRGxJbAzcJak5SgBh6cqbWdRF4SQNAj4JCX7A+DinONQ3m0wEJJuyGDMydl+AGXxd4uIzYGJlAWu9X8xZe/Zxrxzz/lPgNtzjM2B6RFxDPA0JUOmdj96zZHA9ZXvjda2NsftVbaO3S5pi8qzLYF9gSHA/qrbNtZgHQCOzy1XF0laqVK+fgbDbtc729PWoqxvTXWtF3teZmZmZmZmZu8nEXFeRAyKiGUiYlhEjK882ykidqqr/9OI+HhELBsRa0TEQR2dRVPT1e1O20XE7NzacpOkGZR7wa+qHFWyTH2jzKzZMCJOysBBvcvzJcZL6i9pRUqWy96SvpF1+lCJTLUnM15+A/xrRLySfa1YWcBfAnvl5zZKBGwLSvDoZkmTKBkymwB35nstDdxdGyMiDpfUixKgOYASBNqFPKU5s3Fe7mCOO1OCNNtVihdZ25xzG7AysFXO89eSNsg2N0XEC9nnmOxvYqN1yPojKcGy4J2g2RHAM8C6EfGCpGHAbyV9vINlrq1dl+dVWYOjgaMB+rT1bzKUmZmZmZmZ2Qdfl4I0ETE7f58jaSywE/BSO2eZVG0NDJf0ZI65mqTbKpGmqB+Kcof4vhHxSPWBpNnAOpWitYHZ+aw3JTAxOiLGdOKVZgHja+fASLqOkgUzgxJo+GJ7DSNigaQrgJMpQZpOkTQEuADYqxbIyP7q13ZLYHzOcUxuN5ogaSHlnnZovG7trkNEvH2vu6T/Bv43y+cBtW1LkyT9iZIpM5t3b8l6e60XZ17vKogYRcnCYoU+ayzy3MzMzMzMzN6/ImDh++MK7h6l09ud8oyY5WufKZkuE4AnJO2f5VLlxqKaiBgZEWtGxCBKVsWjdalAB2T77YCXI+JlyuE6J+TZL0j6ZNa9BjhQ0jKS1gc2ogQJBFwIPBwRZ1fGfgl4KfsGOKgy7g3AppKWVTlEeEfgIcp5MdtK+kjl3Qfn+9XKBOxNCegA3Ew5pwVJvSSt0GAN1wXGUA4qfrTJ2tZuoPotZbsXKgckL025Agxgd0krS+pLOSvmzvbWIduvUfn6udoYKjdx9crPG+SazoyIZ4BXJG2V/X4Z+N3izKt+LczMzMzMzMzs3bqSSTMQGJsxkzbgVxExTtIjwEhJpwG9gSuAKV2cx1xJD2T7I7Lse5TTj6dKWgp4AvjniJgu6deUYMpbwHGZ1bIdcAgwTdLk7OP/RsR1wOHARZICuLE2aN6ydDZwHyXb47qIuBbKVdLA5ZJq27dOoxxSfKmk/pRMnylkYAb4GjBK0pGUq7WOpbJFKn0bWAU4L9fxrYgY3t7aZpuLcu4PAvOBQyMisu4ESsbM2sBlETGxyTr8KLeeBfAk8C/5fAfgu5LeBBYCx0TE3/LZV4FLKFvAruedc3S6NC/MzMzMzMzMrEOdDtJExEygUZbME5RrmevLL6H85b6+/EngE5XvO7Uz3hu8E0Sof/YD4Ad1ZX+Exvd7RcSkurmfXHl2GeUa7vo2t1DOWqm3bTtj/JUGJzVn9lDt81HAUQ3qNFzbfDYfOLhB+SU0Xt+O1uGQdsp/QwmqNHo2kcrPa3HnZWZmZmZmZh8u4e1OXdbyFdxmZmZmZmZmZtY6B2nMzMzMzMzMzHqArl7BbWZmZmZmZmbWhHy702JwkMYsrfzQ3CU9BQB6zVvYeic96J+Fq0xufTLP7dD6225k3QAAIABJREFUPNZse6v1TrrB0r0WtNzHUoveat9la7a90XIfD788sOU+nhn4ast9rNHWr+U+usOA3q2/S3d56o2VWu7jlbf6dsNMWvfawmWaV3oP/H1BnyU9BQB6q/V/hnSHpdT6v6te7oY/Y9sv/0jLfQA8Pa/h0YDvue5Y1+7wuRXub7mP1bvh33cLovV/390xd63W59FD/sNqQTdsgpgfvbphJt2jj95c0lMw65G83cnMzMzMzMzMrAdwJo2ZmZmZmZmZdTvf7tR1zqQxMzMzMzMzM+sBHKQxMzMzMzMzM+sBuhSkkfSkpGmSJkua2KTuqpLulfSApO0lNTxRUdKV2d/k7H9ylu8uaVKON0nSLpU2B0iaKmm6pB826HNfSSFpeDtj3lZ7JmlpSaMkPSpphqR9m7zXiBx7sqSJkrZrUn/jrPuApB0l3SrpoZz71yr1zpA0u7IWn648GyLp7mwzTVKfLG9vTYdm/WmSfi+pf93zdSW9KukbHc096w7Lfh6X9BNJyvKzcr2mShoracXFHcPMzMzMzMzMFi+TZueI2CwiGgZAKnYFpkXEJyPijvYqRcQB2d9mwG+AMfnoeeCzEbEpcCjwSwBJqwBnAbtGxMeB1SXtWutP0vLA14B7O/k+pwJzImIwsAlwe5P6NwNDc75HABc0qb8PcHVEfBJ4FPg/EbEJsBVwnKRNKnXPqa1FRFyX79MGXAYck++7E9DsKPQLgG/m2o0F/q3u+dnA9U36qBkJfAXYKH/tmeU3AZ+IiCH5Xqe0MIaZmZmZmZl9gASwMNTjf/U0LW93krShpHGZ7XJHZo5sBvwIGJFZIX2z7jmZDXKzpFXr+hHwBeBygIh4ICKezsfTgb6SlgE2AB6LiOfy2R+AavbL94AfAm/fpyypr6QrJD0saSxQvfPxCOA/c8yFEfH/2bvzeDvHc//jn2+yM6OG0JpTQ0opqYTWkBLUoYOhqKkcLdXS0uHodOpHf4ZzlLba/pQWNRQl5YhySiRVRNWURAaRoE1SDSqmIBKS7H39/niulTyWtfba21ptdvm+X6/92mvdz/3c09qZrlz3/TyX96wt6X8kPZhfO2edhRHLnwc4CFY8C1fStzLrZKqkszMb5qvA8ZLuiIinI2JytvMKMBNo9FzAvYBpETE173s+IpY/07DOmg4FJuTr8eX1kbQ/MCfXlFL5ZyQ9kJ/XLyT1lrQusFpE3Jdz/hVF0ImIGBcRlWca3wds0KgPMzMzMzMzM6uvu0GaAMZlQOa4LLsIODEihgMnAxdExBTgVGB0ZoUspghoTMxskLuA06raHgk8ExGP1+j3QGByRLwO/Bl4n6QhmWWyP7AhgKTtgA0j4ndV9x8PLIqILbPf4Vm/skXnDEmTJV0n6d1Z9hOKzJbts//lGTOSDpA0C/gdRZAHSfsA+wEfiohtgXMyG+bn2c6o8oAkDQE+yBszfr6c24culbRGlg0FQtJtOcZvlurXW9MZORaAg0vrswrwLeD/Vo1lS+AQYOfMEGoHjqAIIM0rVZ1H7aDS58ismXp9mJmZmZmZmVnnuhuk2SUitgP2odiq8xFgJ+A6FWfJ/AJYt869HcDofH0VUH2Wy2FkFk2ZpK0oMmO+ABARL1IEXUYDdwNzgXZJvSi22PxHjb4/kn0SEdOAaVneRpEB8qec173AD/LansD5Oa+bgNUyAEFEjImILSgCRGeU6l8WEYuyzgt11qESyPgf4KsR8XIWXwhsCgwDngZ+WBrjLhRBk12AA0rbu+qt6eeAEyRNAlYFlmT59ygCRtVn2exBEbh6MOe7B0XGUkOSvgssA65u0Ef1fcflmT4Tl7Qv6kpXZmZmZmZm9q8iIP4Fvnqatu5Ujogn8/v83Da0G7Agsy+6q7xNqA34FJnhUirfgOJMlaMi4i+lcdwM3Jx1jqPI/FgV2Bq4M8+2fQ9wk6R9OxnD88AiVpyDcx1wTL7uBXw4Il6rdWOOY4KkTSQNbjjbFXPqQxGguToiKv0SEc+U6lwM/G++nQdMKG3DugXYjuJsnDcNKduaRbFNCklDgY/n9Q8BB0k6B1gd6JD0GiDgioh4w7kyud1pg1LRBsCTpetHA5+gOB+o8nnW7CMizn/DQCMuosjC4l391+2BvzTMzMzMzMzM/rm6nEkjaVAeyoukQRRBgAeAOZIOznJJ2raTvg7K14cDfyxd2xOYFRHLt9bkVqTfURyAe0/VWNbJ72sAJwCXRMRLETE4IoZExBCKc1L2jYiJFOezHJ73bA1sA5CBhZspgk1QZJA8kq/HASeW+hyW3zcrPeFoO6AfRbBnPPBZSQPz2po11lDAL4GZEfGjqmvlDKQDgIfz9W3AByQNzGDWrqUx1lzT0vr0Ak6h2HJFRIwsrc+Pgf/K4MntFIGVyn1rSto4Ip4GXpb04Rz7UcBvs87ewDdzjZenwnTSh5mZmZmZmZl1ojuZNO8GxmR8og34dUSMlfQocKGkU4A+wLXA1Br3vwrskPXmU5yBUnEob97q9GVgM+BUSadm2V4RMR/4SSkYdHpEPNZg7BcCl0maSXFY76TStW8BV0r6MfAs8NksPwn4maRpOd8JwBcpzqc5StJSYDFwSAZ7xmYgZ6KkJcAtwH9WjWNn4Ehgem4rAvjPPLvmnLw/KLZwLd/eJelHwIN57ZbSmTv11vQwSV/K1zcAl3W2OBHxSLYxLgM7S4EvAX+lCIJdTnHY8q2seGLT+RQBqvH5M3FfRHyxs37MzMzMzMzsnaODnvf0pJ6uy0GaiJgNvClLJiLmsOKxzOXyyyn+cV95v0onbR9do+xM4Mw69Q/rwnh3K71eTBEIqlXvrxRn1lSXP8cbA0mV8u9TnJFTq62zgbOryr5Xev1HqP1TGhFH1irPa1eRZ+pUlddc04j4CcXBx3WVx5XvR7PifJty+USKbWTV5Zt11n6tPszMzMzMzMysvqYfwW1mZmZmZmZmZs1zkMbMzMzMzMzMrAfo1tOdzMzMzMzMzMwaCSDCZ9J0l4M0Zmb2lnT4D10zMzMzs5bydiczMzMzMzMzsx7AmTRmZmZmZmZm1mJy5vVb4EwaMzMzMzMzM7MewEEaMzMzMzMzM7MewNudzMzMzMzMzKzlIlb2CP71dDmTRtJcSdMlTZE0sUHdtSXdL+khSSMlLaxTb3S2NyXbn5LlH5U0KfubJGn30j2HSJomaYak79do80BJIWlEnT7vrFyT1FfSRZIekzRL0oEN5rVf9j1F0kRJuzSov0XWfUjSrpLukPRIjv0rpXrfk/RkaS0+Vrq2jaR7857pkvpneb013TbrT5d0s6TVqq5vJGmhpJM7G3tn6yNpY0m351rcKWmD0j3tpXnc1KgPMzMzMzMzMyt0N5NmVEQ814V6ewDTI+JYAKn2YUERcUjltaQfAi/l2+eAT0bEU5K2Bm4D1pe0FnAuMDwinpV0haQ9IuL2bGNV4CvA/V2cz3eB+RExVFIvYM0G9W8HboqIkLQN8Btgi07q7w9cHxFnSloX+I+ImJzjnCRpfEQ8knXPi4gflG+W1AZcBRwZEVNz/ksbjPES4OSIuEvS54BvAP+ndP1HwK0N2qiotz4/AH4VEVdkAO2/gSPz2uKIGNbF9s3MzMzMzMwsNbXdSdKmwM+AtYFFwOeB/sA5wIDMWNkx654H7AX8HTg0Ip4ttSPg08DuABHxUKmbGdlWP2AT4PHSvb8HDqQIngCcAXyfIjBRaXsAcBmwLTALGFBq+3NkkCUiOiiCQ0haG/g5sFHW+2pE3BMR5eyVQcDy5C1J3wI+A3RQBEEmAF8F2jOQNAp4Ovt6RdJMYH3gEerbC5gWEVPzvufLF+us6dDsG2A8RYDr/2T9/YE5wKtV7XwGOAnoSxHgOiEi2uutD/B+4Ov5+g7gxk7mYGZmZmZmZu9A4ac7dVt3Dg4OYFxuPzouyy4CToyI4cDJwAURMQU4FRgdEcMiYjFFQGNiRGwF3AWcVtX2SOCZiHi8Rr8HApMj4nXgz8D7JA3JLJP9gQ0BJG0HbBgRv6u6/3hgUURsmf0Oz/qr5/UzJE2WdJ2kd2fZTygyW7bP/i+pNCbpAEmzgN9RBDGQtA+wH/ChiNgWOCcibqEI9JyXARpKbQwBPsgbM36+nNuHLpW0RpYNBULSbTnGb5bq11vTGTkWgINL67MK8C3g/1aNZUvgEGDnzIBpB45osD5TgU/l6wOAVTPLB6B/bgW7L4NCNUk6LutNXNK+qF41MzMzMzMzs3eM7gRpdomI7YB9gC9J+giwE3CdirNkfgGsW+feDmB0vr4KqD7L5TDgmuqbJG1FkRnzBYCIeJEi6DIauBuYS5Gp0otiG89/1Oj7I9knETENmJblbcAGwJ9yXvdSbOMB2BM4P+d1E7BaBjmIiDERsQVFgOiMUv3LImJR1nmhzjpUgiX/Q5Gd83IWXwhsCgyjyLb5YWmMuwBH5PcDJO2R1+qt6eeAEyRNAlYFlmT59ygCRtVn2exBEbh6MOe7B0XGUmfrczKwq6SHgF2BJymCOwAbR8QI4HDgx5lt9SYRcVFEjIiIEX17D6y3XGZmZmZmZmbvGF3e7hQRT+b3+ZLGALsBC97i+SPlbUJtFFkZw8sV8jDaMcBREfGX0jhuBm7OOsdRBAdWBbYG7szzb94D3CRp307G8DzFFq0b8v11wDH5uhfw4Yh4re4EIiZI2kTS4IazXTGnPhQBmqsjotIvEfFMqc7FwP/m23nAhMo5QJJuAbZjxfauNwwp25pFsQUKSUOBj+f1DwEHSToHWB3okPQaIOCKiPhO1VhFnfWJiKfITJoMOh0YEQvyWuXnZLakOykyhv6CmZmZmZmZmXWqS5k0kgblYbdIGkQRBHgAmCPp4CyXpG076eegfH048MfStT2BWRExr9Tf6hTbib4dEfdUjWWd/L4GcAJwSUS8FBGDI2JIRAwB7gP2jYiJFOezHJ73bA1sAxARQRHs2S2b3oMV58OMA04s9Tksv2+WwYvK9qp+FMGe8cBnJQ3Ma286gDjv+yUwMyJ+VHWtnIF0APBwvr4N+ICkgRnM2rU0xpprWlqfXsApFFuuiIiRpfX5MfBfEXE+RcDnoNJ9a0rauLP1kTQ42wf4DnBplq+RZweRwaud6fzMHTMzMzMzM3sbiijOpOnpXz1NVzNp3g2MyfhEG/DriBgr6VHgQkmnAH2AaynOK6n2KrBD1ptPcQZKxaG8eavTl4HNgFMlnZple0XEfOAnpWDQ6RHxWIOxXwhclgf1zgQmla59C7hS0o+BZ4HPZvlJwM8kTcv5TgC+SHE+zVGSlgKLgUMymDE2AzkTJS0BbgH+s2ocO1M8AWl6bisC+M88u+acvD8otnAt394l6UfAg3ntltKZO/XW9DBJX8rXN1AcmlxXRDySbYzLwMtS4EvAXztZn92A/5YUuTaV/rYEfiGpgyKIdHbp6VVmZmZmZmZm1okuBWkiYjbF05Gqy+cAe9covxy4vPR+lU7aPrpG2ZnAmXXqH9aF8e5Wer2YIhBUq95fKc6sqS5/jjcGkirl36c4I6dWW2cDZ1eVfa/0+o8UW4tq3XtkrfK8dhV5pk5Vec01jYifUBx8XFd5XPl+NCvOtymX11uf64Hra5T/CfhAZ32bmZmZmZmZWW1NPYLbzMzMzMzMzKyWjh64nain687TnczMzMzMzMzM7B/EmTS20kVbL5atVXdHXJe0tfVuehxtL9d9mFeXta85qOk2+r6wuOk2Qs1HrJeuMaDpNgD6v9jeuFID5428tuk2Tnrik0230QqnbXTTyh4CALcsfF/TbVz5vqubbuNHz41suo3BfRY23UYrfGutx1f2EJa7qf+TTbexNJr/K8JTS9douo2/Llm76TZa4S+LesY4Lnu9+V8zrdCv19Km29h8wDONKzXQqp+Pfdd8qCXtNOvWl+s9g+Of66jVH2i6jV61d/l3S79ezf/9rhXW7/3Syh4CAAvam/975rPLVmvBSFpj94GPNt3G7GVvel5Lt723z4tNt2HWSg7SmJmZmZmZmVnLRazsEfzr8XYnMzMzMzMzM7MewEEaMzMzMzMzM7MewNudzMzMzMzMzKzlwk936jZn0piZmZmZmZmZ9QBNB2kkzZU0XdIUSRMb1F1b0v2SHpI0UtIhkqZJmiHp+6V6l0s6qMb9H5U0KfubJGn3LoxvZLY/RdKAqmvL+1HhLEmPSZop6aQG7e6QbU6RNFXSAd2Y+66SfidpVo7t7FK9oyU9W2r72NK1jSSNy/E9ImlIls+VNLhOv5/OujMk/bpUfk6WzZT0U6l4HJCkg7Psjhpt3SlpRFXZTZIe7qyOmZmZmZmZmTXWqu1OoyLiuS7U2wOYHhHHSloLuBoYHhHPSrpC0h4RcXsn9z8HfDIinpK0NXAbsH6DPo8A/jsirmpQ72hgQ2CLiOiQtE6D+g8DIyJimaR1gamSbo6IZXXql+c+EPhBRNwhqS9wu6R9IuLWrDs6Ir5co41fAWdFxHhJqwAdnQ1Q0ubAd4CdI+LFypwk7QTsDGyTVf8I7ArcCRwDfD4i/thg/kj6FNAznn1rZmZmZmZm9i/uH7LdSdKmksZmtsvdkraQNAw4B9hP0hTg/cDjEfFs3vZ74MBSM3tKmpiZLZ8AiIiHIuKpvD4DGCCpX/a5l6R7JU2WdJ2kVTIL5dPAGZKuzmyZ8yU9Kun3QDkQczxwekR0ZF/zs91Bki6V9EBmweyX1xeVAjL9geUPF5N0VGYITZV0ZY25R0Tcke0sASYDGzRY0/cDbRExPu9bGBGLSlW+mRlGD0jaLMs+D/wsIl4szynH2h/oC/QD+gDPSDoV2AX4paRzJQ2QdG1m1owBlmciZZDo68CZNYZ7ZGYBPSxph87mZWZmZmZmZm8/gYjo+V89TSuCNAGMy4DMcVl2EXBiRAwHTgYuiIgpwKkUWSLDKDJR3idpiKQ2YH+KTJaKIcAOwMeBn0vqX9XvgcDkiHg9t/qcAuwZEdsBE4GvR8QlwE3ANyLiCOAA4H0UAaKjgJ1K7W0KHJKBoVszCwXgu8AfImIHYBRwrqRBAJI+JGkGMB34YmbVbJVj2T0itgW+Uj33iFhc6VTS6sAngXIG0YEZ5LleUmVNhgILJN2QwaJzJfUu3fNSRHwAOB/4cemeoZLukXSfpL0BIuJe4A7g6fy6LSJmRsTpuXZHRMQ3KAJXiyJiS+A0YHipvzOAHwLlQFHFwPyMTwAurXEdScflWk9cuvTVWlXMzMzMzMzM3lFaEaTZJQMj+wBfkvQRiuDHdZk18gtg3eqbMrvjeGA0cDcwF2gvVflNRHRExOPAbGCLyoUMhHwf+EIWfZgi8HJP9vnvwMY1xvoR4JqIaM+MnD+UrvUDXouIEcDFrAgu7AV8O9u9kyIDZaOcw/0RsRWwPfCdDCTtDlxX2f4VES/UW7gMTl0D/DQiZmfxzcCQiNgGGA9ckeVtwEiKoNf2wCYUW7Qqril937F0z+bAbsBhwMWSVs9Mmy0psnfWB3aXNLLOel2V85gGTMtxDwM2jYgxdaZ2Td4zAVgtA1FvEBEXRcSIiBjRp8+gOs2YmZmZmZmZvXM0fSZNRDyZ3+fnlpjdgAWZSdHo3pspghJkFk45SBPV1bPeBsAY4KiI+EteEzA+Ig5rYirzgBvy9RjgslLbB0bEo53MY6akhcDW3ezzIootX5XMFyLi+dL1Syi2SVXGN6USzJF0I0Vw6peVW8tDKt1zf0QsBeZIeowVQZv7ImJhtnUrRWDn7i6Oe0dghKS5FD9D60i6MyJ2qzGWWu/NzMzMzMzsbc7/EOy+pjJp8ryWVSuvKbJOHqAICByc5ZK0bZ37KwfZrkGxNeaS0uWDJfWStClF1sijmZHxO+DbEXFPqe59wM6Vs1hyXENrdDmBYktT7zzsd1Tp2o2l97sCj+Xr24ATpeVPP/pgfn9vZsIgaWOKTJ+5FNk5B6s4GBlJa9aZ+5nAu4CvVpWXs472BWbm6weB1SWtne93Bx4p1T2k9P3e0px2y3YHU2x/mg08AewqqU1Sn5zvTN5sAnB43r81edBwRFwYEetFxBCKM2weKwVolo9F0i4U27BeqrUGZmZmZmZmZrZCs5k07wbGZPyiDfh1RIyV9ChwoaRTKA6lvRaYWuP+n5QCOKdHxGOla09QBHxWozjv5TVJJwObAafmIbcAe2UWz9HANcqDhCnOhSm3B0WGTCW48QQrghkAZwNXS/oaxROLKo++PoPijJdpknoBc4BPUAQnvi1pKcVTlk7ILU7PSToLuEtSO/AQb9yWVMkG+i4wC5ic63d+nqFzkqR9gWXAC5V7I6I95397BowmUWzLqlhD0jTgdYqtTVAEmPaS9AhFltI3IuJ5SdfnOkynCG6OzaymahcCl0maSRHEmVSjTi2vSXqI4rP/XBfvMTMzMzMzM3tHaypIk1tv3pQlExFzgL1rlF8OXF56X3N7UkQcXaf8TGo/TYiI+APFWS1124qIAGo92pqIWEBxSHF1+WJWnH1TLr8SuLJOW1ew4iyZStnl5NwjYh7FNqpa936H4rHZta6NZ8Vjs8vlQ/Llt6rKg+IJTF+vKm+nxpzy2m6l14uBQ2vVK9WZS2mbV1VGjZmZmZmZmb0TBT3y6Uk93T/kEdxmZmZmZmZmZtY9DtKYmZmZmZmZmfUATT/dyczMzMzMzMzsTfx4p25zJo2ZmZmZmZmZWQ/gII2ZmZmZmZmZWQ/gII2ZmZmZmZmZWQ/gM2nMzMzMzMzMrOX8CO7ucyaNmZmZmZmZmVkP0NIgjaS5kqZLmiJpYoO6a0u6X9JDkkZKOkTSNEkzJH2/VO9ySQfVuP+jkiZlf5Mk7d6F8Y3M9qdIGlB1bXk/Kpwl6TFJMyWd1KDdHbLNKZKmSjqgG3PfVdLvJM3KsZ1dqne0pGdLbR9buraRpHE5vkckDcnyuZIG1+n301l3hqRfl8rPybKZkn4qSVl+cJbdUaOtOyWNqK4nqY+kK/JzmSnpO52thZmZmZmZmZkV/hHbnUZFxHNdqLcHMD0ijpW0FnA1MDwins1/5O8REbd3cv9zwCcj4ilJWwO3Aes36PMI4L8j4qoG9Y4GNgS2iIgOSes0qP8wMCIilklaF5gq6eaIWFanfnnuA4EfRMQdkvoCt0vaJyJuzbqjI+LLNdr4FXBWRIyXtArQ0dkAJW0OfAfYOSJerMxJ0k7AzsA2WfWPwK7AncAxwOcj4o8N5r+8nqTDgX4R8YGc2yOSromIuQ3aMDMzMzMzs7eR8CO4u+0fvt1J0qaSxma2y92StpA0DDgH2E/SFOD9wOMR8Wze9nvgwFIze0qamJktnwCIiIci4qm8PgMYIKlf9rmXpHslTZZ0naRVMgvl08AZkq7ObJnzJT0q6fdAORBzPHB6RHRkX/Oz3UGSLpX0QGbB7JfXF5UCMv0pPQ1e0lGZITRV0pU15h4RcUe2swSYDGzQYE3fD7RFxPi8b2FELCpV+WZmsjwgabMs+zzws4h4sTynHGt/oC/QD+gDPCPpVGAX4JeSzpU0QNK1mR0zBhiQY3lDvWxvkKS2rLMEeLmz+ZiZmZmZmZlZ64M0AYzLgMxxWXYRcGJEDAdOBi6IiCnAqRRZIsMoMlHeJ2lI/uN+f4pMloohwA7Ax4GfS+pf1e+BwOSIeD23+pwC7BkR2wETga9HxCXATcA3IuII4ADgfRQBoqOAnUrtbQockoGhWzMLBeC7wB8iYgdgFHCupEEAkj4kaQYwHfhiZtVslWPZPSK2Bb5SPfeIWFzpVNLqwCeBcgbRgRnkuV5SZU2GAgsk3ZDBonMl9S7d81JEfAA4H/hx6Z6hku6RdJ+kvQEi4l7gDuDp/LotImZGxOm5dkdExDcoAleLImJL4DRgeN5fXe964NVs6wmKLKEXqj4vJB2X6ztx6dJXqy+bmZmZmZmZveO0ervTLhHxZG6lGS9pFkXw47o85gSKbI03yO03xwOjKbbt/IkiUFLxm8xqeVzSbGALYApABkK+D+yVdT9MEXi5J/vsC9xbY6wfAa6JiHbgKUl/KF3rB7wWESMkfQq4FBiZfewr6eSs1x/YCJgZEfcDW0naErhC0q3A7sB1le1ftYIVFRmcugb4aUTMzuKbc4yvS/oCcEW22Zbj+SBFIGQ0xRatX+Z915S+n5ev24DNgd0oMnUmSPoAMBjYkhXZO+MljYyIu2us109zHtMkTaszlR2AdmA9YA3gbkm/L82JbOMiigAeq62yvpPgzMzMzMzM3kYCP93prWhpkCYinszv83NLzG7AgsyWaXTvzRRBCTILp718ubp61tsAGAMcFRF/yWsCxkfEYU1MZR5wQ74eA1xWavvAiHi0k3nMlLQQ2LqbfV5EseWrkvlCRDxfun4JxTapyvimVAIfkm6kCE5VgjTl9YrSPfdHxFJgjqTHWBG0uS8iFmZbtwI7AtVBmq46HBib/cyXdA8wApjd+W1mZmZmZmZm72wt2+6U57WsWnlNkXXyAEVA4OAsl6Rt69xfOch2DeAEiqBExcGSeknaFNgEeDS3Bv0O+HZE3FOqex+wc+UslhzX0BpdTqDY0tRbxWG/o0rXbiy93xV4LF/fBpwoLX/60Qfz+3szEwZJG1Nk+swF/pBjXyuvrVln7mcC7wK+WlW+buntvsDMfP0gsLqktfP97sAjpbqHlL5XsohupAjIkFvChlIETp4AdpXUJqlPzncmbzaBIgCDioOat6lRh2xv96w3iCJ4NKtOXTMzMzMzMzNLrcykeTcwJuMXbcCvI2KspEeBCyWdQnEo7bXA1Br3/6QUwDk9Ih4rXXuCIuCzGsV5L6/llqPNgFPz8FqAvTKL52jgGuVBwhTnwpTbgyJDphLceII3bok6G7ha0teAhUDl0ddnUJzxMk1SL2AO8AmKg3O/LWkpxXatE3KL03OSzgLuktQOPESxLWm5zAb6LkUgY3Ku3/l5hs5JkvYFlgGR47i5AAAgAElEQVQvVO6NiPac/+0ZMJoEXFxqdo3cjvQ6UMkoug3YS9IjFFlK34iI5yVdn+swnSLrZmxmNVW7ELhM0kyKIM6kGnUAfpb1ZlBkHl0WEfW2RpmZmZmZmZlZalmQJrfevClLJiLmAHvXKL8cuLz0vub2pIg4uk75mcCZda79Adi+s7YiIoBaj7YmIhZQHFJcXb4Y+EKN8iuBK+u0dQXFWTLlssvJuUfEPIpgRq17v0Px2Oxa18ZTI5slIobky29VlQfw9fwql7dTY055bbfS68XAoV2otxA4uFY9MzMzMzMze4cIwGfSdNs//BHcZmZmZmZmZmbWmIM0ZmZmZmZmZmY9QKsfwW1mZmZmZmZmRlQ/p9kacpDGVj5BtDWX1BV9ejc9jGd2Wr3pNtZ6+LWm24heLdi3qebbWLxO3+bHATw7rPmxLGgf2IKR9Axzlw5e2UMA4A8vbNF0G9sNmNt0G39bvEaPaKMVbur/5MoewnL7DlrUdBuLOpY03cafl81vuo27F23edBu96Wi6jZ3e9eem22iFpdH8n3etsHrv5n/Gtuj796bbaK99rF+3De/Xmj/zmtUec1f2EAB4JZr/J8ILy5pP2O9N8/+626oFP2fv7t387yGt0E9/a7qNpT1oI8V6bc3/+n2p49Wm2+gv/5PYepae86vUzMzMzMzMzOwdzGFDMzMzMzMzM2s9b3fqNmfSmJmZmZmZmZn1AA7SmJmZmZmZmZn1AN0K0kiaK2m6pCmSJjaou7ak+yU9JGmkpLGSpkqaIennknpnve9JejLbnCLpY6U2viPpz5IelfRvpfKvZTsPS7pGUv9uzGGIpIdL77eRdG+2N71RW5J+mfOYJul6Sas0qH+SpJmSrpZ0RN43XdKfJG1bqld3bSWdKGlWjvGcLDta0vl1+rxU0vzyPDtbh3y9uPQZ/LxUb2GD+f2HpJA0ON9/o9TOw5LaJa3ZWRtmZmZmZmb2diMiev5XT/NWzqQZFRHPdaHeHsD0iDgWQNKnI+JlSQKuBw4Grs2650XED8o3S3o/cCiwFbAe8HtJQ4H3ACcB74+IxZJ+k/Uu7+5EJLUBVwFHRsRUSWsBSxvc9rWIeDnv/xHwZeDsTuqfAOwZEfMk7QTsGhEvStoHuAj4UKnum9ZW0ihgP2DbiHhd0jpdmNrlwPnAr7pQt+IvETGsG/WRtCGwF/BEpSwizgXOzeufpFivF7rTrpmZmZmZmdk7UdPbnSRtmlkykyTdLWkLScOAc4D9MqNiQCWwQREY6kvjI4T2A66NiNcjYg7wZ2CHUhsDMsgyEHgqxzJc0l05ltskrVsqnyppKvClUh97AdMiYipARDwfEe15z16ZYTNZ0nWVjJlSgEbAgMo8JL1b0phKP5J2yoyUTYBbJX0tIv4UES9m3/cBG3RhiY8Hzo6I17P/8vNMN5R0p6THJZ1WKYyICcCbAiOdrEOnJJ2XWTy3S1q7dOk84JvU/ywPA67paj9mZmZmZmZm72TdDdIEMC6DIMdl2UXAiRExHDgZuCAipgCnAqMjYlhELAaQdBswH3iFIpum4su5DehSSWtk2frA30p15gHrR8STwA8osjeeBl6KiHGS+gD/Dzgox3IpcFbee1mOcVveaCgQGdCZLOmbOc7BwCkUGTDbAROBr1duknQZ8Hdgi+wT4KfAXdnHdsCMiPgiRQBpVEScV9X3McCtDda2MsaRKraO3SVp+9K1HYADgW2AgyWNoHP11gHgvSq2pt0laWSpfBAwMSK2Au4CTss12A94shLgqiZpILA38D91rh8naaKkiUuWvtpg2GZmZmZmZmZvf93d7rRLRDyZW27GS5oF7ARcVySWANCv3s0R8W8qzny5GtgdGA9cCJxBEaQ4A/gh8Ll6bWQQZz/gvcCC7PszwBRg6xwXQG/gaUmrA6tndgnAlcA++boN2AXYHlgE3C5pEkWGzPuBe7KtvsC9pXl8VsWZOv8POIQi+LE7cFRebwde6mQOoyiCNLuUit+0tjnmNmBN4MM5zt9I2iTvGR8Rz2ebN2R7Nc8KarAOTwMbRcTzkoYDN0raKrOGOoDRWe8q4IYMwPwnRSZSPZ8E7qm31SkiLqII8LHaquv7wWxmZmZmZmZvN/6XXrd1K0iTWSxExHxJY4DdgAXdOcskIl6T9FuKQMv4iHimck3SxcD/5tsngQ1Lt26QZXsCcyLi2bznBopA0VSK7JUdy/1lcKKeecCEyjkwkm6hyIKZlWM7rJN5tEu6lmK7z2UNJ75iPNsAlwD7VAIs2V712u4ATMgx3hARATwgqQMYXLmtelhdHUfVXF4HKtupJkn6C0UGT62ATwCbUgTJpmYQawNgsqQdIuLvWe9QvNXJzMzMzMzMrMu6vN1J0iBJq1ZeU2RRPADMkXRwlkulJxaV7l2ldD5MG/BxikAIlfJ0AFB5ItFNwKGS+kl6L7B59vcE8GFJA/NcmD2AmcCjwNqSdsx2+2Q2yAJggaRK1soRpf5uAz6QbbUBuwKPUJwXs7OkzUpzH5rzq5QJ2LcyD+B2ivNjkNRb0rtqrMNGwA0UBxU/1mBtK+twIzAqrw2lyOqpHC78UUlrShoA7A/cU91nRWfroOJJXJWnbW2Saz07L/cCDsrXhwN/jIjpEbFORAyJiCEUgaTtKgGanPuuwG/rjcfMzMzMzMzM3qg7mTTvBsZk5kQb8OuIGCvpUeBCSacAfSie2FR9Tskg4CZJ/Sj+0X8HUHnM8zkqDhoOYC7wBYCImKHiyU2PAMuAL+U2ovslXQ9MzvKHgIsiYomkg4CfZpCgDfgxMAP4LHCppADGVQaVT1n6EfBg9n9LRPwOikdcA9fkmKE4o+bPwBWSVgOU8zw+r38FuEjSMUB7li/fIpVOBdYCLsh1XBYRI+qtbd5zaY79YWAJ8O8REVn3AYozXzYAroqIiTn2ayiynAZLmgecFhG/rLcOwEeA0yUtpdje9MXSNqVXgR3y851Psb2rkQOAcRHhw2bMzMzMzMzeiYIe+Yjrnq7LQZqImA28KUsmn7y0d43yy8nHYueWpu2r6+S1Izvp8yxWHP5bLj+NPMC2qnwKRcChunxS1di/Wbp2FcVZK9X3/KHOmHeuM9ZnKLZwVZcPKb0+Fji2Rp2aa5vXlgCfqVF+OXUeO15vm1a9dYiI/6HOAb8RsUqt8qo6Q7o6NjMzMzMzMzOrrelHcJuZmZmZmZmZWfO6+3QnMzMzMzMzM7PG/HSnbnMmjZmZmZmZmZlZD+BMGnt7UPMHUg2etrjpNqJX8+NoRRutWI9+C5Y1Pw5grYeb/21mwX4Dm26jVw8J478WfVb2EAAY3K/5c71bMZdNBj7XuFIDLy8b0HQbrbA0es4fqYs6ljTdxsBefZtuo7+a/zlbq/fCptt4O1m1d/N/VrVCezT//3z91N50Gx205kDK12NpS9ppVn/1lHE0/9n07iF/7rZiLn2Kh6CudG+nzwWgowUHyvZpwZr0omd8vmYVPedvlGZmZmZmZmb2NuKnO3WXtzuZmZmZmZmZmfUADtKYmZmZmZmZmfUADtKYmZmZmZmZmfUAbzlII2mupOmSpkia2KDu2pLul/SQpJGl8pskPdyFvsZKWiDpf7s4ti1yXA9J2rTq2vcknVx6f6KkWZJmSDqnQbsbS5qcbc+Q9MUG9ftJ+n3WP0TS1ZIelfSwpEsl9cl6u0l6KetNkXRqqY3VJV2fY5wpaccsv1PSiBp9HiFpWn42f5K0belazc9M0uhS33MlTcnyPpKuyHtmSvpOZ/OtGkeXPlszMzMzMzN7m4p/ga8eptmDg0dFRFcezbEHMD0ijq0USPoU0NVHNpwLDAS+0MX6+wPXR8SZnVWSNArYD9g2Il6XtE6Ddp8Gdsy6qwAPS7opIp6qU/+DABExLPt7BfhMXvs1cCxwYb6/OyI+UaONnwBjI+IgSX0p1qEzc4BdI+JFSfsAFwEfKl1/02cWEYdUXkv6IfBSvj0Y6BcRH5A0EHhE0jURMbezAXTzszUzMzMzMzMzWrzdSdKmmfUySdLdmdEyDDgH2C8zNQZkgOPrwJlV92+WmSdTM2NlU4CIuB14pUZ/p0p6MDNTLlLhY8BXgeMl3ZH1vivpMUl/BN5XauJ44OyIeD37mZ/1e0s6N9ueJukLeX1JpS7Qj9L6Sdo7xzxV0u0Z8LkK2D7nvWlE3BIJeADYoMF6vgv4CPDLUv8LSlWOzLYflrRD1vlTRLyY1+9r1EdVfwI+DVyTRQEMktQGDACWAC9n3Rvzc54h6bhSGzU/WzMzMzMzMzPrXDNBmgDG5T/UK/9Ivwg4MSKGAycDF0TEFOBUYHREDIuIxcAZwA+BRVVtXg38LCK2BXaiyFzpzPkRsX1EbE0RRPhERNwC/Bw4LyJGSRoOHAoMAz4GbF+6fygwUsVWrLskVa4dA7wUEdtn/c9Lei+ApA0lTQP+Bnw/Ip6StDZwMXBgjv3gDPgcS5EhMywi/lLpNLc5HQmMLY1lxwzw3Cppqyx7L/AscJmKrVuXSBpUumdgZumcAFxaY32OAW4tva/1mZWNBJ6JiMfz/fXAqxSfwxPADyLihbz2ufycRwAnSVory+t9tmZmZmZmZvZOsrK3Mr3DtjvtEhFPZsbIeEmzKAIr1xUJGUCRbfIGmVmzaUR8TdKQUvmqwPoRMQYgIl7rwhhGSfomxRagNYEZwM1VdUYCYyJiUfZzU+laW973YYpgzG8kbQLsBWwj6aCs9y5gc2BORPwtr60H3CjpemAHYEJEzMmxv0DnLsj6d+f7ycDGEbEwM4FuzP7agO0oAl/3S/oJ8G3g/+R912R/EyStJmn1SqZNbuU6Btil1O+bPrOImFC6fhgrsmjIebUD6wFrAHdL+n1EzKYIzByQ9TYENpe0ITU+21oySHQcQL9+72qwXGZmZmZmZmZvf285SBMRT+b3+ZLGALsBCyrnr3RiR2CEpLnZ/zqS7gQ+2Z3+JfWnCHaMiIi/Sfoe0L87bQDzgBsq248kdQCDAVEERm6rd2Nm0DxMEQR6vV69GuM+DVib0vk6EfFy6fUtki6QNDjHNy8i7s/L11MEaZZXrx5W9rENcAmwT0Q8X2q7+jPbAZiQ97QBnwKGl9o7nOI8nKXAfEn3UHx2GwF7UpzPsyg/v/4UZ/C86bONiN2q1yEiLqLIvGK1VdfvgfFLMzMzMzMzs3+ut7TdSdKgzHwht9/sRXHGyhxJB2e5VHqyUEVEXBgR60XEEIosj8ciYreIeAWYJ2n/vL+fisNq66kEZJ7Lc1AOqlNvArB/noWzKm8MBt0IjMr+hgJ9geeA2yjOtKk8fWloznkDSQOybI0c/6MUZ798pLQlas0663Ys8G/AYRHRUSp/T54HQ54t0wt4PiL+DvxNUuUcnT2AR0pNHpL37EKxPeulDKDcABwZEY+V+qj1mZWfvrQnMCsi5pXKngB2L93zYWAWRWbRixmg2SLL6362tdbCzMzMzMzM3sYCCPX8rx7mrWbSvBsYk3GFNuDXETFW0qPAhZJOAfoA1wJTu9HukcAvJJ0OLKV4utBsSXcDWwCrSJoHHBMRt0m6mCLQ8HfgwVoNRsRkSaNzHPOr6l0KXJoZMUuAf4+IkHQJMASYnMGTZymeGLUl8ENJQZFt84OImA7Lt+/cIKlX9vPRGsP5OfBX4N5cuxsi4nSKANPxkpYBi4FDM7sH4ETgahVPdpoNfLbU3muSHqJY689l2anAWsAF2ceyiBhBnc+s1NahvHGrE8DPKM7DmZHzvSwipuXn/EVJM1kRpDIzMzMzMzOzJmhFLMBs5Vht1fVj++2+1FQbba90ecdZXe2D+jbdRvRqQSS2Fb8m1fw42gf0bn4cwOLBzRx9VTjku2MbV2rggQXvbbqNVvj44GkrewgA3PPy5k23cehazcdnx760TdNtvLxsQNNttMKod81c2UNYbp+BzzXdxsBezf+e+NjSV5tuY/JrXX5I4TvCqr0Xr+whANAezT8gdPM+zf+cdtCa/wHdrE/zf1a1wl2LO0si/+cZ0mdB40oNLG3Bz0gr9Fd7020M7t2avxM164X25ueytEW/Zlph7Rb8vXn2suZ/7W7Tt2d8vv3XmzMp/3P9baPfkA1i3dNOWtnDaOivn/tWj1r7nvG7p5mZmZmZmZnZO1zP+G8DMzMzMzMzM3tb8cad7nMmjZmZmZmZmZlZD+BMGrPU0bf5mKWWNR8q7ujX/L7YnnRIeXvf5gczY+H6TbfRqnMLmjXn9bVX9hAA2GzA/KbbuP6F7ZtuY0DvpU230VM8tXSNlT2E5f68rPnPt7+aP09maJ9BTbcxe+mipttohff0fnllDwGAJT3k/9c6WnDeyIZtPWMuAH9eumxlDwGA1Xq9trKHAMCmbc2f9dVB838n6tWCP7sXRvPnFvbuIX+HWLMFZ+P0oWecvwIwZ1nzZ+z07iE/Z2at5CCNmZmZmZmZmbWetzt1W8/5LwwzMzMzMzMzs3cwB2nMzMzMzMzMzHoAb3cyMzMzMzMzs9brSYdl/ot4y5k0kuZKmi5piqSJDequLel+SQ9JGilpYZ16o7O9Kdn+lNK1ayRNk/S1TvrZSNI4STMlPSJpSI06u0n636r3UyTNkHRXF+Y9VtLUrP9zSZ2eviXp3Kx7rqSv57imSbpd0saleu2lud9UKpeksyQ9lvM6Kcu/J+nkOn1+X9LD+XVIqXx3SZOz/ApJbaU+firpzzm27Ur3nJPjn5l1lOVnSfpb9Wcp6WhJz5bmcmyjNTUzMzMzMzOz5jNpRkXEc12otwcwPSKOBch/579JRJQDCj8EXsrX7wG2j4jNGvTzK+CsiBgvaRWgo7PKklYHLgD2jognJK3Thbl8OiJezmDF9cDBwLWd1D8OWDMi2iWNAkZExCJJxwPnAJU5L46IYTXuPxrYENgiIjoajVHSx4HtgGFAP+BOSbcCC4ErgD0i4jFJpwP/DvwS2AfYPL8+BFwIfEjSTsDOwDbZ/B+BXYE7gZuB84HHawxjdER8ubNxmpmZmZmZmdkbtfRMGkmbZqbJJEl3S9pC0jCKYMR+mVkxIOuelxkat0tau6odAZ8GrsmiccD6ef9ISZtJ+n1mtEzOft8PtEXEeICIWBgRi7K9vSXNkjQZ+FSpq8OBGyLiibxnfmkMn5H0QPb5i0rGTERUnsHZBvQlz6uuM6abgFWASZIOiYg7KmMC7gM26MKyHg+cHhEd1WMEtpV0r6THJX0+y94PTIiIZRHxKjAN2BtYC1gSEY9lvfHAgfl6P+BXUbgPWF3Sujm3/jnPfkAf4Jkcx30R8XQXxm9mZmZmZmbvQIqe/9XluUgnSJoj6bWMeYzspO7lkqLG16uN+mkmSBPAuBzccVl2EXBiRAwHTgYuiIgpwKkU2RXDImIxMAiYGBFbAXcBp1W1PRJ4JiIqWRr7An/J++8GrgZ+FhHbAjsBTwNDgQWSblCxrepcSb0l9QcuBj4JDAfeU+pnKLCGpDtzHkcBSNqSIsNl58xuaQeOqNwk6TZgPvAKRTYNtcYUEfuSGTIRMbpqjscAt5be95c0UdJ9kvYvlW8KHJLXbpW0eenaNsDuwI7AqZLWA6YCe0saKGkwMIoiE+c5oE3SiLz3oCwHWB/4W6ndecD6EXEvcEeu79PAbRExk8YOzG1T10vasHF1MzMzMzMzs54pjxH5CfBfwAeBPwG3Stqozi1fAdat+poN/KZRX81sd9olIp7M7TfjJc2iCE5cV9rO1K/OvR1AJWhxFXBD1fXDWJFF8waSVqUIIIwBiIjXsryNIrjzQeCJbP9oYBIwpxLwkXQVxRYkKOY/nGI71gDgXkn35fvhwIM5lwEUQRmyz3/L4M/VwO55z5vGVI+kzwAjKLYOVWyc67kJ8AdJ0yPiLxRr+FpEjJD0KeDSnCfAbzPotVjSHcAOEXGjpO0pfmieBe4F2iMiJB0KnCepH0V2UnuDcW4GbMmKjJ/xkkZmoKyem4FrIuJ1SV+g2GK1e422jyM/h3793tXZMMzMzMzMzMxWpq8Dl0fExfn+REl7U+x8+U515Yh4iTy+BUDSzsAmwJGNOnrLmTQR8WR+nw+MAXYDFmTWSOVry642V3mRwZZPsSKI01XzgCkRMTsilgE3UpzN0uie2yLi1TxbZwKwLSDgitI83hcR33vDgItAzG8ptgp1maQ9ge8C+0bE66X2Kus5m+LMlw+WxlgJYo1hxfkwUFq38vuIOCvH/dGcy2NZfm9EjIyIHXKula1PT7IiqwaKoMyTwAHAfbl1bCFF5s+Onc0vIp4vzesSimBXrXoXRcSIiBjRt8+gzpo0MzMzMzMzWykk9aX4d+24qkvjKBJVuuLzwIyI+FOjim8pSCNpUGa0IGkQsBfwADBH0sFZLknbdtLvQfn6cIoDaSv2BGZFxLxaN0bEK8C8ypYgSf0kDQQepDhLpXK+ze7AI8AsYIikTbP8sFJzvwV2kdSWbXwImAncDhxUOaRX0pqSNpa0Sp7VUgkmfTzHWm9M1ev2QeAXFAGa8vk3a2R2C7lFaeccOxTBplH5eldWBFagOOenv6S1KIJkD+YWr7WyrW0ogjrj8n1lPv2AbwE/z3ZuAo7Kz+zDwEt53swTwK65Pn2y/063O1XWJ+3bqL6ZmZmZmZm9DcW/yBcMzuNFKl+VnTcVg4He5PmsJc/wxuNUapL0Loozdy9uVBfe+nandwNjcitQG/DriBgr6VHgQkmnUBwyey3FGSnVXgV2yHrzWfGEI4BDqbPVqeRI4BcqnlC0FDg4ImareCT17SoGNgm4OCKW5CL/TtIi4G5gVYCImClpLMXhuh3AJRHxMECObZykXtnHl4DXgJsyyNGL4ryWn9cbE8Wes7JzKQ4SrmwJeyLPrdky7+3Ids+OiEqQ5mzgahWPHl8IlB9pPS3HMBg4IyKeym1Yd2f7LwOfycwigG9I+kT2cWFE/CHLbwE+BvwZWAR8Nsuvpwh2Taf48R0bETfn+pxDEWAbKGlert33gJMk7QssA16g2HJmZmZmZmZm1hM9FxEjGld7yz5D8W/wK7tSWRHdOM7Y7B9gtVXXj+23+1JTbbS98nrjSg0sXaN/021oWfO/njr6Nv/Qtaj9lPvu6dWKRmDhen2abmPb46c13cYry+odkfXPtfWqT63sIQAwsNeSptuY+9paTbcxoPfSptt4tYd8tu8b+PeVPYTldh30aNNt9Fenx5Z1ydAWbGcdu6hnfL7v6f1y40r/BEta+2DOt6wjmh/H1n2b//XfKn9twZ/frfBKR9+VPQQAtu/X/N8BOt60K7/7etH8OBZG839H7N2CcbRCewvWtA+9WzCS1pizrPk/Z5a24PeiD/Rt/u+qrdB3vdmT/sGBgn+6fhtvEOt+9ysrexgN/fUL3+x07XO70yLgsIi4rlT+M2DriNi13r1ZbwrFVqcjOqtX0TP+pDczMzMzMzOztxEV/3vc078aiIglFDt1Plp16aMUD+ypvwLSDhTn3nZpqxM093QnMzMzMzMzM7O3ux8BV0p6ALgH+CKwHnn8iaRfAUTEUVX3HQc8HhF3drUjB2nMzMzMzMzMzOqIiNH5gJ5TgHWBh4GPRcRfs8pG1ffkw5YOBU7vTl8O0tjK1xH0Xtjc+Ri9Xl7U/DhacCZNs/MAaF+r+XG04jyZtldac1ZA9Gp+n++jC9Zpuo1/3+jepttohYcWbtx0G73U0XQb+60xuek2Jr7U/FyOec+Eptt4taNnnFny1yVrN670T3L3os2bbmOt3gubbmP20uZ/b957YPPnSbTCTa+usbKHAMDHBzb/ubRCK84beb0Fx8A81d78mRYAk15r/vezVjhs1eoHh6wcz3csbrqNVdT8n/8dNP/n3bxljes00qcFZ3S1wisdza9pnxb8HaJVFrXgDKZWnG31erTgh8Tq6xlHfrVERFwAXFDn2m41yl6heHBQt/hMGjMzM7P/z96dx+s5nfsf/3wzCGImNIRSRUwRRNCahx7aU6nGdPgVPdpUazw9tHqoDjhHG6daVdpIa6qqY4hqEVJzTJGwk4iYkxJDYx4SIsP1++O+Hrk9eYa98+wXm3zfr9d+7ftZ91rrXmvtCPtyrXWbmZmZdQEO0piZmZmZmZmZdQHe7mRmZmZmZmZmne8TtN3pw+JMGjMzMzMzMzOzLqDDQRpJ0yVNltQmaXyTun0k3S/pIUk71qlziKRJ2ec9krbI8rUl3SbpEUlTJB1XarOKpDGSnsjvK2e5JJ0j6cnsc6s6z7xI0n6lNmdIelzSVEnHNpnT4Jx7m6SJkvbtwBrsLOl6SY/mnM4s1Ttc0kulvr9RureOpJtzfI9IWjfLp0tardHzq8bSX9K9kuZIOqGdbc6Q9Kykt6vKjyz9ORgraZPSPM5t75jMzMzMzMzMrLC4mTS7RsTAiBjUpN7uwOSI2DIi7qpTZxqwc0RsDpwGjMjyecB/RsQmwHbAUZVAAHAScEtEbADckp8B9gY2yK9hwPntmMvhwNpA/4jYGPhzk/oPA4MiYiCwF/A7SY22jb2/BsADwFkR0R/YEvi8pL1Lda/IdR0YESNL5ZcAw3N8g4GZ7ZhXLa8CxwJndaDNX/OZ1f4UEZvnOvyc4r3xZmZmZmZmZraYOmW7k6T1JY2WNEHSXZmxUfnlfUhmWywjaS9JD2YGyi0AEXFPRLyWXd0H9MvyFyLiwbx+C5gKrJX1hgAX5/XFwFdK5ZdE4T5gJUl9M1vmXEmPSfo7UH6f77eBn0bEgnzWzJxTb0l/kDQus2CG5P3ZEe+/p21pSrvsJB2aGTwTJV1avQZF87gt+3kPeLAy3wZruwnQIyLGZLu3I6L8TtPvZUbLOEmfzTZfLmXv/F3SGpW5RcQDwCLvqpN0bf78pkgaVimPiPsi4oXq+hHxZuljbz6423BtSbdnptOPGs3PzMzMzMzMPqHiY/DVxSxOkCaAm/MX+sov8yOAYyJiax/oK7UAACAASURBVOAE4LyIaANOJbNDKN4PfgEwNCK2APav0fcRwI3Vhbm9Z0vg/ixaoxQ4eBFYI6/XAp4tNZ2RZfsCGwGbAIcCnyvVWR84UNJ4STdK2iDLTwZujYjBwK7AcEm9czzbSpoCTAaOjIh5kjYFTgF2y/kdV70GEfFOaU4rAV+myASqGJpBnqskrZ1lGwKvS7omgy7DJXUvtXkjs5DOBX6ZZWOB7TJ758/A96rXtIZ/z5/fIOBYSas2ayDpKElPUQSiytvEBgNDgQHA/pKaZVyZmZmZmZmZLfEWJ0izQ0RsRbG16ChJO1EEPa7MbJHfAX1rtNsOuDMipgFExKvlm5J2pQjSfL+qfDngauD4quwNsp/2xL92Ai6PiPkR8Txwa+leL+Dd3Lp1AfCHLP8CcFLO6XaKrJl18pn3R8SmwDbADyQtDewGXBkRL9eaX9WcegCXA+dExNNZ/Fdg3YgYAIxhYaZQD2BHiuDXNsBnKLZoVVxe+r59XvcDbpI0GTgR2LTJ+kARmJlIkc20NsWWsYYi4jcRsT7Fz+yU0q0xEfFKBqWuAXaobitpWAbGxs+dN7v6tpmZmZmZmdkSp8NBmoh4Lr/PBEYBuwCvl85SGZhnp7SbpAHASGBIRLxSKu9JEaC5LCKuKTX5p6S+WacvC89oeY4iwFDRL8samUERSCDnM6DyeIqsn8qc1omIqeWG+fltYLP2zfR9I4AnIqKS+UIGNebkx5HA1qXxtUXE07nN6lqgfCBy1Lj+NXBuZth8iyLAVJekXYA9gO0zC+ihZm2q/JmFW86qx1TrMxExIiIGRcSgnj2W7cCjzMzMzMzMrMsLINT1v7qYDgVp8pyW5SvXFNkm44BpkvbPcinf0FTlPmAnSetlvVXy+zoUQZKvRcTjpWcJ+D0wNSKqD6W9Djgsrw8D/lIqPzTHsB3FVqAXgDsptjR1z6DOrqW+ri193hmojOEm4JgcB5K2zO/rVQ4KlvRpoD8wnSI7Z//KNqHK/Gqs4enAisDxVeXl7KN9KM7ggeKw4ZUk9cnPuwGPlOoeWPp+b16vyMLg1GE0tyLwWkTMltSfIuupodK2MIAvAU+UPu+p4g1cy1AEb+5uxxjMzMzMzMzMlmiN3kpUyxrAqIxb9KB4w89oSY8B50s6BehJkVkxsdwwIl7KM2yukdSNIvtlT4ozW1YFzst+5+XWo88DXwMm55YjgP+KiBuAM4H/k3QE8A/ggLx/A/BF4ElgNvD1LB/FwuDGMywMZpB9XSbpPyiyYiqvvj6N4oyXSTneacC/UmzdOUnSXGAB8J3c4vSypDOAOyTNp8hGOby8BpL6UZx18yjwYM733HyT07GS9qF4q9WrlbYRMV/F67JvyYDRBIptWRUrS5oEzAH+Lct+TLH97DWK4FElMPYpYDywArBA0vEU5/SMBo6UNBV4jCKgVhnzz4GDgWUlzQBGRsSPgaMl7UFxCPFrfDAYNI4iA6of8MeIaPiqdjMzMzMzMzMDFUe6mH10Vui9ZmzXf1jzig10f2NWy+OY8+mayU8d0uP1Oc0rNfHeqh3ZaVZHt9bT9nq8tchLwBbLaxu3vp1tmQNfbLmPw9a5t3mlD8FDb3+65T66aUHLfQxZ+cGW+/j9izu13McRn7qz5T5mLejVch+d4R/v9Wle6UPSGX9GVu3+dst9rNS99TPH9lq29b9XO8N1s7rG1twvLdv6z6UzLOiE12HMidb/PfP8/Pkt9wFw3zut/93cGf5t+X9+1EMA4LUF77bcx3Lq2XIfC2j977J/zGv9z2rPTvg7tTO8taD1Ne0qcwGY3Qnz2Wyp1v8e6dY5Lzxu2fJrPTMhkxU+MXqts3as+b3jm1f8iE0/5oQutfZd40+kmZmZmZmZmdkSzkEaMzMzMzMzM7MuoKNn0piZmZmZmZmZNefTVTrMQRozM7NPmO6dcI6DmX34utH1XgVrnyzdu9BvzJ1xfprZJ5G3O5mZmZmZmZmZdQEO0piZmZmZmZmZdQEO0piZmZmZmZmZdQEO0piZmZmZmZmZdQEdCtJImi5psqQ2SeOb1O0j6X5JD0nasU6dQyRNyj7vkbRFlq8t6TZJj0iaIum4UptVJI2R9ER+XznLJekcSU9mn1vVeeZFkvYrtTlD0uOSpko6tsmcBufc2yRNlLRvB9ZgZ0nXS3o053Rmqd7hkl4q9f2N0r11JN2c43tE0rpZPl3Sao2eXzWW/pLulTRH0gntqL9sg/HuJOlBSfMqa1m6N780j+vaOz4zMzMzMzOzJd3ivN1p14h4uR31dgcmR8Q3GtSZBuwcEa9J2hsYAWwLzAP+MyIelLQ8MEHSmIh4BDgJuCUizpR0Un7+PrA3sEF+bQucn98bORxYG+gfEQskrd6k/sPAoIiYJ6kvMFHSXyNiXrM1kLQscFZE3CZpKeAWSXtHxI1Z94qIOLpGH5cAZ0TEGEnLwWK/suNV4FjgKx1oU2+8z1CsXa1gzzsRMXAxx2hmZmZmZmafEOo6LxT72Gh5u5Ok9SWNljRB0l2ZsTEQ+DkwJDMqlpG0V2ZfTJR0C0BE3BMRr2VX9wH9svyFiHgwr98CpgJrZb0hwMV5fTELgw5DgEuicB+wkqS+mS1zrqTHJP0dKAdivg38NCIW5LNm5px6S/qDpHGZBTMk788uBWSWpvTWd0mHZgbPREmXVq9B0Txuy37eAx6szLfB2m4C9IiIMdnu7YiYXaryvcxCGifps9nmy6Xsnb9LWqMyt4h4AJhb4znX5s9viqRhpbnWHG9ETI+ISSx+wMjMzMzMzMzMqnQ0SBPAzfkL/bAsGwEcExFbU2RWnBcRbcCpFNkhA4HlgAuAoRGxBbB/jb6PAG6sLsztPVsC92fRGhHxQl6/CKyR12sBz5aazsiyfYGNgE2AQ4HPleqsDxwoabykGyVtkOUnA7dGxGBgV2C4pN45nm0lTQEmA0dmVs2mwCnAbjm/46rXICLeKc1pJeDLwC2lsQzNIM9VktbOsg2B1yVdk0GX4ZK6l9q8ERGbA+cCv8yyscB2EbEl8Gfge9VrWsO/589vEHCspFXLN+uMt56lcz3vk9SRrB0zMzMzMzOzJVpHtzvtEBHP5bagMZIepQh6XCmpUqdXjXbbAXdGxDSAiHi1fFPSrhRBmh2qypcDrgaOj4g3qzuNiJCaJlDtBFweEfOB5yXdWrrXC3g3IgZJ+irwB2BH4AvAPqWzW5YG1gGmRsT9wKaSNgYulnQjsBtwZWUbWPX8qubUA7gcOCcins7iv+YY50j6FkWG0G4UP58dKYJUzwBXUGwz+n22u7z0/ey87gdckduxlqLYUtbMsVp4vs7aFFvGXmkw3kY+nX9GPgPcKmlyRDxVXSmDfMMAll5qxXZ0a2ZmZmZmZh8roeZ17AM6lEkTEc/l95nAKGAX4PXMFKl8bdyRPiUNAEYCQyLilVJ5T4oAzWURcU2pyT8zAEF+n5nlz1EEGCr6ZVkjM4BK36OAAZXHU2T9VOa0TkRMLTfMz28Dm7Vvpu8bATwREZXMFyLilYiYkx9HAluXxtcWEU/nNqtrgfKByFHj+tfAuZlh8y2KAFNdknYB9gC2zyygh6raLDLeRkp/Rp4GbqcIMNWqNyIiBkXEoJ49lm1P12ZmZmZmZmafaO0O0uQ5LctXrimyTcYB0yTtn+VSvqGpyn3ATpLWy3qr5Pd1KIIkX4uIx0vPEkW2yNSI+EVVX9cBh+X1YcBfSuWH5hi2o9gK9AJwJ8WWpu4Z1Nm11Ne1pc87A5Ux3AQck+NA0pb5fb3MLEHSp4H+wHTgVmD/yjahyvxqrOHpwIrA8VXlfUsf96E4gwfgAYqzdfrk592AR0p1Dyx9vzevV2RhcOowmlsReC0iZkvqT5H11HC89UhaWVKvvF4N+HzVeM3MzMzMzMysjo5sd1oDGJVxix7AnyJitKTHgPMlnQL0pDgHZWK5YUS8lNtbrpHUjSL7ZU+KM1tWBc7LfudFxCCKX+6/BkzOQ3cB/isibgDOBP5P0hHAP4AD8v4NwBeBJ4HZwNezfBQLgxvPsDCYQfZ1maT/oMiKqbyJ6jSKM14m5XinAf9KsR3rJElzKQ7N/U5ucXpZ0hnAHZLmU2SjHF5eA0n9KM66eRR4MOd7bkSMpNhutA/FW61erbSNiPm55eqWDBhNoDjbp2JlSZOAOcC/ZdmPKbafvUYRPKoExj4FjAdWABZIOp7inJ7RwJGSpgKPUQTUGo5X0ja5risDX5b0k4jYFNgY+J2kBRQBwDPzjVxmZmZmZmZm1kS7gzS5fWWRLJk8Z2avGuUXAReVPt9I1cHA+XruRV7RHRFjKbYc1RrHKxSvtq4uD+CoOuW1Xm1NRLwOfKlG+TsUW4Wqyy8FLq3T18UsfOtUpewicg0iYgb15/QD4Ad17o1h4Tascvm6efn9qvK/sDC7qFz+IvXfJrV3nfJ6432gVl8RcQ+weZ2+zMzMzMzMbEkRfPCADmuXll/BbWZmZmZmZmZmrXOQxszMzMzMzMysC+joK7jNzMzMzMzMzJrzdqcOc5DGPnrdxPwVlmqpiycPXqHlYazwVMtd8Ob6vVruY+lXah4F9KF7d9WendJPz1mtz2fAii+13Me0OX2aV/oQzI3WExi71z4uqkNGv7HIUVcdtvrSb7XcxyPv1jsqq/3emr90y310hqdmd40/YwCfW/HJj3oIAHyq+5st93HdrJU7YSSt26f37I96CABcN2u5j3oIneZTPd5ouY+lOuHvQ4C50TX+k/j62V3j57t699Z/q3o3Wv/viKU1t+U+OkNnzKUzLNttTst99NSCThhJ57h/1mdb7mN6z9db7mPdni+33IdZZ/J2JzMzMzMzMzOzLqBr/G8DMzMzMzMzM/tEkbc7dZgzaczMzMzMzMzMugAHaczMzMzMzMzMuoAOB2kkTZc0WVKbpPGdORhJb9cpP03SpHzmzZLWzHJJOkfSk3l/q1Kb4ZKmSBre6DmS1sk+p0p6RNK6TcZYcywN6u+ffd8maU9JE3L9JkjarVTvdkmPZb9tklYv3TsgxzZF0p+ybBdJf2v07AZjOqfeWuf9ej+HiyTtl9dH57qHpNUWZxxmZmZmZmb2CRYfg68uZnHPpNk1Ij7MY7CHR8QPASQdC5wKHAnsDWyQX9sC5+d3gGHAKhExv0nflwBnRMQYScsBzY48rzeWeo4AvhkRYyVtCXw5Ip6XtBlwE7BWqe4hEfGBwJekDYAfAJ+PiNfKwZvFIWkQ0Bmvyrgb+Btweyf0ZWZmZmZmZrbE65TtTpLWlzQ6s0PuktQ/y/tIulrSA/n1+SxfTtKFmVEySdLQUl9nZ8bILZL6AERE+R2evVkY7xoCXBKF+4CVJPWVdB2wHDBB0oGS1pN0bz7v9NKzNgF6RMSYfM7bETE7720t6Y6c002S+jYaS605SToV2AH4vaThEfFQRDyfbacAy0hq9s7mbwK/iYjX8vkzS/dWkHR9ZuD8VlK3HMv5ksbnOv6kNN/uwHDge1U/v3rrI0nnZv9/B94PEOVcplcPVtLg7OshSfdI2qjJ/MzMzMzMzMyMxQvSBHBzBi+GZdkI4JiI2Bo4ATgvy38FnB0R2wBDgZFZ/kPgjYjYPCIGALdmeW9gfERsCtwB/KjyUElnSHoWOIQiewWKLJRnS2ObAawVEfsA70TEwIi4IsdxfkRsDrxQqr8h8LqkazKoMFxSd0k9gV8D++Wc/gCc0WQsi8wpIn4KjKfIkDmxah2HAg9GxJxS2YW51emHklQa44aS7pZ0n6S9SvUHA8cAmwDrA1/N8pMjYhAwANhZ0oAsPxq4LiLKa0CD9dkX2Cj7PxT4HM09CuwYEVvm2vx3O9qYmZmZmZmZLfEWZ7vTDhHxXG67GSPpUYpf3q9cGFegkh2yB7BJqXyF3FK0B3BQpbCSJUKx1eiKvP4jcE2pzsnAyZJ+QBFseD+A0w6fpwiKAFwK/CyvewA7AlsCz+SzDwfuBzbL+QF0pxS8qDOWenNahKRNcwxfKBUfkuu6PHA18DWKrVg9KLZz7QL0A+6UtHm2GRcRT2efl1Nk7VwFHJABtB5AX4qfwcvA/tlPe9dnJ+Dy3DL2vKRba7SttiJwcW7TCqBnnTUYRrEljV69VmxHt2ZmZmZmZvax0gXPfOnqOhykiYjn8vtMSaMoful/PSIG1qjeDdguIt4tF5aCNk0fV6PsMuAGisDIc8DapXv9sqy9fc0A2kqBjmuB7YBxwJSI2L7J+MpjaRdJ/YBRwKER8dT7g1u4rm+pOBx4MEWQZgZwf0TMBaZJepwiaFNrTiFpPYpspm3yDJuLgKUpAlGfBZ7M9V9W0pMR8dk6fS2u04DbImJfFYcw316rUkSMoMjAYoXl1/I/umZmZmZmZrbE69B2J0m9M9MDSb0pMkHGUQQP9s9ySdoim9xMsR2n0r4SyBkDHFUqrxxk2w3YL68PBsbm/UpQAopzaB7N6+uAQ/OZ21FsN6reygPFIbeVLJdDSuUPUJxj0yc/7wY8AjwG9JG0fT6/Z2a/NBpLvTlRKlsJuB44KSLuLpX3UL4hKbda/SvwcN6+lsx+yTobAk/nvcF5nkw34ECK9VoBmAW8IWkNisOViYjrI+JTEbFuRKwLzC4FaOqtz53AgbkFrC+wa/WcaliRhYGyw9tR38zMzMzMzMzo+Jk0awBjJU2kCM5cHxGjKX6xPyLLp1AELwCOBQblQbqPsPAtSKcDK0t6ONtUfvmfRRF4eJgiYPLTLD8z606iCAwdl+U3UAQsngQuAL5TZ9zHAUdJmkzpbUq5jecE4Ja8J+CCiHiPIlj0sxxfGwvPY6k3lnpzKjuaIpvlVH3wVdu9gJuyzzaKIMcF2eYm4JVcv9uAEyPilbz3AHAuMBWYBoyKiInAQxTBoz9RBGCaqbk+FBk/T1AEri4B7q3ckHSspBkU2UuTJFXOG/o58D+SHmLx3x5mZmZmZmZmH2OKj8dXV9OhX6JzW9AWNcqnAXvVKH+ZIsOjuvxt4LAa5cvVee7QOuVBKXulXl85vvLWpVNK98ZQHLBb3b6N4kyW9o6l3px2KV2fThHMqWXrOv0G8N38KpffXmt8ee/wOs8o12m6Pvnso+u0Pwc4p0b5vRTZPh/oy8zMzMzMzMwa65RXcJuZmZmZmZmZWWu8HcXMzMzMzMzMOl+0+6VBlpxJY2ZmZmZmZmbWBThIY2ZmZmZmZmbWBXi7k5mZmZmZmZl1vi749qSuzpk0ZmZmZmZmZmZdgIM0ZmZmZmZmZmZdgIM0ZmZmZmZmZmZdwGIHaSRNlzRZUpuk8Z05KElv1yk/TdKkfObNktbMckk6R9KTeX+rUpvhkqZIGt7oOZLWyT6nSnpE0rpNxlhzLA3q75993yZpT0kTcv0mSNqtVO92SY9lv22SVi/dOyDHNkXSn7JsF0l/a/TsBmM6p95a5/16P4eLJO2X1zvmeNokLSPpZ5Iezq8DF2dcZmZmZmZm9vGn6PpfXU2rBwfvGhEvd8pI2md4RPwQQNKxwKnAkcDewAb5tS1wfn4HGAasEhHzm/R9CXBGRIyRtBywYDHHUs8RwDcjYqykLYEvR8TzkjYDbgLWKtU9JCI+EPiStAHwA+DzEfFaOXizOCQNAlZupY90CPA/EfFHSV8CtgIGAr2A2yXdGBFvdsJzzMzMzMzMzD7ROnW7k6T1JY3O7JC7JPXP8j6Srpb0QH59PsuXk3RhZpRMkjS01NfZmaFxi6Q+AFW/7Pdm4VnRQ4BLonAfsJKkvpKuA5YDJkg6UNJ6ku7N551eetYmQI+IGJPPeTsiZue9rSXdkXO6SVLfRmOpNSdJpwI7AL+XNDwiHoqI57PtFGAZSb2aLO83gd9ExGv5/JmleytIuj4zcH4rqVuO5XxJ43Mdf1Kab3dgOPC9qp9fvfWRpHOz/78Dq2f5N4ADgNMkXQZsAtwZEfMiYhYwCdirybzMzMzMzMzMjNaCNAHcnMGLYVk2AjgmIrYGTgDOy/JfAWdHxDbAUGBklv8QeCMiNo+IAcCtWd4bGB8RmwJ3AD+qPFTSGZKepcjgODWL1wKeLY1tBrBWROwDvBMRAyPiihzH+RGxOfBCqf6GwOuSrpH0UG6R6i6pJ/BrYL+c0x+AM5qMZZE5RcRPgfEUGTInVq3jUODBiJhTKrswtw/9UJJKY9xQ0t2S7pNUDn4MBo6hCJKsD3w1y0+OiEHAAGBnSQOy/GjguogorwEN1mdfYKPs/1DgcwARMRK4DjgxIg4BJgJ7SVpW0mrArsDamJmZmZmZ2ZInPgZfXUwr2512iIjnctvNGEmPUvzyfuXCuAKV7JA9gE1K5SvklqI9gIMqhZUsEYqtRlfk9R+Ba0p1TgZOlvQDimDD+wGcdvg8RVAE4FLgZ3ndA9gR2BJ4Jp99OHA/sFnOD6A7peBFnbHUm9MiJG2aY/hCqfiQXNflgauBr1FsxepBsZ1rF6AfcKekzbPNuIh4Ovu8nCJr5yrggAyg9QD6UvwMXgb2z37auz47AZfnlrHnJd1aoy0RcbOkbYB7gJeAe4Ga28xyXMMAevVasVYVMzMzMzMzsyXKYmfSRMRz+X0mMIril/7XM2ul8rVx6TnblcrXioi6B9bWelyNsstYGFB4jg9mbPTLsvb2NQNoi4inI2IecC3F2SoCppTGvXlEfKFG+/JY2kVSP4p1OzQinnp/cAvX9S3gTxRZMpUxXhcRcyNiGvA4RdCm1pxC0noU2Uy7Z0bP9cDSFIGozwJPSpoOLCvpyXLbjsyjWkSckWu1J8X6PV6n3oiIGBQRg5bq2buVR5qZmZmZmZl9IixWkEZS78z0QFJvikyQccA0SftnuSRtkU1uptiOU2k/MC/HAEeVyisH2XYD9svrg4Gxeb8SlIDiHJpH8/o64NB85nYU242qt/IA3M3CLJdDSuUPUJxj0yc/7wY8AjwG9JG0fT6/Z2a/NBpLvTlRKluJImhyUkTcXSrvkduEyK1W/wo8nLevJbNfss6GwNN5b3CeJ9MNOJBivVYAZgFvSFqD4nBlIuL6iPhURKwbEesCsyPis03W507gwNwC1pdiG9Mi8v6qeT2AYpvVzbXqmpmZmZmZ2SdYF3hz08fx7U6Lm0mzBjBW0kSK4Mz1ETGa4hf7I7J8CkXwAuBYYFAepPsIC9+CdDqwsorXNU9k4S//sygCDw9TBEx+muVnZt1JFIGh47L8BoqAxZPABcB36oz7OOAoSZMpvU0pt/GcANyS9wRcEBHvUQSLfpbjayPPY2kwlnpzKjuaIpvlVH3wVdu9gJuyzzaKbKALss1NwCu5frdRnAPzSt57ADgXmApMA0ZFxETgIYrg0Z8oAjDN1FwfioyfJygCV5dQbGOqpSdwV45xBPD/MjPJzMzMzMzMzJpYrDNp8vyTLWqUT6PG23zyNd0H1ih/GzisRvlydZ5bc0tRRASl7JV6feX4ti/dPqV0bwxF5kd1+zaKM1naO5Z6c9qldH06RTCnlq3r9BvAd/OrXH57rfHlvcPrPKNcp+n65LOPbvaMiHiX4nBhMzMzMzMzM+ugTn0Ft5mZmZmZmZmZLZ5W3u5kZmZmZmZmZlZbFzzzpatzJo2ZmZmZmZmZWRfgTBr76C0Iur/5XktdbHT+ay0P4+1NVm+5j9Xvn9VyH++tunTLfdBNLXcxY7eerY8D6P1c6+Hzp95creU+tl3x6eaVPgSvz1225T66aUHLfWy33FMt9zFu1mda7mObZVr/ufTU/Jb76AwXztnxox7C++ZG95b7WL77Oy338V4n/L+gLy37dst9dIbrZtU8Lu9Dt0/v2R/1EACYH63/PTRlbtf4Zxegp7rGew66yp/3KXPnttzH8rT233YA82n9v2e6d8L/xl9F77bcR2d4a0Hr/202N7rO/6PfdtknW+5jo56t/7Pbk9b/nWnWmRykMTMzMzMzM7PO5+1OHdZ1QqlmZmZmZmZmZkswB2nMzMzMzMzMzLoAb3cyMzMzMzMzs04nb3fqsA5n0kiaLmmypDZJ45vU7SPpfkkPSdqxVH6dpIdLn0+TNCn7vFnSmlneX9K9kuZIOqFUf91y+6pn7ibpQUkPS7pYUs1AVM5jtbxeSdJVkh6VNFXS9k3mdWRpDcZK2qRJ/R0lTcn62+ecpuScDyzVu0jStKzXJmlg6d4uWTZF0h3tWIejJT0pKSrzbDLGwyWdW6O87jMa9PWDfPZjkv6lI23NzMzMzMzMllSLu91p14gYGBGDmtTbHZgcEVtGxF0Akr4KVB9dPzwiBkTEQOBvwKlZ/ipwLHBWewYlqRtwMXBQRGwG/AM4rB1NfwWMjoj+wBbA1Cb1/xQRm+d4fw78okn9Q4D/yfqvAIdGxKbAXsAvJa1Uqntiru3AiGjLea0EnAfsk+32b8ec7gb2oFiDD00GrA4CKvM7T5KPTDczMzMzMzNrolPOpJG0vqTRkiZIuiszYCoBjCGZAbKMpOWA7wKnl9tHxJulj73JM6AjYmZEPADUeg9gD0mXZebLVZKWBVYF3ouIx7POGGBojnHVzNKZImkkFO/0k7QisBPw+3zmexHxer15NRqvpO6SzsosnkmSjpH0DeAA4DRJl0XE4xHxRPbzPDAT6NNkiQ8GromIZyrr0mQdiIiHImJ6dUeSekv6g6RxmeE0pHR7bUm3S3pC0o+aPUPSNpLukTQx+1seGAL8OSLmRMQ04ElgcJP5mZmZmZmZmS3xFidIE8DNGbgYlmUjgGMiYmvgBOC8zAI5Fbgis0LeAU4D/heYXd2ppDMkPUuRdXJq9f0aNsrnbAy8CXwHeJkioFDJ8NkPWDuvfwSMzUyUUcA6Wb4e8BJwYQYtRkrqXW9epfEeJekpikDUsVk8DFgXGBgRA4DLImIkcB1FhswhVXMeDCwFPFUqPiMDPGdL6pVlGwIrZwBlgqRDm6xDIycDt0bEYGBXYHhpvoMpgloDgP1L67jIMyQt1TT8AgAAIABJREFUBVwBHBcRW1Bk7bwDrAU8W3rejCwzMzMzMzMzswYWJ0izQ0RsBewNHCVpJ+BzwJWS2oDfAX2rG2VmzfoRMapWpxFxckSsDVwGHN2OcTwbEXfn9R9zXEGx1eZsSeOAt4D5WWenrEdEXA+8luU9gK2A8yNiS2AWcFJm/dSdV0T8JiLWB74PnJLFewC/i4h5WefVeoOX1Be4FPh6RCzI4h8A/YFtgFWy78oYtwa+BPwL8ENJG9Zbh4arBl/I+bUBtwNLszBgNSYiXsmA2jWlvmo9YyPghcx0IiLerMy7PSQNkzRe0vi58xaJ2ZmZmZmZmZktcTr8dqeIeC6/z5Q0CtgFeD3PW2lke2CQpOn53NUl3R4Ru1TVuwy4gSLzpeFQan2OiHuBHQEkfYEiC6WRGcCMiLg/P18FnEQRwGrPvP4MnN+kzgdIWgG4Hjg5Iu57fwIRL+TlHEkXUmTvVMb4SkTMAmZJupPi7JwHqLMOjR4PDI2Ix6rGtG2DvjryjOdYmL0E0C/LPthBxAiKTCVW6L2mz/w2MzMzMzOzJV6HMmnyPJPlK9cUWRnjgGmS9s9ySdqium1EnB8Ra0bEuhSZGI9XAjSSNihVHQI82o7hrKOFb2E6GBibfa2e33tRZKL8NuvcmfWQtDewco7rReBZSRtlvd2BR/LcmZrzqhrvl4An8noM8C3lG6UkrVI96NwmNAq4JCKuqrrXt/Is4CtA5a1KfwF2kNQjz4PZloWHG9dchwZuAo7JZyBpy9K9PSWtImmZfH4le6bWMx4D+kraJvtZPud9HXCQpF6S1gM2oPgzYmZmZmZmZkuS+Bh8dTEd3e60BjBW0kSKX7yvj4jRFOfIHJHlUygCLR1xZuWwXYrAz3EAkj4laQbFYcOnSJqRWShQBAmOkjSVIuBSyWY5McsmAX+NiFuz/CfATpKmAF8Fnik9/xjgsnz+QOC/s7zevI5WvlI7x1Z5g9TI7HdStjm4xlwPoNh6dbgWfdX2ZZImA5OB1cgDliNiKjA65zQOGBkRlQBOzXWQdGyuXb8cz8isfxrQM8um5OeKccDV+ZyrI2J8vWdExHvAgcCvc65jgKUjYgrwf8AjOeajImI+ZmZmZmZmZtZQh7Y7RcTTFNtsqsunUbxuubr8IuCiGuXTgc1Kn4fWed6LFEGGam9SnN1Sq82JwIk1yl+hCADVatMGLPI68QbzOq5OP/MogjbfrSo/vHT9R/JsnBrtd6tVnveGA8OryqZTfx3OAc6pUf4O8K0a5RdR/2dV7xkPANvVKD8DOKNWGzMzMzMzMzOrrcNn0piZmZmZmZmZNRSgLridqKtbnLc7mZmZmZmZmZlZJ3OQxszMzMzMzMysC/B2JzMzMzMzMzPrfN7u1GHOpDEzMzMzMzMz6wIcpDEzMzMzMzMz6wK83cnMzMzMzMzMOp+3O3WYM2nMzMzMzMzMzLqADgVpJE2XNFlSm6TxTer2kXS/pIck7Vgqv07Sw6XPp0malH3eLGnNLO8v6V5JcySdUKq/brl91TN3k/SgpIclXSypZqZQzmO1vF5J0lWSHpU0VdL2TeZ1ZGkNxkrapEn9HSVNyfrb55ym5JwPLNW7SNK0rNcmaWDp3i5ZNkXSHe1Yh6MlPSkpKvNcHPX6kbSypFE5h3GSNms2JjMzMzMzMzNrbHEyaXaNiIERMahJvd2ByRGxZUTcBSDpq8DbVfWGR8SAiBgI/A04NctfBY4FzmrPoCR1Ay4GDoqIzYB/AIe1o+mvgNER0R/YApjapP6fImLzHO/PgV80qX8I8D9Z/xXg0IjYFNgL+KWklUp1T8y1HRgRbTmvlYDzgH2y3f7tmNPdwB4Ua9CKev38F9AWEQOAQynW0MzMzMzMzMxa0PJ2J0nrSxotaYKkuzIDphLAGJIZIMtIWg74LnB6uX1EvFn62JvctRYRMyPiAWBujcf2kHRZZr5cJWlZYFXgvYh4POuMAYbmGFfNLJ0pkkYCyvIVgZ2A3+cz34uI1+vNq9F4JXWXdFZm8UySdIykbwAHAKdJuiwiHo+IJ7Kf54GZQJ8mS3wwcE1EPFNZlybrQEQ8FBHTqzuS1FvSHzL75SFJQ+qNvVE/wCbArVnnUWBdSWs0GpOZmZmZmZktOQQouv5XV9PRIE0AN2fgYliWjQCOiYitgROA8zIL5FTgiswKeQc4DfhfYHZ1p5LOkPQsRdbJqdX3a9gon7Mx8CbwHeBligBBJcNnP2DtvP4RMDYzUUYB62T5esBLwIUZtBgpqXe9eZXGe5SkpygCUcdm8TBgXWBgZphcFhEjgesoMmQOqZrzYGAp4KlS8RkZJDlbUq8s2xBYWdLtue6HNlmHRk4Gbo2IwcCuwPCc7yJjb9LPROCrpXl8Gui3mGMyMzMzMzMzMzoepNkhIrYC9gaOkrQT8DngSkltwO+AvtWNMrNm/YgYVavTiDg5ItamCA4c3Y5xPBsRd+f1H3NcARwEnC1pHPAWMD/r7JT1iIjrgdeyvAewFXB+RGwJzAJOyqyfuvOKiN9ExPrA94FTsngP4HcRMS/rvFpv8JL6ApcCX4+IBVn8A6A/sA2wSvZdGePWwJeAfwF+KGnDeuvQcNXgCzm/NuB2YGmKgFW7x57OBFbKfo4BHmLhWrdrTJKGSRovafzceYvE7czMzMzMzMyWOB16BXdEPJffZ0oaBewCvJ7nrTSyPTBI0vR85uqSbo+IXarqXQbcQJH50nAotT5HxL3AjgCSvkCRhdLIDGBGRNyfn68CTqIIXrVnXn8Gzm9S5wMkrQBcD5wcEfe9P4GIF/JyjqQLKbJ3KmN8JSJmAbMk3Ulxds4D1FmHRo8HhkbEY1Vj6sgUKlu+vp5tBUwDnqYILrVrTBExgiJbiRV6r9kFk8zMzMzMzMysJf5Nr8PanUmT55ksX7mmyMoYB0yTtH+WS9IW1W0j4vyIWDMi1qXIrHi8EqCRtEGp6hDg0XYMZx0tfAvTwcDY7Gv1/N6LIhPlt1nnzqyHpL2BlXNcLwLPStoo6+0OPJJBiJrzqhrvl4An8noM8C3lG6UkrVI9aElLUWy3uiQirqq617fyLOArQOUtSX8BdpDUI8932ZaFhxvXXIcGbgKOyWcgacv2jr1qrCvlXAC+AdxZOquno2MyMzMzMzMzMzq23WkNYKykiRTBmesjYjTFOTJHZPkUikBLR5xZObCWIvBzHICkT0maQXHY8CmSZmQWCsBjFNutplIEXCrZLCdm2STgrxFxa5b/BNhJ0hSKs1SeKT3/GOCyfP5A4L+zvN68js4DiNtybJU3SI3Mfidlm4NrzPUAiq1Xh2vRV21fJmkyMBlYjTxgOSKmAqNzTuOAkRFRCeDUXAdJx+ba9cvxjMz6pwE9s2xKfq479gb9bAw8LOkxiq1vx5XmWO9nY2ZmZmZmZmYNtHu7U0Q8TbHNprp8GsXrpKvLLwIuqlE+Hdis9Hlonee9yMLDaMvepDi7pVabE4ETa5S/QhEAqtWmDVjkdeIN5nVcdVmWz6MI2ny3qvzw0vUfybNxarTfrVZ53hsODK8qm079dTgHOKdG+TvAtzow9nr93EuNrWSNxmRmZmZmZmZLkC769qSuruVXcJuZmZmZmZmZWescpDEzMzMzMzMz6wI69HYnMzMzMzMzM7N28XanDnOQxizNW6ZjryL/pNO8zulnfk+va1fUsxN+wD01v+U+3o2eLffRTQta7qMz9Oo296MewvtW6j675T7mR+vJtgs6ow//190HzI+u8ee9uzrjz4f//VCtM9a1M3TKz8Y/XjOzxdI1/k1gZmZmZmZmZraEc5DGzMzMzMzMzKwL8HYnMzMzMzMzM+t83rXcYc6kMTMzMzMzMzPrAhykMTMzMzMzMzPrAloK0kiaLmmypDZJ45vU7SPpfkkPSdpZ0vWSHpU0RdKZ7XzeLvmsKZLuaDYOSVdkWVvWaavT7+2SBuX1UpJGSHo8xze0yZiGSJpUebakHZrU7591K+twm6RHck7Hler9WNJzpfF/sXRvgKR7s81kSUtn+dt1nrl/1l1QmWdprhdmHxMl7VLVZmqO75DSONqyn4GN5mlmZmZmZmZLNkXX/+pqOuNMml0j4uV21NsdmBwR35C0LHBWRNwmaSngFkl7R8SN9RpLWgk4D9grIp6RtHqzcUTEgaX2/wu80Y5xngzMjIgNJXUDVmlS/xbguogISQOA/wP6N6j/FeCqiDhdUl/gPyPiQUnLAxMkjYmIR7Lu2RFxVrmxpB7AH4GvRcRESasCzd77+jDwVeB3VeXfBIiIzXM9b5S0TUQsAI4AvhkRY7PuZfn8zYFrI6JmwMvMzMzMzMzMFk+nHxwsaX3gN0AfYDZFIGBp4OfAMpnJsX1E3AYQEe9JehDol+37AL8F1skuj4+Iu4GDgWsi4plsN7MDYxJwALBbfl4GuBDYAngUWKZU/d/JIEsGK15uNK6IKGev9KZ0NJKk7wP/D1gA3AjcCRwPzJe0e0TsCryQz3pL0lRgLeAR6vsCMCkiJma7V6rmenbWeRE4KCJeioipea+6r02AW7OfmZJeBwZJ2gvYAfi9pOsi4sRSm38D/lx63l7AfwPdgZcjYndJywG/BgblevwkIq5uMCczMzMzMzOzJV6rZ9IEcLOkCZKGZdkI4JiI2Bo4ATgvsy5OBa6IiIER8U6lg8yQ+TJFRgrArygySLYBhgIjs3xDYOXcmjRB0qFNxlG2I/DPiHgiP38bmB0RGwM/ArYujQXgNEkPSrpS0hpNxoWkfSU9ClxPEeRB0t7AEGDbiNgC+HlE3EAR6Dk7AzSU+lgX2BK4v1R8dG6l+oOklUvrEJJuyjF+r1S/NzA+IjYF7si5NTIR2EdSD0nr5TqsHRE/BcYDh1QFaAAOBC7PMfcBLgCG5hz3zzo/BN6IiM0jYgAZCKqa77DcHjZ+7rzZTYZpZmZmZmZmHzvxMfjqYlrNpNkhIp7LrTJjMlDxOeDKUtZGr3qNc+vO5cA5EfF0Fu8BbFJqv0JmZvSgCCLsTpH5cq+k+yLi8VrjiIg7S4/6t3xOxU7AOQARMUnSpCzvQZHRc09EfFfSd4GzgK/VG1dEvB0Ro4BRknYCTsu6ewAXRsTsfM6rDdZhOeBqiuycN7P4/Owr8vv/UgSAelBkuWxDkal0i6QJEXELRcbOFdn+j8A19Z6Z/gBsTBGQ+QdwDzC/wTi3pQhuPZxF2wF3RsS0qjnuARxUaRcRr1X3FREjKAJ6rNB7zS74j4aZmZmZmZnZh6ulIE1EPJffZ0oaBewCvB4R7T1UdgTwRET8slTWDdguIt4tV5Q0A3glImYBsyTdSbFd6fEa4xhMsbWoEgj6Kpkt08QrFIGPSnDjSoqzWeqOqywi7pT0GUmrteNZlXn1pAjQXBYR7wdVIuKfpToXAH/LjzMoAiOVbVg3AFuxMBPpA0Nq9OyImAf8R+k59wCPN2hyEB8MdpmZmZmZmZlZJ1ns7U6Seudht0jqTXEOyjhgmqT9s1yStqjT/nRgRYozWspuBo4p1asEfP4C7JBbc5YFtgWm1hnHw6X+9gAejYgZpbI7Kc64QdJmwACAiAjgrxTBJiiydirnw9Qcl6TP5pk3SNqKInPoFWAM8PUcK5IWOYA42/0emBoRv6i617f0cd/SnG4CNpe0bAagdi6NsRuwX14fDIylgeyjd17vCcwrHVpcXbcbxbk+fy4V3wfslFulynMcAxxVarsyZmZmZmZmZtZQK5k0a1Bs8an086eIGC3pMeB8SacAPSl+qZ9YbiipH8VblB4FHsw+zo2IkcCxwG9yC1IPioDKkRExVdJoYBLFtp6REfGwpM/UGkfpcbWyP84HLsyDeqcCE0r3vg9cKumXwEvA17O85rgozqc5VNJc4B3gwAz2jM5AznhJ7wE3AP9VNY7PU2ylmqyFrwf/rzy75ufZPoDpwLeg2Dok6RfAA3nvhoi4PtvOAgbn2s+kOD8GSftSHOTbB7heUltE/AuwOnCTpAXAczmWenYCni1tSyMiXsozgK7JIM5MYE/g9Fyrhym2T/2E5luvzMzMzMzM7JOii5750tUtdpAmf1lfJEsmzyfZq0b5RcBFeT0DWORVQ3nvZTK4UOPecGB4e8ZRun94jbJ3KJ2ZUnXvHxQBiXaNKyJ+BvysTl9nAmdWlf24dD2W+utQN2ASEX+kOHOmuny5OvVHAaNqlE8HNqrTZpeqz7dTnEFTXe9GijdXlcveBg6rM3wzMzMzMzMzq6HVtzuZmZmZmZmZmVkncJDGzMzMzMzMzDqdout/tXsu0nckTZP0rqQJknZsUn8pST/NNnMkPSPp2GbPafUV3Gat6yYWLNuzpS40f+mWh7HMy3Nb7qPVeUDH/qKoJxa03km/295rfSDAW2sv1XIfG6z4Ust93P/GZ1ruozOst+zLH/UQAHh27qot9/Hq3N4t9zF21oYt9/HGvGVa7qMzbLDMP5tX+pD0X+rFlvvopfkt97F2j9b/X9CcLrKX/VM93viohwDAlLmt/1w6w4KouVu7Qwb26tVyH/NjQct9APTUs53ST6va5nSN/3/aVX423dX6enTGOBZ0kUM1utU+JaFDusrfqQDT5s1ruY8ZrXfBpku1/t+q9skn6UDgV8B3KF7Q8x3gRkmbRMQzdZr9GegHDAOeoDjXt+l/uDpIY2ZmZmZmZmZW33eBiyLigvx8jKS9gG8DP6iuLOkLFG+LXj/Pt4XihUBNdY1wvZmZmZmZmZl9ssTH4KsJSUsBWwM3V926GfhcnWZfoXgj83clzZD0hKRzJNV82U+ZM2nMzMzMzMzMzGpbDegOVO9t/yewR502nwF2AOYAQ4GVgF8DawL7NXqYgzRmZmZmZmZmtqRaTdL40ucRETGixT67UeTpHBwRbwBIOhq4SdIaEVH3MEMHaczMzMzMzMys03XGS1E+BC9HxKBG94H5FAf/lq0B1HtbwwvAc5UATZqa39dh0ayc9y32mTSSpkuaLKmtKupUq24fSfdLeqjea6ok9Zd0b76a6oQGff240f06bd6uU36RpP3yWpLOkPS4pKnNXo0laXDOvU3SREn7NqlfXoOdJV0v6VFJUySdWap3uKSXSn1/o3RvHUk35/gekbRulk+XtFoH1qPuWks6TtLDOa7jq9q05fjXr2rz/s9E0hWlsU+X1NbecZmZmZmZmZl1JRHxHjAB2LPq1p7APXWa3Q2sWXUGTeW1pv9o9LxWM2l2LZ1U3MjuwOSI+EaDOq8Cx1IcsPNROBxYG+gfEQskrd6k/sPAoIiYJ6kvMFHSXyOi3ovg3l8DScsCZ0XEbXkI0S2S9o6IG7PuFRFxdI0+LgHOiIgx+cNe3HcK1lxrSZsB3wQGA+8BoyX9LSKezLpXRcTpjTqOiANL/f0v0DXeWWpmZmZmZma2eH4BXCppHEUA5kiK82V+CyDpEoCIODTr/wn4IXChpB9TnEnzK4rfqWc2elCnvt1J0vqSRkuaIOmuzL4YCPwcGJLZFctI2kvSg5mBcktOZmZEPADMrdHvyZnhMhbYqFT+TUkPZD9XZ/ADSetlpshkSaeX6kvSuZIek/R3oByI+Tbw04hYUBlPtukt6Q+SxmUWyZC8P7sUkFma0rnQkg6VNCnHdWn1GhTN47bs5z3gQYr3pzda202AHhExJtu9HRGzS1W+l/MdJ+mz2ebLpeydv0tao8labwzcX5rbHcBXJX0ROB74tqTbGv1MymsNHABc3mheZmZmZmZmZl1ZRFxB8TvxKUAbxaHAX4yISlbMOvlVqf82xaHCK1K85en/KH6//vdmz2olSBPAzRmQGZZlI4BjImJr4ATgvIhoA06lyA4ZCCwHXAAMjYgtgP0bPUTS1sBBwEDgi8A2pdvXRMQ22c9U4Igs/xVwfkRsTrEXrGJfioDCJsChfPB1WesDB0oaL+lGSRtk+cnArRExGNgVGC6pd45tW0lT+P/s3Xm8neO9///XO/MgMVMlhJDGHBU6ibF16GCo+fRQRVGqyhc9HtV+dfCr4nyrrdKGGqqoQ8WhakjNLRJJZJCIoZJDcE5MQUTmz++P+7Pizsrae+2dtcjC+/l47Mde67qv6b5WspN88rmuGyYDx2dWzZYUH9zuOa+Tq9cgIt4p3d9qwFeAu0tzOSCDPDdKGpBlg4HZkm7KoMv5krqW2ryR93sRcGGW/R34dERsB/wJOKPtlQaK7KDhktbMgNcXgQER8VeKCOEvImK3Op9JxXDgfyPi6VoDSTo213rswoVv15mWmZmZmZmZfeCs7MdrN+ER3EtvJeLiiBgYET0jYvuIeKB0bdeI2LWq/pMRsWdE9ImI9SPixIh4q944jWx32ikiXshtQaMkTaMIetxQJFEA0LNGu08DD0TE9Jz4a3XGGQ6MrGSNSLqldG2rzJRZjSL4c2eWf47iMVcAVwM/z9c7A9dFxGLgRUn3lPrqCcyLiGGSvgpcnmPvCexTOrulF0WE7ImIGA1sKWlz4CpJtwO7AzdUtoG1d3+SulFkmvwqIp7N4ltzjvMlHQdclX12y/lsBzwHXE+xRev32e660vdf5OsNgOtzO1YPYHpbc8m5PiHp5xTPe3+bIkK4uEbV9j6TisNoJ4smT8seAdC/3/ofjOOkzMzMzMzMzN5DK5xJExEv5PdZwEhgV2B2ZopUvjZvzjTbdCXw7cwg+RFFAGXpFDvZ10zgpnw9EtgmX4si66dyTxtGxBPlhvl+DrBVJ8ccATwdEZXMFyLi1YiYn28vA7YvzW9CRDybW5FuBj5ZnkaN178GLsr1OY5l16emiPh9RgV3Bl4HnurkPVWCT1+lCCSZmZmZmZmZWQesUJAmz2npV3lNkW0yBpgu6aAsl6RtazR/BNhZ0sZZb406wz0A7Jdn2fSj2BpU0Q94SVJ34Gul8n9QbMehqvwBii1NXTO7ZLfStZtL73fh3eDEncBJecYKkrbL7xtnMAJJGwFDgBnAPcBBktZs7/4yA2hVin1t5fL1Sm/34d3HdD0KrCZp7Xy/OzC1VPeQ0veH8/WqwAv5+uu15lFjXuvk9w0pAi3X1qjW3mcCxd67aRExsyNjmpmZmZmZ2YfMyt7G1OTtTu+XFd3utC4wMuMW3YBrI+IOSU8Cl0g6C+hOcQ7KxHLDiHg5z7C5SVIXYBbwBUkfA8YC/YElKh7/vEVEjJd0ffYziyJYUfEDYDTwcn7vl+UnA9dK+h7wX6X6I3k3uPEc7wYzAM4FrpF0CkVWTOVJVD+hOONlUs53OvBlioOC/l3SQoqnLJ2QW5xekXQOcL+kxcBjFNuSlpK0AcVZN9OA8bmOF0XEZcB3JO0DLKJ4CtORuW6Lc8vV3RkwGkdxtk/F6pImAfMpthoBnE2x/ex1iuBRJTDW1lq/Cfw5A0wLgRMjYjZV6nwmUATIfGCwmZmZmZmZWScoogVDR/aR0r/f+rHj0BMa6qPrW/MansfCNfs03EeXBSv6VPR3Le7VtX6lOkL169SjJv1oeGtAj4b72PZbkxruY0kzFqUJNu7zysqeAgCrd2v8wO4pb6/fcB8f77lcHLjT3ljUu+E+mmFQr3afpvi++nTvZ+tXqqOnah1J1jkDujX1IZIr1dSFjf9sboZeTfhcmqEZP1OH9qx1dGHnLI7G/9wFmLZwfv1K74OF0Rq/Z1rls+mqxtejGfNY0iL/1d6Fxn/fzV/6cNqVb/qi1vh5tmWP1vh7RNf1nhkXEcNW9jyaqfe6A2LTr526sqdR1+O/OLWl1r6Rg4PNzMzMzMzMzJaj/LLOaY1wvZmZmZmZmZnZR5wzacxSqDXivE3ZldOlCZ0sbk5qbzPuZ1GLpH83w+IP0b3MX9z4HyHNWI/h/Z5suI9m+O8Fa9ev9D5Z3IT/t1rSIv/39eLi1kiH79Ei6/Fh0irbYaA5v2esNS2iNX6GNEMXGt922bVF/r4Lzfl917VFtqKZNZODNGZmZmZmZmbWfI6jddqH5790zczMzMzMzMw+wBykMTMzMzMzMzNrAQ7SmJmZmZmZmZm1AJ9JY2ZmZmZmZmZNJ59J02krlEkjaYakyZImSBpbp+7akkZLekzS8HbqbZz1npF0vaQeWX6kpJdzrAmSjim12VDSXZKekDRV0sAsHy5pStbvXTXOlZIOzNeSdI6kp7KP79S5lx1L85goaf9O3Psukm6TNC3ndm6p3orc4wxJa9UY8xelfp6SNLt07Q5JsyX9parNNZKelPS4pMsldc/yVSXdmvc6RdI3Sm0Wl8a5pVT+7fwMo9b8zMzMzMzMzKy2RjJpdouIVzpQbw9gckQcU6fez4FfRMSfJP0WOBq4JK9dHxHfrtHmD8A5ETFK0ipA5VmOXwN+FhF/rDPmkcAAYEhELJG0Tp36jwPDImKRpPWAiZJujYhFbdRfeu+S+gAXRMS9GYC6W9LeEXH7Ct5jTRFxSuW1pJOA7UqXzwf6AMdVNbsG+Ld8fS1wDMXanwhMjYivSFobeFLSNRGxAHgnIobWmMI/gL8A97U3TzMzMzMzMzNbVtPOpJE0KDM1xkl6UNIQSUOB84B9K1ktki6RNDYzM36UbQXsDtyY3V0F7FdnvC2AbhExCiAi5kTE3MxCORj4SWaISNJFmSnyN6AciPkW8OOIWJJ9zMq++2ZGyZjMgtk3r88tBWR6UXqgmKQjJE3KrJOrq++9aB73Zj8LgPHABityj6UqZ6jIaBojadMaXRwGXFd5ExF3A29VV4qIv0YCxpTmFUC//HxWAV4D2gpIVfp6LCJmtFfHzMzMzMzMPgLiA/DVYlY0SBPAXRmQOTbLRgAnRcT2wGnAxRExAfghRZbI0Ih4B/h+RAwDtgF2kbQNsCYwuxQAmQmsXxrvgAyA3ChpQJYNBmZLuikDKedL6hoRlwG3AKdHxNeA/YFPAFsARwCfLfU7CDgkg0a3S9osy78P3BMROwK7AedL6gsg6VOSpgCTgeMzq2ZL4Cxg94hclaHQAAAgAElEQVTYFji5jXsn+1gN+Apw94rcY6nNGxGxNXARcGH5A5K0EbAxcA8dlNucDgfuyKKLgM2BF/N+T64EtIBeuW6PSGo3oNbGWMdm+7ELF77d2eZmZmZmZmZmHzorGqTZKSI+CewNnChpZ4rgxw2ZNfI7YL022h4saTzwGLAlRfCkPbcCAyNiG2AURZYNFFu1hlMEhHYANqHYvlRtZ+C6iFgcES+ybNCiJzAvg0aXApdn+Z7Av+e93EeRNbMhQESMjogtc8wzJfWiyAK6obL9KyJea+tmJHWjyG75VUQ82+A9Xlf6/pmqoQ4FboyIxW3NpYaLgQci4sF8/y/ABODjwFDgIkn989pGuW7/ClwoaVAnxiEiRkTEsIgY1r173840NTMzMzMzM/tQWqEgTUS8kN9nASOBXSkyYYaWvjavbidpY4qAwx4ZkLiNIgDyKrBaBjCg2G5TGePViJif5ZcB2+frmcCEiHg2M3BuBj7ZyVuZCdyUr0dSZPcACDigdC8bRsQTVWvwBDAH2KqTY44Ano6IpZkvDdxjtPEaiiDNdXSQpP8LrA2cWir+BnBT7oR6BpgODMk5Vz6fZykCWdthZmZmZmZmVrGytzJ9FLY75Xkt/SqvKbJOxgDTJR2U5ZK0bY3m/YG3gTckrUuRiUOehXIvcGDW+zrwX9lXOSNnH6ASLHmUIrCzdr7fHZhaY8wHKLY0dc2+ditdu7n0fhfgqXx9J3BSnsWCpO3y+8aVQFJuJxoCzKDIzjlI0pp5bY0a80DST4FVge9Wla/oPR5S+v5wqb8hwOrlsvbkOT7/AhxW2s4E8BzF4cfk5/UJ4FlJq0vqmeVrAZ+j9tqbmZmZmZmZWQetyNOd1gVGZvyiG3BtRNwh6UngEklnAd2BPwETyw0jYqKkx4BpwPMUTwKq+B7wpwxkPAb8Psu/I2kfigNrXyO3+0TEYkmnUTwlScA4ii1L1UbybnDjOZYNXJwLXCPpFIqsmMoTqH5CccbLJEldKDJIvgzsRLENaiHFU5ZOyC1Or0g6B7hf0uKc/5HlSUjagOKsm2nA+Fy/i/IMnRW9x9UlTQLmUxwSXHEo8KcMfpXn8CBFYGkVSTOBoyPiTuC3wH8DD+e8boqIH+c6XClpMkV20fci4hVJnwV+J2kJRaDv3IiYmmN8BzgD+Fiu31878GQvMzMzMzMzs488Vf073ux917/f+rHj0BMa6qPrW/ManseCtRo/G6fr/M4cAVTbot5d61eqp4sa7kKLm/Oz4c0NezTcx1bHPd6EmbSGgb1fXdlTAGCt7ss96K3Txr+5UcN9bNi7zSO8Omy7PjMa7qMZ/nvB2vUrvU8+2+fphvvopcZ/nm3UrfGfRS8ubnwezTB3yYr8v1bzdVFr/L1tSTT+2W7do3vDfXRVcx5UOmlB43+PaIZmrGszDO3Zs+E+Fi+TnL1imvH5zo+FDffRKrrR+N8RF9EaP1MBnlzY+Fy6NmGvypY9ejfcRzN0Xe+ZcXnm54dGn3UHxGaHnFq/4ko26denttTat8bfOMzMzMzMzMzswyOgRf5v4QOlOf/9YGZmZmZmZmZmDXGQxszMzMzMzMysBXi7k7WEaPAMlVeGrd7wHBb0b3wfeI83G8/ne3NQw100Rf9/Nqef1zdvvI/j1rmv4T4ufOkLDffRpQn7njfv/ULDfTRj//Udr2/dcB/HrXtvw338/uWdG+7jxfm1Hib4/ttnjcdW9hSW2r5n42dBNeMch2cWLmq4j3HzGj/7qBkWRmv8lam7Gl/TVtFdzzfcx2Kac4bLNj16NaWfRv3hzbVW9hQA6KnnGu5jSRM+m2Z9vo1qxhldrWJeNOHswybZqFvjf595cmHjP5s/TOcWtSRvd+o0Z9KYmZmZmZmZmbUAB2nMzMzMzMzMzFpAa+TumpmZmZmZmdmHip/u1HnOpDEzMzMzMzMzawFNC9JImiFpsqQJksbWqbu2pNGSHpM0XNL22fYZSb+SpKx3n6RhHRy/X45d+XpF0oV57Rel8qckzW6jjyslHZivJemcrP+EpO/UGX/H0hgTJe3fiTXYRdJtkqZJmiLp3FK9IyW9XOr7mNK1DSXdlfObKmlgls+QtNzJczXW/RxJz0ua0169Uvktkh5v777MzMzMzMzMbMU0e7vTbhHxSgfq7QFMjohjACSNAb4JjAb+CuwF3N6ZgSPiLWBo5b2kccBNee2UUvlJwHYd6PJIYAAwJCKWSFqnTv3HgWERsUjSesBESbdGRFuPYVi6BpL6ABdExL2SegB3S9o7IiprcH1EfLtGH38AzomIUZJWAZbUmWP1ui8ELgKebq9e1v0qMAczMzMzMzOzjvB2p057T7c7SRok6Q5J4yQ9KGmIpKHAecC+mRmyHtA/Ih6JiKAIPOxX6ubwrPe4pB2z31UkXZHZN5MkHVA17mBgHeDBGtM6DLgu60nSRZKelPS3bFPxLeDHEbEEICJmZZu+ki6XNCYzTfbN63NLAZlelH45Sjoi5zlR0tXVa1A0j3uznwXAeGCDOmu7BdAtIkZluzkRMbdU5YxcnzGSNq2x7r1zzV+q6ne5ehkAOhX4aVXdTSX9Le9rvKRBWf69HHtiOSvIzMzMzMzMzNrWzCBNAHdlQObYLBsBnBQR2wOnARdHxATghxTZIUOB9YGZpX5mZllFn6x3AnB5lv0AeCMito6IbYB7quZyaPa/TNxO0kbAxqX6+wOfALYAjgA+W6o+CDhE0lhJt0vaLMu/D9wTETsCuwHnS+qb/X9K0hRgMnB8ZtVsCZwF7B4R2wInV69BRLxTmuNqwFeAu0tzOSCDPDdKGpBlg4HZkm7KYNH5krqW2rwREVtTZMpc2N6YZW3U+wnwH8DcqurXAL/J+/os8JKkvYF9gU9l+Xm1xpF0bK7t2AUL365VxczMzMzMzOwjpZlBmp0i4pPA3sCJknam+If7DZkt8jtgvRXo9zqAiHgA6J9BjM8Dv6lUiIjXq9ocWmlXo/zGiFic73cGrouIxRHxIssGe3oC8yJiGHAp7waI9gT+Pe/pPoqsmQ1zHqMjYktgB+BMSb2A3YEbKtvAIuK1tm5UUrec968i4tksvhUYmMGoUcBVWd4NGE4R/NoB2IRii1bFdaXvn2lrzHoys2ZQRIysKu8HrF8pj4h5mcnzeeCKSlZPW/cbESMiYlhEDOvRve+KTs/MzMzMzMzsQ6NpZ9JExAv5fZakkcCuwOzMgmnPCyy7tWeDLFvadfVQ7XUmaVuKbUDjalw+FDixznwqZpJn2gAjgSsqQwAHRMSTbTWMiCfyMN6tOjhWxQjg6Yi4sNTXq6Xrl/FuZspMYEIlmCPpZuDTwO8rTctT6uQ8yj4DDJM0g+LXyzqS7qPI9jEzMzMzMzOryY/g7rymZNLkOS39Kq8psk3GANMlHZTlygDKMvJMlDclfVqSKLYd/VepyiHZfieKLTxvUGSULA22SFq9VH/pmTNVcxwCrA48XCp+gGJLU9c8G2e30rWbS+93AZ7K13cCJ+VckbRdft84M2Eq26qGADMosnMOkrRmXlujem5Z/lNgVeC7VeXl7KN9gCfy9aPAapLWzve7A1NLdQ8pfS/fc6dExCUR8fGIGAjsBDwVEbvmQc0zJe2X8+yZByCPAr6Rr9u8XzMzMzMzMzNbVrO2O60L/F3SRIrgzG0RcQfwNeDoLJ9CcVZJLSdQZIk8A/yTZZ/sNE/SY8BvgaOz7KfA6nmY8ESWDa4cTNtbnf5UdU7NSIonG02lOLC4HMw4l+IsmMnAz4DKk45+AnQHJuX5Mz/J8p0onug0Ifs9ISJeiYgpwDnA/TnX/1c9MUkbUJx1swUwXss+avs7Kh7LPRH4DrmlKbdsnUbxJKjJFBk+l5a6XV3SJOBk4BRqkHSepJlAH0kzJZ1dq147Ds/5TQIeAj6Wn/stwNhci9M62aeZmZmZmZnZR1JTtjvllptaWTLTKR6nXV1+JXBl6f1YamwNiohd2xhvDvD1Nq5t0kb52TXKAqj1aGsiYjbwpRrl7wDH1Si/Gri6jb6u4t2zZCplV5JrEBEzKYIstdqeCZzZxrVRwDY1ygfmy++1NWa+PwM4o0b7ZeqVymdQ+pwi4mmKDJ7qeudSBLnMzMzMzMzsoyjwI7hXwHv6CG4zMzMzMzMzM+sYB2nMzMzMzMzMzFpA057uZGZmZmZmZma2lLc7dZozaczMzMzMzMzMWoCDNGZmZmZmZmZmLcDbnczMzMzMzMysqQTI2506zZk0ZmZmZmZmZmYtwEEaMzMzMzMzM7MW0JQgjaQZkiZLmiBpbJ26a0saLekxScMlbZ9tn5H0K0nKevdJGtbB8fvl2JWvVyRdWLp+sKSpkqZIuraNPq6UdGC+lqRzJD0l6QlJ36kz/o6lsSdK2r8Ta7CLpNskTcv5nVuqd6Skl0t9H1O6tqGku3J+UyUNzPIZktaqM+bwvL/nJc1pb66l9j0l/S3ncUjVtV0l/SVff03SpPxMH5K0bUf6NzMzMzMzM/uoa+aZNLtFxCsdqLcHMDkijgGQNAb4JjAa+CuwF3B7ZwaOiLeAoZX3ksYBN+XrzYAzgc9FxOuS1ulAl0cCA4AhEbGkA20eB4ZFxCJJ6wETJd0aEYvaqL90DST1AS6IiHsl9QDulrR3RFTW4PqI+HaNPv4AnBMRoyStAiypM8fqdV8IXAQ8XaddxXYAETG0Tr3pwC651nsDI4BPdXAMMzMzMzMz+7DwmTSd9p5td5I0SNIdksZJelDSEElDgfOAfTMjYz2gf0Q8EhFBEXjYr9TN4VnvcUk7Zr+rSLoiMzUmSTqgatzBwDrAg1n0TeA3EfE6QETMynqSdJGkJyX9LdtUfAv4cUQsqWrTV9LlksZkRsq+eX1uKSDTi9IvRUlH5DwnSrq6eg2K5nFv9rMAGA9sUGdttwC6RcSobDcnIuaWqpyR6zNG0qY11r13rvlLNfpeW9KfJT2aX5/LINUfgR2y/SBJe2X2z3jgq5X2EfFQZa2BR+rdi5mZmZmZmZkVmhWkCeCuDMgcm2UjgJMiYnvgNODiiJgA/JAiO2QosD4ws9TPzCyr6JP1TgAuz7IfAG9ExNYRsQ1wT9VcDs3+K4GSwcBgSf+Q9IikvbJ8f+ATwBbAEcBnS30MAg6RNFbS7ZmNA/B94J6I2BHYDThfUl8ASZ+SNAWYDByfWTVbAmcBu0fEtsDJ1WsQEe9UBpW0GvAV4O7SXA7IIM+NkgaU7mm2pJsyWHS+pK6lNm9ExNYUmTIXtjdmDb8EfhEROwAHAJdlkOoY4MH8PF4ALs25bg98rI2+jqaTWVFmZmZmZmZmH1XN2u60U0S8kBkXoyRNowh63KDiiBmAnivQ73UAEfGApP4ZxPg8RSCGvPZ6VZtDgcNL77sBmwG7UmR1PCBpa2Bn4LqIWAy8KKkc7OkJzIuIYZK+ShEgGg7sCewj6bSs1wvYEHgiIkYDW0raHLhK0u3A7sANlW1gEfFaWzcqqVve768i4tksvjXnOF/SccBV2We3nM92wHPA9RRbtH5fXrf8/ou2xmzD54EtSp9b/9xOVTYEmB4RT+fc/wgcW64gaTeKIM1ObdzvsZU2PXuu2skpmpmZmZmZWatTeL9TZzUlSBMRL+T3WZJGUgREZnfg/JIXWHY7zAZZtrTr6qHa6ywPqe0WEeNKxTOB0RGxEJgu6SmKoE17ZpJn2gAjgSsqQwAHRMSTbTWMiCfyMN6t6oxRbQTwdEQsPfA4Il4tXb+MYstSZX4TKsEcSTcDn+bdIE15nTr7u6IL8OmImFcuLAVt6pK0Tc5376p7eHdSESMo7pn+/db371wzMzMzMzP7yGt4u1Oe09Kv8poi22QMRUDkoCxXraf85Jkob0r6tIoowBHAf5WqHJLtd6LYwvMGMAo4sTT+6qX6h/FuFknFzRRBI1Q89Wgw8CzwAMWWpq55Ns5uVW0q73cBnsrXdwIn5VyRtF1+3zgzYZC0EUWmyQyKrVgHSVozr61RYwmR9FNgVeC7VeXrld7uAzyRrx8FVpO0dr7fHZhaqntI6fvDtcZsx13ASaU51Aq0TQMGShqU7w8r1d+QIsB1eEQ8VaOtmZmZmZmZmdXQjEyadYGRGbfoBlwbEXdIehK4RNJZQHfgT8DEGu1PAK4EelOcX1I+w2SepMey/VFZ9lPgN5IeBxYDP+LdrJeDgS9W9X8nsKekqVn/9Ih4NTN+KsGN51g2mHEucI2kU4A5FOexAPwEuBCYJKkLxZOMvkyxpeffVTwxaQlwQm5xekXSOcD9khYDj1FsS1pK0gYUZ91MA8bnOl4UEZcB35G0D7AIeK3SNiIW55aruzNgNI7ijJiK1SVNAuZTCqBUjXse8K9AH0kzKc6eORv4Tq7vJIrP8wHg+HLbiJiX25VukzSX4pDmfnn5h8CawMV5L4siokOPUjczMzMzM7MPicBPd1oBDQdpcstNrSyZ6RSP064uv5IiKFN5P5YaW4MiYtc2xpsDfL2Na5vUKAvg1PyqLq/1aGsiYjbwpRrl7wDH1Si/Gri6jb6uojhLplx2JbkGETGTYhtVrbZnUjw+vNa1UcA2NcoH5svvtTVmvj8DOKNG+1d4NxOnXH4fcF/p/R0UGUPV9Y7h3aCWmZmZmZmZmXXQe/YIbjMzMzMzMzMz6zgHaczMzMzMzMzMWkCzHsFtZmZmZmZmZraUfCZNpzlIYyvfkqDrnAUNdbHOfa83PI1Zu65Xv1Idby53KlLnrX9vY2sB8Mo2PRvu481NmvMTtedrHX98e1v+8math4x1zu5rTGu4j2Z44I3ljnLqtC5a0nAf+605ruE+7p2zRcN9fGOtvzfcRzPWoxluf3O549lWmsUxo+E+emlhw3307zKv4T4O6/e/DffRpfbRb51y29xVGu6jGb7UZ87KngIAXdV4MvaE+a2T0P2HN9da2VMA4Ij+r6zsKQAwbn7j/0To3oSfzUui8d+7zfBWdF/ZU2iaXlq8sqew1JMLG/919onuixruY3F0bbgPs2ZqnT8dzczMzMzMzMw+wpxJY2ZmZmZmZmbN5+1OneZMGjMzMzMzMzOzFuAgjZmZmZmZmZlZC2hqkEbSDEmTJU2QNLZO3bUljZb0mKThks6R9LykOVX1NpR0b9abJOmLdfodLmlKzmEjSePz9RRJx7fR5khJF5XeHyxpara5ts54vSSNkTQx6/+ovfrZ5rq8l1MknS9pWr4fKWm1rDNQ0js59wmSfltq30PSCElPZdsDsvxKSQd2YMxtJT2cn9Wtkvp3cm49JF2R7SdK2rXUvjVONDQzMzMzM7OVStH6X63mvTiTZreI6MjR9HsAkyPiGABJC4GLgKer6p0F/GdEXCJpC+CvwMB2+v0a8LOI+KOkHsBnImK+pFWAxyXdEhEvttVY0mbAmcDnIuJ1SevUuY/5wO4RMUdSd+Dvkm6PiEfa6P9jwA4RsWm+3xM4MyIWSfp5jv29rP7PiKj1WJvvA7MiYrCkLsAa7U2wxpiPAqdFxP2SjgJOB37Qibl9EyAits71uV3SDhHRGo9YMTMzMzMzM/sAes+3O0kaJOkOSeMkPShpiKShwHnAvpkl0jsiHomIl2p0EUAl02NV4MXst6ukCyQ9npkeJ0k6BjgY+ImkayJiQUTMz7Y9Kd2vpG9kJsoY4HOl8b4J/CYiXgeIiFmlNqdLejTH+1Fej4ioZI90z6/I+jtIeiizTcZI6gfcBayf9z08Iu6KiMqz4x4BNujAsh4F/CzHX1IVFPu8pLF5b1/OsmXGBAYDD+S1UcABteq1M7ctgHtK6zMbGFZap19kVtHdktbuwP2YmZmZmZmZfeQ1O0gTwF0ZkDk2y0YAJ0XE9sBpwMURMQH4IXB9RAyNiHfa6fNs4N8kzaTIojkpy4+lyKgZGhHbANdExGXALcDpEfE1AEkDJE0Cngd+HhEvSloP+BFFcGYniqBDxWBgsKR/SHpE0l7Zz57AZsCOwFBge0k757WukiYAs4BRETE6s3iuB06OiG2BzwPvAPuQGTIR8WDVvR4F3F56v7GKbV73Z3CFypYjikDUeEk3SFq31GZgzvFLwG8l9aox5hRg36x/EDAgX3d0bhOBfSR1k7QxsH2pj77A2IjYErgf+L+YmZmZmZnZR098AL5aTLODNDtFxCeBvYETM4jxWeCGDGL8Dlivk30eBlwZERsAXwSuzi0+nwd+V8n0iIjXajWOiOcziLMp8PUMaHwKuC8iXo6IBRTBlIpuFMGYXXPsSzMwsmd+PQaMB4ZkPSJicW5L2gDYUdJWwCeAlyLi0azzZikrZTmSvg8sAq7JopeADSNiO+BU4No8O6ZbjvNQrvXDwAWlrv4zs2ueBp7NeVY7CjhB0jigH7CgrXm1MbfLgZnAWOBC4CFgcV5bwrvr+UeKIFitPo/NjJ+xCxfNbW94MzMzMzMzs4+Epp5JExEv5PdZkkZSBDpmt3GuSkcdDeyV/T6cmSFrrcDcXpT0ODCcIuDQlpnA6IhYCEyX9BRFMEYUZ938rp0xZku6N+d7Z0fnJulI4MvAHhER2dd8ivNuiIhxkv5JkeUzDpgL3JTNb6BYo6XTqJ5WjXlOowg4IWkwRdZNZ+a2CDilVOch4Kk2uqgZm4yIERRZVvTv+/EWjF+amZmZmZmZvb+alkkjqW+euYKkvhRBgDEUgY6DslyStu1k189RHDKMpM2BXsDLFGepHCepW15b7vBcSRtI6p2vV6fI6ngSGA3sImnNPOz3oFKzmymCS0haiyIw8ixF0OWoPIAYSetLWkfFU6oqTz3qDXwBmJbjrCdph7zWrzLXqjnuBZwB7BMRc0vla0vqmq83oQgUPZuBklsrc8y1mVrq8iBJXSQNAjbJeVSPuU5+70JxMPNvq+vUmVuf/IyR9AVgUURU5tAFqDxh6l+Bv9fq28zMzMzMzMyW1cxMmnWBkZIq/V4bEXdIehK4RNJZFIfq/oniTJNlSDqP4h/1ffL8mcsi4mzg/1BsOTqFIivjyIgISZdRBFAmqXgy1KUUT4cq2xz4D0lBkQlzQURMzvHOptgqNBuYUGpzJ7CnpKkUW3hOj4hXKc7a2Rx4OO9xDvBvFGewXJUBlS4U243+kmMcAvw6gzfvUGzRqnYRxaHGo7LfRyLieGBn4Md5b0uA40tbur5Hse3rQoqA1TdK/T1HERzrn23mZb9lh0k6MV/fBFxRY17tzW0d4E5JS4AXgMNLbd6m2PJ1FsUZPYe00beZmZmZmZl9WLXoI65bXdOCNBHxLLBclkxETCe3K1WVXwlcWXp/BkXWRnW9qSz79KVK+SKKs1pOrSo/svR6FLBNG/O9ghrBicxUWa7fvPZL4Jc1utuujTEeBT5dVTwH2KpUZ9M22v4Z+HMb1/6bIohTXX5kG/VnVI1Z8z5q1GtrbjMoztypdW2VWuVmZmZmZmZm1r73/BHcZmZmZmZmZmZWX1MPDjYzMzMzMzMzA1ryEdetzpk0ZmZmZmZmZmYtwEEaMzMzMzMzM7MW4O1OZmZmZmZmZtZUwk93WhHOpDEzMzMzMzMzawEO0piZmZmZmZmZtQBvdzIzMzMzMzOz5gvvd+qspmfSSJohabKkCZLG1qm7tqTRkh6TNFzSOZKelzSnqt6Gku7NepMkfbFOv8MlTck5bCRpfL6eIun4NtocKemi0vuDJU3NNtfWGa+XpDGSJmb9H7VXP9tcl/dyiqTzJU3L9yMlrZZ1Bkp6J+c+QdJvS+17SBoh6alse0CWXynpwA6Mua2kh/OzulVS/zbqHZT3tETSsHr3VerjV9Wfo5mZmZmZmZm17b3KpNktIl7pQL09gMkRcQyApIXARcDTVfXOAv4zIi6RtAXwV2BgO/1+DfhZRPxRUg/gMxExX9IqwOOSbomIF9tqLGkz4EzgcxHxuqR16tzHfGD3iJgjqTvwd0m3R8QjbfT/MWCHiNg03+8JnBkRiyT9PMf+Xlb/Z0QMrdHN94FZETFYUhdgjfYmWGPMR4HTIuJ+SUcBpwM/qFFvc+CrwO/qrEF5rGHA6h2tb2ZmZmZmZmbv05k0kgZJukPSOEkPShoiaShwHrBvZon0johHIuKlGl0EUMn0WBV4MfvtKukCSY9n5sdJko4BDgZ+IumaiFgQEfOzbU9K9yzpG5mJMgb4XGm8bwK/iYjXASJiVqnN6ZIezfF+lNcjIipZI93zK7L+DpIeyiybMZL6AXcB6+d9D4+IuyJiUbZ/BNigA8t6FPCzHH9JVVDs85LG5r19OcuWGRMYDDyQ10YBB9SqFxFPRMST1YPXWvtKOXA+cEYH7sHMzMzMzMzM0nuRSRPAXZIC+F1EjABGAMdHxNOSPgVcHBG7S/ohMCwivl2nz7Ozz5OAvsDns/xYioyaoZmFskZEvCZpJ+AvEXEjgKQBwG3ApsDpEfGipPWAHwHbA28A9wKPZb+Ds90/gK7A2RFxR2a8bAbsSPFEsVsk7RwRD2RwYlyO8ZuIGJ1ZPNcDh0TEo7ml6B1gn5xfrQyZo7JNxcaSHgPeBM6KiAcr26EoAlG7Av8Evh0R/5vlA3OOg4B7JW1aPaakKcC+wM3AQcCAbNve3MqWW/ss/zZwS0S8JKlOF2ZmZmZmZvZh5Udwd957kUmzU0R8EtgbOFHSzsBngRskTaDYNrNeJ/s8DLgyIjYAvghcnVt8Pk8RCFoEEBGv1WocEc9HxDYUAZSvS1oX+BRwX0S8HBELWDYw0o0iGLNrjn1pBkb2zK/HgPHAkKxHRCzOwMYGwI6StgI+AbwUEY9mnTdLGTPLkfR9YBFwTRa9BGwYEdsBpwLXZqCnW47zUK71w8AFpa7+M7NrngaezXlWOwo4QdI4oB+woK15tWG5tZf0cYqAz6/rNZZ0bGb7jF24aG4nhzYzMzMzMzP78Gl6Jk1EvJDfZ0kaSRHomN2BzIz2HA3slf0+LKkXsNYKzO1FSY8DwymCIW2ZCQCCcV4AACAASURBVIyOiIXAdElPUQRjRHHWTZvns0TEbEn35nzv7OjcJB0JfBnYI6I4Aju3ac3P1+Mk/ZMiy2ccMBe4KZvfQLFGS6dRPa0a85xGEXBC0mDgSx2dazu2owiEPZNZNH0kPVM536Zq/EqGFf37ftzxVTMzMzMzM/vIa2omjaS+eeYKkvpSBAHGUAQ6DspySdq2k10/R3HIcOUg217AyxRnqRwnqVteW+7wXEkbSOqdr1cHdgKeBEYDu0haMw/7PajU7GaK4BKS1qIIjDxLEXQ5Kg8gRtL6ktZR8ZSqyhOZegNfAKblOOtJ2iGv9avMtWqOe1Gc4bJPRMwtla+d26iQtAlFoOjZDOLcWpljrs3UUpcHSeoiaRCwSc6jesx18nsXioOZf1tdp47l1j4ibouIj0XEwIgYCMytFaAxMzMzMzOzD7n4gHy1mGZvd1qX4slGEymCM7dFxB0UT1s6OssrZ6EsR9J5kmZSZGDMlHR2Xvo/wDez/XXAkRmouIwigDMpr/1rjW43B0bn9fuBCyJich5QfDbFVqF/AE+U2twJvCppKsVZNadHxKsRcRdwLfCwpMnAjRRbhdajOPtlEvAoMCoi/pLbqA4Bfp3jj6IIMFW7KPsZpWUftb1z3tuEHOv40pau7wFn55iH5xpVPEex/rdnm3k1xjwsM4SmURzEfEWNOkjaPz+TzwC3SapkB3Vk7c3MzMzMzMysg5Q7a8xWmv59Px6fHnJsQ310fePthucxa9fOHpW0vDc3abgL1r+vs8cDLe+VbXo23Mf8NZrzs6Hb240fIL3/IQ823MeGPV9tuI9mmDRnQP1KdXTRkob7+JfVJjfcx+PvNH4vu/Sd1nAfzViPZrj9zc4mib53tuszo+E+emlhw33071Lr/wg6Z/vGf5zRhcZ/Dt02d5XGJ9IEX+ozp36l90FXNf7/fBPmz69f6X0yaf76K3sKABzR/5X6ld4H4+Y3/neR7k342bwkWuMhFIub8DOkVfTS4pU9haXejsZP3vhE9/ZOsOiY7nRtuI9m6Lf+c+MiYtjKnkczrbLGgNj6X767sqdR1yN/Oq2l1v69eLqTmZmZmZmZmX3Etcj/pX2gvBdPdzIzMzMzMzMzs05ykMbMzMzMzMzMrAV4u5OtfF3E4r7dG+pCi2udx9w5q05vfG/8ak81Yf91j8b3xa49sXX2+b81oEfDfby8oPGzIF6Yt1rDfTTDZn1mrewpADCg2+yG+9h61cbPTrji9R0b7mP/Vcc33EczHLHamJU9haXeasI+/2acWzCoW++G+3h1yTsN99EM63RtjTP8pixs/KygZmjGWSFDezbhwKEm6annVvYUABg3vzX+ar59z8b/7F4cjf+dqBlnHy2M1jmDpVHNOF/rnSZ8Ls3y/KLGf57NXNT4mmzZo/Ff79aO1vjj8wPFmTRmZmZmZmZmZi3AQRozMzMzMzMzsxbgII2ZmZmZmZmZWQtojY2vZmZmZmZmZvahIp9J02mdzqSRNEPSZEkTJI2tU3dtSaMlPSZpeKn8FkmPd2CsxTnOBEm3lMp/L2mipEmSbpTU4VNFJZ0t6bTS+5MkTZM0RdJ5ddpuJGl8zmeKpOPr1O8p6W9Z/xBJ10h6UtLjki6X1D3r7SrpjdK9/rDUx2p5j9MkPSHpM1l+n6RhNcb8Wq7LZEkPSdq2dK3mZydpqKRHKuWSdszy00tzejw/jzXy2slZNkXSd0t91ZyXmZmZmZmZmbVvRTNpdouIjjzWYw9gckQcUymQ9FVgTgfHeScihtYoPyUi3sz+/h/wbeDcDva5lKTdgH2BbSNivqR16jR5CfhM1l0FeFzSLRHxYhv1twOo3IOkt4B/y2vXAscAl+T7ByPiyzX6+CVwR0QcKKkH0KfOHKcDu0TE65L2BkYAnypdr/XZnQf8KCJul/TFfL9rRJwPnJ9z/wrFur8maSvgm8COwALgDkl/iYhn6szNzMzMzMzMzNrQlDNpJA2SdIekcZIelDRE0lCKf+zvm5kYvTOwcSrw06r2m2bGycTMVBnU3nilAI2A3uSDvSStK2lk9jNR0mez/PuSnpL0d+ATpa6+BZwbEfOz31lZv6uk8yU9mlkpx+X1BZW6QE9K6ydpr5z7REl3Z8Dnj8AOef+DIuKvkYAxwAZ11nVVYGfg96Xxy8/NPbyU5bJj1nkoIl7P64/UG6OypED/fL0qUCvodBhwXb7eHBgdEXMjYhFwP/DV9uZlZmZmZmZmHyEBRLT+V4tZkSBNAHdlQObYLBsBnBQR2wOnARdHxATgh8D1ETE0It4BfgL8BzC3qs9rgN9ExLbAZykyVgB65fabRyTtV24g6Qrgf4AhwK+z+FfA/dnPJ4EpkrYHDgWGAl8Edih1MxgYrmJL1v2SKteOBt6IiB2y/jclbZzjDpA0CXge+HlEvChpbeBS4IAc+6AM+BxDkSEzNCL+WZp7d+Bw4I7SXD6TAZ7bJW2ZZRsDLwNXqNgydpmkvqU2fTJL5wTgcpZ3NHB76X2tzw7gu8D5kp4HLgDOrFrrPsBewJ+z6PFctzXz2heBAZ2Yl5mZmZmZmZlVWZHtTjtFxAuZKTJK0jSKwMoNRWILUGSZLCMzawZFxCmSBpbK+wHrR8RIgIiYV2q2UY61CXCPpMmVYEdEfENSV4oAzSHAFcDuwBF5fTHwhoqzcEZGxNwc75ZS/92ANYBPUwRj/jPH2hPYRtKBWW9VYDNgekQ8n9c+Dtws6UaKbT8PRMT0HPu1Omt4cdZ/MN+Pz3udk9uNbs7xulEEm06KiNGSfgn8O/CDbHddjveApP6SVqtk2uRWrqOBnUrjLvfZRcQDFBlFp0TEnyUdTJG58/lSu68A/6jcV0Q8IennwF3A28AEYHGpfpvzqsgg0bEAPXuuWme5zMzMzMzMzD78Op1JExEv5PdZwEhgV2B2ZotUvjav0fQzwDBJM4C/A4Ml3dfBsZ4F7iPPeCldXwz8CTigs/eRZgI35Q6kMcASYC1AFIGRyv1sHBF3VY39IplR0pkBJf1fYG2KbV+Vvt6MiDn5+q9Ad0lr5fxmRsTorHojRdBmadOq7ivbvrYBLgP2jYhXS+NUf3aVrUhfB27K1zeUyisO5d2tTpW+fh8R20fEzsDrwFP15lXVfkREDIuIYT26962+bGZmZmZmZh9witb/ajWdCtJI6puZL+S2mz0pzlaZLumgLJdKTxSqiIhLIuLjETGQIrvjqYjYNSLeAmZWtjOpeCJSH0mrS+qZZWsBnwOmZv+bVsYC9gGm5TB3U2SFVM6VWRV4ANgvz8TpR5EVUnEzsFvWHwz0AF4B7gS+pXefvjQ4730DSb2zbPW8jycpzn7ZubQlao021u8Y4F+AwyJiSan8Y3kv5BkuXYBXI+J/gOclVc7R2QOYWurykGyzE8X2rDckbUgRcDk8Ip4qjVHrs6s8YetFYJd8vTvwdKndqnntv6ruZZ38viHFeTTXtjevWuthZmZmZmZmZu/q7HandYGRGU/oBlwbEXdIehK4RNJZQHeK7JaJnej3cOB3kn4MLAQOAj6WZUsoghbnRsRUSV2AqyT1p8h4mUgGZoCTgRGSjqbYfvOtiHhY0vVZbxbwaGncy4HLVTwOfAHw9YgISZcBA4HxGTx5GdiP4sDc/5AUOfYFETEZlm7fuSnnNwv4Qo37/C3w38DDuYY3RcSPgQMpgkKLgHeAQ/NwYYCTgGtUPNnpWeAbpf7mSXqMYs2PyrIfAmsCF+cYiyJiGG18dtnmm8AvJXUD5pHbkNL+wF0R8XbVvfxZ0poUn9eJVduZas3LzMzMzMzMzNqhaMHTjO2jpX+/9WOH7U5oqI9ub86rX6mOhWvWe7p5fVq4pH6lOpb06NpwH6h+lffLWwN6NNzHdidMaLiPBUtW5Aiu5tusz6yVPQUAvty/M3H02lbrsqjhPq54vfEHwO2/6viG+2iGfmp8PZrlrWj813svLa5fqY5B3Xo33MerS95puI9meHZhr5U9BQD6dFm4sqcAwJJo/A+aoT2XO8JwpXliQfUzLVaOuU34vdsM2/ds/M/uxdH434m6qvEH0S6Mxn+WtYouTfgL3juxoAkzaY7nFzXh781NWJMtezT+Z1UzdF3vmXH5n+sfGqusPiCG7n7yyp5GXf+46fSWWvvW+JPAzMzMzMzMzD5cnBPSaY2Hp83MzMzMzMzMrGEO0piZmZmZmZmZtQBvd7KVL0BLGsuD0+Im5NE1oYtG76OlNOtWWmRJendtjXMcWsXaTThPplcTzgro03V+w318rGtrnDfQjLMCmuW1RY1/Nl2b8Jt3SRP6WKV40OJKNy9aYx79aJHzJJrwy70ZZ5Y0SzPOtWiG7mqNNWmV82SaYQmN30uXFvl/7WacJzOvhc7o6dqE33bN+LPK3juiNR9x3epa4yeOmZmZmZmZmdlHnIM0ZmZmZmZmZmYtwNudzMzMzMzMzKy5Ioov6xRn0piZmZmZmZmZtYAOB2kkzZA0WdIESWPr1F1b0mhJj0kaLukQSZMkTZH081K9X2R/EyQ9JWl26dri0rVbSuUbZ9/PSLpeUo825jCnjfIrJR2YryXpnBz7CUnfqXNfO5bmNFHS/p1Yh10k3SZpWq7DuaV6R0p6udT3MaVrG0q6K+c3VdLALJ8haa02xj04606RdG2W7Vbqf4KkeZL2qzP/bSU9nJ/7rZL6l65tk9em5PVekvpVjfGKpAvbG8PMzMzMzMzMCp3d7rRbRLzSgXp7AJMj4hhJawLXANtHxMuSrpK0R0TcHRGnVBpIOgnYrtTHOxExtEbfPwd+ERF/kvRb4Gjgkk7eR8WRwABgSEQskbROnfqPA8MiYpGk9YCJkm6NiLYek1Jehz7ABRFxbwaW7pa0d0TcnnWvj4hv1+jjD8A5ETFK0irQ/hH1kjYDzgQ+FxGvV+4pIu4FhmadNYBngLvq3O9lwGkRcb+ko4DTgR9I6gb8ETg8IibmZ7wwIuZVxshxxgE31RnDzMzMzMzMPoT8dKfOa2i7k6RBku6QNE7Sg5KGSBoKnAfsK2kCsAXwdES8nM3+BhxQo7vDgOvqjCdgd+DGLLoK2C+vbVzK+vhpuY2kiyQ9KelvQDkQ8y3gxxHFcwYjYla26SvpckljMgtm37w+txSQ6UXp4cKSjlCRLTRR0tU11iEyUEJELADGAxvUud8tgG4RMSrbzYmIuaUqZ+T9jpG0aZZ9E/hNRLxevqcqBwK3V/qS9ENJj0p6XNKIXGeAwcAD+XoU735uewKTImJijvFqxLLP85M0mGKtH2zvHs3MzMzMzMys0JkgTQB3ZUDm2CwbAZwUEdsDpwEXR8QE4IcUmSFDKbJPPiFpYGZg7EeRvbKUpI2AjYF7SsW9JI2V9EhpW86awOxSoGQmsH6+/iVwSURsDbxU6md/4BMUwaIjgM+Wrg0CDslxbs8sFIDvA/dExI7AbsD5kvrmXD8laQowGTg+s2q2BM4Cdo+IbYGTq9chIt4p3e9qwFeAu0tzOSCDPDdKqqzPYGC2pJsyWHS+pK6lNm/k/V4EXFhqM1jSP3Lt9mJ5h7JsQOyiiNghIrYCegNfzvIpwL75+iDe/dwGAyHpTknjJZ3RxhjXR/ikKDMzMzMzM/tgk3SCpOl5dMg4ScPbqburpKjxNaTeOJ0J0uwUEZ8E9gZOlLQzRcDjhswU+R2wXnWjzOj4FnA9RVbFDGBxVbVDgRursjE2iohhwL8CF0oaVGd+n+PdwMPVpfKdgesiYnFEvMiygaCewLwc51Lg8izfE/j3vK/7KLJmNsz7GR0RWwI7AGdK6kWR3XNDZStYRLzW1iQzUHUd8KuIeDaLbwUGRsQ2FBkrV2V5N2A4RQBsB2ATii1aFdeVvn+m1GYzYFeK7KRLMyhUGX89YGvgzlI/u6k4O2dy3suWWX4UcEJuW+oHLCiNsRPwtfy+v6Q9qm61OhBUvQ7HZnBs7MJFb7dVzczMzMzMzGylknQIRWLI/0dxTMtDwO2SNqzTdEuKOEnl6+l6Y3U4SBMRL+T3WcBIiiDA7MwSqXxt3kbbWyPiUxHxGeBJ4KmqKsv9g7403rMUgZLtgFeB1TLQAcV2oRfKzTp6P2km756ZMhLYJl8LOKB0XxtGxBNV83sCmANs1ckxR1Bs/1p6oG5uF5qfby8Dti/Nb0JEPJvZQzcDnyxPo8brmcAtEbEwIqZTrPVmpXoHAyMjYiFABpkuBg7MrJxLKYJSRMS0iNgzM6WuA/5ZGuOBiHglt0z9tTwvSdtSbNMa19YiRMSIiBgWEcO6d+vb9mqZmZmZmZnZB1N8AL465lTgyoi4NCKeiIiTKHbwfKtOu1kR8T+lr+qEleV0KEiTZ7T0q7ymyDQZA0yXdFCWK/9xXqv9Ovl9deAEikBE5doQYHXg4VLZ6pJ65uu1KLJkpubWmXv/f/buO86uqtz/+OebmRRSaZEbEjAIhEhJAiQgSgsggkq7VEWKgkgR1HtRUBBR5F4ELlioMYqFUASJgkASpAWUloQUQkIzCAGUXtOmPL8/9jrJzjAzZyZ7/8gh+b5fr/Oac9Zea+2115k5k3nyrLXJ9lQBOAr4c3r+N7JgD2QZHhWTyZY01aUsktG5Y3/Kvd6FZcGjicDJlb1ZJG2dvm5UCRClJVpDyTKD7gIOVraBbmVj3tbm4cdAP+CbLcrzGUj7ApWA0CNkQan+6fVuwOO5uofmvlbm709kAbTK3A0B/pFr03Lvnx7p66vKNiauzG3+fetCtpzrinRoIrCVpJ5pPnZpMa6q+wuZmZmZmZmZ1TplN/7ZlvffeGcSy2+n0popkl6SdKek0VXqAh2/u9N6wPgUs6gHromICZKeAC6XdCbQFbgOmNFK+5/lAjg/ioh8Js1hwHUt9i75OHClpGayQNJ5EVEJApwGXJcCHo8Cv0rl3wCukXQaywI3kGXIVIIbz5ELBgHnAeMkfYssK6Zy6+tzyPZ4mZkCFPPI9mnZkWwZVAPZXZZOTEucXpV0LnCvpKY0rqPzEyBpENleN3OBaWkuL4mIscApkvYFGoHXK20joknSqWR3ghIwlSzTpWItSTOBxWSBEcgCKHtKepxsWdm3I+K1NIbBZPvK3FvpICLelPRLsr2D/kUWGKr4gqST0vObgKtSmzckXZTqBnBbRNyaa3cI8FnMzMzMzMzMatu6kqbkXo+JiDH540Ad8O8W7f4N7NFGn5Usm0eAbsARZH/X7xIR7d5cR97X1Va2vr0HxnYjqmWJta/+rUWFx7Gkf/FlV12WVM1eq6qpR0djp+1Q9SpVlfTR8M4G3Qr3sfVJ0wv3UVcj9/8b1P2NlT0EAL68ZpurETushwrdIBCAsW9tVbiPo/rNLNxHGYrPRnn+2di1cB89VPzzbEjX4j//DdWzgj8QDy/uUb3SB6B/XW3s49ZUwi+aLUr4/ijL3IbF1St9AMqY1zKU8d7UlfA7ogyLsxX+hXSpkU/4Mq5lUY18pgK83ryyR5AZ0rU2tl6oG/D01LRX6iqjz5qDYpudvrGyh1HV5L98p925l7Q+2TYru0TE5Fz5WcDhEbFZR84j6TagMSL2ba9ebXzimJmZmZmZmZnVnlfJVqms16J8PbLVKB31EMvvF9sqB2nMzMzMzMzMzFoREUvIth75dItDnya7y1NHjSBbBtWuEtZVmJmZmZmZmZnlBNBcG1sOlOAi4PeSHia7adHxwPqkm+tI+h1ARByZXn+T7CZDs8n2pPkSsD9wYLUTOUhjK58AFVuDHQXbLx1H4T5qYxxRxjDK+jwtYSzNUTzpr7G5Ntb5N9fIfgNl6K7iv0IWNxffO6WpRvZW696lbmUPYam6sjaVKqhLCd/vzdTGpgU9VHwviDLUyp4lZaiVPUugdua1uYxf4CWopfemqHqKfzY318hnancV/51ZSxpK+P3dpUbeG1v1RcT16W7OZwIDyG6889mI+GeqsmGLJt2AC4BBwEKyYM3nIuK2audykMbMzMzMzMzMrB0RcRlwWRvHdm3x+nzg/BU5j4M0ZmZmZmZmZlY+Jzt12qqTy2hmZmZmZmZm9iHmII2ZmZmZmZmZWQ3ocJBG0rOSZkmaLmlKlbr9JT0k6VFJO0k6VNJMSbMl/SRX7+LU33RJT0p6s0U/fSXNl3RJG+c5unJM0s6SpklqlHRQO2P7TeW4Muemc8+RdEqV69ouN94Zkg7oxDzsIulWSXPTPJzX4jpeyfV9bO7YhpImpfE9LmlwKn9W0rptnPeQVHe2pGtS2ehc/9MlLZK0f5XxD5f0QHrfb5HUt8XxDSW9K+nU9HoDSXfnzv2N9vo3MzMzMzMzs2U6uyfN6Ih4tQP1dgdmRcSxaQfkccC2EfGKpN9K2j0i7oyIb1UaSDoZ2LpFP+cAkzs4tueAo4FTO1ifVH8DYGhENEv6SJX6jwEjI6JR0gBghqRbIqKxjfr5eegJXBgRd0vqBtwpae+IuD3VvT4ivt5KH78Dzo2IOyT1hvZvcyFpU+C7wKci4o3KNUXE3WT3ZUfS2sDTwKQq1zsWODUi7pX0FeDbwPdzxy8Cbs+9bgT+OyKmSeoDTJV0R0Q8XuU8ZmZmZmZmtoop7Y6xq5FCy50kbSxpgqSpku6TNFTSCLJdjPeTNB3YHHgqIl5Jzf5K6/cG/wJwba7vbYH1aBFIkPTllPnyMPCpSnlEPBsRM2kRxEjZMpdIekLSX4F8IOYE4EcR0Zz6eDm16SXp15IeTlkw+6XjC3IBmR7ktkGSdGTKFpoh6fetzEOkQAkRsQSYRnY7rvbmd3OgPiLuSO3ejYgFuSrfSVkuD0vaJJV9Fbg0It7IX1MLBwG3V/qSdJakRyQ9JmmMtPQ+0kNYFiS7g9z7lrJw5pHdSox0rpciYlp6/g4wBxjY3jWamZmZmZmZWaYzQZoAJqWAzHGpbAxwckRsS5bBcllETAfOIssMGUGWfbKZpMGS6oH9ybJXlpL0UWAj4K70ugvwf7TIiknZKz8kC87sSBYAquYAYLNU90jgk7ljGwOHSpoi6faUhQJwBnBXRGwHjAYukNQrjWF7SbOBWcDxKatmC7L7pe8WEcOBb7Sch4hYmLuONYF9gDtzYzkwBXlulFSZnyHAm5JuSsGiCyTV5dq8FRFbAZcAP821GSLpb5IelLRXK3NyGLmAGHBJRIyKiC2BNYDPp/LZwH7p+cGk9y1l9JxG9l60Ki3L2hp4qK06ZmZmZmZmZrZMZ4I0O0bENsDewEmSdiYLeNyQMkWuBAa0bJQyOk4ArgfuA54FmlpUOwy4MSIq5ScCt0XE/Bb1tgfuiYhXUjbK9R0Y987AtRHRFBEvkgJBSXdgUUSMBH4J/DqV7wmcnq7rHrKsmQ3T9TwUEVsAo4DvSuoB7AbcUFkKFhGvtzWYFKi6Fvh5RPwjFd8CDI6IYWQZK79N5fXATmTBqlHAx8iWaFVcm/u6Q67NpsCuZNlJv0xBocr5BwBbARNz/YxWtnfOrHQtW6TyrwAnSpoK9AGWpPKzgYsj4t02rrE38EfgmxHxdht1jkvBsSkNDe+1VsXMzMzMzMw+zCJq/1FjOrwnTUS8kL6+LGk8WRDgzZQtU63tLWSBCFIWTmtBmpNyr3cAdpJ0ItAb6CbpXeDBjo63g+YDN6Xn44Gr0nMBB0bEE201jIg5aUxbdvKcY8iWf1UyX4iI13LHx5Itk6qMb3olmCPpT8AngF9VmuaHlGvzUEQ0APMkPUkWtHkkHT8EGJ+Ok4JMl5HttfO8pLPJglJExFyygBWShgCfS31sDxwk6XxgTaBZ0qKIuERSV7IAzbiIqMzt+0TEmDQX9O0zsPZ+MszMzMzMzMw+YB3KpEl7tPSpPCf7w/1hsiDAwalckoa30f4j6etaZFkyY3PHhgJrAQ9UyiLi8IjYMCIGk2WR/C4iTidbOrOLpHVSMODgDgx/MtmSprqURTI6d+xPude7AE+m5xOBkyt7s0jaOn3dKGXCVJZoDSXLDLoLOFjZJsmVjXlbm4cfA/2Ab7Yoz2cg7Uu2lwtkgZU1JfVPr3cD8pvwHpr7Wpm/P5EF0FB296chwD9ybZbb+4cUkAFeTRkwS++MlXvfupAt57oCICJ2iojB6f35KfA/KUAjsgDSnIi4qLU5MDMzMzMzM7PWdTSTZj1gfIpZ1APXRMQESU8Al0s6E+gKXAfMaKX9z3IBnB9FxJO5Y4cB10VUzzOKiJdSpscDwJvA9MoxSaPIsmHWAvaR9MO0LGk8y4Ibz5ELBgHnAeMkfQt4F6jc+vocsuDDzBSgmEe2T8uOZMugGsg2KD4xLXF6VdK5wL2SmoBHWX5ZEpIGke11MxeYlubykogYC5wiaV+yuyO9XmkbEU3Kbm99ZwqATCVbllWxlqSZwGKy4AtkAaY9JT1OlrH07UqmTtonZgPg3tycvinpl2R7B/2LZRk3AF+QVMlwuollmUZt+RRwBDArLRUD+F5E3FalnZmZmZmZma1ifHenzlMHYiNm/1/17TMwthtxYqE+6t5aVHgcDf17Fu6jy5J275DeIU096qpXqiJUvU41Kn4pALyzYbfCfQw/YWbhPprLmJQSbNTz1ZU9BACOWXNK4T76dSn+3l70+rDCfZRxLWXo2aX4z25Z5jUUunkjAF1L+BAY2rV74T4WxpLqlT4Ajy3purKHAEDPLg0rewilGdatR/VKH5CZS4r/O6IMtfK7akT34j+7taIpin+WNbPq/L20OGrnM+SfjcXntUsJ783HuxX/G6AMdQOenpr2Sl1l9Ok3KEZ+4uSVPYyq7pl0ek3NffF/xZmZmZmZmZmZWWEO0piZmZmZmZmZ1YAO393JzMzMzMzMzKxDAlah1YIfGAdpzJLnPlN8/fXgWxaWMJLaMO/Acj4eor6xcB+1ska/DE1RPIGxroS9Qu5a+NHCfaxT927hPob0eKlwH/ctGli4j1XNFt3+VbiPHmoq3Me7sbhwH/OLf4SsUupWoX/tyxgDBwAAIABJREFUlrFXSCPFv0/t/Rqi+Lw2U/z9raf4Xl91Kv57t7FG9nHpUsIiiKZV6DPEbFXl5U5mZmZmZmZmZjXAmTRmZmZmZmZmVioB8t2kO82ZNGZmZmZmZmZmNcBBGjMzMzMzMzOzGtDhII2kZyXNkjRd0pQqdftLekjSo5J2kXSrpLmSZks6L1fvvyQ9LmmmpDslfTSVj07nqTwWSdq/lfPsKukv6fl+qZ/pkqZI2rGNsf1G0kHpuSSdK+lJSXMknVLlurbLjWmGpANKmoejJb2S6/vY3LENJU1K43tc0uBU/qykdVs5586SpklqrFxn7thRkp5Kj6NSWZ8Wc/2qpJ92YFw/kfRYehyaK98tnf8xSb+V5CV1ZmZmZmZmq6PmD8GjxnT2D+jREfFqB+rtDsyKiGMl9QQujIi7JXUD7pS0d0TcDjwKjIyIBZJOAM4HDo2Iu4ERAJLWBp4GJlU5553AzRERkoYBfwCGVmlzNLABMDQimiV9pEr9x9J4GyUNAGZIuiUi2rr3REfnAeD6iPh6K338Djg3Iu6Q1Jvq30bPpes6NV+Y5vEHwEiyG6FNlXRzRLxBmutUbypwU67p+8Yl6XPANqldd+AeSbcD7wK/BXaPiCcl/Qg4CvhVlTGbmZmZmZmZrfYKLXeStLGkCZKmSrpP0lBJI8iCLftJmg5ECroQEUuAacCg9PruiFiQunuwUt7CQcDtlXqS9krZKNOA/6xUioh3I5buStSLdEf2lC1ziaQnJP0VyAdiTgB+FJHdAzIiXk5tekn6taSHUxbMfun4glxApge5u75LOjJl8syQ9PvOzEM787s5UB8Rd+SucUGuyneUZTc9LGmTVOfZiJjJ+4M5nwHuiIjXU2DmDmCvFucbkubnvvbGBWwOTI6Ixoh4D5iZ+loHWBIRT6Z6dwAHVunLzMzMzMzMzOhckCaASSkgc1wqGwOcHBHbkmVuXBYR04GzyDIwRkTEwkoHktYE9iHLemnpGOD2VsoPA65N7XsAv0x9bAv8R76ipAMkzQVuBb6Sig8ANiMLLBwJfDLXZGPg0LQ86nZJm6byM4C7ImI7YDRwgaRe6RzbS5oNzAKOT1k1WwBnArtFxHDgGyswDwemIM+NkjZIZUOANyXdlIJFF0iqy7V5KyK2Ai4BftrK3OUNBJ7PvZ6fyvIOS+PNb8Hd2rhmAHtJ6pmWXI0my0h6FaiXNDLVOyiVm5mZmZmZ2WpGETX/qDWdCdLsGBHbAHsDJ0namSzgcUPKFLkSGNBW47Q3ybXAzyPiHy2OfYlsGc4FLcoHAFsBE1PRUGBeRDyVAglX5+tHxPiIGArsD5yTincGro2Ipoh4Ebgr16Q7sCgiRpIFf36dyvcETk/XdQ9Z1syG6RwPRcQWwCjguylwtBtwQ2UpWES83sl5uAUYHBHDyLJPfpvK64GdyAJgo4CPkS1lqrg293WHts7ZCUsDYu2NKyImAbcBf0/1HwCa0ntyGHCxpIeBd4Cm1k4k6bgUHJvS0PBeCUM3MzMzMzMz+3DrcJAmIl5IX18GxgO7Am+mLJHK4+PtdDEGeCoilsv4kLQHWebKvhGxuEWbQ4DxEdHQ0XGmMU4GPtbaxrotzGfZ/ivjgWGVYQEH5q5rw4iY0+Icc8j2YNmyM2OjlXmIiNdy1z6WLEuoMr7pEfGPtMzqT2R7wSxt2sbz1rzA8lktg1IZAJKGky2tmtqBcRER56a5+TTZfD2Zyh+IiJ1SFtLkSnlLETEmIkZGxMiuXXtVGbqZmZmZmZnZqq9DQZq0R0ufynOyTJOHgXmSDk7lSn/ot9b+x0A/4Jstyrcmy8DZt7IfTAtfYPnMjrnAYEkb545X+tpEktLzbciyZF4jCxQcKqkuZeaMzvX3p9zrXVgWUJgInJzrb+v0daPK3YqU3YlqKPAsWXbOwZLWScfW7uQ85DOQ9gUqAaFHgDUl9U+vdwMez9U9NPf1gdbOmTMR2FPSWpLWInsPJ+aOt5zrNseV5rJyrcPIgluT0uuPpK/dgdOAK6qMy8zMzMzMzMzo+N2d1gPGp5hFPXBNREyQ9ARwuaQzga7AdWT7lSwlaRBZpsxcYFrq45KIGEu2vKk32ZIpgOciYt/UbjBZ5se9lb4iYlHaD+dWSQvINrjtkw4fCBwpqQFYSHaXqJA0nmXBjedYPphxHjBO0rfIsmIqt5g+h2yPl5mSugDzgM8DO5Itg2og25j3xLTE6VVJ5wL3Smoiu2vV0Z2Yh1Mk7Qs0Aq9X2kZEk6RTye4EJWAq2bKsirUkzQQWkwJWkkaRZQWtBewj6YcRsUVEvC7pHLLAD2QbJueXZR0CfJbltTousvf6vnQNbwNfym2o/G1JnycLAF4eEXdhZmZmZmZmq5eg+noPex9FDW6UY6uXvn0GxnYjTizUR91biwqP45kvrVW4j8G3LKxeqYqmHnXVK1URKtwFzx7Q0Rhu+6K+2l3jq9tt+JzqlT4kNlyjzS2rOqxOxed0o+6vFO5jnbp3C/fxdnOPwn3Y+23R7V+F++ihVrcU65R164p/ns1vrF7ng/BOc7eVPQQA+nRZsrKHUJqhXbsX7qOx9a3vOu2JhnL6Kaq5jF/gJdiiW/F/AzS/70ajnVdP8c+QOhW6mS0Aizu388L/N12K3ZgXgAVRO58hZXy+dykhAvDxbj2LD6QEdQOenpr2Sl1l9O0zKEaNPGllD6Oqu+75Xk3NffGfdDMzMzMzMzMzK6yc/yo3MzMzMzMzM1sqwCt3Os2ZNGZmZmZmZmZmNcCZNFYTCi/BLiHc2Lxh8f1kyqDmEqLNKmFNe59y1l9vsN4bhfvoVb+4eqUq3mmsjb1PetYVv5Yy9OlS/Pt9/fq3ig+khPXoTdTGHg4D60qYj5KsV1d8L4iuKmEviBLem64l7I1ThkXRdWUPAYC1VXwPtlrRXEO7SZaxB1MZ3qmR77MylLF/ShnfI40l7CfTXbXxvpSxN87iKP77oSxdS/j13RDOObBVj4M0ZmZmZmZmZlY61U48/kPDoUczMzMzMzMzsxrgII2ZmZmZmZmZWQ3wciczMzMzMzMzK5/v7tRpncqkkfSspFmSpkuaUqVuf0kPSXpU0i6SbpU0V9JsSefl6h2f6/N+SZtX6Xd0qlt5LJK0fyv1dpX0l3auY930fE1JN6axzZG0Q5Xzd3a8O6Vrni5pB0kPpNczJR2aq/cbSfNy1zWixbVMT+3uTWWDJT3Wxjm/LulpSVG5zlR+eDrvLEl/lzQ8lfeQ9LCkGekcP2yj3zbnNFfn05KmpnNMlbRbe/XNzMzMzMzMLLMimTSjI+LVDtTbHZgVEcdK6glcGBF3S+oG3Clp74i4HbgmIq4AkLQvcBGwV1udRsTdwIhUf23gaWDSClxHxc+ACRFxUBpbzyr1OzVe4HDgfyPiaklDgCMj4ilJ6wNTJU2MiDdT3W9HxI35xpLWBC4D9oqI5yR9pAPX9DfgL8A9LcrnAbtExBuS9gbGANsDi4HdIuJdSV2B+yXdHhEPduBcLb0K7BMRL0raEpgIDFyBfszMzMzMzMxWK4WXO0naGLgU6A8sAL4K9ADOB9aQNBLYIQVXiIglkqYBg9Lrt3Pd9YLsXnuS6oDzgF2B7sClEXFli9MfBNweEQtSm72An6Zx3J8b4zrAtWTBggcguyeopH7AzsDRlbEBS9q6roiYW2W8PyEL2DQDvwQWAocAn0lBqcMrDVMQ4+XU/5u07YvATRHxXGr3cu5YvaRxwDbAbLIA0IKIeDSNabmOIuLvuZcPsuw9CODdVN41PSrX1dac9gJ+AWyZ6p8dEX+unDuZTfY90D0iauO+w2ZmZmZmZmY1qrMbBwcwKS1jOS6VjQFOjohtgVOByyJiOnAWcH1EjIiIhZUOUmbIPsCdubKTJD1DFtg5JRUfA7wVEaOAUcBXJW3UYjyHkQVfkNSDLDCyD7At8B+5ej8A7o+ILYDxwIapfCPgFeCqtCxrbAo+tHpdVcZ7HDAYGBERw4BxETEWuJksQ2ZpgCb1sR3QDXgmV3xuWo50saTuqWwIsJake9K8H5mrvxnZfH8ceBs4kY47Brg9N546SdOBl4E7IuKhKnN6BnBXRGwHjAYuyM1dxYHANAdozMzMzMzMVjMBaq79R63pbJBmx4jYBtgbOEnSzsAngRvSH/hXAgPaaiypniyo8vOI+EelPCIujYiNgdOAM1PxnsCRqd+HgHWATXN9DQC2IltOAzAUmBcRT6XMkKtzp9658joibgXeSOX1ZFkol0fE1sB7wOmSerd3XW2Mdw/gyohoTHVeb2ceBgC/B74cEZVvi++maxgFrJ36roxxW+BzwGeA76dlUwDPR8Tf0vOrgR3bOmeL848mC9JUzkFENEXECLLsmu3SUqX25nRPsrmaTrasqgfLgl9I2oIss+hrbYzhOElTJE1Z0vBeR4ZtZmZmZmZmtkrr1HKniHghfX1Z0niypUhvpj/uO2IM8FRE/LSN49cBl6fnIstkmdhG3UOA8RHR0MFzt2Y+MD8iHkqvbwROJwtedeS68uPtEEl9gVuBM/J7vkTES+npYklXkWXvVMb4WkS8B7wnaTIwHHiEtCQpp+rW2ZKGAWOBvSPitZbHI+JNSXeTLdv6a3tdAQdGxBOtnGMQWcbSkRHxzPtaZucZQ/b9QN8+A73lt5mZmZmZma32OpxJI6mXpD6V52SZFA8D8yQdnMpVuWNQK+1/DPQDvtmifNPcy88BT6XnE4ET0ka2SBrSYjnNF0hLnZK5wOC0l0zleMVksr1dSBvmrgUQEf8Cnpe0Waq3O/B42nem1etqZ7x3AF9L2UKVTY1bzkE3suDF71rZIHhA5VzA/kDlzk1/BnaUVJ82YN4emJOObahld6P6Irk9Y1ojaUPgJuCIiHgyV94/LUND0hrAp8nms705nQicnMaLpK3T1zXJglCn57J8zMzMzMzMbHUTUfuPGtOZ5U7rkd31ZwZZcObWiJhAdveiY1L5bGC/lg1TZsUZwObANGW3kz42Hf660i2qgf8CjkrlY4HHU/3HyJYcVQIgg4ENgHsr54iIRWT7wtyaNibOb7D7Q2BnSbOB/wSeyx07GRgnaSbZXaP+J5W3dV3tjfc5YGZq88VW5vAQ0kbFev+ttsdJmgXMAtYFfpyuaw4wAZhJNu9jI6ISwHmCbNnZHLLA0+Vpfk6RNJ9s6dJMSWNT/bPIlo1dpuVvoz4AuDvNwSNke9L8pcqcnkO2YfDMNK/nVOYH2AQ4K3eNHbkjlZmZmZmZmdlqTVGDkSNbvfTtMzBGbd2ZPY/fr/7tRYXH8dTpPQr38bFLC3dBc7fObhX1ftHizl4rYt7R5Xw2DFrvjeqVqhixzvzCfbzTWPz9LcPmvV9c2UMAYLPuL1WvVMXgrm1uvdVhLzb2K9xHE8W/38swsO6tlT2EpQbVNxbuo6uKfxbVlfDevNjUVLiPMrzY2GdlDwGA9evfWdlDKM1G9cU/l5spZ8fHfzYuKaWfot5p7rqyhwDAsG51K3sIpSnje6S7auN9WVxol4fMW8218b0O8GYJP74NUfx31Rbd1ig+kBLUDXh6akSMXNnjKFPf3gNj++EnrOxhVPXXv3+/pua+8C24zczMzMzMzMzexzkhnVY89GhmZmZmZmZmZoU5SGNmZmZmZmZmVgO83MnMzMzMzMzMSifvgdtpzqQxMzMzMzMzM6sBDtKYmZmZmZmZmdUAB2nMzMzMzMzMzGqA96QxMzMzMzMzs/J5T5pO63QmjaRnJc2SNF3SlCp1+0t6SNKjknaRdKukuZJmSzovV+/4XJ/3S9q8Sr+jU93KY5Gk/TtxDfdIGpmed5M0RtKTaWwHVmm7n6SZleuXtGOV+kNT3coc3C3p8TQH38jVO1vSC7lr+mzu2DBJD6Q2syT1SOXvtnHOg1Pd5sp1pvJPS5qa+pgqabfcsQmSZqR2V0iqqzaPbZz7W6mPxyRdWxmrmZmZmZmZmbVvRTNpRkfEqx2otzswKyKOldQTuDAi7pbUDbhT0t4RcTtwTURcASBpX+AiYK+2Oo2Iu4ERqf7awNPApBW8ljOAlyNiiKQuwNpV6t8J3BwRIWkY8AdgaDv19wdujIgfSxoA/HdETJPUB5gq6Y6IeDzVvTgiLsw3llQPXA0cEREzJK0DNFQZ42PAfwJXtih/FdgnIl6UtCUwERiYjh0SEW9LEnAjcDBwXZXzLEfSQOAUYPOIWCjpD8BhwG8604+ZmZmZmZnZ6qiU5U6SNgYuBfoDC4CvAj2A84E1UjbHDim4QkQskTQNGJRev53rrhcQqd864DxgV6A7cGlEtAw8HATcHhELUptRwM9SP4vJAkWNwFXAcGAusEau/VdIQZaIaCYLZCCpP3AFsGGq982I+FtE5LNXlo41tTkN+BLQDNwOTAa+CTRJ2j0iRgMvpXO9I2kOWZDkcdq2JzAzImakdq/lD0q6ONX5F3BYRLwSEXPSseU6iohHcy9nk7033SNice49qAe6sew92CTNQ3+giSx482/gz8BaQFfgzIj4c679GpIagJ7Ai+1cm5mZmZmZma2KguwvY+uUFdk4OIBJabnMcalsDHByRGwLnApcFhHTgbOA6yNiREQsrHQgaU1gH7KslErZSZKeIQvsnJKKjwHeiohRwCjgq5I2ajGew4BrUx/dgOuBb0TEcGAPYCFwArAgIj4O/ADYNjcOgHMkTZN0g6T1UtnPyDJbRgEHAmNzYz1A0lzgVrIgD5L2BvYDtk/nPj8ibiMLcFycAjTk+hgMbA08lCv+elpK9WtJa6WyIUBImpjG+J1c/V7AlIjYArg3XVtHHQhMi4jFuTFNBF4G3iHLpgEYRxYcGw58kizItAg4ICK2AUYD/ydJEfECcCHwXKr3VkSsaIaTmZmZmZmZ2WplRYI0O6Y/zvcGTpK0M9kf7zdImk62xGZAW43T8p1rgZ9HxD8q5RFxaURsDJwGnJmK9wSOTP0+BKwDbJrrawCwFdmyHYDNgJci4pHU59sR0QjsTLZkiIiYCcxM9evJsnn+nq7pAbIgA2QBnkvSuW8G+krqnfoYHxFDyZYynZOrf1UloyciXm9nDnoDfyTLzqlksFwObEy2jOsl4P9yY9wRODx9PUDS7ulYM1lQinR97e6Pkzv/FsBPgK/lyyPiM2TvXXdgt7Qka2BEjE/HF6XrE/A/kmYCfyXLBlovBZb2AzYC1gd6SfpSG2M4Lu3pM2VJw3sdGbaZmZmZmZnZKq3Ty51StgQR8bKk8WRLkd6MiBEd7GIM8FRE/LSN49eRBSwgCwacHBET26h7CDA+Iqrt0dKW18iWZ92UXt9Alr0DWQDrExGxqK3GETFZ0sckrdvRE0rqShagGRcRlfMSEf/O1fkl8Jf0cj4wubIHkKTbgG3IZSHlh9SB8w8CxgNHRsQzrVzTIkl/Jgu2PNhGN4eTLX/aNiIaJD1LtrxtJ2BeRLySznUTWQDv6lbOM4bse4G+fQZ6y28zMzMzM7NViAjkuzt1WqcyaST1StkVSOpFlunyMDBP0sGpXJKGt9H+x0A/sn1a8uWb5l5+DngqPZ8InJACG0gaks5b8QXSUqfkCWBA2pcGSX1S5s5k4IupbEtgGEBEBHALWaAJsv1rKvvDTAJOzo2xslHxJmlzXSRtQ5Z18hpwB/DltEFyZUPjltcv4FfAnIi4qMWxfPbRAWSb/1bmYCtJPdO17JIbYxeyPXlI13d/y3O2OMeaZEu0To+Iv+XKe1fOn87xOWBuRLwDzFe6c5ak7un6+pFtttwgaTTw0dTVc8An0lhFNp9z2huTmZmZmZmZmWU6m0mzHjA+xSjqye7KNEHSE8Dlks4k20j2OmBGvmHK4DiDbOPeaamPSyJiLNleLHuQ3bXoDeCo1GwsMDjVF/AK2RKjyp4uG5DtxQIs3ZD4UOAXktYg249mD7LMnKvSRr1zgKm5oZ0G/F7ST1P/X07lpwCXpiU9lUDP8WR7uRyZNsZdCByagj0TUiBniqQlwG3A91rM36eAI4BZaRkVwPfS3jXnp/YBPEtaihQRb0i6CHgkHbstIm5Nbd8Dtkvz/jJwaJqbA4BfkGW73CppelrK9HVgE+AsSWelPvYky1i6WVJ3ssDP3WR76ZDGe6WkH6X352CyfWpukTQLmEL2nhIRD0m6EZhGtlnzo6RsGTMzMzMzMzNrn8LpR7aS9e0zMEZtfWKhPurfbnNVWoc9dXqPwn187NLCXdDcbUW2ilpetLiz14qYd3Q5nw2D1nujcB8j1plfuI93Gou/v2XYvHdt3PBss+4vFe5jcNc2t97qsBcb+xXuo4ni3+9lGFj31soewlKD6hsL99FVxT+L6kp4b15saircRxlebOyzsocAwPr176zsIZRmo/rin8vNJd025J+NS0rpp6h3mruu7CEAMKxb3coeQmnK+B7prtp4Xxav8A4Py7zVXBvf6wBvlvDj2xDFf1dt0W2N6pU+AHUDnp4aESNX9jjK1K/X+vGJzb9WveJKNmnK2TU196XcgtvMzMzMzMzMbDlOCum04qFHMzMzMzMzMzMrzEEaMzMzMzMzM7Ma4OVOtkp45otrFe6j6xPF9054dp/i6XyNPctZX19U3YvlxHCfX9C/cB9f3+iuwn38u2HNwn2U4a2m2lj3/M8lxd+XMrzS2LdwH0018v8Nbzb1ql7pA9Jdzxfuo4eK7wWzdl3xfS1qZY+Onl0Wr+whALUzH2XoUsKeRV1YdfZOqSVlvDcLo/jeJ2XsBdOlhN8RZewFU4Yy5qNnCZ/tZXnFy2BWD36fO602/mVrZmZmZmZmZraac5DGzMzMzMzMzKwGeLmTmZmZmZmZmZUrgNrYyeFDxZk0ZmZmZmZmZmY1wEEaMzMzMzMzM7MaUChII+lZSbMkTZc0pUrd/pIekvSopJ0kbZvaPi3p55KU6p0jaWbqc5Kk9VP5frnyKZJ2rHK+tSXdIemp9LXV2/+ka1g3PV9T0o2S5kqaI2mHKuc4Pnf990vavEr9nSTNTvV3kPRAej1T0qG5er+RNC/Vmy5pRO7YrqlstqR7U9lgSY+1d+6Ozo+ksyWd2kabC9J5L5DUXdL16f17SNLgzpzfzMzMzMzMVm2KqPlHrSkjk2Z0RIyIiJFV6u0OzIqIrSPiPuBy4KvApumxV6p3QUQMi4gRwF+As1L5ncDwVP4VYGyV850O3BkRm6a2p3fgWn4GTIiIocBwYE6V+tdExFZpTOcDF1Wpfzjwv6n+a8CREbEF2bX/VFL+HsHfTvM6IiKmQxZEAi4D9k3tDu7ANbVlRebnOGBYRHwbOAZ4IyI2AS4GflJgLGZmZmZmZmarvdKXO0naWNIESVMl3SdpaMoEOR/YL2WBDAD6RsSDERHA74D9ASLi7Vx3vci2GyIi3k11lytP5zwtZbTMkHReKt4P+G16/ttK/5LWSRk6syWNBSoZPP2AnYFfpfMtiYg327qm9sYqqU7ShZIeS1kyJ0s6FjgEOEfSuIh4MiKeSv28CLwM9K8yvV8EboqI51K7l3PH6iWNSxlAN0rqmcayraR709gnprlvc36S4SnL5ylJX0393Az0BqamrJ98+xuB3ZUZnOZoWnp8sso1mZmZmZmZmRnFgzQBTEoBgONS2Rjg5IjYFjgVuCxlgpwFXJ+ySAYC83P9zE9lAEg6V9LzZJknZ+XKD5A0F7iVLJsGSXuTBQy2j4jhZMEggPUi4qX0/F/Aeun5D4D7UybKeGDDVL4R8ApwlbIlWWMl9WrrmnJjOknSM+m8p6Ti44DBwIiIGAaMi4ixwM1kGTKH5ydR0nZAN+CZXPG5KcBzsaTuqWwIsJake9KcH5mrv1ma648DbwMnSuoK/AI4KI3918C5VeYHYBiwG7ADcJak9SNiX2Bhyuy5nuz9eh4gIhqBt4B1yIJNn46IbYBDgZ/TCknHKVu2NmVJw3utVTEzMzMzMzNbrRQN0uyY/hjfGzhJ0s7AJ4EbJE0HrgQGtNdBayLijIjYABgHfD1XPj4tRdofOCcV7wFcFRELUp3XW+kvWJZ5szNwdSq/FXgjldcD2wCXR8TWwHvA6ZJ6t3dNEXFpRGwMnAacmRvTlSl40eqYKlJmy++BL0dE5QZl3wWGAqOAtVPflTFuC3wO+AzwfUlD0rHnI+Jv6fnVwI5kgZstgTvS2M8EBlWZH4A/R8TCiHgVuBvYrq3xt6Ir8EtJs4AbgFb36YmIMRExMiJGduvaq7UqZmZmZmZm9mEWUfuPGlNfpHFEvJC+vixpPLAr8GbKlmnPCywfLBiUyloaB9xGlv2SP+9kSR9T2vC3Df+WNCAiXkqBkJfbqQtZNs/8iHgovb6RbJ+WLnTsmq4j22enwyT1JcsKOiMiHqyU5zJcFku6iix7pzLG1yLiPeA9SZPJ9s55hOWDLKTXAmZHRGsbILc3P6311dILwAbAfEn1QD+yfXZ+APw7jasLsKjNCTAzMzMzMzOzpVY4k0ZSL0l9Ks+BPYGHgXmSDk7lkjS8ZdsUhHhb0ickCTgS+HNqs2mu6n7A3FS+SaqLpG2A7mRBgTuAL+f2YFk7tb0ZOCo9P6rSPzCZbG+XylKptdKY/gU8L2mzVG934PG070yr19RirJ8DnkrP7wC+loIX+THl568b2XKr30XEjS2ODaiciyxrqHLnpj8DO0qqT9e7Pcs2N95Qy+5G9UXgfuAJoH+lXFJXSVtUmR/I9g7qIWkdssDbIy3H36L9QcBdKSOnH/BSygo6Aqhrpa2ZmZmZmZmZtVAkk2Y9YHyKm9ST3elogqQngMslnUm29OU6YEYr7U8EfgOsAdyeHgDnpUBJM/BP4PhUfiBwpKQGYCFwaAoKTFC2MfEUSUvIMm++B5wH/EHSMamfQ1I/PwSulTQb+DvwXG5MJwPjUgDlH8CXU/nhbVzT1yXtATSQLZuqBC3Gku0fMzON95fAJS2u/xCypVfrSDo6lR2d9u9hmIWbAAAgAElEQVQZJ6k/WSbM9MocRMQcSROAmWl+xkbEY8puf/0E2ZKzXwOPky3bWiLpIODnyjZGrgd+CsxuZ35I/d8NrAuckzY2bulXwO8lPQ28DhyWyi8D/pj2y5lAtmzMzMzMzMzMViu1uZyo1ik8abaS9e0zMEZtfWKhPv75+TUKj6NuoQr30bRG8Z+nxp7N1St9AOoWlHPzt8Y1mwr38ZPdri/cx78b1qxe6QPwVlPx79Uy9KtbWLiPj3Z7pXAfrzT2LdxHU/k3KlwhvbosXtlDWGqb7s8X7qOHin8WrV1XPJny6YbaSMhsovjviDLUtboC+cNpRLdCq+5L9Uxj8c/EMrzT3HVlDwEo571ZGEsK99FdtTEfzdTGv83KmI93m2tnJ4J/NtbG59kW3Wrj32Z1A56eGhEjV/Y4ytSv54DYYZNjVvYwqpo469yamvva+JetmZmZmZmZmdlqrnb+C8PMzMzMzMzMVg2BlzutAAdprCao4M9uQwlLarq+VfzHYdGA4uPoUtIyo6LKWKYEUEaG8DslLBHqU8LynjK8tKTfyh4CAOvWv1O4jzKWKq1T/27hPpZEbSyHKWM+ytJQQqJsGctqupawd3zXEpZdlXItJYyjDA1RG78jyrC4hH+316mcZWiLauRzpIdK+t1b0MIo/v2+KGrjWppK+PlfXMJ8lKFnCd8fvbv0KGEk5XithGntpeLL6mppCZgZeLmTmZmZmZmZmVlNcCaNmZmZmZmZmZWvNhLRPlScSWNmZmZmZmZmVgMcpDEzMzMzMzMzqwEO0piZmZmZmZmZ1YAVCtJIelbSLEnTJU0pc0CSOnWrD0kXSJqdvv5G0kEdaHOPpJHpeTdJYyQ9KWmupAOrtN1P0szKtUvasUr9oanuo5J2kXS3pMfTmL+Rq3e2pBdS3emSPps7NkzSA6nNLEk9UvkK3RZF0oGSojIHnWi3dH4ljZP0hKTHJP1aUtdU/u3cNTwmqUnS2isyTjMzMzMzM/vwUkTNP2pNkY2DR0fEq6WNZMUdB6wdEU2SfrMC7c8AXo6IIZK6ANUCCncCN0dESBoG/AEY2k79/YEbI+LHkgYA/x0R0yT1AaZKuiMiHk91L46IC/ONJdUDVwNHRMQMSesADZ2/zKX99QG+ATy0on0k44AvpefXAMcCl0fEBcAF6Vz7AN+KiNcLnsvMzMzMzMxslVfacidJG0uaIGmqpPskDU3l/SX9UdIj6fGpVN5b0lUpM2RmPoNF0sUpa+ROSf1T2SaS/ipphqRp6Xw3A73Jgh2HpuZ7pAyXJyV9PrVdQ9J1kuZIGg+skRv6V4D/BYiI5krgqa1xR8S7EUvDbb2ApaE3Sael65kh6byUDfNN4ARJd0fESxExLfXzDjAHGFhlavcEZkbEjNTutYhoqjJXX01jnpGuoWeuv3OAnwCLcn3UpUykR9J78bVULkmXpIyZvwIfqbSJiNsiAR4GBrUy9i8A11a5PjMzMzMzMzNjxYM0AUxKAZnjUtkY4OSI2BY4Fbgslf+MLENkFHAgMDaVfx94KyK2iohhwF2pvBcwJSK2AO4FfpDKxwGXRsRw4JPASxGxL7AwIkZExPWp3mBgO+BzwBVpadAJwIKI+Hjqb1sASWumNuekwM8NktarMm4kHSBpLnArWZAHSXsD+wHbpzGeHxG3AVekfkbnJ1DSYGBrls9o+XoKkvxa0lqpbAgQkiamMX4nV7+tubopIkalccwBjknn3AbYICJuZXnHpPdiFDAK+KqkjYADgM2AzYEj07wvJy1zOgKY0KK8J7AX8MeWbdLx41IwbUpDw3utVTEzMzMzM7MPs4jaf9SYFV3utGNEvCDpI8AdKWDxSeAGSZU63dPXPYDNc+V9JfVO5YdVCiPijfS0GagEXK4GbkpLdAZGxPhUd2kWSCv+EBHNwFOS/kG2FGln4Oep7UxJM1PderIMkL9HxH9J+i/gQrKgQ6vjTpk044HxknYmy0zZIz2uiogF6TxtLvFJ1/9H4JsR8XYqvjz1Fenr/5EFgOqBHcmCJwuAOyVNjYg7W5ur9HxLST8G1iTLNJqYlnJdBBzdypD2BIZp2X4+/YBN07xdmzJ3XpR0VyttLwMmR8R9Lcr3Af7W1jxExBiywB59+wysvZ8MMzMzMzMzsw/YCgVpIuKF9PXltHxoV+DNiBjRSvUuwCdaBlZywY+qp+vs8DrR/jWywEcluHEDKeuENsa9XMcRkyV9TNK6HR1cyjz5IzAuIirnJSL+navzS+Av6eV8siBIZRnWbcA2ZHvjvG9I6etvgP3THjZHk70/fYAtgXvS3P8HcLOkfQGRZUFNbDHWz9IOST8A+gNfa+XwYXipk5mZmZmZmVmHdXq5k6ReKbMFSb3IsjAeBuZJOjiVS9Lw1GQScHKufSWQcwdwUq68srynC1DJ6PgicH/av2W+pP1T3e4t9lnJO1hSF0kbAx8DngAmp76QtCUwDCDtp3ILWRADYHegsolvq+NOe+MoPd+GLGPotXQ9X66MS63c0Si1+xUwJyIuanFsQO7lAcBj6flEYCtJPZVtIrxLbozvm6v0vA/wUgoIHZ6u9a2IWDciBkfEYOBBYN+ImJLOcYKW3aFpSHpvJwOHpj1rBgBLl2xJOhb4DPCFlLmUv5Z+aZx/bjkHZmZmZmZmthoIoDlq/1FjVmRPmvWA+yXNIAvO3BoRE8iCAcek8tlk+7MAnAKMTHutPA4cn8p/DKyl7DbNM1gWAHgP2E7SY8BuwI9S+RHAKWmp0t/JMkFa81wa1+3A8SkT5nKgt6Q5qb+pufqnAWenfo8A/rvKuA8EHpM0HbgUODTtnzsBuBmYko6d2srYPpXOsZvef6vt85U2UU5z8S1YugzsIuARYDowLbenTFtz9X2yvW7+BsxtY57yxpIFfqalvq4ky7IaDzyVjv0OeCDX5gqy74UH0nWclTt2ADApIrzZjJmZmZmZmVkHKWpwoxxbvfTtMzC2G3FioT6eOqJb4XH0/GeRO9JnFny0sXAfXRaUdtO1Qpp7Nlev1KGOindx5uibC/dRp5Kup6AnF7YVX/5gbdj9tcJ9dFVT9UpVrFP/buE+lkRd4T7K8Epj35U9hKV26vlU4T56lPD+DqrrWriPpxuL/+zWdXrl9Pt1rZHPkIaojd8RZdiovvjPbl3Hl8+364mG4t/vZSjje7UMH60vPq+Lovic9lDx75GmEuZ0cdTGz3/PEuajd5ceJYykHJPb22W0g3ppSeE+NutaG+9vv4Hzp0bEyJU9jjL16zEgPvnRo1b2MKqa8ORPamruV53f9GZmZmZmZmZmH2LFUwfMzMzMzMzMzJZTm7e4rnXOpDEzMzMzMzMzqwEO0piZmZmZmZmZ1QAvdzIzMzMzMzOz8nm5U6c5k8bMzMzMzMzMrAY4SGNmZmZmZmZmVgO83MnMzMzMzMzMyuflTp22Qpk0kp6VNEvSdElTyhyQpHc7Wf8CSbMlXdCJNs9KWjc9X1PSjZLmSpojaYcqbY/PXfv9kjavUn+nNL7pknaQ9EB6PVPSobl6v5E0L9WbLmlE7tiuqWy2pHtT2WBJj3X0mluM6b8lRWUOVrCPCZLelPSXFuXjJD0h6TFJv5bUdUXPYWZmZmZmZrY6KZJJMzoiXi1tJCvuOGDtiGhawfY/AyZExEGSugE9q9S/JiKuAJC0L3ARsFc79Q8H/jcirpY0BDgyIp6StD4wVdLEiHgz1f12RNyYbyxpTeAyYK+IeE7SRzp/icv1twGwJ/BckX6AC8jm6mstyscBX0rPrwGOBS4veC4zMzMzMzOzVV5pe9JI2jhlV0yVdJ+koam8v6Q/SnokPT6VyntLuiplpcyUdGCur4tT1sidkvqnsk0k/VXSDEnT0vluBnqTBTsOlbSPpIckPZrqrpfariNpUupzLKBU3g/YGfgVQEQsqQRM2rqeiHg7d9m9gEj16yRdmDJIZko6WdKxwCHAOZLGRcSTEfFU6udF4GWgf5Wp/SJwU0Q8l9q9nDtWnzJX5qRsoJ5pLGeluX5M0hhJyrW5GPhOZdypfq+U9fJwmrv9UvngdO3T0uOTlTYRcSfwTsvBRsRtkQAPA4OqXJ+ZmZmZmZmtagJojtp/1JgVDdIEMCkFMI5LZWOAkyNiW+BUsuwPyDJVLo6IUcCBwNhU/n3grYjYKiKGAXel8l7AlIjYArgX+EEqHwdcGhHDgU8CL0XEvsDCiBgREdcD9wOfiIitgevIghGkPu5PfY4HNkzlGwGvAFel4MRYSb2qXA+STpL0DHA+cEoqPg4YDIxI1zMuIsYCN5NlyByen0BJ2wHdgGdyxeemAM/FkrqnsiHAWpLuSfN9ZK7+ZsBlEfFx4G3gxFR+SUSMiogtgTWAz6dz7ge8EBEzWN4ZwF0RsR0wGrggzcPLwKcjYhvgUODndFBa5nQEMKGN48dJmiJpSkPDex3t1szMzMzMzGyVtaLLnXaMiBfS0ps7JM0lC5zckEvaqAQZ9gA2z5X3ldQ7lR9WKYyIN9LTZuD69Pxq4CZJfYCBETE+1V3UxrgGAddLGkAWAJmXyncG/jO1vVVS5Vz1wDZkwZiHJP0MOF3ST9q5HiLiUuBSSV8EzgSOStdzRUQ0pjqvtzV5aXy/B46KiOZU/F3gX2ncY4DTgB+lMW4L7E4WcHlA0oPAEuD5iPhbbq5OAS4ERkv6DtlypLWB2ZLuBL5HttSppT2BfSWdml73IAtkvQhcomx/nCaygFFHXQZMjoj7WjsYEWPSddK3z8DaC1+amZmZmZmZfcBWKEgTES+kry9LGg/sCrwZESNaqd6FLLtlucDK8itw2j9dJ4b2C+CiiLhZ0q7A2VXqzwfmR8RD6fWNwOlkY27revKuo5P7rUjqC9wKnBERD1bKI+Kl9HSxpKvIsncqY3wtIt4D3pM0GRgOPML75yYk9SALkIyMiOclnU0WdNmYLHNoRpr7QcC0lNEj4MCIeKLFWM8G/p3O1wVoKzjW8hp/QLaMq+V+NWZmZmZmZmbWhk4vd0r7l/SpPCfLwngYmPf/2rv3MK3Kev/j788MMyAnQ1BC3Iomng8Y4KGUPGfZpbY9bi01LfOnYjt3pV2W5dZ2lu2tVh5CdqaFZZqmZSJsLQ+JmCRyUgQPCYqhpBGgnOb7+2PdDyzHZ+aZYa2cB/m8rmuueZ77udd33eteOAxfv/e9JB2b2iVp93TIBGB07vhK4mMicHauvV9uTMek1yeSLVP6BzBf0lGpb/fK/iutbAy8lF6fkmt/MMVC0seAfgAR8QowT9L2qd9BwKy070zV65E0NBf3cGBO7no+L6lb6rdJlblrJltudVOVDYIHVc4FHAVUntx0J7CvpG7pmvcCnkqfbam1T6M6kWy5V4/0/rVUsXRMutbpEbFZRAyJiCFkyZ8Ppjm4Fxhd2btG0h65+VyQqn0+DTS2vqYq1/hZ4KPAv+WqhMzMzMzMzGyDEhAt9f9VZ9ZlT5qBwMOSniRLztwdEePJnmJ0emqfCRyZ+p8LjEh7rcwCzkztl5LttTIjHXNAal8K7Kns8dIHki35gSxJcK6kacAjwPurjO2bZEuUpgD5J09dDIySNJNs2VP+yUajgXEp7jDgv1J7W9dzjtIjtYHzWJsMGpviTkvHnFhlfMeRLb06Ve981PY4SdOB6cCAND9ExFNk+7pMI5vvsRFRSeDMBs6W9BRZ4unatPHx9WRJnnvJKm5quQRoSmOfmd5DVpFzSrqeHcjuDQCSHgJuBQ6SNF/SR9NH15H9GZmUru+iDpzfzMzMzMzMbIOn7CE8Zl2nb5/Bseews2p3bMecTzcXHkfPvxR5In1m2VarCsdoWFbaQ9cKaelZUla5hDBfO+CuwjEaVR9Z8mferJZffvdt2X1R4RhNWl04Rv9uSwrHWBE1i/zeFa+u6tvVQ1hjv55zaneqoUcJ93eLxqbCMeauKv7fbmOnVk5X11QnP0NWRn38HVGGrbsV/2+3sePL59s1e2XxP+9lKOPPahm26lZ8Xt+K4nPaQ8X/jKwuYU6X18n/ae9Zwnz0buhRu9O75MEObaTQvl5aUTjG9k31cX83Hjx/SkSM6OpxlGnj7gPjQ5ufVLtjFxv/whV1NffF/1VqZmZmZmZmZtaai0I67b3zv2PMzMzMzMzMzNZjTtKYmZmZmZmZmdUBL3eyuhBFlz6XsJZ0Zd8SSvFKGEeUsA68FGWtz11ZPBe890bPF44xffnmhWOUYVSf2bU7vQvK2Mdl1+aFhWM88tZWhWP00MrCMcpwYM/6uLcAm5fwc6Sl8A9meH5V8T0plrUU33OsoYT9ZCYv3bZwjDLs1XNuVw+hNM+vKr6P22rK+Ttzq271UY4/e2V9/Go+b1Xxn6uNJdyalXWyTKKpTn41e7WE+VhUH9uvADCqhO1xpiwvHmNeCXufWRsCaKmP/47LIOks4MvAILKHC/17RDzUgeP2Bf4APB0Ru9Tq70oaMzMzMzMzM7M2SDoeuIrsadB7kD1x+h5JW9Y4rh9wE3BfR8/lJI2ZmZmZmZmZWdvOA34SEddHxFMRMRpYAPy/Gsf9L3AjMKmjJ3KSxszMzMzMzMzKF1H/XzVIagaGAxNafTQB+FA7x50FDAQu7cyUOUljZmZmZmZmZhuqAZIez32d0fpzoBH4a6v2vwLvrxZQ0q7AN4BPRUSnNunrcJJG0guSpkuaKunxzpykA7GHSHozxZ4q6brcZ0vaOGYTSRMlzUnf+3XifKdK+mHu/XGSZkmaKenmGsf2kPSYpCdT/4s7cL6fS5om6YuSLpf0dHp/h6T3dWAOmiWNkfRMOvbo1P4TScd09Lpz8b6fn1dJW0r6vaQn0rg+ntr7p/Yl+flKnw1Pfx7mpnhK7et8X8zMzMzMzMzeZa9FxIjc15giwSR1B24BvhQRnX4CSmcraQ6IiGERMaKzJ+qAZ1PsYRFxZgf6XwDcFxFDyTbhuWBdTippKPBV4MMRsTPw7zUOWQ4cGBG7A8OAwyTt3U789wMjI2K3iLgCmAjsEhG7Ac+kc1e0NQcXAgsjYjtgJ+CBTl5mfjwjgNaJk68Bv4yIPYATgGtS+1vA14EvVQl1LfA5YGj6Oiy1l3JfzMzMzMzMzOrAa8BqsqVLeQOBV6r0HwTsCNwgaZWkVcBFwM7p/aHtnazQcidJH5A0XtIUSQ9J2iG1byrpV5L+lL4+nNp7SfpxqkR5QtKRHTzPFalq5T5Jm6bmI8k24CF9Pyr17S3phlTlMS1XdfKZVInyGPDhXPjPAVdHxOsAEbHmmbKSvpzGP61SMROZShVKU/qK1H+kpEdSlc1jkvqQrVMbnKpj9ouICRFReebko8AWHZiC04Bvp/O3RMRruc8OTiVZz0j6RBpHo6TvSZqRxj660g5cDnylVfwA+qbXGwMvp3MtjYiHyZI1a0gaBPSNiEcjIsh2qz4qfVz1vpiZmZmZmdkGpqv3mylhT5qIWAFMAQ5p9dEhZE95au0lYFeyoo7K13XA3PS62jFrdCZJE8CElJCprNEaA4yOiOFk1RaVCoyrgCsiYiRwNDA2tV8I3B8RewIHAJdL6pU+2zolbh6QtF/uvL2Ax1OVywNk67oABkbEgvT6FdZmtb4O/D0idk3VKvenpMLFZMmZfcmqUSq2A7aT9EdJj0o6DCBlt4YCe5JN5HBJo9JnjZKmAguBiRExWdlmQrcAX0hVNgcDbwJHsLZCpvUz1E8D7sm9f8ccVJZDAZdI+rOkWyXlM3hD0hgPB66T1AM4I7UPS3MwLvU9B7grN28V3wQ+JWk+8DtgNO0bDMzPvZ+f2qDt+2JmZmZmZma2Pvof4FRJn5W0o6SrgM3Jki9IuknSTQARsTIiZuS/yHIHy9P7qlu6VHTrxKD2jYiXJG0GTJT0NNlOxrem7UgAuqfvBwM75dr7SuoNHAocIamyfKYHsCXwHLBlRCySNBz4taSdI2Ix0EKW/AD4GXB764FFREiqpMAOJluyU/nsdUlHAX+IiFcBJN1ClpypzMFQYH+yqpYHlW3yc2j6eiL16536PZg2/hmWEih3SNoFELAgIv6Uzrs4navqZEq6EFjF2gTKgmpzkMa3BfBIRJwn6Tzge8Cn03G/jIgWYI6k54Ad0hxcV6nYiYi/SdocODZdZ2v/RvY4sf+WtA/wU0m7pLjrrNV9aX39Z5Alk+jefeMipzEzMzMzMzP7p4mIWyT1J9sqZBAwA/h4RPwlddmyrHN1OEkTES+l7wsl3UH2j/03ImJYle4NwN4R0XqZjICjI2J2lWOWp/hTJD1LlkSptkFx5R/9f5U0KCIWpEqZhVX6dsR8YHJErASel/QMWTJGwLcj4kdtHRgRb0j6Pdl+LPd29ISSTgU+ARyUlgsREcupPgdTgGWsTU7dCpyeH0brYbVx2j2AbYG5KXHUU9LciNg2xTssnXtSqsYZQNtz+hJvX6a1RWqDDt6XtBnTGIC+fQbXrjEzMzMzMzOz9UjHlhOtLyLiGtauHmr92f41jv0m2QqWmjq03CntJdOn8pqswuQxsqTGsaldknZPh0wgt2RGUiWRcy8wOiVrkLRH+r5p2i8FSduQJUmey42x8gSjE4GH0+u7gFPS61OAO9PricDZuXP3AyYDH1H2tKImsoqSil+TqkskDSBLjDyXxnpaqgBC0mBJm6WxVp7ItBHZOrSngdnAIEkj02d9JL0jCZaWU30FOCIiluXaq85BSuL8hrUVMAcBs3Ihj5XUIOkDwDZpHBOBz1fOL2mTiLg7It4fEUMiYgiwLCVoAF5McZG0I1mF06utx16RljMtlrR3upcns3b+27ovZmZmZmZmZtaOjlbSDCRb1lM55uaIGC9pNnCtpK+RbaD7C+BJ4FzgaknTUv8HgTOBS4ArgWmSGoDnySpKRgH/KWkl2fKmMyPib+ncS4E90zkWAsen9suAX0o6HfgLcFxqvzSdewbZDswXR8Ttkr4JTALeAKbmru1e4FBJs1L/L0fEIrL9d3YEJqXrXgJ8imyPnBtTQqWBbLnRbwEkHQ/8ICVv3iRbdtTaD8mWhU1McR9NT3Jqbw7OJ1uCdCVZ8uQzuXgvkiXM+qZj3pI0lizZNC3Fuz6dty3/AVwv6YtklTinVip8JL2QYjenZWOHRsQs4CzgJ8BGZPvqVPbWaeu+mJmZmZmZmVk7FO+h8iNbP/XtMzhG7nFWoRhzP9OZ7ZWqa1rYVDjGys1WFo6hpY2FY5Qheq0uJ9DKQg+RA+C3h11VOMb05ZsXjlGG9zUuq93pXbAiiv8527V5XVeZrvXIW1sVjtFDxf+7K8NOzdWewNg1Nu9WfT+0zmgp4feDl1cXH8c/WpoLx2hQoS3WAJi8bNvand4Fe/Wc29VDKE0vrardqYbVFP8zBrBVt/r4fXj2yuK/z5ShTwk/Vxurb0vYKSuj+O8QZWgq4WdIGcqYj0UtG5UwknKM6lE8xpTlKwrH6FnCz6Iy7LLVy1MiYkRXj6NMGzdtFh8acGztjl1s/CvX1NXc18dPPjMzMzMzMzOzDZyTNGZmZmZmZmZmdaA+airNzMzMzMzM7L3F26t0mpM01vVagsalxdY+Nywuvqh1dffiP0AaFhf/T6qlb32si234R0k/HvovLxzi6RUDC8fYpoT9U8pw6+t7dvUQADih3+TCMWatHFA4xs7NLxeOUS+eW7VJVw9hjb+3LC0co0nF96VqpPjP1V2a62PPoRea3ujqIQCwfVN9/B1RhvklXEoZf8agfvaCqZf7O39V8b1+yrg3DSXd36LqZW+cMvRS8T1cyjKl+K+IDO9efN+ymStK2ofRrCTvnZ84ZmZmZmZmZmbrMSdpzMzMzMzMzMzqQH3UdpqZmZmZmZnZe4v3pOk0V9KYmZmZmZmZmdWBdUrSSHpB0nRJUyU9XuaAJA2R9GaKPVXSdbnPlrRxzCaSJkqak77368T5TpX0w9z74yTNkjRT0s01ju0h6TFJT6b+F3fgfD+XNE3SFyVdLunp9P4OSe/rwBw0Sxoj6Zl07NGp/SeSjunodefifT8/r5KuyJ33GUlv5D67PF3n5e3E+6akL3V2HGZmZmZmZmYbuiLLnQ6IiNdKG8nbPRsRwzrR/wLgvoi4TNIF6f35nT2ppKHAV4EPR8Trkjarcchy4MCIWCKpCXhY0j0R8Wgb8d8PjIyIbdP7Q4GvRsQqSd9J566Mu605uBBYGBHbSWoA1vlxIpJGAG9LaEXEF3Ofjwb2yH18BrBJRHgLdDMzMzMzM2tHQIuXO3VWacudJH1A0nhJUyQ9JGmH1L6ppF9J+lP6+nBq7yXpx6kS5QlJR3bwPFekao77JG2amo8EbkyvbwSOSn17S7ohVf1My1WdfCZViTwGfDgX/nPA1RHxOkBErHlmr6Qvp/FPq1TMRKZShdKUviL1HynpkVRl85ikPsAEYHCqUtkvIiZEROVZi48CW3RgCk4Dvp3O39IqUXawpMfTtX0ijaNR0vckzUhjH11pBy4HvtLOuf4N+HnqfxfQG5gi6fi27muyu6RJqbLpcx24JjMzMzMzM7MN3romaQKYkBIyZ6S2McDoiBgOfAm4JrVfBVwRESOBo4Gxqf1C4P6I2BM4ALhcUq/02dYpcfOApP1y5+0FPB4ROwMPAN9I7QMjYkF6/QowML3+OvD3iNg1InYD7pc0CLiYLDmzL7BTLv52wHaS/ijpUUmHwZqKl6HAnsAwYLikUemzRklTgYXAxIiYLKkZuAX4QkTsDhwMvAkcQaqQiYiHWs3pacA9uffvmIPKcijgEkl/lnSrpIG5Y4akMR4OXCepB1n1yxBgWJqDcanvOcBduXl7G0lbAVsD9wNExBHAm2nst9D2fQXYDTgQ2Ae4SNLm1c5hZmZmZmZmZmut63KnfSPipbQcaKKkp4EPAbdKqvTpnr4fDOyUa+8rqTdwKHBEbv+SHsCWwHPAlhGxSNJw4NeSdo6IxUALWfID4GfA7f/19u4AABWGSURBVK0HFhEhqVJTdTBwQu6z1yUdBfwhIl4FkHQLWXKmMh9Dgf3JqloelLRrGuuhwBOpX+/U78G09GdYSqDcIWkXQMCCiPhTOu/idK6qkynpQmAVaxMoC6rNQRrfFsAjEXGepPOA7wGfTsf9MiJagDmSngN2SHNwXaViJyL+lpImx6brbMsJwG3tLG1q674C3BkRbwJvSvo9WeLo162u+QyyBBI9mjduZxhmZmZmZma23gnI/nlqnbFOSZqIeCl9XyjpDrJ/7L/Rxh4qDcDeEfFWvlHZv+6PjojZVY5ZnuJPkfQsWRKl2gbFlWTMXyUNiogFqVJmYZW+HTEfmBwRK4HnJT1DlowR8O2I+FFbB0bEGykhcRhwb0dPKOlU4BPAQRHZ88kiYjnV52AKsIy1yalbgdPzw2g9rDZOuwewLTA3JVl6Sppb2SsnOQE4u52ht3VfOzSOiBhDVn1F316be6GimZmZmZmZbfA6vdwp7SXTp/KarMLkMbKkxrGpXZJ2T4dMAEbnjq8kcu4FRqdkDZL2SN83TfulIGkbsiTJc7nxVp5gdCLwcHp9F3BKen0KcGd6PZFcokHZU58mAx+R1F/ZZr/H5i7v16TqEkkDyBIjz6WxnlapFJE0WNJmaayVJzJtBBwCPA3MBgZJGpk+6yPpHQmxtJzqK8AREbEs1151DlIS5zesrYA5CJiVC3mspAZJHwC2SeOYCHy+cn5Jm0TE3RHx/ogYEhFDgGX5BI2y/YT6AZNajzmnrfsKcKSyJ1/1T2P9UztxzMzMzMzMzIx1q6QZSLasp3L8zRExXtJs4FpJXyPbQPcXwJPAucDVkqal/g8CZwKXAFcC05Q9peh5soqSUcB/SlpJtrzpzIj4Wzr3UmDPdI6FwPGp/TLgl5JOB/4CHJfaL03nngGsBi6OiNslfZMsAfEGMDV3bfcCh0qalfp/OSIWke2/syMwKV33EuBTZHvk3JgSKg1ky41+CyDpeOAHKXnzJtnyoNZ+SLYsbGKK+2hEnFljDs4HfirpSuBV4DO5eC+SJcz6pmPekjSWLNk0LcW7Pp23PScAv6hU9rShrfsKMA34PTAAuCQiXq5xPjMzMzMzM7MNntr/d7jZP1/fXpvH3jucUbtjO+ac3Kf4QMr4T6H6tkOd0tJ3Ve1O74KGf6zrllWt9F9eOMR39/pV4Rj/0rSocIwy3Pr6nl09BABO6De5cIxXVvctHGNw498Lx6gXL62un/21+jcsLRyjSW1tSdZxjSX8YN22qT5+T/ndsoG1O70LPtrzla4eQmnm18dfdwAsjZL+zito+6b6mJQy7k2Tiu9DsTpK+MWqBC1l/IJXJ96Kxq4eQqmGd28uHGPmijdLGElxu2310pSIGNHV4yjTxt02jX36HtXVw6jp3tfH1tXcl/YIbjMzMzMzMzMzW3dO0piZmZmZmZmZ1YH6qO00MzMzMzMzs/cWb6/SaU7SWNdrEKt7NRUKcd5H7y48jP6NSwrHWLS6d+EYQ5pfLRyjDPNW9C8lzjbNCwvH2KvH4sIxlrUU31+jDP26Lavd6V3wL91WFo6xY1Px+7Ik6mP/hTJs3fR6Vw9hjR7vfKBgpzVQfN+ChhL2cVheJ39GhjS91tVDAKCphPtSL3ZuLr6XRFmWR/GfiWVYXSf7hdTTvbFyLWl5q6uHsMa8VcX3LZq5ovjvdzs3b1Q4hlmZvNzJzMzMzMzMzKwOuJLGzMzMzMzMzMoVAS3FK6Y2NK6kMTMzMzMzMzOrA07SmJmZmZmZmZnVgXVO0kh6QdJ0SVMlPV6j76aSJkt6QtJ+koanY+dK+r4kpX6XSJqWYk6QtHmrOCMlrZJ0TBvn+UnlM0nnpPghaUCN6xiQXr9P0m2Snpb0lKR9alzXmbk5eFjSTjX67ydpZuq/j6RJ6f00Sce3uo7nU7+pkoblPts/tc2U9EBqGyJpRnvnrjKWTSRNlDQnfe9Xo/8fJM3OjWmz1N763hbffdfMzMzMzMzWfxH1/1VnilbSHBARwyJiRI1+BwHTI2KPiHgIuBb4HDA0fR2W+l0eEbtFxDDgt8BFlQCSGoHvABM6OLY/AgcDf+nw1cBVwPiI2AHYHXiqRv+bI2LXNN7vAv9To/9JwLdT/0XAyRGxM9n1Xynpfbm+X05zOywipkKWRAKuAY5Ixx3biWtr7QLgvogYCtyX3tdyUm5MlUf2tL63ZmZmZmZmZrYOSl3uJOkDksZLmiLpIUk7pCqQ7wJHpgqMQUDfiHg0IgK4CTgKICLyz3PtBeTTWqOBXwFrnuerzA9Thcf/AZtVPouIJyLihSpj7J+qdGZKGgtUqng2BkYB/5uOXxERb7R1Xe2NV1KjpO9JmpGqZEZL+ixwHHCJpHER8UxEzElxXk7XtWmNKT4RuD0iXkzH5Z9t3E3SuFQBdJuknmkswyU9kMZ+b5p/gCOBG9PrG0n3QFJvSTekCqFpko5uazBV7u1Gqf2KNL/3Sap1TWZmZmZmZmZGsSRNABPSP/7PSG1jgNERMRz4EnBNqgK5CLglVZAMBubn4sxPbQBI+pakeWRVJxeltsHAJ8kqcPI+CWwP7AScDHyoA+P+BvBwqkS5A9gytW8NvArckJbujJXUq63ryo33bEnPkiUrzk3NZwBDgGERsRswLiLGAneRVciclB+QpD2BZuDZXPO3UpLkCkndU9t2QL+09GiKpJNz/bcnm+8dgcXAWZKagB8Ax6Sx/xj4Vuo/MCIWpNevAAPT668Df08VQrsB9+fOcUNKxnxdklrf24h4kyxZ9Xia3wfSfJuZmZmZmZlZDUUewb1vRLyU9iaZKOlpsiTJrcq2mAHo3ubRbYiIC4ELJX0VOIfsH/lXAudHREsuNmSVLz+PiNXAy5Luf0fAdxoF/Gs6192SXk/t3YAPkiVjJku6CrhA0nfau66IuBq4WtKJwNeAU8iWWV0XEatSn7+1NZhU2fJT4JSIqDyf7KtkiZNmsgTR+cB/pjEOJ1titBEwSdKjwApgXkT8MR3/M7KE0XhgF7L7A9AIVBIza0RESKpULR0MnJD7rDI/J6X73YesounTZFVQrbUAt+TGcXsb130GWTKL7t03rtbFzMzMzMzM1mPhR3B32jonaSLipfR9oaQ7gP2BN1K1THteArbIvd8itbU2DvgdWZJmBPCLlGgYAHxc0qp1HXsb5gPzI2Jyen8b2T4tDXTsun7BOyt92iWpL3A3cGFEPFppz1W4LJd0A1n1TmWMiyJiKbBU0oNke+f8ibcvDSO9FzAzIqptgPxXSYMiYkFKFC2s0mdtsLX3+x+Sbgb2pHqS5h2HthFvDFkCir59Btffbk1mZmZmZmZm77J1Wu4kqVeqqCAtCToUeAx4XtKxqV2Sdm99bEpALJa0t7Ksy8nAnemYobmuRwJPp2O2joghETGELHlyVkT8GngQOD7tATMIOKADw3+QbG8XJH0M6JfO8QowT9L2qd9BwKy070zV62o13sOBOen1RODzkrqlfptUmcNmsuVWN0XEba0+G1Q5F9leMZUnN90J7CupW9pzZi/Wbm68pdY+jepE4GFgNrBppV1Sk6SdU5+7yKp+SN/vzI397NxY+qXzVZ6A1QR8Ijem1hqAytO3KuMwMzMzMzMzsxrWdU+agcDDkp4kS87cHRHjyfaROT21zyRLtFRzFjAWmEu2D8s9qf2yyma7ZImfL9QYxx1kiZFZZFUdkyofSDpX0nyySp1pyjYJBrgYGCVpJtmypxdz8UYD49L5hwH/ldrbuq5z0ga5U4HzWJv0GJviTkvHnFhl7MeRLb06Ve981PY4SdOB6WSVQ5cCRMRTZEuYppHN+9iIqCRLZgNnS3qKLPF0bUSsIEuYfCeNYypr9+25DDhE0hyyJU6XpfZLyfa9mZGOOYBsede9aV6mklU+XV/lmgCWAnsqeyT4gWTLtMzMzMzMzGyDUgeP114PH8GtqMNB2Yalb5/BMXKPswrFOGrMfYXH0b9xSeEYi1b3LhxjSPOrhWOUYd6K/qXE2aa53ZV0HbJXj8W1O9WwrGV14RhluOGN4V09BAA+2+/PhWP0VlPhGEtiZeEY9aK7Sn1gYiE9VGTLuUxDCQ+AbEC1O9WwPMpe3bxuZqwsfi1l2KXpvfN7W8+G5q4ewhrL6+Rn0eo6+b28nu6NlWtJy1tdPYQ15q0qvldJSwl/z+zcvFHhGGVoHDR3SkSM6OpxlGnjxv6xd4/Du3oYNU1Y9tO6mvv6+Y3SzMzMzMzMzGwDVvx/tZmZmZmZmZmZ5QXQUh8VgusTV9KYmZmZmZmZmdUBJ2nMzMzMzMzMzOqAlzuZmZmZmZmZWfmi+AbRGxpX0piZmZmZmZmZ1QEnaczMzMzMzMzM6oCTNGZmZmZmZmZmdaDTSRpJL0iaLmmqpMdr9N1U0mRJT0jaT9LwdOxcSd+XpNTvEknTUswJkjZvFWekpFWSjmnjPD+pfCbpnBQ/JA2ocR0D0uv3SbpN0tOSnpK0T43rOjM3Bw9L2qlG//0kzUz995E0Kb2fJun4VtfxfOo3VdKw3Gf7p7aZkh5IbUMkzWjv3FXGsomkiZLmpO/9avRvljRG0jNpfo5O7aMk/bnafZH03TTOp/L32czMzMzMzDYMAURL1P1XvVnXSpoDImJYRIyo0e8gYHpE7BERDwHXAp8Dhqavw1K/yyNit4gYBvwWuKgSQFIj8B1gQgfH9kfgYOAvHb4auAoYHxE7ALsDT9Xof3NE7JrG+13gf2r0Pwn4duq/CDg5InYmu/4rJb0v1/fLaW6HRcRUyJJIwDXAEem4Yztxba1dANwXEUOB+9L79lwILIyI7YCdgAdS+4vAqcDN+c6SPgR8GNgN2AUYCXykwHjNzMzMzMzMNgilPN1J0geAq4FNgWVkiZgeZAmMjSSNAD4G9I2IR9MxNwFHAfdExOJcuF5kSbeK0cCvyP6xXzmfgB8AhwDzgBWVzyLiidSn9Rj7Az8HBgOTgEoVz8bAKLKEAxGxohKv2nVFxNNtjTeXUDoMaAGuB94EjgM+KuljEXFSbqwvS1qY4r9RfXYBOBG4PSJeTMctzH3WTdI44IPATLIE0DJJw8mSR72B14BTI2IBcCSwfzr2RuAPwPmSeqc5HZGu5+KI+BVwGrBDOm9LikVEvJCuufV23UF275vTHDcBf23n2szMzMzMzMyMdaukCWCCpCmSzkhtY4DRETEc+BJwTaoCuQi4JVWQDAbm5+LMT20ASPqWpHlkVScXpbbBwCfJKnDyPglsT1bZcTLwoQ6M+xvAw6kS5Q5gy9S+NfAqcENaljVWUq+2ris33rMlPUuWiDo3NZ8BDAGGRcRuwLiIGAvcRVYhsyZBk2LsSZbMeDbX/K20DOoKSd1T23ZAP0l/SPN+cq7/9mTzvSOwGDhLUhNZwuWYNPYfA99K/QemZA3AK8DA9PrrwN9ThdBuwP25Cp9L0tKmWyVV+lcVEZOA3wML0te9EVGrMsnMzMzMzMzeSyKyR3DX+1edWZckzb4R8UGyypizJY0iS5LcKmkq8CNgUGeDRsSFEfEvwDjgnNR8JXB+quDIGwX8PCJWR8TLwP0dOMUo4GfpXHcDr6f2bmRVKNdGxB7AUuCCVFnS5nVFxNUR8QHgfOBrqflg4EcRsSr1+Vtbg5E0CPgp8Jnc9X2VrGplJLBJil0Z43DgcOCjwNclbZc+mxcRf0yvfwbsS5a42QWYmMb+NWCL1mOIiGBt1dLBZFVDlc9eT+fdAngk3fNJwPfauqZ0XdsCO6bjBgMHStqvSr8zJD0u6fEVK5e2F9LMzMzMzMxsg9Dp5U4R8VL6vlDSHWRLZ95I1TLteYm3Jwq2SG2tjQN+R1b5MgL4RVq6NAD4uKRVnR1zDfOB+RExOb2/jWyflgY6dl2/4J2VPu2S1Be4G7iwsvwLIFfhslzSDWTVO5UxLoqIpcBSSQ+S7Z3zJ96+NIz0XsDMiKi2AfJfJQ2KiAUpUbSwSp+KRWTLvG5P728FTq9xeZ8EHo2IJela7wH2AR562yAjxpBVKtG3z+D6263JzMzMzMzM7F3WqUoaSb0k9am8Bg4FHgOel3Rsapek3VsfmxIQiyXtnfaUORm4Mx0zNNf1SODpdMzWETEkIoaQJU/OiohfAw8Cx0tqTImGAzow/AfJ9nZB0seAfukcrwDzJG2f+h0EzEr7zlS9rlbjPRyYk15PBD4vqVvqt0mVOWwmW251U0Tc1uqzQZVzke3XU3ly053AvpK6SeoJ7MXazY231NqnUZ0IPAzMBjattEtqkrRz6nMXcEp6fUqKXRn72bmx9EuVNr9h7R42BwGzWl9TKy8CH0ljbSLbNNjLnczMzMzMzDYwXf3kpg3h6U4DgYclPUmWnLk7IsaT7SNzemqfSZZoqeYsYCwwl2wflntS+2WSZkiaRpb4+UKNcdxBlhiZBdxEtgwHAEnnSppPVqkzTdLY9NHFwChJM4F/JUsmVIwGxqXzDwP+K7W3dV3npEdMTwXOY23SY2yKOy0dc2KVsR9H2qhY73zU9jhJ04HpZJVDlwKkPV3GA9PI5n1sRFQSOLPJlp09RZZ4ujZtfnwM8J00jqms3bfnMuAQSXPIljhdltovJdv3ZkY6ppL4Oh/4ZpqbTwP/keZ5ZJrnY4EfpXmFLJn2bLqGJ4EnI+I3VebBzMzMzMzMzHKUFUuYdZ2+fQbHyD3OKhTjqDH3FR5H/8YlhWMsWt27cIwhza8WjlGGeSv6lxJnm+b2VtR1zF49FtfuVMOyltWFY5ThhjeGd/UQAPhsvz8XjtFbTYVjLImVhWPUi+5al23e/jl6qPjDGxvWadu61jFUu1MNy6PsVc7rZsbK4tdShl2a3ju/t/VsaO7qIayxvE5+Fq2uk9/L6+neWLmWtLzV1UNYY96q4hu2tpTw98zOzRsVjlGGxkFzp0TEiK4eR5n6apPYq+GQrh5GTf/X8su6mvv6+Y3SzMzMzMzMzGwDVvx/tZmZmZmZmZmZtVaHj7iud66kMTMzMzMzMzOrA96TxrqcpFeBv7TTZQDwWsHTlBGjnsbiGI6xPsSop7E4hmNsKDHqaSyO4RjrQ4x6GotjbNgxtoqITQuep65IGk927fXutYg4rKsHUeEkjdU9SY8X3cipjBj1NBbHcIz1IUY9jcUxHGNDiVFPY3EMx1gfYtTTWBzDMczAy53MzMzMzMzMzOqCkzRmZmZmZmZmZnXASRpbH4ypkxhlxXEMx9hQYpQVxzEcwzHe/TiO4RgbSoyy4jiGY/yzY9gGwnvSmJmZmZmZmZnVAVfSmJmZmZmZmZnVASdpzMzMzMzMzMzqgJM0ZmZmZmZmZmZ1wEkaMzMzMzMzM7M64CSNmZmZmZmZmVkd+P9KUsTaiTZg6AAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "df_clm_matrix = get_similarity_matrix(df_clm)\n", + "plot_similarity_matrix(df_clm_matrix,'Trajectory Similarity - Curve lenght measures method')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Case Study 2 " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "As part of our work we implemented a generalization method for tracks. This method is going to reduce the number of original points of the tracks and in consequence the tracks are not going to be identical. So the purpose of this case-study is to determine how the generalization methods impact the shape of the original trajectory. First let's request 10 tracks to the envirocar api and create a trajectoryCollection from them." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Finished creating 9 trajectories\n" + ] + } + ], + "source": [ + "track_df = track_api.get_tracks(bbox=bbox, num_results=10)\n", + "trajCollection = preprocessing.trajectoryCollection(track_df, 100)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now generalize the trajectories using the DouglasPeuckerGeneralizer." + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "generalized_trajCollection = DouglasPeuckerGeneralizer(trajCollection).generalize(0.001, ['Speed.value'])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now let's select just one trajectory and its generalized track:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "trajA=trajCollection.trajectories[1]\n", + "trajA_gen=generalized_trajCollection.trajectories[1]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "And now we can compare both trajectories :" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "##### Track: 5efc1dadd6e3cf256ba19fd7 and Generalized 5efc1dadd6e3cf256ba19fd7 #####\n", + "Similarity with pmc method:\t\t 0.5601095723440792\n", + "Similarity with area method:\t\t 0.9999983022393455\n", + "Similarity with length method:\t\t 0.9998446020860321\n", + "Similarity with frechet method:\t\t 0.9978570472616219\n", + "Similarity with DTW method\t\t 0.9926617766766201\n" + ] + } + ], + "source": [ + "print('##### Track:',trajA.df['track.id'].unique()[0],\"and Generalized \",trajA_gen.df['track.id'].unique()[0],\"#####\")\n", + "print('Similarity with pmc method:\\t\\t',track_similarity(trajA,trajA_gen,'pcm'))\n", + "print('Similarity with area method:\\t\\t',track_similarity(trajA,trajA_gen,'area_between_two_curves'))\n", + "print('Similarity with length method:\\t\\t',track_similarity(trajA,trajA_gen,'curve_length_measure'))\n", + "print('Similarity with frechet method:\\t\\t',track_similarity(trajA,trajA_gen,'frechet_dist'))\n", + "print('Similarity with DTW method\\t\\t',track_similarity(trajA,trajA_gen,'dtw'))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can also compare it visually ! At a small scale they seem identical but if you explore it with detail you are going to notice major differences. Those are the differences reflected in the previous similarity measures." + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": {}, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.holoviews_exec.v0+json": "", + "text/html": [ + "
\n", + "\n", + "\n", + "\n", + "\n", + "\n", + "
\n", + "
\n", + "" + ], + "text/plain": [ + ":Layout\n", + " .Overlay.I :Overlay\n", + " .Tiles.I :Tiles [x,y]\n", + " .Path.I :Path [Longitude,Latitude]\n", + " .Overlay.II :Overlay\n", + " .Tiles.I :Tiles [x,y]\n", + " .Path.I :Path [Longitude,Latitude]" + ] + }, + "execution_count": 13, + "metadata": { + "application/vnd.holoviews_exec.v0+json": { + "id": "1003" + } + }, + "output_type": "execute_result" + } + ], + "source": [ + "trajA.hvplot(line_width=7.0,line_color='orange', title='Original trajectory',tiles='StamenTonerBackground',width=450, height=400)+trajA_gen.hvplot(line_width=7.0, title='Generalized trajectory',tiles='StamenTonerBackground',width=450, height=400)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can also compare the similarity of original trajCollections and the generalized collections. The following method will compare side by side the trajectory Collections with the desired method." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Generalized_Trajectory_1Trajectory_2Similarity
05efb7fc6d6e3cf256b9908155efb7fc6d6e3cf256b9908150.999980
15efc1dadd6e3cf256ba19fd75efc1dadd6e3cf256ba19fd71.000000
25efc2200d6e3cf256ba1a13b5efc2200d6e3cf256ba1a13b0.999765
35efc2200d6e3cf256ba1a2155efc2200d6e3cf256ba1a2150.999766
45efcaab4d6e3cf256bb83e205efcaab4d6e3cf256bb83e200.999273
55efcaab4d6e3cf256bb848c95efcaab4d6e3cf256bb848c90.999269
65efd8e94d6e3cf256bdfea825efd8e94d6e3cf256bdfea821.000000
75efd9612d6e3cf256be6d5d55efd9612d6e3cf256be6d5d50.999769
85efd9a32d6e3cf256be783825efd9a32d6e3cf256be783821.000000
\n", + "
" + ], + "text/plain": [ + " Generalized_Trajectory_1 Trajectory_2 Similarity\n", + "0 5efb7fc6d6e3cf256b990815 5efb7fc6d6e3cf256b990815 0.999980\n", + "1 5efc1dadd6e3cf256ba19fd7 5efc1dadd6e3cf256ba19fd7 1.000000\n", + "2 5efc2200d6e3cf256ba1a13b 5efc2200d6e3cf256ba1a13b 0.999765\n", + "3 5efc2200d6e3cf256ba1a215 5efc2200d6e3cf256ba1a215 0.999766\n", + "4 5efcaab4d6e3cf256bb83e20 5efcaab4d6e3cf256bb83e20 0.999273\n", + "5 5efcaab4d6e3cf256bb848c9 5efcaab4d6e3cf256bb848c9 0.999269\n", + "6 5efd8e94d6e3cf256bdfea82 5efd8e94d6e3cf256bdfea82 1.000000\n", + "7 5efd9612d6e3cf256be6d5d5 5efd9612d6e3cf256be6d5d5 0.999769\n", + "8 5efd9a32d6e3cf256be78382 5efd9a32d6e3cf256be78382 1.000000" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "trajCollections_similarity(generalized_trajCollection,trajCollection,'curve_length_measure')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "As you can see by using the 'curve_length_measure' method of similarity all generalized trajectories maintain high similarity values (i.e close to 1)." + ] + } + ], + "metadata": { + "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.7.6" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/examples/trajectories_visualisation.ipynb b/examples/trajectories_visualisation.ipynb new file mode 100644 index 0000000..9b39577 --- /dev/null +++ b/examples/trajectories_visualisation.ipynb @@ -0,0 +1,148 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Package loading and basic configurations" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "scrolled": true, + "tags": [] + }, + "outputs": [ + { + "output_type": "display_data", + "data": { + "application/javascript": "\n(function(root) {\n function now() {\n return new Date();\n }\n\n var force = true;\n\n if (typeof root._bokeh_onload_callbacks === \"undefined\" || force === true) {\n root._bokeh_onload_callbacks = [];\n root._bokeh_is_loading = undefined;\n }\n\n var JS_MIME_TYPE = 'application/javascript';\n var HTML_MIME_TYPE = 'text/html';\n var EXEC_MIME_TYPE = 'application/vnd.bokehjs_exec.v0+json';\n var CLASS_NAME = 'output_bokeh rendered_html';\n\n /**\n * Render data to the DOM node\n */\n function render(props, node) {\n var script = document.createElement(\"script\");\n node.appendChild(script);\n }\n\n /**\n * Handle when an output is cleared or removed\n */\n function handleClearOutput(event, handle) {\n var cell = handle.cell;\n\n var id = cell.output_area._bokeh_element_id;\n var server_id = cell.output_area._bokeh_server_id;\n // Clean up Bokeh references\n if (id != null && id in Bokeh.index) {\n Bokeh.index[id].model.document.clear();\n delete Bokeh.index[id];\n }\n\n if (server_id !== undefined) {\n // Clean up Bokeh references\n var cmd = \"from bokeh.io.state import curstate; print(curstate().uuid_to_server['\" + server_id + \"'].get_sessions()[0].document.roots[0]._id)\";\n cell.notebook.kernel.execute(cmd, {\n iopub: {\n output: function(msg) {\n var id = msg.content.text.trim();\n if (id in Bokeh.index) {\n Bokeh.index[id].model.document.clear();\n delete Bokeh.index[id];\n }\n }\n }\n });\n // Destroy server and session\n var cmd = \"import bokeh.io.notebook as ion; ion.destroy_server('\" + server_id + \"')\";\n cell.notebook.kernel.execute(cmd);\n }\n }\n\n /**\n * Handle when a new output is added\n */\n function handleAddOutput(event, handle) {\n var output_area = handle.output_area;\n var output = handle.output;\n\n // limit handleAddOutput to display_data with EXEC_MIME_TYPE content only\n if ((output.output_type != \"display_data\") || (!output.data.hasOwnProperty(EXEC_MIME_TYPE))) {\n return\n }\n\n var toinsert = output_area.element.find(\".\" + CLASS_NAME.split(' ')[0]);\n\n if (output.metadata[EXEC_MIME_TYPE][\"id\"] !== undefined) {\n toinsert[toinsert.length - 1].firstChild.textContent = output.data[JS_MIME_TYPE];\n // store reference to embed id on output_area\n output_area._bokeh_element_id = output.metadata[EXEC_MIME_TYPE][\"id\"];\n }\n if (output.metadata[EXEC_MIME_TYPE][\"server_id\"] !== undefined) {\n var bk_div = document.createElement(\"div\");\n bk_div.innerHTML = output.data[HTML_MIME_TYPE];\n var script_attrs = bk_div.children[0].attributes;\n for (var i = 0; i < script_attrs.length; i++) {\n toinsert[toinsert.length - 1].firstChild.setAttribute(script_attrs[i].name, script_attrs[i].value);\n }\n // store reference to server id on output_area\n output_area._bokeh_server_id = output.metadata[EXEC_MIME_TYPE][\"server_id\"];\n }\n }\n\n function register_renderer(events, OutputArea) {\n\n function append_mime(data, metadata, element) {\n // create a DOM node to render to\n var toinsert = this.create_output_subarea(\n metadata,\n CLASS_NAME,\n EXEC_MIME_TYPE\n );\n this.keyboard_manager.register_events(toinsert);\n // Render to node\n var props = {data: data, metadata: metadata[EXEC_MIME_TYPE]};\n render(props, toinsert[toinsert.length - 1]);\n element.append(toinsert);\n return toinsert\n }\n\n /* Handle when an output is cleared or removed */\n events.on('clear_output.CodeCell', handleClearOutput);\n events.on('delete.Cell', handleClearOutput);\n\n /* Handle when a new output is added */\n events.on('output_added.OutputArea', handleAddOutput);\n\n /**\n * Register the mime type and append_mime function with output_area\n */\n OutputArea.prototype.register_mime_type(EXEC_MIME_TYPE, append_mime, {\n /* Is output safe? */\n safe: true,\n /* Index of renderer in `output_area.display_order` */\n index: 0\n });\n }\n\n // register the mime type if in Jupyter Notebook environment and previously unregistered\n if (root.Jupyter !== undefined) {\n var events = require('base/js/events');\n var OutputArea = require('notebook/js/outputarea').OutputArea;\n\n if (OutputArea.prototype.mime_types().indexOf(EXEC_MIME_TYPE) == -1) {\n register_renderer(events, OutputArea);\n }\n }\n\n \n if (typeof (root._bokeh_timeout) === \"undefined\" || force === true) {\n root._bokeh_timeout = Date.now() + 5000;\n root._bokeh_failed_load = false;\n }\n\n var NB_LOAD_WARNING = {'data': {'text/html':\n \"
\\n\"+\n \"

\\n\"+\n \"BokehJS does not appear to have successfully loaded. If loading BokehJS from CDN, this \\n\"+\n \"may be due to a slow or bad network connection. Possible fixes:\\n\"+\n \"

\\n\"+\n \"
    \\n\"+\n \"
  • re-rerun `output_notebook()` to attempt to load from CDN again, or
  • \\n\"+\n \"
  • use INLINE resources instead, as so:
  • \\n\"+\n \"
\\n\"+\n \"\\n\"+\n \"from bokeh.resources import INLINE\\n\"+\n \"output_notebook(resources=INLINE)\\n\"+\n \"\\n\"+\n \"
\"}};\n\n function display_loaded() {\n var el = document.getElementById(null);\n if (el != null) {\n el.textContent = \"BokehJS is loading...\";\n }\n if (root.Bokeh !== undefined) {\n if (el != null) {\n el.textContent = \"BokehJS \" + root.Bokeh.version + \" successfully loaded.\";\n }\n } else if (Date.now() < root._bokeh_timeout) {\n setTimeout(display_loaded, 100)\n }\n }\n\n\n function run_callbacks() {\n try {\n root._bokeh_onload_callbacks.forEach(function(callback) {\n if (callback != null)\n callback();\n });\n } finally {\n delete root._bokeh_onload_callbacks\n }\n console.debug(\"Bokeh: all callbacks have finished\");\n }\n\n function load_libs(css_urls, js_urls, callback) {\n if (css_urls == null) css_urls = [];\n if (js_urls == null) js_urls = [];\n\n root._bokeh_onload_callbacks.push(callback);\n if (root._bokeh_is_loading > 0) {\n console.debug(\"Bokeh: BokehJS is being loaded, scheduling callback at\", now());\n return null;\n }\n if (js_urls == null || js_urls.length === 0) {\n run_callbacks();\n return null;\n }\n console.debug(\"Bokeh: BokehJS not loaded, scheduling load and callback at\", now());\n root._bokeh_is_loading = css_urls.length + js_urls.length;\n\n function on_load() {\n root._bokeh_is_loading--;\n if (root._bokeh_is_loading === 0) {\n console.debug(\"Bokeh: all BokehJS libraries/stylesheets loaded\");\n run_callbacks()\n }\n }\n\n function on_error() {\n console.error(\"failed to load \" + url);\n }\n\n for (var i = 0; i < css_urls.length; i++) {\n var url = css_urls[i];\n const element = document.createElement(\"link\");\n element.onload = on_load;\n element.onerror = on_error;\n element.rel = \"stylesheet\";\n element.type = \"text/css\";\n element.href = url;\n console.debug(\"Bokeh: injecting link tag for BokehJS stylesheet: \", url);\n document.body.appendChild(element);\n }\n\n for (var i = 0; i < js_urls.length; i++) {\n var url = js_urls[i];\n var element = document.createElement('script');\n element.onload = on_load;\n element.onerror = on_error;\n element.async = false;\n element.src = url;\n console.debug(\"Bokeh: injecting script tag for BokehJS library: \", url);\n document.head.appendChild(element);\n }\n };\n\n function inject_raw_css(css) {\n const element = document.createElement(\"style\");\n element.appendChild(document.createTextNode(css));\n document.body.appendChild(element);\n }\n\n \n var js_urls = [];\n var css_urls = [];\n \n\n var inline_js = [\n function(Bokeh) {\n inject_raw_css(\"table.panel-df {\\n margin-left: auto;\\n margin-right: auto;\\n border: none;\\n border-collapse: collapse;\\n border-spacing: 0;\\n color: black;\\n font-size: 12px;\\n table-layout: fixed;\\n}\\n\\n.panel-df tr, th, td {\\n text-align: right;\\n vertical-align: middle;\\n padding: 0.5em 0.5em !important;\\n line-height: normal;\\n white-space: normal;\\n max-width: none;\\n border: none;\\n}\\n\\n.panel-df tbody {\\n display: table-row-group;\\n vertical-align: middle;\\n border-color: inherit;\\n}\\n\\n.panel-df tbody tr:nth-child(odd) {\\n background: #f5f5f5;\\n}\\n\\n.panel-df thead {\\n border-bottom: 1px solid black;\\n vertical-align: bottom;\\n}\\n\\n.panel-df tr:hover {\\n background: lightblue !important;\\n cursor: pointer;\\n}\\n\");\n },\n function(Bokeh) {\n inject_raw_css(\".widget-box {\\n\\tmin-height: 20px;\\n\\tbackground-color: #f5f5f5;\\n\\tborder: 1px solid #e3e3e3 !important;\\n\\tborder-radius: 4px;\\n\\t-webkit-box-shadow: inset 0 1px 1px rgba(0,0,0,.05);\\n\\tbox-shadow: inset 0 1px 1px rgba(0,0,0,.05);\\n}\");\n },\n function(Bokeh) {\n /* BEGIN bokeh.min.js */\n /*!\n * Copyright (c) 2012 - 2019, Anaconda, Inc., and Bokeh Contributors\n * All rights reserved.\n * \n * Redistribution and use in source and binary forms, with or without modification,\n * are permitted provided that the following conditions are met:\n * \n * Redistributions of source code must retain the above copyright notice,\n * this list of conditions and the following disclaimer.\n * \n * Redistributions in binary form must reproduce the above copyright notice,\n * this list of conditions and the following disclaimer in the documentation\n * and/or other materials provided with the distribution.\n * \n * Neither the name of Anaconda nor the names of any contributors\n * may be used to endorse or promote products derived from this software\n * without specific prior written permission.\n * \n * THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS \"AS IS\"\n * AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE\n * IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE\n * ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE\n * LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR\n * CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF\n * SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS\n * INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN\n * CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE)\n * ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF\n * THE POSSIBILITY OF SUCH DAMAGE.\n */\n (function(root, factory) {\n root[\"Bokeh\"] = factory();\n })(this, function() {\n var define;\n var parent_require = typeof require === \"function\" && require\n return (function(modules, entry, aliases, externals) {\n if (aliases === undefined) aliases = {};\n if (externals === undefined) externals = {};\n\n var cache = {};\n\n var normalize = function(name) {\n if (typeof name === \"number\")\n return name;\n\n if (name === \"bokehjs\")\n return entry;\n\n var prefix = \"@bokehjs/\"\n if (name.slice(0, prefix.length) === prefix)\n name = name.slice(prefix.length)\n\n var alias = aliases[name]\n if (alias != null)\n return alias;\n\n var trailing = name.length > 0 && name[name.lenght-1] === \"/\";\n var index = aliases[name + (trailing ? \"\" : \"/\") + \"index\"];\n if (index != null)\n return index;\n\n return name;\n }\n\n var require = function(name) {\n var mod = cache[name];\n if (!mod) {\n var id = normalize(name);\n\n mod = cache[id];\n if (!mod) {\n if (!modules[id]) {\n if (parent_require && externals[id]) {\n try {\n mod = {exports: parent_require(id)};\n cache[id] = cache[name] = mod;\n return mod.exports;\n } catch (e) {}\n }\n\n var err = new Error(\"Cannot find module '\" + name + \"'\");\n err.code = 'MODULE_NOT_FOUND';\n throw err;\n }\n\n mod = {exports: {}};\n cache[id] = cache[name] = mod;\n modules[id].call(mod.exports, require, mod, mod.exports);\n } else\n cache[name] = mod;\n }\n\n return mod.exports;\n }\n\n var main = require(entry);\n main.require = require;\n\n main.register_plugin = function(plugin_modules, plugin_entry, plugin_aliases, plugin_externals) {\n if (plugin_aliases === undefined) plugin_aliases = {};\n if (plugin_externals === undefined) plugin_externals = {};\n\n for (var name in plugin_modules) {\n modules[name] = plugin_modules[name];\n }\n\n for (var name in plugin_aliases) {\n aliases[name] = plugin_aliases[name];\n }\n\n for (var name in plugin_externals) {\n externals[name] = plugin_externals[name];\n }\n\n var plugin = require(plugin_entry);\n\n for (var name in plugin) {\n main[name] = plugin[name];\n }\n\n return plugin;\n }\n\n return main;\n })\n ([\n function _(n,o,r){n(1),function(n){for(var o in n)r.hasOwnProperty(o)||(r[o]=n[o])}(n(102))},\n function _(n,c,f){n(2),n(11),n(14),n(21),n(49),n(52),n(87),n(94),n(100)},\n function _(e,n,a){e(3)()||Object.defineProperty(Object,\"assign\",{value:e(4),configurable:!0,enumerable:!1,writable:!0})},\n function _(r,t,o){t.exports=function(){var r,t=Object.assign;return\"function\"==typeof t&&(t(r={foo:\"raz\"},{bar:\"dwa\"},{trzy:\"trzy\"}),r.foo+r.bar+r.trzy===\"razdwatrzy\")}},\n function _(t,r,n){var o=t(5),c=t(10),a=Math.max;r.exports=function(t,r){var n,f,h,i=a(arguments.length,2);for(t=Object(c(t)),h=function(o){try{t[o]=r[o]}catch(t){n||(n=t)}},f=1;f= 0\");if(!isFinite(r))throw new RangeError(\"Count must be < ∞\");for(n=\"\";r;)r%2&&(n+=t),r>1&&(t+=t),r>>=1;return n}},\n function _(t,i,n){var r=t(18),a=Math.abs,o=Math.floor;i.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?r(t)*o(a(t)):t}},\n function _(n,t,i){t.exports=n(19)()?Math.sign:n(20)},\n function _(n,t,o){t.exports=function(){var n=Math.sign;return\"function\"==typeof n&&(1===n(10)&&-1===n(-20))}},\n function _(n,r,t){r.exports=function(n){return n=Number(n),isNaN(n)||0===n?n:n>0?1:-1}},\n function _(e,r,a){e(22)()||Object.defineProperty(Array,\"from\",{value:e(23),configurable:!0,enumerable:!1,writable:!0})},\n function _(n,o,r){o.exports=function(){var n,o,r=Array.from;return\"function\"==typeof r&&(o=r(n=[\"raz\",\"dwa\"]),Boolean(o&&o!==n&&\"dwa\"===o[1]))}},\n function _(e,l,r){var n=e(24).iterator,t=e(44),a=e(45),i=e(46),u=e(47),o=e(10),f=e(8),c=e(48),v=Array.isArray,h=Function.prototype.call,y={configurable:!0,enumerable:!0,writable:!0,value:null},s=Object.defineProperty;l.exports=function(e){var l,r,A,g,p,w,b,d,x,j,O=arguments[1],m=arguments[2];if(e=Object(o(e)),f(O)&&u(O),this&&this!==Array&&a(this))l=this;else{if(!O){if(t(e))return 1!==(p=e.length)?Array.apply(null,e):((g=new Array(1))[0]=e[0],g);if(v(e)){for(g=new Array(p=e.length),r=0;r=55296&&w<=56319&&(j+=e[++r]),j=O?h.call(O,m,j,A):j,l?(y.value=j,s(g,A,y)):g[A]=j,++A;p=A}if(void 0===p)for(p=i(e.length),l&&(g=new l(p)),r=0;r-1}},\n function _(r,n,o){var t=r(40);n.exports=function(r){if(!t(r))throw new TypeError(r+\" is not a symbol\");return r}},\n function _(o,t,n){t.exports=function(o){return!!o&&(\"symbol\"==typeof o||!!o.constructor&&(\"Symbol\"===o.constructor.name&&\"Symbol\"===o[o.constructor.toStringTag]))}},\n function _(t,e,n){var r=t(28),o=Object.create,c=Object.defineProperty,u=Object.prototype,f=o(null);e.exports=function(t){for(var e,n,o=0;f[t+(o||\"\")];)++o;return f[t+=o||\"\"]=!0,c(u,e=\"@@\"+t,r.gs(null,function(t){n||(n=!0,c(this,e,r(t)),n=!1)})),e}},\n function _(e,t,a){var s=e(28),i=e(26).Symbol;t.exports=function(e){return Object.defineProperties(e,{hasInstance:s(\"\",i&&i.hasInstance||e(\"hasInstance\")),isConcatSpreadable:s(\"\",i&&i.isConcatSpreadable||e(\"isConcatSpreadable\")),iterator:s(\"\",i&&i.iterator||e(\"iterator\")),match:s(\"\",i&&i.match||e(\"match\")),replace:s(\"\",i&&i.replace||e(\"replace\")),search:s(\"\",i&&i.search||e(\"search\")),species:s(\"\",i&&i.species||e(\"species\")),split:s(\"\",i&&i.split||e(\"split\")),toPrimitive:s(\"\",i&&i.toPrimitive||e(\"toPrimitive\")),toStringTag:s(\"\",i&&i.toStringTag||e(\"toStringTag\")),unscopables:s(\"\",i&&i.unscopables||e(\"unscopables\"))})}},\n function _(r,n,e){var t=r(28),i=r(39),o=Object.create(null);n.exports=function(r){return Object.defineProperties(r,{for:t(function(n){return o[n]?o[n]:o[n]=r(String(n))}),keyFor:t(function(r){var n;for(n in i(r),o)if(o[n]===r)return n})})}},\n function _(t,n,r){var o=Object.prototype.toString,c=o.call(function(){return arguments}());n.exports=function(t){return o.call(t)===c}},\n function _(t,o,n){var e=Object.prototype.toString,c=RegExp.prototype.test.bind(/^[object [A-Za-z0-9]*Function]$/);o.exports=function(t){return\"function\"==typeof t&&c(e.call(t))}},\n function _(n,t,r){var a=n(17),o=Math.max;t.exports=function(n){return o(0,a(n))}},\n function _(n,o,t){o.exports=function(n){if(\"function\"!=typeof n)throw new TypeError(n+\" is not a function\");return n}},\n function _(t,n,o){var e=Object.prototype.toString,r=e.call(\"\");n.exports=function(t){return\"string\"==typeof t||t&&\"object\"==typeof t&&(t instanceof String||e.call(t)===r)||!1}},\n function _(e,a,l){e(50)()||Object.defineProperty(Math,\"log10\",{value:e(51),configurable:!0,enumerable:!1,writable:!0})},\n function _(n,t,o){t.exports=function(){var n=Math.log10;return\"function\"==typeof n&&.3010299956639812===n(2)}},\n function _(N,a,t){var n=Math.log,r=Math.LOG10E;a.exports=function(N){return isNaN(N)?NaN:(N=Number(N))<0?NaN:0===N?-1/0:1===N?0:N===1/0?1/0:n(N)*r}},\n function _(e,n,r){e(53)()||Object.defineProperty(e(26),\"Set\",{value:e(54),configurable:!0,enumerable:!1,writable:!0})},\n function _(t,e,n){e.exports=function(){var t,e;return\"function\"==typeof Set&&(t=new Set([\"raz\",\"dwa\",\"trzy\"]),\"[object Set]\"===String(t)&&(3===t.size&&(\"function\"==typeof t.add&&(\"function\"==typeof t.clear&&(\"function\"==typeof t.delete&&(\"function\"==typeof t.entries&&(\"function\"==typeof t.forEach&&(\"function\"==typeof t.has&&(\"function\"==typeof t.keys&&(\"function\"==typeof t.values&&(!1===(e=t.values().next()).done&&\"raz\"===e.value)))))))))))}},\n function _(t,e,n){var r,i,s,o=t(55),a=t(56),_=t(60),c=t(47),u=t(28),h=t(65),l=t(24),f=t(66),p=t(68),y=t(85),v=t(86),d=Function.prototype.call,D=Object.defineProperty,g=Object.getPrototypeOf;v&&(s=Set),e.exports=r=function(){var t,e=arguments[0];if(!(this instanceof r))throw new TypeError(\"Constructor requires 'new'\");return t=v&&_?_(new s,g(this)):this,null!=e&&f(e),D(t,\"__setData__\",u(\"c\",[])),e?(p(e,function(t){-1===a.call(this,t)&&this.push(t)},t.__setData__),t):t},v&&(_&&_(r,s),r.prototype=Object.create(s.prototype,{constructor:u(r)})),h(Object.defineProperties(r.prototype,{add:u(function(t){return this.has(t)?this:(this.emit(\"_add\",this.__setData__.push(t)-1,t),this)}),clear:u(function(){this.__setData__.length&&(o.call(this.__setData__),this.emit(\"_clear\"))}),delete:u(function(t){var e=a.call(this.__setData__,t);return-1!==e&&(this.__setData__.splice(e,1),this.emit(\"_delete\",e,t),!0)}),entries:u(function(){return new y(this,\"key+value\")}),forEach:u(function(t){var e,n,r,i=arguments[1];for(c(t),n=(e=this.values())._next();void 0!==n;)r=e._resolve(n),d.call(t,i,r,r,this),n=e._next()}),has:u(function(t){return-1!==a.call(this.__setData__,t)}),keys:u(i=function(){return this.values()}),size:u.gs(function(){return this.__setData__.length}),values:u(function(){return new y(this)}),toString:u(function(){return\"[object Set]\"})})),D(r.prototype,l.iterator,u(i)),D(r.prototype,l.toStringTag,u(\"c\",\"Set\"))},\n function _(t,n,i){var r=t(10);n.exports=function(){return r(this).length=0,this}},\n function _(t,r,e){var i=t(57),n=t(46),o=t(10),a=Array.prototype.indexOf,h=Object.prototype.hasOwnProperty,s=Math.abs,p=Math.floor;r.exports=function(t){var r,e,f,l;if(!i(t))return a.apply(this,arguments);for(e=n(o(this).length),f=arguments[1],r=f=isNaN(f)?0:f>=0?p(f):n(this.length)-p(s(f));r=55296&&v<=56319&&(g+=r[++p]),i.call(n,x,g,s),!y);++p);else f.call(r,function(r){return i.call(n,x,r,s),y})}},\n function _(n,t,e){var o=n(44),r=n(48),f=n(70),i=n(84),u=n(66),c=n(24).iterator;t.exports=function(n){return\"function\"==typeof u(n)[c]?n[c]():o(n)?new f(n):r(n)?new i(n):new f(n)}},\n function _(t,e,r){var o,_=t(60),i=t(36),n=t(28),l=t(24),a=t(71),s=Object.defineProperty;o=e.exports=function(t,e){if(!(this instanceof o))throw new TypeError(\"Constructor requires 'new'\");a.call(this,t),e=e?i.call(e,\"key+value\")?\"key+value\":i.call(e,\"key\")?\"key\":\"value\":\"value\",s(this,\"__kind__\",n(\"\",e))},_&&_(o,a),delete o.prototype.constructor,o.prototype=Object.create(a.prototype,{_resolve:n(function(t){return\"value\"===this.__kind__?this.__list__[t]:\"key+value\"===this.__kind__?[t,this.__list__[t]]:t})}),s(o.prototype,l.toStringTag,n(\"c\",\"Array Iterator\"))},\n function _(_,t,e){var n,i=_(55),o=_(34),s=_(47),r=_(10),h=_(28),d=_(72),c=_(24),u=Object.defineProperty,l=Object.defineProperties;t.exports=n=function(_,t){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");l(this,{__list__:h(\"w\",r(_)),__context__:h(\"w\",t),__nextIndex__:h(\"w\",0)}),t&&(s(t.on),t.on(\"_add\",this._onAdd),t.on(\"_delete\",this._onDelete),t.on(\"_clear\",this._onClear))},delete n.prototype.constructor,l(n.prototype,o({_next:h(function(){var _;if(this.__list__)return this.__redo__&&void 0!==(_=this.__redo__.shift())?_:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach(function(t,e){t>=_&&(this.__redo__[e]=++t)},this),this.__redo__.push(_)):u(this,\"__redo__\",h(\"c\",[_])))}),_onDelete:h(function(_){var t;_>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(t=this.__redo__.indexOf(_))&&this.__redo__.splice(t,1),this.__redo__.forEach(function(t,e){t>_&&(this.__redo__[e]=--t)},this)))}),_onClear:h(function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0})}))),u(n.prototype,c.iterator,h(function(){return this}))},\n function _(e,t,n){var r,o=e(29),i=e(73),l=e(78),u=e(79),s=e(35),v=e(81),a=Function.prototype.bind,c=Object.defineProperty,f=Object.prototype.hasOwnProperty;r=function(e,t,n){var r,o=i(t)&&l(t.value);return delete(r=u(t)).writable,delete r.value,r.get=function(){return!n.overwriteDefinition&&f.call(this,e)?o:(t.value=a.call(o,n.resolveContext?n.resolveContext(this):this),c(this,e,t),this[e])},r},t.exports=function(e){var t=s(arguments[1]);return o(t.resolveContext)&&l(t.resolveContext),v(e,function(e,n){return r(n,e,t)})}},\n function _(n,t,o){var r=n(74),u=n(29);t.exports=function(n){return u(n)?n:r(n,\"Cannot use %v\",arguments[1])}},\n function _(r,e,n){var t=r(29),i=r(33),o=r(75),f=r(76),u=function(r,e){return r.replace(\"%v\",f(e))};e.exports=function(r,e,n){if(!i(n))throw new TypeError(u(e,r));if(!t(r)){if(\"default\"in n)return n.default;if(n.isOptional)return null}var f=o(n.errorMessage);throw t(f)||(f=e),new TypeError(u(f,r))}},\n function _(t,n,r){var u=t(29),e=t(33),i=Object.prototype.toString;n.exports=function(t){if(!u(t))return null;if(e(t)){var n=t.toString;if(\"function\"!=typeof n)return null;if(n===i)return null}try{return\"\"+t}catch(t){return null}}},\n function _(r,e,n){var t=r(77),u=/[\\n\\r\\u2028\\u2029]/g;e.exports=function(r){var e=t(r);return null===e?\"\":(e.length>100&&(e=e.slice(0,99)+\"…\"),e=e.replace(u,function(r){switch(r){case\"\\n\":return\"\\\\n\";case\"\\r\":return\"\\\\r\";case\"\\u2028\":return\"\\\\u2028\";case\"\\u2029\":return\"\\\\u2029\";default:throw new Error(\"Unexpected character\")}}))}},\n function _(t,r,n){r.exports=function(t){try{return t.toString()}catch(r){try{return String(t)}catch(t){return null}}}},\n function _(n,t,i){var o=n(74),r=n(30);t.exports=function(n){return r(n)?n:o(n,\"%v is not a plain function\",arguments[1])}},\n function _(n,r,t){var e=n(80),u=n(34),c=n(10);r.exports=function(n){var r=Object(c(n)),t=arguments[1],i=Object(arguments[2]);if(r!==n&&!t)return r;var f={};return t?e(t,function(r){(i.ensure||r in n)&&(f[r]=n[r])}):u(f,n),f}},\n function _(r,o,f){o.exports=r(22)()?Array.from:r(23)},\n function _(n,t,o){var c=n(47),r=n(82),u=Function.prototype.call;t.exports=function(n,t){var o={},a=arguments[2];return c(t),r(n,function(n,c,r,i){o[c]=u.call(t,a,n,c,r,i)}),o}},\n function _(o,c,f){c.exports=o(83)(\"forEach\")},\n function _(t,n,o){var c=t(47),e=t(10),r=Function.prototype.bind,u=Function.prototype.call,l=Object.keys,p=Object.prototype.propertyIsEnumerable;n.exports=function(t,n){return function(o,i){var a,f=arguments[2],y=arguments[3];return o=Object(e(o)),c(i),a=l(o),y&&a.sort(\"function\"==typeof y?r.call(y,o):void 0),\"function\"!=typeof t&&(t=a[t]),u.call(t,a,function(t,c){return p.call(o,t)?u.call(i,f,o[t],t,o,c):n})}}},\n function _(t,_,e){var n,r=t(60),i=t(28),o=t(24),s=t(71),h=Object.defineProperty;n=_.exports=function(t){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");t=String(t),s.call(this,t),h(this,\"__length__\",i(\"\",t.length))},r&&r(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:i(function(){if(this.__list__)return this.__nextIndex__=55296&&_<=56319?e+this.__list__[this.__nextIndex__++]:e})}),h(n.prototype,o.toStringTag,i(\"c\",\"String Iterator\"))},\n function _(t,e,_){var r,i=t(60),o=t(36),n=t(28),s=t(71),a=t(24).toStringTag,c=Object.defineProperty;r=e.exports=function(t,e){if(!(this instanceof r))return new r(t,e);s.call(this,t.__setData__,t),e=e&&o.call(e,\"key+value\")?\"key+value\":\"value\",c(this,\"__kind__\",n(\"\",e))},i&&i(r,s),r.prototype=Object.create(s.prototype,{constructor:n(r),_resolve:n(function(t){return\"value\"===this.__kind__?this.__list__[t]:[this.__list__[t],this.__list__[t]]}),toString:n(function(){return\"[object Set Iterator]\"})}),c(r.prototype,a,n(\"c\",\"Set Iterator\"))},\n function _(t,e,o){e.exports=\"undefined\"!=typeof Set&&\"[object Set]\"===Object.prototype.toString.call(Set.prototype)},\n function _(e,a,n){e(88)()||Object.defineProperty(e(26),\"Map\",{value:e(89),configurable:!0,enumerable:!1,writable:!0})},\n function _(t,e,n){e.exports=function(){var t,e;if(\"function\"!=typeof Map)return!1;try{t=new Map([[\"raz\",\"one\"],[\"dwa\",\"two\"],[\"trzy\",\"three\"]])}catch(t){return!1}return\"[object Map]\"===String(t)&&(3===t.size&&(\"function\"==typeof t.clear&&(\"function\"==typeof t.delete&&(\"function\"==typeof t.entries&&(\"function\"==typeof t.forEach&&(\"function\"==typeof t.get&&(\"function\"==typeof t.has&&(\"function\"==typeof t.keys&&(\"function\"==typeof t.set&&(\"function\"==typeof t.values&&(!1===(e=t.entries().next()).done&&(!!e.value&&(\"raz\"===e.value[0]&&\"one\"===e.value[1])))))))))))))}},\n function _(t,e,a){var _,n=t(55),i=t(56),r=t(60),s=t(47),o=t(10),p=t(28),c=t(65),u=t(24),l=t(66),h=t(68),f=t(90),y=t(93),m=Function.prototype.call,D=Object.defineProperties,v=Object.getPrototypeOf;e.exports=_=function(){var t,e,a,n=arguments[0];if(!(this instanceof _))throw new TypeError(\"Constructor requires 'new'\");return a=y&&r&&Map!==_?r(new Map,v(this)):this,null!=n&&l(n),D(a,{__mapKeysData__:p(\"c\",t=[]),__mapValuesData__:p(\"c\",e=[])}),n?(h(n,function(a){var _=o(a)[0];a=a[1],-1===i.call(t,_)&&(t.push(_),e.push(a))},a),a):a},y&&(r&&r(_,Map),_.prototype=Object.create(Map.prototype,{constructor:p(_)})),c(D(_.prototype,{clear:p(function(){this.__mapKeysData__.length&&(n.call(this.__mapKeysData__),n.call(this.__mapValuesData__),this.emit(\"_clear\"))}),delete:p(function(t){var e=i.call(this.__mapKeysData__,t);return-1!==e&&(this.__mapKeysData__.splice(e,1),this.__mapValuesData__.splice(e,1),this.emit(\"_delete\",e,t),!0)}),entries:p(function(){return new f(this,\"key+value\")}),forEach:p(function(t){var e,a,_=arguments[1];for(s(t),a=(e=this.entries())._next();void 0!==a;)m.call(t,_,this.__mapValuesData__[a],this.__mapKeysData__[a],this),a=e._next()}),get:p(function(t){var e=i.call(this.__mapKeysData__,t);if(-1!==e)return this.__mapValuesData__[e]}),has:p(function(t){return-1!==i.call(this.__mapKeysData__,t)}),keys:p(function(){return new f(this,\"key\")}),set:p(function(t,e){var a,_=i.call(this.__mapKeysData__,t);return-1===_&&(_=this.__mapKeysData__.push(t)-1,a=!0),this.__mapValuesData__[_]=e,a&&this.emit(\"_add\",_,t),this}),size:p.gs(function(){return this.__mapKeysData__.length}),values:p(function(){return new f(this,\"value\")}),toString:p(function(){return\"[object Map]\"})})),Object.defineProperty(_.prototype,u.iterator,p(function(){return this.entries()})),Object.defineProperty(_.prototype,u.toStringTag,p(\"c\",\"Map\"))},\n function _(t,_,e){var i,n=t(60),r=t(28),o=t(71),s=t(24).toStringTag,a=t(91),u=Object.defineProperties,c=o.prototype._unBind;i=_.exports=function(t,_){if(!(this instanceof i))return new i(t,_);o.call(this,t.__mapKeysData__,t),_&&a[_]||(_=\"key+value\"),u(this,{__kind__:r(\"\",_),__values__:r(\"w\",t.__mapValuesData__)})},n&&n(i,o),i.prototype=Object.create(o.prototype,{constructor:r(i),_resolve:r(function(t){return\"value\"===this.__kind__?this.__values__[t]:\"key\"===this.__kind__?this.__list__[t]:[this.__list__[t],this.__values__[t]]}),_unBind:r(function(){this.__values__=null,c.call(this)}),toString:r(function(){return\"[object Map Iterator]\"})}),Object.defineProperty(i.prototype,s,r(\"c\",\"Map Iterator\"))},\n function _(e,u,a){u.exports=e(92)(\"key\",\"value\",\"key+value\")},\n function _(r,t,n){var c=Array.prototype.forEach,o=Object.create;t.exports=function(r){var t=o(null);return c.call(arguments,function(r){t[r]=!0}),t}},\n function _(t,e,o){e.exports=\"undefined\"!=typeof Map&&\"[object Map]\"===Object.prototype.toString.call(new Map)},\n function _(e,a,n){e(95)()||Object.defineProperty(e(26),\"WeakMap\",{value:e(96),configurable:!0,enumerable:!1,writable:!0})},\n function _(t,e,n){e.exports=function(){var t,e;if(\"function\"!=typeof WeakMap)return!1;try{t=new WeakMap([[e={},\"one\"],[{},\"two\"],[{},\"three\"]])}catch(t){return!1}return\"[object WeakMap]\"===String(t)&&(\"function\"==typeof t.set&&(t.set({},1)===t&&(\"function\"==typeof t.delete&&(\"function\"==typeof t.has&&\"one\"===t.get(e)))))}},\n function _(t,e,a){var r,n=t(8),o=t(60),p=t(97),_=t(10),i=t(98),c=t(28),s=t(69),u=t(68),f=t(24).toStringTag,k=t(99),M=Array.isArray,h=Object.defineProperty,w=Object.prototype.hasOwnProperty,y=Object.getPrototypeOf;e.exports=r=function(){var t,e=arguments[0];if(!(this instanceof r))throw new TypeError(\"Constructor requires 'new'\");return t=k&&o&&WeakMap!==r?o(new WeakMap,y(this)):this,n(e)&&(M(e)||(e=s(e))),h(t,\"__weakMapData__\",c(\"c\",\"$weakMap$\"+i())),e?(u(e,function(e){_(e),t.set(e[0],e[1])}),t):t},k&&(o&&o(r,WeakMap),r.prototype=Object.create(WeakMap.prototype,{constructor:c(r)})),Object.defineProperties(r.prototype,{delete:c(function(t){return!!w.call(p(t),this.__weakMapData__)&&(delete t[this.__weakMapData__],!0)}),get:c(function(t){if(w.call(p(t),this.__weakMapData__))return t[this.__weakMapData__]}),has:c(function(t){return w.call(p(t),this.__weakMapData__)}),set:c(function(t,e){return h(p(t),this.__weakMapData__,c(\"c\",e)),this}),toString:c(function(){return\"[object WeakMap]\"})}),h(r.prototype,f,c(\"c\",\"WeakMap\"))},\n function _(n,r,t){var o=n(63);r.exports=function(n){if(!o(n))throw new TypeError(n+\" is not an Object\");return n}},\n function _(t,n,r){var e=Object.create(null),o=Math.random;n.exports=function(){var t;do{t=o().toString(36).slice(2)}while(e[t]);return t}},\n function _(t,e,o){e.exports=\"function\"==typeof WeakMap&&\"[object WeakMap]\"===Object.prototype.toString.call(new WeakMap)},\n function _(l,o,f){o.exports=l(101).polyfill()},\n function _(t,e,r){\n /*!\n * @overview es6-promise - a tiny implementation of Promises/A+.\n * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald)\n * @license Licensed under MIT license\n * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE\n * @version v4.2.6+9869a4bc\n */\n !function(t,n){\"object\"==typeof r&&void 0!==e?e.exports=n():\"function\"==typeof define&&define.amd?define(n):t.ES6Promise=n()}(this,function(){\"use strict\";function e(t){return\"function\"==typeof t}var r=Array.isArray?Array.isArray:function(t){return\"[object Array]\"===Object.prototype.toString.call(t)},n=0,o=void 0,i=void 0,s=function(t,e){v[n]=t,v[n+1]=e,2===(n+=2)&&(i?i(p):b())};var u=\"undefined\"!=typeof window?window:void 0,c=u||{},a=c.MutationObserver||c.WebKitMutationObserver,f=\"undefined\"==typeof self&&\"undefined\"!=typeof process&&\"[object process]\"==={}.toString.call(process),l=\"undefined\"!=typeof Uint8ClampedArray&&\"undefined\"!=typeof importScripts&&\"undefined\"!=typeof MessageChannel;function h(){var t=setTimeout;return function(){return t(p,1)}}var v=new Array(1e3);function p(){for(var t=0;t0;)this.remove_root(this._roots[0])}finally{this._pop_all_models_freeze()}},e.prototype.interactive_start=function(e){null==this._interactive_plot&&(this._interactive_plot=e,this._interactive_plot.trigger_event(new s.LODStart)),this._interactive_timestamp=Date.now()},e.prototype.interactive_stop=function(e){null!=this._interactive_plot&&this._interactive_plot.id===e.id&&this._interactive_plot.trigger_event(new s.LODEnd),this._interactive_plot=null,this._interactive_timestamp=null},e.prototype.interactive_duration=function(){return null==this._interactive_timestamp?-1:Date.now()-this._interactive_timestamp},e.prototype.destructively_move=function(e){if(e===this)throw new Error(\"Attempted to overwrite a document with itself\");e.clear();var t=d.copy(this._roots);this.clear();for(var n=0,o=t;n=0&&this._callbacks.splice(t,1)},e.prototype._trigger_on_change=function(e){for(var t=0,n=this._callbacks;t0||d.difference(f,a).length>0)throw new Error(\"Not implemented: computing add/remove of document roots\");var g={},y=[];for(var w in n._all_models)if(w in i){var b=e._events_to_sync_objects(i[w],c[w],n,g);y=y.concat(b)}return{references:e._references_json(h.values(g),!1),events:y}},e.prototype.to_json_string=function(e){return void 0===e&&(e=!0),JSON.stringify(this.to_json(e))},e.prototype.to_json=function(t){void 0===t&&(t=!0);var n=this._roots.map(function(e){return e.id}),o=h.values(this._all_models);return{version:r.version,title:this._title,roots:{root_ids:n,references:e._references_json(o,t)}}},e.from_json_string=function(t){var n=JSON.parse(t);return e.from_json(n)},e.from_json=function(t){i.logger.debug(\"Creating Document from JSON\");var n=t.version,o=-1!==n.indexOf(\"+\")||-1!==n.indexOf(\"-\"),s=\"Library versions: JS (\"+r.version+\") / Python (\"+n+\")\";o||r.version===n?i.logger.debug(s):(i.logger.warn(\"JS/Python version mismatch\"),i.logger.warn(s));var a=t.roots,_=a.root_ids,l=a.references,c=e._instantiate_references_json(l,{});e._initialize_references_json(l,{},c);for(var u=new e,d=0,h=_;d0,\"'step' must be a positive number\"),null==r&&(r=n,n=0);for(var t=n<=r?e:-e,i=(0,Math.max)((0,Math.ceil)((0,Math.abs)(r-n)/e),0),a=Array(i),o=0;o=0?r:n.length+r]},e.zip=function(){for(var n=[],r=0;rt||void 0===e)return 1;if(e2*Math.PI;)n-=2*Math.PI;return n}function o(n,r){return a(n-r)}function u(){return Math.random()}t.angle_norm=a,t.angle_dist=o,t.angle_between=function(n,r,t,u){var e=o(r,t);if(0==e)return!1;if(e==2*Math.PI)return!0;var f=a(n),i=o(r,f)<=e&&o(f,t)<=e;return 0==u?i:!i},t.random=u,t.randomIn=function(n,r){return null==r&&(r=n,n=0),n+Math.floor(Math.random()*(r-n+1))},t.atan2=function(n,r){return Math.atan2(r[1]-n[1],r[0]-n[0])},t.rnorm=function(n,r){for(var t,a;t=u(),a=(2*(a=u())-1)*Math.sqrt(1/Math.E*2),!(-4*t*t*Math.log(t)>=a*a););var o=a/t;return o=n+r*o},t.clamp=function(n,r,t){return n>t?t:n=0;u--)(o=t[u])&&(c=(a<3?o(c):a>3?o(e,n,c):o(e,n))||c);return a>3&&c&&Object.defineProperty(e,n,c),c},u=function(t,e){return function(n,r){e(n,r,t)}},i=function(t,e){if(\"object\"==typeof Reflect&&\"function\"==typeof Reflect.metadata)return Reflect.metadata(t,e)},f=function(t,e,n,r){return new(n||(n=Promise))(function(o,a){function c(t){try{i(r.next(t))}catch(t){a(t)}}function u(t){try{i(r.throw(t))}catch(t){a(t)}}function i(t){t.done?o(t.value):new n(function(e){e(t.value)}).then(c,u)}i((r=r.apply(t,e||[])).next())})},l=function(t,e){var n,r,o,a,c={label:0,sent:function(){if(1&o[0])throw o[1];return o[1]},trys:[],ops:[]};return a={next:u(0),throw:u(1),return:u(2)},\"function\"==typeof Symbol&&(a[Symbol.iterator]=function(){return this}),a;function u(a){return function(u){return function(a){if(n)throw new TypeError(\"Generator is already executing.\");for(;c;)try{if(n=1,r&&(o=2&a[0]?r.return:a[0]?r.throw||((o=r.return)&&o.call(r),0):r.next)&&!(o=o.call(r,a[1])).done)return o;switch(r=0,o&&(a=[2&a[0],o.value]),a[0]){case 0:case 1:o=a;break;case 4:return c.label++,{value:a[1],done:!1};case 5:c.label++,r=a[1],a=[0];continue;case 7:a=c.ops.pop(),c.trys.pop();continue;default:if(!(o=(o=c.trys).length>0&&o[o.length-1])&&(6===a[0]||2===a[0])){c=0;continue}if(3===a[0]&&(!o||a[1]>o[0]&&a[1]=t.length&&(t=void 0),{value:t&&t[n++],done:!t}}}},p=function(t,e){var n=\"function\"==typeof Symbol&&t[Symbol.iterator];if(!n)return t;var r,o,a=n.call(t),c=[];try{for(;(void 0===e||e-- >0)&&!(r=a.next()).done;)c.push(r.value)}catch(t){o={error:t}}finally{try{r&&!r.done&&(n=a.return)&&n.call(a)}finally{if(o)throw o.error}}return c},_=function(){for(var t=[],e=0;e1||u(t,e)})})}function u(t,e){try{(n=o[t](e)).value instanceof h?Promise.resolve(n.value.v).then(i,f):l(a[0][2],n)}catch(t){l(a[0][3],t)}var n}function i(t){u(\"next\",t)}function f(t){u(\"throw\",t)}function l(t,e){t(e),a.shift(),a.length&&u(a[0][0],a[0][1])}},d=function(t){var e,n;return e={},r(\"next\"),r(\"throw\",function(t){throw t}),r(\"return\"),e[Symbol.iterator]=function(){return this},e;function r(r,o){e[r]=t[r]?function(e){return(n=!n)?{value:h(t[r](e)),done:\"return\"===r}:o?o(e):e}:o}},w=function(t){if(!Symbol.asyncIterator)throw new TypeError(\"Symbol.asyncIterator is not defined.\");var e,n=t[Symbol.asyncIterator];return n?n.call(t):(t=y(t),e={},r(\"next\"),r(\"throw\"),r(\"return\"),e[Symbol.asyncIterator]=function(){return this},e);function r(n){e[n]=t[n]&&function(e){return new Promise(function(r,o){(function(t,e,n,r){Promise.resolve(r).then(function(e){t({value:e,done:n})},e)})(r,o,(e=t[n](e)).done,e.value)})}}},m=function(t,e){return Object.defineProperty?Object.defineProperty(t,\"raw\",{value:e}):t.raw=e,t},O=function(t){if(t&&t.__esModule)return t;var e={};if(null!=t)for(var n in t)Object.hasOwnProperty.call(t,n)&&(e[n]=t[n]);return e.default=t,e},j=function(t){return t&&t.__esModule?t:{default:t}},t(\"__extends\",r),t(\"__assign\",o),t(\"__rest\",a),t(\"__decorate\",c),t(\"__param\",u),t(\"__metadata\",i),t(\"__awaiter\",f),t(\"__generator\",l),t(\"__exportStar\",s),t(\"__values\",y),t(\"__read\",p),t(\"__spread\",_),t(\"__spreadArrays\",b),t(\"__await\",h),t(\"__asyncGenerator\",v),t(\"__asyncDelegator\",d),t(\"__asyncValues\",w),t(\"__makeTemplateObject\",m),t(\"__importStar\",O),t(\"__importDefault\",j)})},\n function _(n,r,t){function e(n,r,t){for(var e=[],o=3;ou&&(r=u),null==t||t>u-r?t=u-r:t<0&&(t=0);for(var i=u-t+e.length,f=new n.constructor(i),a=0;a0?0:e-1;o>=0&&ot&&(t=r);return t},t.max_by=function(n,r){if(0==n.length)throw new Error(\"max_by() called with an empty array\");for(var t=n[0],e=r(t),o=1,u=n.length;oe&&(t=i,e=f)}return t},t.sum=function(n){for(var r=0,t=0,e=n.length;t0&&(this._pending=!0);for(var p=0;p0?this._dict[t]=s:delete this._dict[t]}else i.isEqual(e,n)&&delete this._dict[t]},t.prototype.get_one=function(t,n){var e=this._existing(t);if(o.isArray(e)){if(1===e.length)return e[0];throw new Error(n)}return e},t}();e.MultiDict=s,s.__name__=\"MultiDict\";var a=function(){function t(n){if(null==n)this._values=[];else if(n instanceof t)this._values=r.copy(n._values);else{this._values=[];for(var e=0,i=n;et?(a&&(clearTimeout(a),a=null),o=c,i=n.apply(r,u),a||(r=u=null)):a||!1===e.trailing||(a=setTimeout(l,f)),i}},e.once=function(n){var t,e=!1;return function(){return e||(e=!0,t=n()),t}}},\n function _(e,t,n){var r=e(121),a=e(125);function l(e,t){var n={};for(var r in e){var a=e[r];n[t+r]=a}return n}var i={line_color:[r.ColorSpec,\"black\"],line_width:[r.NumberSpec,1],line_alpha:[r.NumberSpec,1],line_join:[r.LineJoin,\"bevel\"],line_cap:[r.LineCap,\"butt\"],line_dash:[r.Array,[]],line_dash_offset:[r.Number,0]};n.line=function(e){return void 0===e&&(e=\"\"),l(i,e)};var o={fill_color:[r.ColorSpec,\"gray\"],fill_alpha:[r.NumberSpec,1]};n.fill=function(e){return void 0===e&&(e=\"\"),l(o,e)};var c={hatch_color:[r.ColorSpec,\"black\"],hatch_alpha:[r.NumberSpec,1],hatch_scale:[r.NumberSpec,12],hatch_pattern:[r.StringSpec,null],hatch_weight:[r.NumberSpec,1],hatch_extra:[r.Any,{}]};n.hatch=function(e){return void 0===e&&(e=\"\"),l(c,e)};var h={text_font:[r.Font,\"helvetica\"],text_font_size:[r.FontSizeSpec,\"12pt\"],text_font_style:[r.FontStyle,\"normal\"],text_color:[r.ColorSpec,\"#444444\"],text_alpha:[r.NumberSpec,1],text_align:[r.TextAlign,\"left\"],text_baseline:[r.TextBaseline,\"bottom\"],text_line_height:[r.Number,1.2]};n.text=function(e){return void 0===e&&(e=\"\"),l(h,e)},n.create=function(e){for(var t={},r=0,l=e;r\",\"*\"],n.HTTPMethod=[\"POST\",\"GET\"],n.HexTileOrientation=[\"pointytop\",\"flattop\"],n.HoverMode=[\"mouse\",\"hline\",\"vline\"],n.LatLon=[\"lat\",\"lon\"],n.LegendClickPolicy=[\"none\",\"hide\",\"mute\"],n.LegendLocation=n.Anchor,n.LineCap=[\"butt\",\"round\",\"square\"],n.LineJoin=[\"miter\",\"round\",\"bevel\"],n.LinePolicy=[\"prev\",\"next\",\"nearest\",\"interp\",\"none\"],n.Location=[\"above\",\"below\",\"left\",\"right\"],n.Logo=[\"normal\",\"grey\"],n.MarkerType=[\"asterisk\",\"circle\",\"circle_cross\",\"circle_x\",\"cross\",\"dash\",\"diamond\",\"diamond_cross\",\"hex\",\"inverted_triangle\",\"square\",\"square_cross\",\"square_x\",\"triangle\",\"x\"],n.Orientation=[\"vertical\",\"horizontal\"],n.OutputBackend=[\"canvas\",\"svg\",\"webgl\"],n.PaddingUnits=[\"percent\",\"absolute\"],n.Place=[\"above\",\"below\",\"left\",\"right\",\"center\"],n.PointPolicy=[\"snap_to_data\",\"follow_mouse\",\"none\"],n.RadiusDimension=[\"x\",\"y\",\"max\",\"min\"],n.RenderLevel=[\"image\",\"underlay\",\"glyph\",\"annotation\",\"overlay\"],n.RenderMode=[\"canvas\",\"css\"],n.ResetPolicy=[\"standard\",\"event_only\"],n.RoundingFunction=[\"round\",\"nearest\",\"floor\",\"rounddown\",\"ceil\",\"roundup\"],n.Side=[\"above\",\"below\",\"left\",\"right\"],n.SizingMode=[\"stretch_width\",\"stretch_height\",\"stretch_both\",\"scale_width\",\"scale_height\",\"scale_both\",\"fixed\"],n.SliderCallbackPolicy=[\"continuous\",\"throttle\",\"mouseup\"],n.Sort=[\"ascending\",\"descending\"],n.SpatialUnits=[\"screen\",\"data\"],n.StartEnd=[\"start\",\"end\"],n.StepMode=[\"after\",\"before\",\"center\"],n.TapBehavior=[\"select\",\"inspect\"],n.TextAlign=[\"left\",\"right\",\"center\"],n.TextBaseline=[\"top\",\"middle\",\"bottom\",\"alphabetic\",\"hanging\",\"ideographic\"],n.TextureRepetition=[\"repeat\",\"repeat_x\",\"repeat_y\",\"no_repeat\"],n.TickLabelOrientation=[\"vertical\",\"horizontal\",\"parallel\",\"normal\"],n.TooltipAttachment=[\"horizontal\",\"vertical\",\"left\",\"right\",\"above\",\"below\"],n.UpdateMode=[\"replace\",\"append\"],n.VerticalAlign=[\"top\",\"middle\",\"bottom\"]},\n function _(r,e,t){var n=r(124),a=r(110);function o(r){var e=Number(r).toString(16);return 1==e.length?\"0\"+e:e}function l(r){if(0==(r+=\"\").indexOf(\"#\"))return r;if(n.is_svg_color(r))return n.svg_colors[r];if(0==r.indexOf(\"rgb\")){var e=r.replace(/^rgba?\\(|\\s+|\\)$/g,\"\").split(\",\"),t=e.slice(0,3).map(o).join(\"\");return 4==e.length&&(t+=o(Math.floor(255*parseFloat(e[3])))),\"#\"+t.slice(0,8)}return r}function i(r){var e;switch(r.substring(0,4)){case\"rgba\":e={start:\"rgba(\",len:4,alpha:!0};break;case\"rgb(\":e={start:\"rgb(\",len:3,alpha:!1};break;default:return!1}if(new RegExp(\".*?(\\\\.).*(,)\").test(r))throw new Error(\"color expects integers for rgb in rgb/rgba tuple, received \"+r);var t=r.replace(e.start,\"\").replace(\")\",\"\").split(\",\").map(parseFloat);if(t.length!=e.len)throw new Error(\"color expects rgba \"+e.len+\"-tuple, received \"+r);if(e.alpha&&!(0<=t[3]&&t[3]<=1))throw new Error(\"color expects rgba 4-tuple to have alpha value between 0 and 1\");if(a.includes(t.slice(0,3).map(function(r){return 0<=r&&r<=255}),!1))throw new Error(\"color expects rgb to have value between 0 and 255\");return!0}t.is_color=function(r){return n.is_svg_color(r.toLowerCase())||\"#\"==r.substring(0,1)||i(r)},t.rgb2hex=function(r,e,t){return\"#\"+o(255&r)+o(255&e)+o(255&t)},t.color2hex=l,t.color2rgba=function(r,e){if(void 0===e&&(e=1),!r)return[0,0,0,0];var t=l(r);(t=t.replace(/ |#/g,\"\")).length<=4&&(t=t.replace(/(.)/g,\"$1$1\"));for(var n=t.match(/../g).map(function(r){return parseInt(r,16)/255});n.length<3;)n.push(0);return n.length<4&&n.push(e),n.slice(0,4)},t.valid_rgb=i},\n function _(F,e,r){r.svg_colors={indianred:\"#CD5C5C\",lightcoral:\"#F08080\",salmon:\"#FA8072\",darksalmon:\"#E9967A\",lightsalmon:\"#FFA07A\",crimson:\"#DC143C\",red:\"#FF0000\",firebrick:\"#B22222\",darkred:\"#8B0000\",pink:\"#FFC0CB\",lightpink:\"#FFB6C1\",hotpink:\"#FF69B4\",deeppink:\"#FF1493\",mediumvioletred:\"#C71585\",palevioletred:\"#DB7093\",coral:\"#FF7F50\",tomato:\"#FF6347\",orangered:\"#FF4500\",darkorange:\"#FF8C00\",orange:\"#FFA500\",gold:\"#FFD700\",yellow:\"#FFFF00\",lightyellow:\"#FFFFE0\",lemonchiffon:\"#FFFACD\",lightgoldenrodyellow:\"#FAFAD2\",papayawhip:\"#FFEFD5\",moccasin:\"#FFE4B5\",peachpuff:\"#FFDAB9\",palegoldenrod:\"#EEE8AA\",khaki:\"#F0E68C\",darkkhaki:\"#BDB76B\",lavender:\"#E6E6FA\",thistle:\"#D8BFD8\",plum:\"#DDA0DD\",violet:\"#EE82EE\",orchid:\"#DA70D6\",fuchsia:\"#FF00FF\",magenta:\"#FF00FF\",mediumorchid:\"#BA55D3\",mediumpurple:\"#9370DB\",blueviolet:\"#8A2BE2\",darkviolet:\"#9400D3\",darkorchid:\"#9932CC\",darkmagenta:\"#8B008B\",purple:\"#800080\",indigo:\"#4B0082\",slateblue:\"#6A5ACD\",darkslateblue:\"#483D8B\",mediumslateblue:\"#7B68EE\",greenyellow:\"#ADFF2F\",chartreuse:\"#7FFF00\",lawngreen:\"#7CFC00\",lime:\"#00FF00\",limegreen:\"#32CD32\",palegreen:\"#98FB98\",lightgreen:\"#90EE90\",mediumspringgreen:\"#00FA9A\",springgreen:\"#00FF7F\",mediumseagreen:\"#3CB371\",seagreen:\"#2E8B57\",forestgreen:\"#228B22\",green:\"#008000\",darkgreen:\"#006400\",yellowgreen:\"#9ACD32\",olivedrab:\"#6B8E23\",olive:\"#808000\",darkolivegreen:\"#556B2F\",mediumaquamarine:\"#66CDAA\",darkseagreen:\"#8FBC8F\",lightseagreen:\"#20B2AA\",darkcyan:\"#008B8B\",teal:\"#008080\",aqua:\"#00FFFF\",cyan:\"#00FFFF\",lightcyan:\"#E0FFFF\",paleturquoise:\"#AFEEEE\",aquamarine:\"#7FFFD4\",turquoise:\"#40E0D0\",mediumturquoise:\"#48D1CC\",darkturquoise:\"#00CED1\",cadetblue:\"#5F9EA0\",steelblue:\"#4682B4\",lightsteelblue:\"#B0C4DE\",powderblue:\"#B0E0E6\",lightblue:\"#ADD8E6\",skyblue:\"#87CEEB\",lightskyblue:\"#87CEFA\",deepskyblue:\"#00BFFF\",dodgerblue:\"#1E90FF\",cornflowerblue:\"#6495ED\",royalblue:\"#4169E1\",blue:\"#0000FF\",mediumblue:\"#0000CD\",darkblue:\"#00008B\",navy:\"#000080\",midnightblue:\"#191970\",cornsilk:\"#FFF8DC\",blanchedalmond:\"#FFEBCD\",bisque:\"#FFE4C4\",navajowhite:\"#FFDEAD\",wheat:\"#F5DEB3\",burlywood:\"#DEB887\",tan:\"#D2B48C\",rosybrown:\"#BC8F8F\",sandybrown:\"#F4A460\",goldenrod:\"#DAA520\",darkgoldenrod:\"#B8860B\",peru:\"#CD853F\",chocolate:\"#D2691E\",saddlebrown:\"#8B4513\",sienna:\"#A0522D\",brown:\"#A52A2A\",maroon:\"#800000\",white:\"#FFFFFF\",snow:\"#FFFAFA\",honeydew:\"#F0FFF0\",mintcream:\"#F5FFFA\",azure:\"#F0FFFF\",aliceblue:\"#F0F8FF\",ghostwhite:\"#F8F8FF\",whitesmoke:\"#F5F5F5\",seashell:\"#FFF5EE\",beige:\"#F5F5DC\",oldlace:\"#FDF5E6\",floralwhite:\"#FFFAF0\",ivory:\"#FFFFF0\",antiquewhite:\"#FAEBD7\",linen:\"#FAF0E6\",lavenderblush:\"#FFF0F5\",mistyrose:\"#FFE4E1\",gainsboro:\"#DCDCDC\",lightgray:\"#D3D3D3\",lightgrey:\"#D3D3D3\",silver:\"#C0C0C0\",darkgray:\"#A9A9A9\",darkgrey:\"#A9A9A9\",gray:\"#808080\",grey:\"#808080\",dimgray:\"#696969\",dimgrey:\"#696969\",lightslategray:\"#778899\",lightslategrey:\"#778899\",slategray:\"#708090\",slategrey:\"#708090\",darkslategray:\"#2F4F4F\",darkslategrey:\"#2F4F4F\",black:\"#000000\"},r.is_svg_color=function(F){return F in r.svg_colors}},\n function _(e,n,t){var r=e(113),c=e(110);function o(e,n){return r.__assign(e,n)}function u(e){return Object.keys(e).length}t.keys=Object.keys,t.values=function(e){for(var n=Object.keys(e),t=n.length,r=new Array(t),c=0;c\"'`])/g,function(r){switch(r){case\"&\":return\"&\";case\"<\":return\"<\";case\">\":return\">\";case'\"':return\""\";case\"'\":return\"'\";case\"`\":return\"`\";default:return r}})},e.unescape=function(r){return r.replace(/&(amp|lt|gt|quot|#x27|#x60);/g,function(r,t){switch(t){case\"amp\":return\"&\";case\"lt\":return\"<\";case\"gt\":return\">\";case\"quot\":return'\"';case\"#x27\":return\"'\";case\"#x60\":return\"`\";default:return t}})},e.use_strict=function(r){return\"'use strict';\\n\"+r}},\n function _(e,t,n){var i=function(){function e(){this._dev=!1}return Object.defineProperty(e.prototype,\"dev\",{get:function(){return this._dev},set:function(e){this._dev=e},enumerable:!0,configurable:!0}),e}();n.Settings=i,i.__name__=\"Settings\",n.settings=new i},\n function _(n,o,r){function f(n){for(var o in n)r.hasOwnProperty(o)||(r[o]=n[o])}f(n(130)),f(n(242)),f(n(269)),f(n(273)),f(n(288)),f(n(292)),f(n(298)),f(n(302)),f(n(332)),f(n(335)),f(n(337)),f(n(350)),f(n(217)),f(n(356)),f(n(360)),f(n(383)),f(n(384)),f(n(385)),f(n(386)),f(n(387)),f(n(393)),f(n(395)),f(n(405)),f(n(409))},\n function _(a,e,o){var r=a(131);o.Annotation=r.Annotation;var n=a(168);o.Arrow=n.Arrow;var t=a(169);o.ArrowHead=t.ArrowHead;var v=a(169);o.OpenHead=v.OpenHead;var l=a(169);o.NormalHead=l.NormalHead;var d=a(169);o.TeeHead=d.TeeHead;var i=a(169);o.VeeHead=i.VeeHead;var A=a(200);o.Band=A.Band;var H=a(201);o.BoxAnnotation=H.BoxAnnotation;var T=a(203);o.ColorBar=T.ColorBar;var p=a(227);o.Label=p.Label;var L=a(229);o.LabelSet=L.LabelSet;var b=a(230);o.Legend=b.Legend;var B=a(231);o.LegendItem=B.LegendItem;var S=a(233);o.PolyAnnotation=S.PolyAnnotation;var g=a(234);o.Slope=g.Slope;var m=a(235);o.Span=m.Span;var w=a(228);o.TextAnnotation=w.TextAnnotation;var x=a(236);o.Title=x.Title;var P=a(237);o.ToolbarPanel=P.ToolbarPanel;var h=a(238);o.Tooltip=h.Tooltip;var k=a(241);o.Whisker=k.Whisker},\n function _(t,e,n){var i=t(113),o=t(132),r=t(125),s=t(160),a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return i.__extends(e,t),Object.defineProperty(e.prototype,\"panel\",{get:function(){return this.layout},enumerable:!0,configurable:!0}),e.prototype.get_size=function(){if(this.model.visible){var t=this._get_size(),e=t.width,n=t.height;return{width:Math.round(e),height:Math.round(n)}}return{width:0,height:0}},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this);var n=this.model.properties;this.on_change(n.visible,function(){return e.plot_view.request_layout()})},e.prototype._get_size=function(){throw new Error(\"not implemented\")},Object.defineProperty(e.prototype,\"ctx\",{get:function(){return this.plot_view.canvas_view.ctx},enumerable:!0,configurable:!0}),e.prototype.set_data=function(t){var e,n,i=this.model.materialize_dataspecs(t);if(r.extend(this,i),this.plot_model.use_map){null!=this._x&&(e=o.project_xy(this._x,this._y),this._x=e[0],this._y=e[1]),null!=this._xs&&(n=o.project_xsys(this._xs,this._ys),this._xs=n[0],this._ys=n[1])}},Object.defineProperty(e.prototype,\"needs_clip\",{get:function(){return null==this.layout},enumerable:!0,configurable:!0}),e.prototype.serializable_state=function(){var e=t.prototype.serializable_state.call(this);return null==this.layout?e:Object.assign(Object.assign({},e),{bbox:this.layout.bbox.box})},e}(s.RendererView);n.AnnotationView=a,a.__name__=\"AnnotationView\";var l=function(t){function e(e){return t.call(this,e)||this}return i.__extends(e,t),e.init_Annotation=function(){this.override({level:\"annotation\"})},e}(s.Renderer);n.Annotation=l,l.__name__=\"Annotation\",l.init_Annotation()},\n function _(r,n,t){var a=r(133),e=r(134),o=new e(\"GOOGLE\"),c=new e(\"WGS84\");t.wgs84_mercator=a(c,o);var i={lon:[-20026376.39,20026376.39],lat:[-20048966.1,20048966.1]},u={lon:[-180,180],lat:[-85.06,85.06]};function l(r,n){for(var a=Math.min(r.length,n.length),e=new Array(a),o=new Array(a),c=0;cu[n][0]&&r-1})}(n)?i(n):function(n){return\"+\"===n[0]}(n)?o(n):void 0:n}},\n function _(r,n,i){var t=r(137),e=r(138),a=r(141);function f(r){var n=this;if(2===arguments.length){var i=arguments[1];\"string\"==typeof i?\"+\"===i.charAt(0)?f[r]=e(arguments[1]):f[r]=a(arguments[1]):f[r]=i}else if(1===arguments.length){if(Array.isArray(r))return r.map(function(r){Array.isArray(r)?f.apply(n,r):f(r)});if(\"string\"==typeof r){if(r in f)return f[r]}else\"EPSG\"in r?f[\"EPSG:\"+r.EPSG]=r:\"ESRI\"in r?f[\"ESRI:\"+r.ESRI]=r:\"IAU2000\"in r?f[\"IAU2000:\"+r.IAU2000]=r:console.log(r);return}}t(f),n.exports=f},\n function _(t,l,G){l.exports=function(t){t(\"EPSG:4326\",\"+title=WGS 84 (long/lat) +proj=longlat +ellps=WGS84 +datum=WGS84 +units=degrees\"),t(\"EPSG:4269\",\"+title=NAD83 (long/lat) +proj=longlat +a=6378137.0 +b=6356752.31414036 +ellps=GRS80 +datum=NAD83 +units=degrees\"),t(\"EPSG:3857\",\"+title=WGS 84 / Pseudo-Mercator +proj=merc +a=6378137 +b=6378137 +lat_ts=0.0 +lon_0=0.0 +x_0=0.0 +y_0=0 +k=1.0 +units=m +nadgrids=@null +no_defs\"),t.WGS84=t[\"EPSG:4326\"],t[\"EPSG:3785\"]=t[\"EPSG:3857\"],t.GOOGLE=t[\"EPSG:3857\"],t[\"EPSG:900913\"]=t[\"EPSG:3857\"],t[\"EPSG:102113\"]=t[\"EPSG:3857\"]}},\n function _(n,t,o){var a=.017453292519943295,u=n(139),e=n(140);t.exports=function(n){var t,o,r,i={},f=n.split(\"+\").map(function(n){return n.trim()}).filter(function(n){return n}).reduce(function(n,t){var o=t.split(\"=\");return o.push(!0),n[o[0].toLowerCase()]=o[1],n},{}),s={proj:\"projName\",datum:\"datumCode\",rf:function(n){i.rf=parseFloat(n)},lat_0:function(n){i.lat0=n*a},lat_1:function(n){i.lat1=n*a},lat_2:function(n){i.lat2=n*a},lat_ts:function(n){i.lat_ts=n*a},lon_0:function(n){i.long0=n*a},lon_1:function(n){i.long1=n*a},lon_2:function(n){i.long2=n*a},alpha:function(n){i.alpha=parseFloat(n)*a},lonc:function(n){i.longc=n*a},x_0:function(n){i.x0=parseFloat(n)},y_0:function(n){i.y0=parseFloat(n)},k_0:function(n){i.k0=parseFloat(n)},k:function(n){i.k0=parseFloat(n)},a:function(n){i.a=parseFloat(n)},b:function(n){i.b=parseFloat(n)},r_a:function(){i.R_A=!0},zone:function(n){i.zone=parseInt(n,10)},south:function(){i.utmSouth=!0},towgs84:function(n){i.datum_params=n.split(\",\").map(function(n){return parseFloat(n)})},to_meter:function(n){i.to_meter=parseFloat(n)},units:function(n){i.units=n,e[n]&&(i.to_meter=e[n].to_meter)},from_greenwich:function(n){i.from_greenwich=n*a},pm:function(n){i.from_greenwich=(u[n]?u[n]:parseFloat(n))*a},nadgrids:function(n){\"@null\"===n?i.datumCode=\"none\":i.nadgrids=n},axis:function(n){3===n.length&&-1!==\"ewnsud\".indexOf(n.substr(0,1))&&-1!==\"ewnsud\".indexOf(n.substr(1,1))&&-1!==\"ewnsud\".indexOf(n.substr(2,1))&&(i.axis=n)}};for(t in f)o=f[t],t in s?\"function\"==typeof(r=s[t])?r(o):i[r]=o:i[t]=o;return\"string\"==typeof i.datumCode&&\"WGS84\"!==i.datumCode&&(i.datumCode=i.datumCode.toLowerCase()),i}},\n function _(o,r,s){s.greenwich=0,s.lisbon=-9.131906111111,s.paris=2.337229166667,s.bogota=-74.080916666667,s.madrid=-3.687938888889,s.rome=12.452333333333,s.bern=7.439583333333,s.jakarta=106.807719444444,s.ferro=-17.666666666667,s.brussels=4.367975,s.stockholm=18.058277777778,s.athens=23.7163375,s.oslo=10.722916666667},\n function _(t,e,f){f.ft={to_meter:.3048},f[\"us-ft\"]={to_meter:1200/3937}},\n function _(e,a,t){var r=.017453292519943295,n=e(142);function o(e,a,t){e[a]=t.map(function(e){var a={};return l(e,a),a}).reduce(function(e,a){return n(e,a)},{})}function l(e,a){var t;Array.isArray(e)?(\"PARAMETER\"===(t=e.shift())&&(t=e.shift()),1===e.length?Array.isArray(e[0])?(a[t]={},l(e[0],a[t])):a[t]=e[0]:e.length?\"TOWGS84\"===t?a[t]=e:(a[t]={},[\"UNIT\",\"PRIMEM\",\"VERT_DATUM\"].indexOf(t)>-1?(a[t]={name:e[0].toLowerCase(),convert:e[1]},3===e.length&&(a[t].auth=e[2])):\"SPHEROID\"===t?(a[t]={name:e[0],a:e[1],rf:e[2]},4===e.length&&(a[t].auth=e[3])):[\"GEOGCS\",\"GEOCCS\",\"DATUM\",\"VERT_CS\",\"COMPD_CS\",\"LOCAL_CS\",\"FITTED_CS\",\"LOCAL_DATUM\"].indexOf(t)>-1?(e[0]=[\"name\",e[0]],o(a,t,e)):e.every(function(e){return Array.isArray(e)})?o(a,t,e):l(e,a[t])):a[t]=!0):a[e]=!0}function i(e){return e*r}a.exports=function(e,a){var t=JSON.parse((\",\"+e).replace(/\\s*\\,\\s*([A-Z_0-9]+?)(\\[)/g,',[\"$1\",').slice(1).replace(/\\s*\\,\\s*([A-Z_0-9]+?)\\]/g,',\"$1\"]').replace(/,\\[\"VERTCS\".+/,\"\")),r=t.shift(),o=t.shift();t.unshift([\"name\",o]),t.unshift([\"type\",r]),t.unshift(\"output\");var _={};return l(t,_),function(e){function a(a){var t=e.to_meter||1;return parseFloat(a,10)*t}\"GEOGCS\"===e.type?e.projName=\"longlat\":\"LOCAL_CS\"===e.type?(e.projName=\"identity\",e.local=!0):\"object\"==typeof e.PROJECTION?e.projName=Object.keys(e.PROJECTION)[0]:e.projName=e.PROJECTION,e.UNIT&&(e.units=e.UNIT.name.toLowerCase(),\"metre\"===e.units&&(e.units=\"meter\"),e.UNIT.convert&&(\"GEOGCS\"===e.type?e.DATUM&&e.DATUM.SPHEROID&&(e.to_meter=parseFloat(e.UNIT.convert,10)*e.DATUM.SPHEROID.a):e.to_meter=parseFloat(e.UNIT.convert,10))),e.GEOGCS&&(e.GEOGCS.DATUM?e.datumCode=e.GEOGCS.DATUM.name.toLowerCase():e.datumCode=e.GEOGCS.name.toLowerCase(),\"d_\"===e.datumCode.slice(0,2)&&(e.datumCode=e.datumCode.slice(2)),\"new_zealand_geodetic_datum_1949\"!==e.datumCode&&\"new_zealand_1949\"!==e.datumCode||(e.datumCode=\"nzgd49\"),\"wgs_1984\"===e.datumCode&&(\"Mercator_Auxiliary_Sphere\"===e.PROJECTION&&(e.sphere=!0),e.datumCode=\"wgs84\"),\"_ferro\"===e.datumCode.slice(-6)&&(e.datumCode=e.datumCode.slice(0,-6)),\"_jakarta\"===e.datumCode.slice(-8)&&(e.datumCode=e.datumCode.slice(0,-8)),~e.datumCode.indexOf(\"belge\")&&(e.datumCode=\"rnb72\"),e.GEOGCS.DATUM&&e.GEOGCS.DATUM.SPHEROID&&(e.ellps=e.GEOGCS.DATUM.SPHEROID.name.replace(\"_19\",\"\").replace(/[Cc]larke\\_18/,\"clrk\"),\"international\"===e.ellps.toLowerCase().slice(0,13)&&(e.ellps=\"intl\"),e.a=e.GEOGCS.DATUM.SPHEROID.a,e.rf=parseFloat(e.GEOGCS.DATUM.SPHEROID.rf,10)),~e.datumCode.indexOf(\"osgb_1936\")&&(e.datumCode=\"osgb36\")),e.b&&!isFinite(e.b)&&(e.b=e.a),[[\"standard_parallel_1\",\"Standard_Parallel_1\"],[\"standard_parallel_2\",\"Standard_Parallel_2\"],[\"false_easting\",\"False_Easting\"],[\"false_northing\",\"False_Northing\"],[\"central_meridian\",\"Central_Meridian\"],[\"latitude_of_origin\",\"Latitude_Of_Origin\"],[\"latitude_of_origin\",\"Central_Parallel\"],[\"scale_factor\",\"Scale_Factor\"],[\"k0\",\"scale_factor\"],[\"latitude_of_center\",\"Latitude_of_center\"],[\"lat0\",\"latitude_of_center\",i],[\"longitude_of_center\",\"Longitude_Of_Center\"],[\"longc\",\"longitude_of_center\",i],[\"x0\",\"false_easting\",a],[\"y0\",\"false_northing\",a],[\"long0\",\"central_meridian\",i],[\"lat0\",\"latitude_of_origin\",i],[\"lat0\",\"standard_parallel_1\",i],[\"lat1\",\"standard_parallel_1\",i],[\"lat2\",\"standard_parallel_2\",i],[\"alpha\",\"azimuth\",i],[\"srsCode\",\"name\"]].forEach(function(a){return t=e,n=(r=a)[0],o=r[1],void(!(n in t)&&o in t&&(t[n]=t[o],3===r.length&&(t[n]=r[2](t[n]))));var t,r,n,o}),e.long0||!e.longc||\"Albers_Conic_Equal_Area\"!==e.projName&&\"Lambert_Azimuthal_Equal_Area\"!==e.projName||(e.long0=e.longc),e.lat_ts||!e.lat1||\"Stereographic_South_Pole\"!==e.projName&&\"Polar Stereographic (variant B)\"!==e.projName||(e.lat0=i(e.lat1>0?90:-90),e.lat_ts=e.lat1)}(_.output),n(a,_.output)}},\n function _(n,r,i){r.exports=function(n,r){var i,o;if(n=n||{},!r)return n;for(o in r)void 0!==(i=r[o])&&(n[o]=i);return n}},\n function _(n,o,t){var r=[n(144),n(150)],e={},a=[];function i(n,o){var t=a.length;return n.names?(a[t]=n,n.names.forEach(function(n){e[n.toLowerCase()]=t}),this):(console.log(o),!0)}t.add=i,t.get=function(n){if(!n)return!1;var o=n.toLowerCase();return void 0!==e[o]&&a[e[o]]?a[e[o]]:void 0},t.start=function(){r.forEach(i)}},\n function _(t,s,i){var h=t(145),a=Math.PI/2,e=57.29577951308232,r=t(146),n=Math.PI/4,l=t(148),o=t(149);i.init=function(){var t=this.b/this.a;this.es=1-t*t,\"x0\"in this||(this.x0=0),\"y0\"in this||(this.y0=0),this.e=Math.sqrt(this.es),this.lat_ts?this.sphere?this.k0=Math.cos(this.lat_ts):this.k0=h(this.e,Math.sin(this.lat_ts),Math.cos(this.lat_ts)):this.k0||(this.k?this.k0=this.k:this.k0=1)},i.forward=function(t){var s,i,h=t.x,o=t.y;if(o*e>90&&o*e<-90&&h*e>180&&h*e<-180)return null;if(Math.abs(Math.abs(o)-a)<=1e-10)return null;if(this.sphere)s=this.x0+this.a*this.k0*r(h-this.long0),i=this.y0+this.a*this.k0*Math.log(Math.tan(n+.5*o));else{var M=Math.sin(o),u=l(this.e,o,M);s=this.x0+this.a*this.k0*r(h-this.long0),i=this.y0-this.a*this.k0*Math.log(u)}return t.x=s,t.y=i,t},i.inverse=function(t){var s,i,h=t.x-this.x0,e=t.y-this.y0;if(this.sphere)i=a-2*Math.atan(Math.exp(-e/(this.a*this.k0)));else{var n=Math.exp(-e/(this.a*this.k0));if(-9999===(i=o(this.e,n)))return null}return s=r(this.long0+h/(this.a*this.k0)),t.x=s,t.y=i,t},i.names=[\"Mercator\",\"Popular Visualisation Pseudo Mercator\",\"Mercator_1SP\",\"Mercator_Auxiliary_Sphere\",\"merc\"]},\n function _(t,n,r){n.exports=function(t,n,r){var o=t*n;return r/Math.sqrt(1-o*o)}},\n function _(t,n,a){var r=2*Math.PI,o=t(147);n.exports=function(t){return Math.abs(t)<=3.14159265359?t:t-o(t)*r}},\n function _(n,t,o){t.exports=function(n){return n<0?-1:1}},\n function _(t,a,n){var r=Math.PI/2;a.exports=function(t,a,n){var o=t*n,h=.5*t;return o=Math.pow((1-o)/(1+o),h),Math.tan(.5*(r-a))/o}},\n function _(a,t,n){var r=Math.PI/2;t.exports=function(a,t){for(var n,h,M=.5*a,o=r-2*Math.atan(t),e=0;e<=15;e++)if(n=a*Math.sin(o),o+=h=r-2*Math.atan(t*Math.pow((1-n)/(1+n),M))-o,Math.abs(h)<=1e-10)return o;return-9999}},\n function _(n,i,t){function e(n){return n}t.init=function(){},t.forward=e,t.inverse=e,t.names=[\"longlat\",\"identity\"]},\n function _(r,e,t){var n=r(152);t.eccentricity=function(r,e,t,n){var a=r*r,c=e*e,f=(a-c)/a,i=0;return n?(a=(r*=1-f*(.16666666666666666+f*(.04722222222222222+.022156084656084655*f)))*r,f=0):i=Math.sqrt(f),{es:f,e:i,ep2:(a-c)/c}},t.sphere=function(r,e,t,a,c){if(!r){var f=n[a];f||(f=n.WGS84),r=f.a,e=f.b,t=f.rf}return t&&!e&&(e=(1-1/t)*r),(0===t||Math.abs(r-e)<1e-10)&&(c=!0,e=r),{a:r,b:e,rf:t,sphere:c}}},\n function _(e,a,l){l.MERIT={a:6378137,rf:298.257,ellipseName:\"MERIT 1983\"},l.SGS85={a:6378136,rf:298.257,ellipseName:\"Soviet Geodetic System 85\"},l.GRS80={a:6378137,rf:298.257222101,ellipseName:\"GRS 1980(IUGG, 1980)\"},l.IAU76={a:6378140,rf:298.257,ellipseName:\"IAU 1976\"},l.airy={a:6377563.396,b:6356256.91,ellipseName:\"Airy 1830\"},l.APL4={a:6378137,rf:298.25,ellipseName:\"Appl. Physics. 1965\"},l.NWL9D={a:6378145,rf:298.25,ellipseName:\"Naval Weapons Lab., 1965\"},l.mod_airy={a:6377340.189,b:6356034.446,ellipseName:\"Modified Airy\"},l.andrae={a:6377104.43,rf:300,ellipseName:\"Andrae 1876 (Den., Iclnd.)\"},l.aust_SA={a:6378160,rf:298.25,ellipseName:\"Australian Natl & S. Amer. 1969\"},l.GRS67={a:6378160,rf:298.247167427,ellipseName:\"GRS 67(IUGG 1967)\"},l.bessel={a:6377397.155,rf:299.1528128,ellipseName:\"Bessel 1841\"},l.bess_nam={a:6377483.865,rf:299.1528128,ellipseName:\"Bessel 1841 (Namibia)\"},l.clrk66={a:6378206.4,b:6356583.8,ellipseName:\"Clarke 1866\"},l.clrk80={a:6378249.145,rf:293.4663,ellipseName:\"Clarke 1880 mod.\"},l.clrk58={a:6378293.645208759,rf:294.2606763692654,ellipseName:\"Clarke 1858\"},l.CPM={a:6375738.7,rf:334.29,ellipseName:\"Comm. des Poids et Mesures 1799\"},l.delmbr={a:6376428,rf:311.5,ellipseName:\"Delambre 1810 (Belgium)\"},l.engelis={a:6378136.05,rf:298.2566,ellipseName:\"Engelis 1985\"},l.evrst30={a:6377276.345,rf:300.8017,ellipseName:\"Everest 1830\"},l.evrst48={a:6377304.063,rf:300.8017,ellipseName:\"Everest 1948\"},l.evrst56={a:6377301.243,rf:300.8017,ellipseName:\"Everest 1956\"},l.evrst69={a:6377295.664,rf:300.8017,ellipseName:\"Everest 1969\"},l.evrstSS={a:6377298.556,rf:300.8017,ellipseName:\"Everest (Sabah & Sarawak)\"},l.fschr60={a:6378166,rf:298.3,ellipseName:\"Fischer (Mercury Datum) 1960\"},l.fschr60m={a:6378155,rf:298.3,ellipseName:\"Fischer 1960\"},l.fschr68={a:6378150,rf:298.3,ellipseName:\"Fischer 1968\"},l.helmert={a:6378200,rf:298.3,ellipseName:\"Helmert 1906\"},l.hough={a:6378270,rf:297,ellipseName:\"Hough\"},l.intl={a:6378388,rf:297,ellipseName:\"International 1909 (Hayford)\"},l.kaula={a:6378163,rf:298.24,ellipseName:\"Kaula 1961\"},l.lerch={a:6378139,rf:298.257,ellipseName:\"Lerch 1979\"},l.mprts={a:6397300,rf:191,ellipseName:\"Maupertius 1738\"},l.new_intl={a:6378157.5,b:6356772.2,ellipseName:\"New International 1967\"},l.plessis={a:6376523,rf:6355863,ellipseName:\"Plessis 1817 (France)\"},l.krass={a:6378245,rf:298.3,ellipseName:\"Krassovsky, 1942\"},l.SEasia={a:6378155,b:6356773.3205,ellipseName:\"Southeast Asia\"},l.walbeck={a:6376896,b:6355834.8467,ellipseName:\"Walbeck\"},l.WGS60={a:6378165,rf:298.3,ellipseName:\"WGS 60\"},l.WGS66={a:6378145,rf:298.25,ellipseName:\"WGS 66\"},l.WGS7={a:6378135,rf:298.26,ellipseName:\"WGS 72\"},l.WGS84={a:6378137,rf:298.257223563,ellipseName:\"WGS 84\"},l.sphere={a:6370997,b:6370997,ellipseName:\"Normal Sphere (r=6370997)\"}},\n function _(e,a,s){s.wgs84={towgs84:\"0,0,0\",ellipse:\"WGS84\",datumName:\"WGS84\"},s.ch1903={towgs84:\"674.374,15.056,405.346\",ellipse:\"bessel\",datumName:\"swiss\"},s.ggrs87={towgs84:\"-199.87,74.79,246.62\",ellipse:\"GRS80\",datumName:\"Greek_Geodetic_Reference_System_1987\"},s.nad83={towgs84:\"0,0,0\",ellipse:\"GRS80\",datumName:\"North_American_Datum_1983\"},s.nad27={nadgrids:\"@conus,@alaska,@ntv2_0.gsb,@ntv1_can.dat\",ellipse:\"clrk66\",datumName:\"North_American_Datum_1927\"},s.potsdam={towgs84:\"606.0,23.0,413.0\",ellipse:\"bessel\",datumName:\"Potsdam Rauenberg 1950 DHDN\"},s.carthage={towgs84:\"-263.0,6.0,431.0\",ellipse:\"clark80\",datumName:\"Carthage 1934 Tunisia\"},s.hermannskogel={towgs84:\"653.0,-212.0,449.0\",ellipse:\"bessel\",datumName:\"Hermannskogel\"},s.ire65={towgs84:\"482.530,-130.596,564.557,-1.042,-0.214,-0.631,8.15\",ellipse:\"mod_airy\",datumName:\"Ireland 1965\"},s.rassadiran={towgs84:\"-133.63,-157.5,-158.62\",ellipse:\"intl\",datumName:\"Rassadiran\"},s.nzgd49={towgs84:\"59.47,-5.04,187.44,0.47,-0.1,1.024,-4.5993\",ellipse:\"intl\",datumName:\"New Zealand Geodetic Datum 1949\"},s.osgb36={towgs84:\"446.448,-125.157,542.060,0.1502,0.2470,0.8421,-20.4894\",ellipse:\"airy\",datumName:\"Airy 1830\"},s.s_jtsk={towgs84:\"589,76,480\",ellipse:\"bessel\",datumName:\"S-JTSK (Ferro)\"},s.beduaram={towgs84:\"-106,-87,188\",ellipse:\"clrk80\",datumName:\"Beduaram\"},s.gunung_segara={towgs84:\"-403,684,41\",ellipse:\"bessel\",datumName:\"Gunung Segara Jakarta\"},s.rnb72={towgs84:\"106.869,-52.2978,103.724,-0.33657,0.456955,-1.84218,1\",ellipse:\"intl\",datumName:\"Reseau National Belge 1972\"}},\n function _(a,m,t){var p=1,u=2,r=4,_=5,d=484813681109536e-20;m.exports=function(a,m,t,s,e,n){var o={};return o.datum_type=r,a&&\"none\"===a&&(o.datum_type=_),m&&(o.datum_params=m.map(parseFloat),0===o.datum_params[0]&&0===o.datum_params[1]&&0===o.datum_params[2]||(o.datum_type=p),o.datum_params.length>3&&(0===o.datum_params[3]&&0===o.datum_params[4]&&0===o.datum_params[5]&&0===o.datum_params[6]||(o.datum_type=u,o.datum_params[3]*=d,o.datum_params[4]*=d,o.datum_params[5]*=d,o.datum_params[6]=o.datum_params[6]/1e6+1))),o.a=t,o.b=s,o.es=e,o.ep2=n,o}},\n function _(t,e,r){var m=.017453292519943295,a=57.29577951308232,o=1,u=2,n=t(156),d=t(158),y=t(134),_=t(159);e.exports=function t(e,r,x){var i;return Array.isArray(x)&&(x=_(x)),e.datum&&r.datum&&function(t,e){return(t.datum.datum_type===o||t.datum.datum_type===u)&&\"WGS84\"!==e.datumCode||(e.datum.datum_type===o||e.datum.datum_type===u)&&\"WGS84\"!==t.datumCode}(e,r)&&(x=t(e,i=new y(\"WGS84\"),x),e=i),\"enu\"!==e.axis&&(x=d(e,!1,x)),\"longlat\"===e.projName?x={x:x.x*m,y:x.y*m}:(e.to_meter&&(x={x:x.x*e.to_meter,y:x.y*e.to_meter}),x=e.inverse(x)),e.from_greenwich&&(x.x+=e.from_greenwich),x=n(e.datum,r.datum,x),r.from_greenwich&&(x={x:x.x-r.grom_greenwich,y:x.y}),\"longlat\"===r.projName?x={x:x.x*a,y:x.y*a}:(x=r.forward(x),r.to_meter&&(x={x:x.x/r.to_meter,y:x.y/r.to_meter})),\"enu\"!==r.axis?d(r,!0,x):x}},\n function _(t,e,a){var u=1,m=2,o=t(157);function c(t){return t===u||t===m}e.exports=function(t,e,a){return o.compareDatums(t,e)?a:5===t.datum_type||5===e.datum_type?a:t.es!==e.es||t.a!==e.a||c(t.datum_type)||c(e.datum_type)?(a=o.geodeticToGeocentric(a,t.es,t.a),c(t.datum_type)&&(a=o.geocentricToWgs84(a,t.datum_type,t.datum_params)),c(e.datum_type)&&(a=o.geocentricFromWgs84(a,e.datum_type,e.datum_params)),o.geocentricToGeodetic(a,e.es,e.a,e.b)):a}},\n function _(a,t,r){var m=Math.PI/2;r.compareDatums=function(a,t){return a.datum_type===t.datum_type&&(!(a.a!==t.a||Math.abs(this.es-t.es)>5e-11)&&(1===a.datum_type?this.datum_params[0]===t.datum_params[0]&&a.datum_params[1]===t.datum_params[1]&&a.datum_params[2]===t.datum_params[2]:2!==a.datum_type||a.datum_params[0]===t.datum_params[0]&&a.datum_params[1]===t.datum_params[1]&&a.datum_params[2]===t.datum_params[2]&&a.datum_params[3]===t.datum_params[3]&&a.datum_params[4]===t.datum_params[4]&&a.datum_params[5]===t.datum_params[5]&&a.datum_params[6]===t.datum_params[6]))},r.geodeticToGeocentric=function(a,t,r){var s,u,e,n,d=a.x,i=a.y,p=a.z?a.z:0;if(i<-m&&i>-1.001*m)i=-m;else if(i>m&&i<1.001*m)i=m;else if(i<-m||i>m)return null;return d>Math.PI&&(d-=2*Math.PI),u=Math.sin(i),n=Math.cos(i),e=u*u,{x:((s=r/Math.sqrt(1-t*e))+p)*n*Math.cos(d),y:(s+p)*n*Math.sin(d),z:(s*(1-t)+p)*u}},r.geocentricToGeodetic=function(a,t,r,s){var u,e,n,d,i,p,_,h,o,y,c,z,M,x,f,g=a.x,l=a.y,q=a.z?a.z:0;if(u=Math.sqrt(g*g+l*l),e=Math.sqrt(g*g+l*l+q*q),u/r<1e-12){if(x=0,e/r<1e-12)return m,f=-s,{x:a.x,y:a.y,z:a.z}}else x=Math.atan2(l,g);n=q/e,h=(d=u/e)*(1-t)*(i=1/Math.sqrt(1-t*(2-t)*d*d)),o=n*i,M=0;do{M++,p=t*(_=r/Math.sqrt(1-t*o*o))/(_+(f=u*h+q*o-_*(1-t*o*o))),z=(c=n*(i=1/Math.sqrt(1-p*(2-p)*d*d)))*h-(y=d*(1-p)*i)*o,h=y,o=c}while(z*z>1e-24&&M<30);return{x:x,y:Math.atan(c/Math.abs(y)),z:f}},r.geocentricToWgs84=function(a,t,r){if(1===t)return{x:a.x+r[0],y:a.y+r[1],z:a.z+r[2]};if(2===t){var m=r[0],s=r[1],u=r[2],e=r[3],n=r[4],d=r[5],i=r[6];return{x:i*(a.x-d*a.y+n*a.z)+m,y:i*(d*a.x+a.y-e*a.z)+s,z:i*(-n*a.x+e*a.y+a.z)+u}}},r.geocentricFromWgs84=function(a,t,r){if(1===t)return{x:a.x-r[0],y:a.y-r[1],z:a.z-r[2]};if(2===t){var m=r[0],s=r[1],u=r[2],e=r[3],n=r[4],d=r[5],i=r[6],p=(a.x-m)/i,_=(a.y-s)/i,h=(a.z-u)/i;return{x:p+d*_-n*h,y:-d*p+_+e*h,z:n*p-e*_+h}}}},\n function _(e,a,r){a.exports=function(e,a,r){var s,c,i,n=r.x,o=r.y,t=r.z||0,u={};for(i=0;i<3;i++)if(!a||2!==i||void 0!==r.z)switch(0===i?(s=n,c=\"x\"):1===i?(s=o,c=\"y\"):(s=t,c=\"z\"),e.axis[i]){case\"e\":u[c]=s;break;case\"w\":u[c]=-s;break;case\"n\":u[c]=s;break;case\"s\":u[c]=-s;break;case\"u\":void 0!==r[c]&&(u.z=s);break;case\"d\":void 0!==r[c]&&(u.z=-s);break;default:return null}return u}},\n function _(n,t,e){t.exports=function(n){var t={x:n[0],y:n[1]};return n.length>2&&(t.z=n[2]),n.length>3&&(t.m=n[3]),t}},\n function _(e,t,n){var i=e(113),r=e(161),o=e(165),l=e(121),u=e(166),_=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this),this.visuals=new o.Visuals(this.model),this._has_finished=!0},Object.defineProperty(t.prototype,\"plot_view\",{get:function(){return this.parent},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"plot_model\",{get:function(){return this.parent.model},enumerable:!0,configurable:!0}),t.prototype.request_render=function(){this.plot_view.request_render()},t.prototype.map_to_screen=function(e,t){return this.plot_view.map_to_screen(e,t,this.model.x_range_name,this.model.y_range_name)},Object.defineProperty(t.prototype,\"needs_clip\",{get:function(){return!1},enumerable:!0,configurable:!0}),t.prototype.notify_finished=function(){this.plot_view.notify_finished()},Object.defineProperty(t.prototype,\"has_webgl\",{get:function(){return!1},enumerable:!0,configurable:!0}),t}(r.DOMView);n.RendererView=_,_.__name__=\"RendererView\";var p=function(e){function t(t){return e.call(this,t)||this}return i.__extends(t,e),t.init_Renderer=function(){this.define({level:[l.RenderLevel],visible:[l.Boolean,!0]})},t}(u.Model);n.Renderer=p,p.__name__=\"Renderer\",p.init_Renderer()},\n function _(e,t,n){var i=e(113),r=e(162),o=e(163),s=e(164),p=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this),this._has_finished=!1,this.el=this._createElement()},t.prototype.remove=function(){o.removeElement(this.el),e.prototype.remove.call(this)},t.prototype.css_classes=function(){return[]},t.prototype.cursor=function(e,t){return null},t.prototype.render=function(){},t.prototype.renderTo=function(e){e.appendChild(this.el),this.render()},t.prototype.has_finished=function(){return this._has_finished},Object.defineProperty(t.prototype,\"_root_element\",{get:function(){return o.parent(this.el,\".\"+s.bk_root)||document.body},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"is_idle\",{get:function(){return this.has_finished()},enumerable:!0,configurable:!0}),t.prototype._createElement=function(){return o.createElement(this.tagName,{class:this.css_classes()})},t}(r.View);n.DOMView=p,p.__name__=\"DOMView\",p.prototype.tagName=\"div\"},\n function _(t,e,n){var o=t(113),i=t(116),r=t(109),a=t(127),s=function(t){function e(e){var n=t.call(this)||this;if(n.removed=new i.Signal0(n,\"removed\"),null==e.model)throw new Error(\"model of a view wasn't configured\");return n.model=e.model,n._parent=e.parent,n.id=e.id||a.uniqueId(),n.initialize(),!1!==e.connect_signals&&n.connect_signals(),n}return o.__extends(e,t),e.prototype.initialize=function(){},e.prototype.remove=function(){this._parent=void 0,this.disconnect_signals(),this.removed.emit()},e.prototype.toString=function(){return this.model.type+\"View(\"+this.id+\")\"},e.prototype.serializable_state=function(){return{type:this.model.type}},Object.defineProperty(e.prototype,\"parent\",{get:function(){if(void 0!==this._parent)return this._parent;throw new Error(\"parent of a view wasn't configured\")},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"is_root\",{get:function(){return null===this.parent},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"root\",{get:function(){return this.is_root?this:this.parent.root},enumerable:!0,configurable:!0}),e.prototype.assert_root=function(){if(!this.is_root)throw new Error(this.toString()+\" is not a root layout\")},e.prototype.connect_signals=function(){},e.prototype.disconnect_signals=function(){i.Signal.disconnectReceiver(this)},e.prototype.on_change=function(t,e){for(var n=0,o=r.isArray(t)?t:[t];n\":case\"vertical_wave\":_.moveTo(n,0),_.lineTo(3*n,c),_.lineTo(n,l),_.stroke();break;case\"*\":case\"criss_cross\":h(_,l),o(_,l,c),s(_,l,c)}return r}var r=function(){function e(e,t){void 0===t&&(t=\"\"),this.obj=e,this.prefix=t,this.cache={};for(var a=0,i=this.attrs;a0){var n=t[l];return null==n&&(t[l]=n=new e(l,o)),n}throw new TypeError(\"Logger.get() expects a non-empty string name and an optional log-level\")},Object.defineProperty(e.prototype,\"level\",{get:function(){return this.get_level()},enumerable:!0,configurable:!0}),e.prototype.get_level=function(){return this._log_level},e.prototype.set_level=function(l){if(l instanceof r)this._log_level=l;else{if(!n.isString(l)||null==e.log_levels[l])throw new Error(\"Logger.set_level() expects a log-level object or a string name of a log-level\");this._log_level=e.log_levels[l]}var o=\"[\"+this._name+\"]\";for(var t in e.log_levels){e.log_levels[t].levele?a.slice(-e):a}if(l.isTypedArray(t)){var i=t.length+n.length;if(null!=e&&i>e){var r=i-e,o=t.length;a=void 0;t.length0?this.selected_glyphs[0]:null},enumerable:!0,configurable:!0}),e.prototype.add_to_selected_glyphs=function(i){this.selected_glyphs.push(i)},e.prototype.update=function(i,e,t){this.final=e,t?this.update_through_union(i):(this.indices=i.indices,this.line_indices=i.line_indices,this.selected_glyphs=i.selected_glyphs,this.get_view=i.get_view,this.multiline_indices=i.multiline_indices,this.image_indices=i.image_indices)},e.prototype.clear=function(){this.final=!0,this.indices=[],this.line_indices=[],this.multiline_indices={},this.get_view=function(){return null},this.selected_glyphs=[]},e.prototype.is_empty=function(){return 0==this.indices.length&&0==this.line_indices.length&&0==this.image_indices.length},e.prototype.update_through_union=function(i){this.indices=l.union(i.indices,this.indices),this.selected_glyphs=l.union(i.selected_glyphs,this.selected_glyphs),this.line_indices=l.union(i.line_indices,this.line_indices),this.get_view()||(this.get_view=i.get_view),this.multiline_indices=h.merge(i.multiline_indices,this.multiline_indices)},e.prototype.update_through_intersection=function(i){this.indices=l.intersection(i.indices,this.indices),this.selected_glyphs=l.union(i.selected_glyphs,this.selected_glyphs),this.line_indices=l.union(i.line_indices,this.line_indices),this.get_view()||(this.get_view=i.get_view),this.multiline_indices=h.merge(i.multiline_indices,this.multiline_indices)},e}(s.Model);t.Selection=d,d.__name__=\"Selection\",d.init_Selection()},\n function _(e,t,i){var n=e(113),o=e(115),r=e(173),s=e(175),c=e(192),l=e(121),p=function(e){function t(t){var i=e.call(this,t)||this;return i.inspectors={},i}return n.__extends(t,e),t.init_SelectionManager=function(){this.internal({source:[l.Any]})},t.prototype.select=function(e,t,i,n){void 0===n&&(n=!1);for(var o=[],r=[],l=0,p=e;l0){d=this.source.selection_policy.hit_test(t,o);a=a||this.source.selection_policy.do_selection(d,this.source,i,n)}return a},t.prototype.inspect=function(e,t){var i=!1;if(e instanceof s.GlyphRendererView){if(null!=(o=e.hit_test(t))){i=!o.is_empty();var n=this.get_or_create_inspector(e.model);n.update(o,!0,!1),this.source.setv({inspected:n},{silent:!0}),this.source.inspect.emit([e,{geometry:t}])}}else if(e instanceof c.GraphRendererView){var o=e.model.inspection_policy.hit_test(t,e);i=i||e.model.inspection_policy.do_inspection(o,t,e,!1,!1)}return i},t.prototype.clear=function(e){this.source.selected.clear(),null!=e&&this.get_or_create_inspector(e.model).clear()},t.prototype.get_or_create_inspector=function(e){return null==this.inspectors[e.id]&&(this.inspectors[e.id]=new r.Selection),this.inspectors[e.id]},t}(o.HasProps);i.SelectionManager=p,p.__name__=\"SelectionManager\",p.init_SelectionManager()},\n function _(e,t,i){var n=e(113),l=e(176),s=e(177),h=e(187),r=e(188),o=e(190),a=e(191),d=e(167),c=e(121),_=e(114),p=e(110),u=e(125),g=e(184),y={fill:{},line:{}},m={fill:{fill_alpha:.3,fill_color:\"grey\"},line:{line_alpha:.3,line_color:\"grey\"}},v={fill:{fill_alpha:.2},line:{}},f=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return n.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this);var t=this.model.glyph,i=p.includes(t.mixins,\"fill\"),n=p.includes(t.mixins,\"line\"),l=u.clone(t.attributes);function s(e){var s=u.clone(l);return i&&u.extend(s,e.fill),n&&u.extend(s,e.line),new t.constructor(s)}delete l.id,this.glyph=this.build_glyph_view(t);var h=this.model.selection_glyph;null==h?h=s({fill:{},line:{}}):\"auto\"===h&&(h=s(y)),this.selection_glyph=this.build_glyph_view(h);var r=this.model.nonselection_glyph;null==r?r=s({fill:{},line:{}}):\"auto\"===r&&(r=s(v)),this.nonselection_glyph=this.build_glyph_view(r);var o=this.model.hover_glyph;null!=o&&(this.hover_glyph=this.build_glyph_view(o));var a=this.model.muted_glyph;null!=a&&(this.muted_glyph=this.build_glyph_view(a));var d=s(m);this.decimated_glyph=this.build_glyph_view(d),this.xscale=this.plot_view.frame.xscales[this.model.x_range_name],this.yscale=this.plot_view.frame.yscales[this.model.y_range_name],this.set_data(!1)},t.prototype.build_glyph_view=function(e){return new e.default_view({model:e,parent:this})},t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return t.request_render()}),this.connect(this.model.glyph.change,function(){return t.set_data()}),this.connect(this.model.data_source.change,function(){return t.set_data()}),this.connect(this.model.data_source.streaming,function(){return t.set_data()}),this.connect(this.model.data_source.patching,function(e){return t.set_data(!0,e)}),this.connect(this.model.data_source.selected.change,function(){return t.request_render()}),this.connect(this.model.data_source._select,function(){return t.request_render()}),null!=this.hover_glyph&&this.connect(this.model.data_source.inspect,function(){return t.request_render()}),this.connect(this.model.properties.view.change,function(){return t.set_data()}),this.connect(this.model.view.change,function(){return t.set_data()}),this.connect(this.model.properties.visible.change,function(){return t.plot_view.update_dataranges()});var i=this.plot_view.frame,n=i.x_ranges,l=i.y_ranges;for(var s in n){(h=n[s])instanceof g.FactorRange&&this.connect(h.change,function(){return t.set_data()})}for(var s in l){var h;(h=l[s])instanceof g.FactorRange&&this.connect(h.change,function(){return t.set_data()})}this.connect(this.model.glyph.transformchange,function(){return t.set_data()})},t.prototype.have_selection_glyphs=function(){return null!=this.selection_glyph&&null!=this.nonselection_glyph},t.prototype.set_data=function(e,t){void 0===e&&(e=!0),void 0===t&&(t=null);var i=Date.now(),n=this.model.data_source;this.all_indices=this.model.view.indices,this.glyph.model.setv({x_range_name:this.model.x_range_name,y_range_name:this.model.y_range_name},{silent:!0}),this.glyph.set_data(n,this.all_indices,t),this.glyph.set_visuals(n),this.decimated_glyph.set_visuals(n),this.have_selection_glyphs()&&(this.selection_glyph.set_visuals(n),this.nonselection_glyph.set_visuals(n)),null!=this.hover_glyph&&this.hover_glyph.set_visuals(n),null!=this.muted_glyph&&this.muted_glyph.set_visuals(n);var l=this.plot_model.lod_factor;this.decimated=[];for(var s=0,h=Math.floor(this.all_indices.length/l);s0?w[\"1d\"].indices:_.map(Object.keys(w[\"2d\"].indices),function(e){return parseInt(e)})),x=_.filter(a,function(t){return b.has(e.all_indices[t])}),D=this.plot_model.lod_threshold;null!=this.model.document&&this.model.document.interactive_duration()>0&&!i&&null!=D&&this.all_indices.length>D?(a=this.decimated,m=this.decimated_glyph,v=this.decimated_glyph,f=this.selection_glyph):(m=this.model.muted&&null!=this.muted_glyph?this.muted_glyph:this.glyph,v=this.nonselection_glyph,f=this.selection_glyph),null!=this.hover_glyph&&x.length&&(a=p.difference(a,x));var R,V=null;if(g.length&&this.have_selection_glyphs()){for(var G=Date.now(),A={},I=0,q=g;I1&&(t.stroke(),r=!1)}r?t.lineTo(n[l],s[l]):(t.beginPath(),t.moveTo(n[l],s[l]),r=!0),_=l}r&&t.stroke()},e.prototype._hit_point=function(t){for(var e=this,i=_.create_empty_hit_test_result(),n={x:t.sx,y:t.sy},s=9999,r=Math.max(2,this.visuals.line.line_width.value()/2),o=0,h=this.sx.length-1;o0){this.index=new e(n.length);for(var t=0,i=n;to&&(e=(t=[o,e])[0],o=t[1]),r>a&&(r=(i=[a,r])[0],a=i[1]),{x0:e,y0:r,x1:o,y1:a}},Object.defineProperty(n.prototype,\"bbox\",{get:function(){if(null==this.index)return r.empty();var n=this.index;return{x0:n.minX,y0:n.minY,x1:n.maxX,y1:n.maxY}},enumerable:!0,configurable:!0}),n.prototype.search=function(n){var t=this;if(null==this.index)return[];var i=this._normalize(n),e=i.x0,r=i.y0,o=i.x1,a=i.y1;return this.index.search(e,r,o,a).map(function(n){return t.points[n]})},n.prototype.indices=function(n){return this.search(n).map(function(n){return n.i})},n}();i.SpatialIndex=o,o.__name__=\"SpatialIndex\"},\n function _(t,s,i){var e,h;e=this,h=function(){\"use strict\";var t=function(){this.ids=[],this.values=[],this.length=0};t.prototype.clear=function(){this.length=this.ids.length=this.values.length=0},t.prototype.push=function(t,s){this.ids.push(t),this.values.push(s);for(var i=this.length++;i>0;){var e=i-1>>1,h=this.values[e];if(s>=h)break;this.ids[i]=this.ids[e],this.values[i]=h,i=e}this.ids[i]=t,this.values[i]=s},t.prototype.pop=function(){if(0!==this.length){var t=this.ids[0];if(this.length--,this.length>0){for(var s=this.ids[0]=this.ids[this.length],i=this.values[0]=this.values[this.length],e=this.length>>1,h=0;h=i)break;this.ids[h]=o,this.values[h]=a,h=r}this.ids[h]=s,this.values[h]=i}return this.ids.pop(),this.values.pop(),t}},t.prototype.peek=function(){return this.ids[0]},t.prototype.peekValue=function(){return this.values[0]};var s=[Int8Array,Uint8Array,Uint8ClampedArray,Int16Array,Uint16Array,Int32Array,Uint32Array,Float32Array,Float64Array],i=function(i,e,h,r){if(void 0===e&&(e=16),void 0===h&&(h=Float64Array),void 0===i)throw new Error(\"Missing required argument: numItems.\");if(isNaN(i)||i<=0)throw new Error(\"Unpexpected numItems value: \"+i+\".\");this.numItems=+i,this.nodeSize=Math.min(Math.max(+e,2),65535);var n=i,o=n;this._levelBounds=[4*n];do{o+=n=Math.ceil(n/this.nodeSize),this._levelBounds.push(4*o)}while(1!==n);this.ArrayType=h||Float64Array,this.IndexArrayType=o<16384?Uint16Array:Uint32Array;var a=s.indexOf(this.ArrayType),u=4*o*this.ArrayType.BYTES_PER_ELEMENT;if(a<0)throw new Error(\"Unexpected typed array class: \"+h+\".\");r&&r instanceof ArrayBuffer?(this.data=r,this._boxes=new this.ArrayType(this.data,8,4*o),this._indices=new this.IndexArrayType(this.data,8+u,o),this._pos=4*o,this.minX=this._boxes[this._pos-4],this.minY=this._boxes[this._pos-3],this.maxX=this._boxes[this._pos-2],this.maxY=this._boxes[this._pos-1]):(this.data=new ArrayBuffer(8+u+o*this.IndexArrayType.BYTES_PER_ELEMENT),this._boxes=new this.ArrayType(this.data,8,4*o),this._indices=new this.IndexArrayType(this.data,8+u,o),this._pos=0,this.minX=1/0,this.minY=1/0,this.maxX=-1/0,this.maxY=-1/0,new Uint8Array(this.data,0,2).set([251,48+a]),new Uint16Array(this.data,2,1)[0]=e,new Uint32Array(this.data,4,1)[0]=i),this._queue=new t};function e(t,s,i){return t>1;s[h]>t?e=h:i=h+1}return s[i]}function r(t,s,i,e,h){var r=t[e];t[e]=t[h],t[h]=r;var n=4*e,o=4*h,a=s[n],u=s[n+1],p=s[n+2],d=s[n+3];s[n]=s[o],s[n+1]=s[o+1],s[n+2]=s[o+2],s[n+3]=s[o+3],s[o]=a,s[o+1]=u,s[o+2]=p,s[o+3]=d;var _=i[e];i[e]=i[h],i[h]=_}function n(t,s){var i=t^s,e=65535^i,h=65535^(t|s),r=t&(65535^s),n=i|e>>1,o=i>>1^i,a=h>>1^e&r>>1^h,u=i&h>>1^r>>1^r;o=(i=n)&(e=o)>>2^e&(i^e)>>2,a^=i&(h=a)>>2^e&(r=u)>>2,u^=e&h>>2^(i^e)&r>>2,o=(i=n=i&i>>2^e&e>>2)&(e=o)>>4^e&(i^e)>>4,a^=i&(h=a)>>4^e&(r=u)>>4,u^=e&h>>4^(i^e)&r>>4,a^=(i=n=i&i>>4^e&e>>4)&(h=a)>>8^(e=o)&(r=u)>>8;var p=t^s,d=(e=(u^=e&h>>8^(i^e)&r>>8)^u>>1)|65535^(p|(i=a^a>>1));return((d=1431655765&((d=858993459&((d=252645135&((d=16711935&(d|d<<8))|d<<4))|d<<2))|d<<1))<<1|(p=1431655765&((p=858993459&((p=252645135&((p=16711935&(p|p<<8))|p<<4))|p<<2))|p<<1)))>>>0}return i.from=function(t){if(!(t instanceof ArrayBuffer))throw new Error(\"Data must be an instance of ArrayBuffer.\");var e=new Uint8Array(t,0,2),h=e[0],r=e[1];if(251!==h)throw new Error(\"Data does not appear to be in a Flatbush format.\");if(r>>4!=3)throw new Error(\"Got v\"+(r>>4)+\" data when expected v3.\");var n=new Uint16Array(t,2,1)[0],o=new Uint32Array(t,4,1)[0];return new i(o,n,s[15&r],t)},i.prototype.add=function(t,s,i,e){var h=this._pos>>2;this._indices[h]=h,this._boxes[this._pos++]=t,this._boxes[this._pos++]=s,this._boxes[this._pos++]=i,this._boxes[this._pos++]=e,tthis.maxX&&(this.maxX=i),e>this.maxY&&(this.maxY=e)},i.prototype.finish=function(){if(this._pos>>2!==this.numItems)throw new Error(\"Added \"+(this._pos>>2)+\" items when expected \"+this.numItems+\".\");for(var t=this.maxX-this.minX,s=this.maxY-this.minY,i=new Uint32Array(this.numItems),e=0;e=n)return;var o=s[h+n>>1];var a=h-1;var u=n+1;for(;;){do{a++}while(s[a]o);if(a>=u)break;r(s,i,e,a,u)}t(s,i,e,h,u);t(s,i,e,u+1,n)}(i,this._boxes,this._indices,0,this.numItems-1);for(var f=0,l=0;fm&&(m=E),I>c&&(c=I)}this._indices[this._pos>>2]=b,this._boxes[this._pos++]=x,this._boxes[this._pos++]=y,this._boxes[this._pos++]=m,this._boxes[this._pos++]=c}},i.prototype.search=function(t,s,i,e,h){if(this._pos!==this._boxes.length)throw new Error(\"Data not yet indexed - call index.finish().\");for(var r=this._boxes.length-4,n=this._levelBounds.length-1,o=[],a=[];void 0!==r;){for(var u=Math.min(r+4*this.nodeSize,this._levelBounds[n]),p=r;p>2];ithis._boxes[p+2]||s>this._boxes[p+3]||(r<4*this.numItems?(void 0===h||h(d))&&a.push(d):(o.push(d),o.push(n-1))))}n=o.pop(),r=o.pop()}return a},i.prototype.neighbors=function(t,s,i,r,n){if(void 0===i&&(i=1/0),void 0===r&&(r=1/0),this._pos!==this._boxes.length)throw new Error(\"Data not yet indexed - call index.finish().\");for(var o=this._boxes.length-4,a=this._queue,u=[],p=r*r;void 0!==o;){for(var d=Math.min(o+4*this.nodeSize,h(o,this._levelBounds)),_=o;_>2],l=e(t,this._boxes[_],this._boxes[_+2]),v=e(s,this._boxes[_+1],this._boxes[_+3]),x=l*l+v*v;o<4*this.numItems?(void 0===n||n(f))&&a.push(-f-1,x):a.push(f,x)}for(;a.length&&a.peek()<0;){if(a.peekValue()>p)return a.clear(),u;if(u.push(-a.pop()-1),u.length===i)return a.clear(),u}o=a.pop()}return a.clear(),u},i},\"object\"==typeof i&&void 0!==s?s.exports=h():\"function\"==typeof define&&define.amd?define(h):(e=e||self).Flatbush=h()},\n function _(t,e,r){var i=Math.min,n=Math.max;r.empty=function(){return{x0:1/0,y0:1/0,x1:-1/0,y1:-1/0}},r.positive_x=function(){return{x0:Number.MIN_VALUE,y0:-1/0,x1:1/0,y1:1/0}},r.positive_y=function(){return{x0:-1/0,y0:Number.MIN_VALUE,x1:1/0,y1:1/0}},r.union=function(t,e){return{x0:i(t.x0,e.x0),x1:n(t.x1,e.x1),y0:i(t.y0,e.y0),y1:n(t.y1,e.y1)}};var o=function(){function t(t){if(null==t)this.x0=0,this.y0=0,this.x1=0,this.y1=0;else if(\"x0\"in t){var e=t.x0,r=t.y0,i=t.x1,n=t.y1;if(!(e<=i&&r<=n))throw new Error(\"invalid bbox {x0: \"+e+\", y0: \"+r+\", x1: \"+i+\", y1: \"+n+\"}\");this.x0=e,this.y0=r,this.x1=i,this.y1=n}else if(\"x\"in t){var o=t.x,h=t.y,u=t.width,y=t.height;if(!(u>=0&&y>=0))throw new Error(\"invalid bbox {x: \"+o+\", y: \"+h+\", width: \"+u+\", height: \"+y+\"}\");this.x0=o,this.y0=h,this.x1=o+u,this.y1=h+y}else{var f=void 0,s=void 0,c=void 0,p=void 0;if(\"width\"in t)if(\"left\"in t)s=(f=t.left)+t.width;else if(\"right\"in t)f=(s=t.right)-t.width;else{var b=t.width/2;f=t.hcenter-b,s=t.hcenter+b}else f=t.left,s=t.right;if(\"height\"in t)if(\"top\"in t)p=(c=t.top)+t.height;else if(\"bottom\"in t)c=(p=t.bottom)-t.height;else{var a=t.height/2;c=t.vcenter-a,p=t.vcenter+a}else c=t.top,p=t.bottom;if(!(f<=s&&c<=p))throw new Error(\"invalid bbox {left: \"+f+\", top: \"+c+\", right: \"+s+\", bottom: \"+p+\"}\");this.x0=f,this.y0=c,this.x1=s,this.y1=p}}return t.prototype.toString=function(){return\"BBox({left: \"+this.left+\", top: \"+this.top+\", width: \"+this.width+\", height: \"+this.height+\"})\"},Object.defineProperty(t.prototype,\"left\",{get:function(){return this.x0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"top\",{get:function(){return this.y0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"right\",{get:function(){return this.x1},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"bottom\",{get:function(){return this.y1},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"p0\",{get:function(){return[this.x0,this.y0]},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"p1\",{get:function(){return[this.x1,this.y1]},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"x\",{get:function(){return this.x0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"y\",{get:function(){return this.y0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"width\",{get:function(){return this.x1-this.x0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"height\",{get:function(){return this.y1-this.y0},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"rect\",{get:function(){return{x0:this.x0,y0:this.y0,x1:this.x1,y1:this.y1}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"box\",{get:function(){return{x:this.x,y:this.y,width:this.width,height:this.height}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"h_range\",{get:function(){return{start:this.x0,end:this.x1}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"v_range\",{get:function(){return{start:this.y0,end:this.y1}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"ranges\",{get:function(){return[this.h_range,this.v_range]},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"aspect\",{get:function(){return this.width/this.height},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"hcenter\",{get:function(){return(this.left+this.right)/2},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"vcenter\",{get:function(){return(this.top+this.bottom)/2},enumerable:!0,configurable:!0}),t.prototype.contains=function(t,e){return t>=this.x0&&t<=this.x1&&e>=this.y0&&e<=this.y1},t.prototype.clip=function(t,e){return tthis.x1&&(t=this.x1),ethis.y1&&(e=this.y1),[t,e]},t.prototype.union=function(e){return new t({x0:i(this.x0,e.x0),y0:i(this.y0,e.y0),x1:n(this.x1,e.x1),y1:n(this.y1,e.y1)})},t.prototype.equals=function(t){return this.x0==t.x0&&this.y0==t.y0&&this.x1==t.x1&&this.y1==t.y1},Object.defineProperty(t.prototype,\"xview\",{get:function(){var t=this;return{compute:function(e){return t.left+e},v_compute:function(e){for(var r=new Float64Array(e.length),i=t.left,n=0;nt.x1&&(t.x1=n.x1)}for(var r=0,s=this.index.search(o.positive_y());rt.y1&&(t.y1=a.y1)}return this._bounds(t)},i.prototype.get_anchor_point=function(t,e,i){var n=i[0],r=i[1];switch(t){case\"center\":return{x:this.scenterx(e,n,r),y:this.scentery(e,n,r)};default:return null}},i.prototype.sdist=function(t,e,i,n,r){var s,o;void 0===n&&(n=\"edge\"),void 0===r&&(r=!1);var a=e.length;if(\"center\"==n){var h=c.map(i,function(t){return t/2});s=new Float64Array(a);for(var _=0;_1?r:{x:n.x+i*(r.x-n.x),y:n.y+i*(r.y-n.y)})}r.point_in_poly=function(t,n,r,e){for(var i=!1,o=r[r.length-1],u=e[e.length-1],a=0;a0&&_<1&&h>0&&h<1,x:t+_*(r-t),y:n+_*(e-n)}}},\n function _(t,n,r){var e=t(113),i=t(185),a=t(121),s=t(114),o=t(110),p=t(109);function u(t,n,r){void 0===r&&(r=0);for(var e={},i=0;ithis.end},enumerable:!0,configurable:!0}),n}(a.Model);e.Range=r,r.__name__=\"Range\",r.init_Range()},\n function _(e,t,i){var n=e(183);i.generic_line_legend=function(e,t,i,n){var r=i.x0,a=i.x1,l=i.y0,c=i.y1;t.save(),t.beginPath(),t.moveTo(r,(l+c)/2),t.lineTo(a,(l+c)/2),e.line.doit&&(e.line.set_vectorize(t,n),t.stroke()),t.restore()},i.generic_area_legend=function(e,t,i,n){var r=i.x0,a=i.x1,l=i.y0,c=i.y1,o=.1*Math.abs(a-r),s=.1*Math.abs(c-l),_=r+o,v=a-o,h=l+s,x=c-s;e.fill.doit&&(e.fill.set_vectorize(t,n),t.fillRect(_,h,v-_,x-h)),null!=e.hatch&&e.hatch.doit&&(e.hatch.set_vectorize(t,n),t.fillRect(_,h,v-_,x-h)),e.line&&e.line.doit&&(t.beginPath(),t.rect(_,h,v-_,x-h),e.line.set_vectorize(t,n),t.stroke())},i.line_interpolation=function(e,t,i,r,a,l){var c,o,s,_,v,h,x,y,f,d,g=t.sx,m=t.sy;\"point\"==t.type?(f=(c=e.yscale.r_invert(m-1,m+1))[0],d=c[1],x=(o=e.xscale.r_invert(g-1,g+1))[0],y=o[1]):\"v\"==t.direction?(f=(s=e.yscale.r_invert(m,m))[0],d=s[1],x=(_=[Math.min(i-1,a-1),Math.max(i+1,a+1)])[0],y=_[1]):(x=(v=e.xscale.r_invert(g,g))[0],y=v[1],f=(h=[Math.min(r-1,l-1),Math.max(r+1,l+1)])[0],d=h[1]);var u=n.check_2_segments_intersect(x,f,y,d,i,r,a,l);return[u.x,u.y]}},\n function _(t,i,e){var n=t(113),s=t(178),l=t(186),o=t(183),r=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(i,t),i.prototype._inner_loop=function(t,i,e,n,s){for(var l=0,o=i;l=0;s--)t.lineTo(i[s],n[s]);t.closePath(),r.call(t)},e.prototype._render=function(t,e,i){var n=this,r=i.sx1,s=i.sx2,o=i.sy;this.visuals.fill.doit&&(this.visuals.fill.set_value(t),this._inner(t,r,s,o,t.fill)),this.visuals.hatch.doit2(t,0,function(){return n._inner(t,r,s,o,t.fill)},function(){return n.renderer.request_render()})},e.prototype._hit_point=function(t){for(var e=this,i=o.create_empty_hit_test_result(),n=this.sy.length,r=new Float64Array(2*n),s=new Float64Array(2*n),a=0,h=n;a=0;s--)t.lineTo(e[s],n[s]);t.closePath(),r.call(t)},e.prototype._render=function(t,e,i){var n=this,r=i.sx,s=i.sy1,o=i.sy2;this.visuals.fill.doit&&(this.visuals.fill.set_value(t),this._inner(t,r,s,o,t.fill)),this.visuals.hatch.doit2(t,0,function(){return n._inner(t,r,s,o,t.fill)},function(){return n.renderer.request_render()})},e.prototype.scenterx=function(t){return this.sx[t]},e.prototype.scentery=function(t){return(this.sy1[t]+this.sy2[t])/2},e.prototype._hit_point=function(t){for(var e=this,i=o.create_empty_hit_test_result(),n=this.sx.length,r=new Float64Array(2*n),s=new Float64Array(2*n),a=0,h=n;a0?this.indices=r.intersection.apply(this,n):this.source instanceof u.ColumnarDataSource&&(this.indices=this.source.get_indices()),this.indices_map_to_subset()},n.prototype.indices_map_to_subset=function(){this.indices_map={};for(var i=0;i0){for(var l=n[0],o=0,_=n;o<_.length;o++){var s=_[o];l.update_through_intersection(s)}return l}return null},e}(u);n.IntersectRenderers=i,i.__name__=\"IntersectRenderers\";var l=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(e,t),e.prototype.hit_test=function(t,e){for(var n=[],r=0,u=e;r0){for(var l=n[0],o=0,_=n;o<_.length;o++){var s=_[o];l.update_through_union(s)}return l}return null},e}(u);n.UnionRenderers=l,l.__name__=\"UnionRenderers\"},\n function _(r,n,t){var a=r(109),e=r(197);function i(r){for(var n=new Uint8Array(r.buffer,r.byteOffset,2*r.length),t=0,a=n.length;t=0||r.indexOf(\"Trident\")>0||r.indexOf(\"Edge\")>0,e.is_mobile=\"undefined\"!=typeof window&&(\"ontouchstart\"in window||navigator.maxTouchPoints>0),e.is_little_endian=function(){var n=new ArrayBuffer(4),i=new Uint8Array(n);new Uint32Array(n)[1]=168496141;var e=!0;return 10==i[4]&&11==i[5]&&12==i[6]&&13==i[7]&&(e=!1),e}()},\n function _(n,t,r){r.concat=function(n){for(var t=[],r=1;r=0;t--)e.lineTo(this._upper_sx[t],this._upper_sy[t]);e.closePath(),this.visuals.fill.doit&&(this.visuals.fill.set_value(e),e.fill()),e.beginPath(),e.moveTo(this._lower_sx[0],this._lower_sy[0]);for(t=0,i=this._lower_sx.length;tthis.sleft&&tthis.stop&&is||(d[r].push(h[p]),d[a].push(0));for(p=0,f=m.length;ps||(c[r].push(m[p]),c[a].push(0));var g={major:this._format_major_labels(d[r],h)},v={major:[[],[]],minor:[[],[]]};return v.major[r]=i.v_compute(d[r]),v.minor[r]=i.v_compute(c[r]),v.major[a]=d[a],v.minor[a]=c[a],\"vertical\"==this.model.orientation&&(v.major[r]=u.map(v.major[r],function(e){return t-e}),v.minor[r]=u.map(v.minor[r],function(e){return t-e})),{coords:v,labels:g}},e}(r.AnnotationView);i.ColorBarView=g,g.__name__=\"ColorBarView\";var v=function(t){function e(e){return t.call(this,e)||this}return o.__extends(e,t),e.init_ColorBar=function(){this.prototype.default_view=g,this.mixins([\"text:major_label_\",\"text:title_\",\"line:major_tick_\",\"line:minor_tick_\",\"line:border_\",\"line:bar_\",\"fill:background_\"]),this.define({location:[m.Any,\"top_right\"],orientation:[m.Orientation,\"vertical\"],title:[m.String],title_standoff:[m.Number,2],width:[m.Any,\"auto\"],height:[m.Any,\"auto\"],scale_alpha:[m.Number,1],ticker:[m.Instance,function(){return new a.BasicTicker}],formatter:[m.Instance,function(){return new n.BasicTickFormatter}],major_label_overrides:[m.Any,{}],color_mapper:[m.Instance],label_standoff:[m.Number,5],margin:[m.Number,30],padding:[m.Number,10],major_tick_in:[m.Number,5],major_tick_out:[m.Number,0],minor_tick_in:[m.Number,0],minor_tick_out:[m.Number,0]}),this.override({background_fill_color:\"#ffffff\",background_fill_alpha:.95,bar_line_color:null,border_line_color:null,major_label_text_align:\"center\",major_label_text_baseline:\"middle\",major_label_text_font_size:\"8pt\",major_tick_line_color:\"#ffffff\",minor_tick_line_color:null,title_text_font_size:\"10pt\",title_text_font_style:\"italic\"})},e}(r.Annotation);i.ColorBar=v,v.__name__=\"ColorBar\",v.init_ColorBar()},\n function _(i,n,c){var e=i(113),t=function(i){function n(n){return i.call(this,n)||this}return e.__extends(n,i),n}(i(205).AdaptiveTicker);c.BasicTicker=t,t.__name__=\"BasicTicker\"},\n function _(t,i,a){var e=t(113),n=t(206),s=t(110),r=t(121);var h=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_AdaptiveTicker=function(){this.define({base:[r.Number,10],mantissas:[r.Array,[1,2,5]],min_interval:[r.Number,0],max_interval:[r.Number]})},i.prototype.initialize=function(){t.prototype.initialize.call(this);var i=s.nth(this.mantissas,-1)/this.base,a=s.nth(this.mantissas,0)*this.base;this.extended_mantissas=e.__spreadArrays([i],this.mantissas,[a]),this.base_factor=0===this.get_min_interval()?1:this.get_min_interval()},i.prototype.get_interval=function(t,i,a){var e,n,r=i-t,h=this.get_ideal_interval(t,i,a),_=Math.floor((e=h/this.base_factor,void 0===(n=this.base)&&(n=Math.E),Math.log(e)/Math.log(n))),o=Math.pow(this.base,_)*this.base_factor,m=this.extended_mantissas,c=m.map(function(t){return Math.abs(a-r/(t*o))});return function(t,i,a){return Math.max(i,Math.min(a,t))}(m[s.argmin(c)]*o,this.get_min_interval(),this.get_max_interval())},i}(n.ContinuousTicker);a.AdaptiveTicker=h,h.__name__=\"AdaptiveTicker\",h.init_AdaptiveTicker()},\n function _(t,n,i){var r=t(113),e=t(207),o=t(121),u=t(110),_=t(109),s=function(t){function n(n){return t.call(this,n)||this}return r.__extends(n,t),n.init_ContinuousTicker=function(){this.define({num_minor_ticks:[o.Number,5],desired_num_ticks:[o.Number,6]})},n.prototype.get_ticks=function(t,n,i,r,e){return this.get_ticks_no_defaults(t,n,r,this.desired_num_ticks)},n.prototype.get_ticks_no_defaults=function(t,n,i,r){var e=this.get_interval(t,n,r),o=Math.floor(t/e),s=Math.ceil(n/e),a=(_.isStrictNaN(o)||_.isStrictNaN(s)?[]:u.range(o,s+1)).map(function(t){return t*e}).filter(function(i){return t<=i&&i<=n}),c=this.num_minor_ticks,l=[];if(c>0&&a.length>0){for(var f=e/c,h=u.range(0,c).map(function(t){return t*f}),m=0,p=h.slice(1);m=2&&(t=Math.abs(i[1]-i[0])/1e4);var r=!1;if(this.use_scientific)for(var n=0,o=i;nt&&(l>=this.scientific_limit_high||l<=this.scientific_limit_low)){r=!0;break}}var s=new Array(i.length),f=this.precision;if(null==f||a.isNumber(f))if(r)for(var h=0,_=i.length;h<_;h++)s[h]=i[h].toExponential(f||void 0);else for(h=0,_=i.length;h<_;h++)s[h]=i[h].toFixed(f||void 0).replace(/(\\.[0-9]*?)0+$/,\"$1\").replace(/\\.$/,\"\");else for(var p=this.last_precision,u=this.last_precision<=15;u?p<=15:p>=15;u?p++:p--){var m=!0;if(r){for(h=0,_=i.length;h<_;h++)if(s[h]=i[h].toExponential(p),h>0&&s[h]===s[h-1]){m=!1;break}if(m)break}else{for(h=0,_=i.length;h<_;h++)if(s[h]=i[h].toFixed(p).replace(/(\\.[0-9]*?)0+$/,\"$1\").replace(/\\.$/,\"\"),h>0&&s[h]==s[h-1]){m=!1;break}if(m)break}if(m){this.last_precision=p;break}}return s},e}(n.TickFormatter);t.BasicTickFormatter=c,c.__name__=\"BasicTickFormatter\",c.init_BasicTickFormatter()},\n function _(t,n,r){var e=t(113),i=function(t){function n(n){return t.call(this,n)||this}return e.__extends(n,t),n}(t(166).Model);r.TickFormatter=i,i.__name__=\"TickFormatter\"},\n function _(o,n,l){var r=o(113),t=o(211),i=o(114),e=function(o){function n(n){return o.call(this,n)||this}return r.__extends(n,o),n.prototype._v_compute=function(o,n,l,r){for(var t=r.nan_color,e=r.low_color,h=r.high_color,a=null!=this.low?this.low:i.min(o),u=null!=this.high?this.high:i.max(o),_=l.length-1,s=1/(u-a),c=1/l.length,p=0,f=o.length;p_?null!=h?h:l[_]:l[m]}else n[p]=l[_]}},n}(t.ContinuousColorMapper);l.LinearColorMapper=e,e.__name__=\"LinearColorMapper\"},\n function _(o,r,i){var l=o(113),n=o(212),t=o(121),u=function(o){function r(r){return o.call(this,r)||this}return l.__extends(r,o),r.init_ContinuousColorMapper=function(){this.define({high:[t.Number],low:[t.Number],high_color:[t.Color],low_color:[t.Color]})},r.prototype._colors=function(r){return Object.assign(Object.assign({},o.prototype._colors.call(this,r)),{low_color:null!=this.low_color?r(this.low_color):void 0,high_color:null!=this.high_color?r(this.high_color):void 0})},r}(n.ColorMapper);i.ContinuousColorMapper=u,u.__name__=\"ContinuousColorMapper\",u.init_ContinuousColorMapper()},\n function _(t,r,n){var e=t(113),o=t(213),i=t(121),a=t(109),u=t(123),_=t(197);function c(t){return a.isNumber(t)?t:(\"#\"!=t[0]&&(t=u.color2hex(t)),9!=t.length&&(t+=\"ff\"),parseInt(t.slice(1),16))}function l(t){for(var r=new Uint32Array(t.length),n=0,e=t.length;nr.x?-1:t.x==r.x?0:1}):o.sort(function(t,r){return t.xthis._x_sorted[this._x_sorted.length-1])return NaN}else{if(tthis._x_sorted[this._x_sorted.length-1])return this._y_sorted[this._y_sorted.length-1]}if(t==this._x_sorted[0])return this._y_sorted[0];var r=s.find_last_index(this._x_sorted,function(r){return rthis._x_sorted[this._x_sorted.length-1])return NaN}else{if(tthis._x_sorted[this._x_sorted.length-1])return this._y_sorted[this._y_sorted.length-1]}var e;switch(this.mode){case\"after\":e=s.find_last_index(this._x_sorted,function(e){return t>=e});break;case\"before\":e=s.find_index(this._x_sorted,function(e){return t<=e});break;case\"center\":var r=this._x_sorted.map(function(e){return Math.abs(e-t)}),n=s.min(r);e=s.find_index(r,function(t){return n===t});break;default:throw new Error(\"unknown mode: \"+this.mode)}return-1!=e?this._y_sorted[e]:NaN},e}(i.Interpolator);r.StepInterpolator=_,_.__name__=\"StepInterpolator\",_.init_StepInterpolator()},\n function _(t,e,a){var r=t(113),o=function(t){function e(e){return t.call(this,e)||this}return r.__extends(e,t),e.prototype.compute=function(t){var e,a=this._compute_state(),r=a[0],o=a[1],n=a[2],i=a[3];if(0==n)e=0;else{var h=(Math.log(t)-i)/n;e=isFinite(h)?h*r+o:NaN}return e},e.prototype.v_compute=function(t){var e=this._compute_state(),a=e[0],r=e[1],o=e[2],n=e[3],i=new Float64Array(t.length);if(0==o)for(var h=0;h0?(this.el.style.top=y+\"px\",this.el.style.left=b+\"px\"):l.undisplay(this.el)}},e}(o.AnnotationView);i.TooltipView=c,c.__name__=\"TooltipView\";var d=function(t){function e(e){return t.call(this,e)||this}return s.__extends(e,t),e.init_Tooltip=function(){this.prototype.default_view=c,this.define({attachment:[a.TooltipAttachment,\"horizontal\"],inner_only:[a.Boolean,!0],show_arrow:[a.Boolean,!0]}),this.override({level:\"overlay\"}),this.internal({data:[a.Any,[]],custom:[a.Any]})},e.prototype.clear=function(){this.data=[]},e.prototype.add=function(t,e,i){this.data=this.data.concat([[t,e,i]])},e}(o.Annotation);i.Tooltip=d,d.__name__=\"Tooltip\",d.init_Tooltip()},\n function _(o,t,n){o(164),o(163).styles.append('.bk-root {\\n /* Same border color used everywhere */\\n /* Gray of icons */\\n}\\n.bk-root .bk-tooltip {\\n font-weight: 300;\\n font-size: 12px;\\n position: absolute;\\n padding: 5px;\\n border: 1px solid #e5e5e5;\\n color: #2f2f2f;\\n background-color: white;\\n pointer-events: none;\\n opacity: 0.95;\\n z-index: 100;\\n}\\n.bk-root .bk-tooltip > div:not(:first-child) {\\n /* gives space when multiple elements are being hovered over */\\n margin-top: 5px;\\n border-top: #e5e5e5 1px dashed;\\n}\\n.bk-root .bk-tooltip.bk-left.bk-tooltip-arrow::before {\\n position: absolute;\\n margin: -7px 0 0 0;\\n top: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 7px 0 7px 0;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n left: -10px;\\n border-right-width: 10px;\\n border-right-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-left::before {\\n left: -10px;\\n border-right-width: 10px;\\n border-right-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-right.bk-tooltip-arrow::after {\\n position: absolute;\\n margin: -7px 0 0 0;\\n top: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 7px 0 7px 0;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n right: -10px;\\n border-left-width: 10px;\\n border-left-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-right::after {\\n right: -10px;\\n border-left-width: 10px;\\n border-left-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-above::before {\\n position: absolute;\\n margin: 0 0 0 -7px;\\n left: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 0 7px 0 7px;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n top: -10px;\\n border-bottom-width: 10px;\\n border-bottom-color: #909599;\\n}\\n.bk-root .bk-tooltip.bk-below::after {\\n position: absolute;\\n margin: 0 0 0 -7px;\\n left: 50%;\\n width: 0;\\n height: 0;\\n border-style: solid;\\n border-width: 0 7px 0 7px;\\n border-color: transparent;\\n content: \" \";\\n display: block;\\n bottom: -10px;\\n border-top-width: 10px;\\n border-top-color: #909599;\\n}\\n.bk-root .bk-tooltip-row-label {\\n text-align: right;\\n color: #26aae1;\\n /* blue from toolbar highlighting */\\n}\\n.bk-root .bk-tooltip-row-value {\\n color: default;\\n /* seems to be necessary for notebook */\\n}\\n.bk-root .bk-tooltip-color-block {\\n width: 12px;\\n height: 12px;\\n margin-left: 5px;\\n margin-right: 5px;\\n outline: #dddddd solid 1px;\\n display: inline-block;\\n}\\n'),n.bk_tooltip=\"bk-tooltip\",n.bk_tooltip_arrow=\"bk-tooltip-arrow\",n.bk_tooltip_custom=\"bk-tooltip-custom\",n.bk_tooltip_row_label=\"bk-tooltip-row-label\",n.bk_tooltip_row_value=\"bk-tooltip-row-value\",n.bk_tooltip_color_block=\"bk-tooltip-color-block\"},\n function _(b,e,k){b(163).styles.append(\"\"),k.bk_active=\"bk-active\",k.bk_inline=\"bk-inline\",k.bk_left=\"bk-left\",k.bk_right=\"bk-right\",k.bk_above=\"bk-above\",k.bk_below=\"bk-below\",k.bk_up=\"bk-up\",k.bk_down=\"bk-down\",k.bk_side=function(b){switch(b){case\"above\":return k.bk_above;case\"below\":return k.bk_below;case\"left\":return k.bk_left;case\"right\":return k.bk_right}}},\n function _(e,t,i){var s=e(113),n=e(131),r=e(170),o=e(169),a=e(121),h=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return s.__extends(t,e),t.prototype.initialize=function(){e.prototype.initialize.call(this),this.set_data(this.model.source)},t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.source.streaming,function(){return t.set_data(t.model.source)}),this.connect(this.model.source.patching,function(){return t.set_data(t.model.source)}),this.connect(this.model.source.change,function(){return t.set_data(t.model.source)})},t.prototype.set_data=function(t){e.prototype.set_data.call(this,t),this.visuals.warm_cache(t),this.plot_view.request_render()},t.prototype._map_data=function(){var e,t,i,s=this.plot_view.frame,n=this.model.dimension,r=s.xscales[this.model.x_range_name],o=s.yscales[this.model.y_range_name],a=\"height\"==n?o:r,h=\"height\"==n?r:o,_=\"height\"==n?s.yview:s.xview,l=\"height\"==n?s.xview:s.yview;e=\"data\"==this.model.properties.lower.units?a.v_compute(this._lower):_.v_compute(this._lower),t=\"data\"==this.model.properties.upper.units?a.v_compute(this._upper):_.v_compute(this._upper),i=\"data\"==this.model.properties.base.units?h.v_compute(this._base):l.v_compute(this._base);var u=\"height\"==n?[1,0]:[0,1],p=u[0],c=u[1],d=[e,i],m=[t,i];this._lower_sx=d[p],this._lower_sy=d[c],this._upper_sx=m[p],this._upper_sy=m[c]},t.prototype.render=function(){if(this.model.visible){this._map_data();var e=this.plot_view.canvas_view.ctx;if(this.visuals.line.doit)for(var t=0,i=this._lower_sx.length;tu&&(u=b)}return u>0&&(u+=a),u},Object.defineProperty(t.prototype,\"normals\",{get:function(){return this.panel.normals},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"dimension\",{get:function(){return this.panel.dimension},enumerable:!0,configurable:!0}),t.prototype.compute_labels=function(e){for(var t=this.model.formatter.doFormat(e,this),i=0;i_(l-c)?(a=u(h(n,o),l),r=h(u(n,o),c)):(a=h(n,o),r=u(n,o)),[a,r]}throw new Error(\"user bounds '\"+t+\"' not understood\")},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"rule_coords\",{get:function(){var e=this.dimension,t=(e+1)%2,i=this.ranges[0],a=this.computed_bounds,r=a[0],n=a[1],o=[new Array(2),new Array(2)];return o[e][0]=Math.max(r,i.min),o[e][1]=Math.min(n,i.max),o[e][0]>o[e][1]&&(o[e][0]=o[e][1]=NaN),o[t][0]=this.loc,o[t][1]=this.loc,o},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"tick_coords\",{get:function(){for(var e=this.dimension,t=(e+1)%2,i=this.ranges[0],a=this.computed_bounds,r=a[0],n=a[1],o=this.model.ticker.get_ticks(r,n,i,this.loc,{}),s=o.major,l=o.minor,_=[[],[]],h=[[],[]],u=[i.min,i.max],c=u[0],d=u[1],m=0;md||(_[e].push(s[m]),_[t].push(this.loc));for(m=0;md||(h[e].push(l[m]),h[t].push(this.loc));return{major:_,minor:h}},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"loc\",{get:function(){var e=this.model.fixed_location;if(null!=e){if(s.isNumber(e))return e;var t=this.ranges[1];if(t instanceof l.FactorRange)return t.synthetic(e);throw new Error(\"unexpected\")}var i=this.ranges[1];switch(this.panel.side){case\"left\":case\"below\":return i.start;case\"right\":case\"above\":return i.end}},enumerable:!0,configurable:!0}),t.prototype.serializable_state=function(){return Object.assign(Object.assign({},e.prototype.serializable_state.call(this)),{bbox:this.layout.bbox.box})},t}(r.GuideRendererView);i.AxisView=c,c.__name__=\"AxisView\";var d=function(e){function t(t){return e.call(this,t)||this}return a.__extends(t,e),t.init_Axis=function(){this.prototype.default_view=c,this.mixins([\"line:axis_\",\"line:major_tick_\",\"line:minor_tick_\",\"text:major_label_\",\"text:axis_label_\"]),this.define({bounds:[n.Any,\"auto\"],ticker:[n.Instance],formatter:[n.Instance],x_range_name:[n.String,\"default\"],y_range_name:[n.String,\"default\"],axis_label:[n.String,\"\"],axis_label_standoff:[n.Int,5],major_label_standoff:[n.Int,5],major_label_orientation:[n.Any,\"horizontal\"],major_label_overrides:[n.Any,{}],major_tick_in:[n.Number,2],major_tick_out:[n.Number,6],minor_tick_in:[n.Number,0],minor_tick_out:[n.Number,4],fixed_location:[n.Any,null]}),this.override({axis_line_color:\"black\",major_tick_line_color:\"black\",minor_tick_line_color:\"black\",major_label_text_font_size:\"8pt\",major_label_text_align:\"center\",major_label_text_baseline:\"alphabetic\",axis_label_text_font_size:\"10pt\",axis_label_text_font_style:\"italic\"})},t}(r.GuideRenderer);i.Axis=d,d.__name__=\"Axis\",d.init_Axis()},\n function _(e,n,r){var i=e(113),t=e(160),d=function(e){function n(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(n,e),n}(t.RendererView);r.GuideRendererView=d,d.__name__=\"GuideRendererView\";var u=function(e){function n(n){return e.call(this,n)||this}return i.__extends(n,e),n.init_GuideRenderer=function(){this.override({level:\"overlay\"})},n}(t.Renderer);r.GuideRenderer=u,u.__name__=\"GuideRenderer\",u.init_GuideRenderer()},\n function _(t,o,e){var i=t(113),r=t(243),s=t(246),a=t(247),n=t(121),l=function(t){function o(){return null!==t&&t.apply(this,arguments)||this}return i.__extends(o,t),o.prototype._render=function(t,o,e){this._draw_group_separators(t,o,e)},o.prototype._draw_group_separators=function(t,o,e){var i,r=this.ranges[0],s=this.computed_bounds,a=s[0],n=s[1];if(r.tops&&!(r.tops.length<2)&&this.visuals.separator_line.doit){for(var l=this.dimension,_=(l+1)%2,u=[[],[]],p=0,h=0;ha&&f1&&(l.tops[o]=n.tops,l.tops[e]=n.tops.map(function(o){return t.loc})),l},enumerable:!0,configurable:!0}),o}(r.AxisView);e.CategoricalAxisView=l,l.__name__=\"CategoricalAxisView\";var _=function(t){function o(o){return t.call(this,o)||this}return i.__extends(o,t),o.init_CategoricalAxis=function(){this.prototype.default_view=l,this.mixins([\"line:separator_\",\"text:group_\",\"text:subgroup_\"]),this.define({group_label_orientation:[n.Any,\"parallel\"],subgroup_label_orientation:[n.Any,\"parallel\"]}),this.override({ticker:function(){return new s.CategoricalTicker},formatter:function(){return new a.CategoricalTickFormatter},separator_line_color:\"lightgrey\",separator_line_width:2,group_text_font_style:\"bold\",group_text_font_size:\"8pt\",group_text_color:\"grey\",subgroup_text_font_style:\"bold\",subgroup_text_font_size:\"8pt\"})},o}(r.Axis);e.CategoricalAxis=_,_.__name__=\"CategoricalAxis\",_.init_CategoricalAxis()},\n function _(t,c,r){var e=t(113),o=function(t){function c(c){return t.call(this,c)||this}return e.__extends(c,t),c.prototype.get_ticks=function(t,c,r,e,o){return{major:this._collect(r.factors,r,t,c),minor:[],tops:this._collect(r.tops||[],r,t,c),mids:this._collect(r.mids||[],r,t,c)}},c.prototype._collect=function(t,c,r,e){for(var o=[],i=0,n=t;ir&&l=60?\"minsec\":\"seconds\";case!(e<3600):return r>=3600?\"hourmin\":\"minutes\";case!(e<86400):return\"hours\";case!(e<2678400):return\"days\";case!(e<31536e3):return\"months\";default:return\"years\"}},r.prototype.doFormat=function(t,r){if(0==t.length)return[];for(var e=Math.abs(t[t.length-1]-t[0])/1e3,s=e/(t.length-1),i=this._get_resolution_str(s,e),n=this._width_formats[i][1][0],a=[],u=f.indexOf(i),c={},m=0,l=f;m=T-g;--c)for(o=0,a=s.length;o=h[o][n]&&h[o][h[o].clock]>u[h[o].clock]&&(i=h[o])}return i&&((l=/^(.*)\\/(.*)$/.exec(u.format))?i.abbrev=l[i.save?2:1]:i.abbrev=u.format.replace(/%s/,i.rule.letter)),i||u}function n(e,n){return\"UTC\"==e.zone?n:(e.entry=t(e,\"posix\",n),n+e.entry.offset+e.entry.save)}function r(e,n){return\"UTC\"==e.zone?n:(e.entry=r=t(e,\"wallclock\",n),0<(o=n-r.wallclock)&&o9)t+=s*l[c-10];else{if(a=new Date(n(e,t)),c<7)for(;s;)a.setUTCDate(a.getUTCDate()+i),a.getUTCDay()==c&&(s-=i);else 7==c?a.setUTCFullYear(a.getUTCFullYear()+s):8==c?a.setUTCMonth(a.getUTCMonth()+s):a.setUTCDate(a.getUTCDate()+s);null==(t=r(e,a.getTime()))&&(t=r(e,a.getTime()+864e5*i)-864e5*i)}return t}var a={clock:function(){return+new Date},zone:\"UTC\",entry:{abbrev:\"UTC\",offset:0,save:0},UTC:1,z:function(e,t,n,r){var o,a,u=this.entry.offset+this.entry.save,i=Math.abs(u/1e3),l=[],s=3600;for(o=0;o<3;o++)l.push((\"0\"+Math.floor(i/s)).slice(-2)),i%=s,s/=60;return\"^\"!=n||u?(\"^\"==n&&(r=3),3==r?(a=(a=l.join(\":\")).replace(/:00$/,\"\"),\"^\"!=n&&(a=a.replace(/:00$/,\"\"))):r?(a=l.slice(0,r+1).join(\":\"),\"^\"==n&&(a=a.replace(/:00$/,\"\"))):a=l.slice(0,2).join(\"\"),a=(a=(u<0?\"-\":\"+\")+a).replace(/([-+])(0)/,{_:\" $1\",\"-\":\"$1\"}[n]||\"$1$2\")):\"Z\"},\"%\":function(e){return\"%\"},n:function(e){return\"\\n\"},t:function(e){return\"\\t\"},U:function(e){return s(e,0)},W:function(e){return s(e,1)},V:function(e){return c(e)[0]},G:function(e){return c(e)[1]},g:function(e){return c(e)[1]%100},j:function(e){return Math.floor((e.getTime()-Date.UTC(e.getUTCFullYear(),0))/864e5)+1},s:function(e){return Math.floor(e.getTime()/1e3)},C:function(e){return Math.floor(e.getUTCFullYear()/100)},N:function(e){return e.getTime()%1e3*1e6},m:function(e){return e.getUTCMonth()+1},Y:function(e){return e.getUTCFullYear()},y:function(e){return e.getUTCFullYear()%100},H:function(e){return e.getUTCHours()},M:function(e){return e.getUTCMinutes()},S:function(e){return e.getUTCSeconds()},e:function(e){return e.getUTCDate()},d:function(e){return e.getUTCDate()},u:function(e){return e.getUTCDay()||7},w:function(e){return e.getUTCDay()},l:function(e){return e.getUTCHours()%12||12},I:function(e){return e.getUTCHours()%12||12},k:function(e){return e.getUTCHours()},Z:function(e){return this.entry.abbrev},a:function(e){return this[this.locale].day.abbrev[e.getUTCDay()]},A:function(e){return this[this.locale].day.full[e.getUTCDay()]},h:function(e){return this[this.locale].month.abbrev[e.getUTCMonth()]},b:function(e){return this[this.locale].month.abbrev[e.getUTCMonth()]},B:function(e){return this[this.locale].month.full[e.getUTCMonth()]},P:function(e){return this[this.locale].meridiem[Math.floor(e.getUTCHours()/12)].toLowerCase()},p:function(e){return this[this.locale].meridiem[Math.floor(e.getUTCHours()/12)]},R:function(e,t){return this.convert([t,\"%H:%M\"])},T:function(e,t){return this.convert([t,\"%H:%M:%S\"])},D:function(e,t){return this.convert([t,\"%m/%d/%y\"])},F:function(e,t){return this.convert([t,\"%Y-%m-%d\"])},x:function(e,t){return this.convert([t,this[this.locale].date])},r:function(e,t){return this.convert([t,this[this.locale].time12||\"%I:%M:%S\"])},X:function(e,t){return this.convert([t,this[this.locale].time24])},c:function(e,t){return this.convert([t,this[this.locale].dateTime])},convert:function(e){if(!e.length)return\"1.0.22\";var t,a,u,l,s,c=Object.create(this),f=[];for(t=0;t=o?Math.floor((n-o)/7)+1:0}function c(e){var t,n,r;return n=e.getUTCFullYear(),t=new Date(Date.UTC(n,0)).getUTCDay(),(r=s(e,1)+(t>1&&t<=4?1:0))?53!=r||4==t||3==t&&29==new Date(n,1,29).getDate()?[r,e.getUTCFullYear()]:[1,e.getUTCFullYear()+1]:(n=e.getUTCFullYear()-1,[r=4==(t=new Date(Date.UTC(n,0)).getUTCDay())||3==t&&29==new Date(n,1,29).getDate()?53:52,e.getUTCFullYear()-1])}return u=u.toLowerCase().split(\"|\"),\"delmHMSUWVgCIky\".replace(/./g,function(e){a[e].pad=2}),a.N.pad=9,a.j.pad=3,a.k.style=\"_\",a.l.style=\"_\",a.e.style=\"_\",function(){return a.convert(arguments)}})},\n function _(r,n,e){var t=r(113),i=r(254),u=r(255),a=r(252),f=r(127),o=r(109);function l(r){for(var n=[],e=1;e.1&&Math.abs(r)<1e3):return\"%0.3f\";default:return\"%0.3e\"}}(),r):\"\"+r}function s(r,n,t,i){if(null==t)return c;if(null!=i&&(r in i||n in i)){var u=i[n in i?n:r];if(o.isString(u)){if(u in e.DEFAULT_FORMATTERS)return e.DEFAULT_FORMATTERS[u];throw new Error(\"Unknown tooltip field formatter type '\"+u+\"'\")}return function(r,n,e){return u.format(r,n,e)}}return e.DEFAULT_FORMATTERS.numeral}function p(r,n,e,t){if(\"$\"==r[0]){if(r.substring(1)in t)return t[r.substring(1)];throw new Error(\"Unknown special variable '\"+r+\"'\")}var i=n.get_column(r);if(null==i)return null;if(o.isNumber(e))return i[e];var u=i[e.index];return o.isTypedArray(u)||o.isArray(u)?o.isArray(u[0])?u[e.dim2][e.dim1]:u[e.flat_index]:u}e.sprintf=l,e.DEFAULT_FORMATTERS={numeral:function(r,n,e){return u.format(r,n)},datetime:function(r,n,e){return a(r,n)},printf:function(r,n,e){return l(n,r)}},e.basic_formatter=c,e.get_formatter=s,e.get_value=p,e.replace_placeholders=function(r,n,e,t,i){void 0===i&&(i={});var u=r.replace(/(?:^|[^@])([@|\\$](?:\\w+|{[^{}]+}))(?:{[^{}]+})?/g,function(r,n,e){return\"\"+n});return r=(r=(r=r.replace(/@\\$name/g,function(r){return\"@{\"+i.name+\"}\"})).replace(/(^|[^\\$])\\$(\\w+)/g,function(r,n,e){return n+\"@$\"+e})).replace(/(^|[^@])@(?:(\\$?\\w+)|{([^{}]+)})(?:{([^{}]+)})?/g,function(r,a,o,l,c){var m=p(o=null!=l?l:o,n,e,i);if(null==m)return\"\"+a+f.escape(\"???\");if(\"safe\"==c)return\"\"+a+m;var T=s(o,u,c,t);return\"\"+a+f.escape(T(m,c,i))})}},\n function _(e,n,t){!function(){\"use strict\";var e={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\\x25]+/,modulo:/^\\x25{2}/,placeholder:/^\\x25(?:([1-9]\\d*)\\$|\\(([^)]+)\\))?(\\+)?(0|'[^$])?(-)?(\\d+)?(?:\\.(\\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\\d]*)/i,key_access:/^\\.([a-z_][a-z_\\d]*)/i,index_access:/^\\[(\\d+)\\]/,sign:/^[+-]/};function n(t){return function(t,r){var i,s,a,o,p,c,l,u,f,d=1,g=t.length,y=\"\";for(s=0;s=0),o.type){case\"b\":i=parseInt(i,10).toString(2);break;case\"c\":i=String.fromCharCode(parseInt(i,10));break;case\"d\":case\"i\":i=parseInt(i,10);break;case\"j\":i=JSON.stringify(i,null,o.width?parseInt(o.width):0);break;case\"e\":i=o.precision?parseFloat(i).toExponential(o.precision):parseFloat(i).toExponential();break;case\"f\":i=o.precision?parseFloat(i).toFixed(o.precision):parseFloat(i);break;case\"g\":i=o.precision?String(Number(i.toPrecision(o.precision))):parseFloat(i);break;case\"o\":i=(parseInt(i,10)>>>0).toString(8);break;case\"s\":i=String(i),i=o.precision?i.substring(0,o.precision):i;break;case\"t\":i=String(!!i),i=o.precision?i.substring(0,o.precision):i;break;case\"T\":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=o.precision?i.substring(0,o.precision):i;break;case\"u\":i=parseInt(i,10)>>>0;break;case\"v\":i=i.valueOf(),i=o.precision?i.substring(0,o.precision):i;break;case\"x\":i=(parseInt(i,10)>>>0).toString(16);break;case\"X\":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}e.json.test(o.type)?y+=i:(!e.number.test(o.type)||u&&!o.sign?f=\"\":(f=u?\"+\":\"-\",i=i.toString().replace(e.sign,\"\")),c=o.pad_char?\"0\"===o.pad_char?\"0\":o.pad_char.charAt(1):\" \",l=o.width-(f+i).length,p=o.width&&l>0?c.repeat(l):\"\",y+=o.align?f+i+p:\"0\"===c?f+p+i:p+f+i)}return y}(function(n){if(i[n])return i[n];var t,r=n,s=[],a=0;for(;r;){if(null!==(t=e.text.exec(r)))s.push(t[0]);else if(null!==(t=e.modulo.exec(r)))s.push(\"%\");else{if(null===(t=e.placeholder.exec(r)))throw new SyntaxError(\"[sprintf] unexpected placeholder\");if(t[2]){a|=1;var o=[],p=t[2],c=[];if(null===(c=e.key.exec(p)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");for(o.push(c[1]);\"\"!==(p=p.substring(c[0].length));)if(null!==(c=e.key_access.exec(p)))o.push(c[1]);else{if(null===(c=e.index_access.exec(p)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");o.push(c[1])}t[2]=o}else a|=2;if(3===a)throw new Error(\"[sprintf] mixing positional and named placeholders is not (yet) supported\");s.push({placeholder:t[0],param_no:t[1],keys:t[2],sign:t[3],pad_char:t[4],align:t[5],width:t[6],precision:t[7],type:t[8]})}r=r.substring(t[0].length)}return i[n]=s}(t),arguments)}function r(e,t){return n.apply(null,[e].concat(t||[]))}var i=Object.create(null);void 0!==t&&(t.sprintf=n,t.vsprintf=r),\"undefined\"!=typeof window&&(window.sprintf=n,window.vsprintf=r,\"function\"==typeof define&&define.amd&&define(function(){return{sprintf:n,vsprintf:r}}))}()},\n function _(e,n,t){\n /*!\n * numbro.js\n * version : 1.6.2\n * author : Företagsplatsen AB\n * license : MIT\n * http://www.foretagsplatsen.se\n */\n var r,i={},a=i,o=\"en-US\",l=null,u=\"0,0\";void 0!==n&&n.exports;function c(e){this._value=e}function s(e){var n,t=\"\";for(n=0;n-1?function(e,n){var t,r,i,a;return t=(a=e.toString()).split(\"e\")[0],i=a.split(\"e\")[1],a=t.split(\".\")[0]+(r=t.split(\".\")[1]||\"\")+s(i-r.length),n>0&&(a+=\".\"+s(n)),a}(e,n):(t(e*o)/o).toFixed(n),r&&(i=new RegExp(\"0{1,\"+r+\"}$\"),a=a.replace(i,\"\")),a}function d(e,n,t){return n.indexOf(\"$\")>-1?function(e,n,t){var r,a,l=n,u=l.indexOf(\"$\"),c=l.indexOf(\"(\"),s=l.indexOf(\"+\"),f=l.indexOf(\"-\"),d=\"\",p=\"\";-1===l.indexOf(\"$\")?\"infix\"===i[o].currency.position?(p=i[o].currency.symbol,i[o].currency.spaceSeparated&&(p=\" \"+p+\" \")):i[o].currency.spaceSeparated&&(d=\" \"):l.indexOf(\" $\")>-1?(d=\" \",l=l.replace(\" $\",\"\")):l.indexOf(\"$ \")>-1?(d=\" \",l=l.replace(\"$ \",\"\")):l=l.replace(\"$\",\"\");if(a=h(e,l,t,p),-1===n.indexOf(\"$\"))switch(i[o].currency.position){case\"postfix\":a.indexOf(\")\")>-1?((a=a.split(\"\")).splice(-1,0,d+i[o].currency.symbol),a=a.join(\"\")):a=a+d+i[o].currency.symbol;break;case\"infix\":break;case\"prefix\":a.indexOf(\"(\")>-1||a.indexOf(\"-\")>-1?(a=a.split(\"\"),r=Math.max(c,f)+1,a.splice(r,0,i[o].currency.symbol+d),a=a.join(\"\")):a=i[o].currency.symbol+d+a;break;default:throw Error('Currency position should be among [\"prefix\", \"infix\", \"postfix\"]')}else u<=1?a.indexOf(\"(\")>-1||a.indexOf(\"+\")>-1||a.indexOf(\"-\")>-1?(a=a.split(\"\"),r=1,(u-1?((a=a.split(\"\")).splice(-1,0,d+i[o].currency.symbol),a=a.join(\"\")):a=a+d+i[o].currency.symbol;return a}(e,n,t):n.indexOf(\"%\")>-1?function(e,n,t){var r,i=\"\";e*=100,n.indexOf(\" %\")>-1?(i=\" \",n=n.replace(\" %\",\"\")):n=n.replace(\"%\",\"\");(r=h(e,n,t)).indexOf(\")\")>-1?((r=r.split(\"\")).splice(-1,0,i+\"%\"),r=r.join(\"\")):r=r+i+\"%\";return r}(e,n,t):n.indexOf(\":\")>-1?function(e){var n=Math.floor(e/60/60),t=Math.floor((e-60*n*60)/60),r=Math.round(e-60*n*60-60*t);return n+\":\"+(t<10?\"0\"+t:t)+\":\"+(r<10?\"0\"+r:r)}(e):h(e,n,t)}function h(e,n,t,r){var a,u,c,s,d,h,p,m,x,g,O,b,w,y,M,v,$,B=!1,E=!1,F=!1,k=\"\",U=!1,N=!1,S=!1,j=!1,D=!1,C=\"\",L=\"\",T=Math.abs(e),K=[\"B\",\"KiB\",\"MiB\",\"GiB\",\"TiB\",\"PiB\",\"EiB\",\"ZiB\",\"YiB\"],G=[\"B\",\"KB\",\"MB\",\"GB\",\"TB\",\"PB\",\"EB\",\"ZB\",\"YB\"],I=\"\",P=!1,R=!1;if(0===e&&null!==l)return l;if(!isFinite(e))return\"\"+e;if(0===n.indexOf(\"{\")){var W=n.indexOf(\"}\");if(-1===W)throw Error('Format should also contain a \"}\"');b=n.slice(1,W),n=n.slice(W+1)}else b=\"\";if(n.indexOf(\"}\")===n.length-1){var Y=n.indexOf(\"{\");if(-1===Y)throw Error('Format should also contain a \"{\"');w=n.slice(Y+1,-1),n=n.slice(0,Y+1)}else w=\"\";if(v=null===($=-1===n.indexOf(\".\")?n.match(/([0-9]+).*/):n.match(/([0-9]+)\\..*/))?-1:$[1].length,-1!==n.indexOf(\"-\")&&(P=!0),n.indexOf(\"(\")>-1?(B=!0,n=n.slice(1,-1)):n.indexOf(\"+\")>-1&&(E=!0,n=n.replace(/\\+/g,\"\")),n.indexOf(\"a\")>-1){if(g=n.split(\".\")[0].match(/[0-9]+/g)||[\"0\"],g=parseInt(g[0],10),U=n.indexOf(\"aK\")>=0,N=n.indexOf(\"aM\")>=0,S=n.indexOf(\"aB\")>=0,j=n.indexOf(\"aT\")>=0,D=U||N||S||j,n.indexOf(\" a\")>-1?(k=\" \",n=n.replace(\" a\",\"\")):n=n.replace(\"a\",\"\"),p=0===(p=(d=Math.floor(Math.log(T)/Math.LN10)+1)%3)?3:p,g&&0!==T&&(h=Math.floor(Math.log(T)/Math.LN10)+1-g,m=3*~~((Math.min(g,d)-p)/3),T/=Math.pow(10,m),-1===n.indexOf(\".\")&&g>3))for(n+=\"[.]\",M=(M=0===h?0:3*~~(h/3)-h)<0?M+3:M,a=0;a=Math.pow(10,12)&&!D||j?(k+=i[o].abbreviations.trillion,e/=Math.pow(10,12)):T=Math.pow(10,9)&&!D||S?(k+=i[o].abbreviations.billion,e/=Math.pow(10,9)):T=Math.pow(10,6)&&!D||N?(k+=i[o].abbreviations.million,e/=Math.pow(10,6)):(T=Math.pow(10,3)&&!D||U)&&(k+=i[o].abbreviations.thousand,e/=Math.pow(10,3)))}if(n.indexOf(\"b\")>-1)for(n.indexOf(\" b\")>-1?(C=\" \",n=n.replace(\" b\",\"\")):n=n.replace(\"b\",\"\"),s=0;s<=K.length;s++)if(u=Math.pow(1024,s),c=Math.pow(1024,s+1),e>=u&&e0&&(e/=u);break}if(n.indexOf(\"d\")>-1)for(n.indexOf(\" d\")>-1?(C=\" \",n=n.replace(\" d\",\"\")):n=n.replace(\"d\",\"\"),s=0;s<=G.length;s++)if(u=Math.pow(1e3,s),c=Math.pow(1e3,s+1),e>=u&&e0&&(e/=u);break}if(n.indexOf(\"o\")>-1&&(n.indexOf(\" o\")>-1?(L=\" \",n=n.replace(\" o\",\"\")):n=n.replace(\"o\",\"\"),i[o].ordinal&&(L+=i[o].ordinal(e))),n.indexOf(\"[.]\")>-1&&(F=!0,n=n.replace(\"[.]\",\".\")),x=e.toString().split(\".\")[0],O=n.split(\".\")[1],y=n.indexOf(\",\"),O){if(x=(I=-1!==O.indexOf(\"*\")?f(e,e.toString().split(\".\")[1].length,t):O.indexOf(\"[\")>-1?f(e,(O=(O=O.replace(\"]\",\"\")).split(\"[\"))[0].length+O[1].length,t,O[1].length):f(e,O.length,t)).split(\".\")[0],I.split(\".\")[1].length)I=(r?k+r:i[o].delimiters.decimal)+I.split(\".\")[1];else I=\"\";F&&0===Number(I.slice(1))&&(I=\"\")}else x=f(e,null,t);return x.indexOf(\"-\")>-1&&(x=x.slice(1),R=!0),x.length-1&&(x=x.toString().replace(/(\\d)(?=(\\d{3})+(?!\\d))/g,\"$1\"+i[o].delimiters.thousands)),0===n.indexOf(\".\")&&(x=\"\"),b+(n.indexOf(\"(\")2)&&(o.length<2?!!o[0].match(/^\\d+.*\\d$/)&&!o[0].match(u):1===o[0].length?!!o[0].match(/^\\d+$/)&&!o[0].match(u)&&!!o[1].match(/^\\d+$/):!!o[0].match(/^\\d+.*\\d$/)&&!o[0].match(u)&&!!o[1].match(/^\\d+$/)))))},n.exports={format:function(e,n,t,i){return null!=t&&t!==r.culture()&&r.setCulture(t),d(Number(e),null!=n?n:u,null==i?Math.round:i)}}},\n function _(e,n,i){var t=e(113),r=e(110),a=e(205),s=e(257),c=e(258),_=e(261),m=e(262),k=e(260),o=function(e){function n(n){return e.call(this,n)||this}return t.__extends(n,e),n.init_DatetimeTicker=function(){this.override({num_minor_ticks:0,tickers:function(){return[new a.AdaptiveTicker({mantissas:[1,2,5],base:10,min_interval:0,max_interval:500*k.ONE_MILLI,num_minor_ticks:0}),new a.AdaptiveTicker({mantissas:[1,2,5,10,15,20,30],base:60,min_interval:k.ONE_SECOND,max_interval:30*k.ONE_MINUTE,num_minor_ticks:0}),new a.AdaptiveTicker({mantissas:[1,2,4,6,8,12],base:24,min_interval:k.ONE_HOUR,max_interval:12*k.ONE_HOUR,num_minor_ticks:0}),new c.DaysTicker({days:r.range(1,32)}),new c.DaysTicker({days:r.range(1,31,3)}),new c.DaysTicker({days:[1,8,15,22]}),new c.DaysTicker({days:[1,15]}),new _.MonthsTicker({months:r.range(0,12,1)}),new _.MonthsTicker({months:r.range(0,12,2)}),new _.MonthsTicker({months:r.range(0,12,4)}),new _.MonthsTicker({months:r.range(0,12,6)}),new m.YearsTicker({})]}})},n}(s.CompositeTicker);i.DatetimeTicker=o,o.__name__=\"DatetimeTicker\",o.init_DatetimeTicker()},\n function _(t,e,i){var n=t(113),r=t(206),o=t(121),s=t(110),a=t(125),_=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_CompositeTicker=function(){this.define({tickers:[o.Array,[]]})},Object.defineProperty(e.prototype,\"min_intervals\",{get:function(){return this.tickers.map(function(t){return t.get_min_interval()})},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"max_intervals\",{get:function(){return this.tickers.map(function(t){return t.get_max_interval()})},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"min_interval\",{get:function(){return this.min_intervals[0]},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"max_interval\",{get:function(){return this.max_intervals[0]},enumerable:!0,configurable:!0}),e.prototype.get_best_ticker=function(t,e,i){var n,r=e-t,o=this.get_ideal_interval(t,e,i),_=[s.sorted_index(this.min_intervals,o)-1,s.sorted_index(this.max_intervals,o)],u=[this.min_intervals[_[0]],this.max_intervals[_[1]]].map(function(t){return Math.abs(i-r/t)});if(a.isEmpty(u.filter(function(t){return!isNaN(t)})))n=this.tickers[0];else{var c=_[s.argmin(u)];n=this.tickers[c]}return n},e.prototype.get_interval=function(t,e,i){return this.get_best_ticker(t,e,i).get_interval(t,e,i)},e.prototype.get_ticks_no_defaults=function(t,e,i,n){return this.get_best_ticker(t,e,n).get_ticks_no_defaults(t,e,i,n)},e}(r.ContinuousTicker);i.CompositeTicker=_,_.__name__=\"CompositeTicker\",_.init_CompositeTicker()},\n function _(t,n,e){var i=t(113),r=t(259),a=t(260),o=t(121),s=t(110);var _=function(t){function n(n){return t.call(this,n)||this}return i.__extends(n,t),n.init_DaysTicker=function(){this.define({days:[o.Array,[]]}),this.override({num_minor_ticks:0})},n.prototype.initialize=function(){t.prototype.initialize.call(this);var n=this.days;n.length>1?this.interval=(n[1]-n[0])*a.ONE_DAY:this.interval=31*a.ONE_DAY},n.prototype.get_ticks_no_defaults=function(t,n,e,i){var r=function(t,n){var e=a.last_month_no_later_than(new Date(t)),i=a.last_month_no_later_than(new Date(n));i.setUTCMonth(i.getUTCMonth()+1);for(var r=[],o=e;r.push(a.copy_date(o)),o.setUTCMonth(o.getUTCMonth()+1),!(o>i););return r}(t,n),o=this.days,_=this.interval;return{major:s.concat(r.map(function(t){return function(t,n){for(var e=t.getUTCMonth(),i=[],r=0,s=o;r1?this.interval=(n[1]-n[0])*a.ONE_MONTH:this.interval=12*a.ONE_MONTH},n.prototype.get_ticks_no_defaults=function(t,n,e,r){var i=function(t,n){var e=a.last_year_no_later_than(new Date(t)),r=a.last_year_no_later_than(new Date(n));r.setUTCFullYear(r.getUTCFullYear()+1);for(var i=[],o=e;i.push(a.copy_date(o)),o.setUTCFullYear(o.getUTCFullYear()+1),!(o>r););return i}(t,n),o=this.months;return{major:l.concat(i.map(function(t){return o.map(function(n){var e=a.copy_date(t);return e.setUTCMonth(n),e})})).map(function(t){return t.getTime()}).filter(function(e){return t<=e&&e<=n}),minor:[]}},n}(i.SingleIntervalTicker);e.MonthsTicker=u,u.__name__=\"MonthsTicker\",u.init_MonthsTicker()},\n function _(t,e,i){var n=t(113),r=t(204),a=t(259),_=t(260),c=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.interval=_.ONE_YEAR,this.basic_ticker=new r.BasicTicker({num_minor_ticks:0})},e.prototype.get_ticks_no_defaults=function(t,e,i,n){var r=_.last_year_no_later_than(new Date(t)).getUTCFullYear(),a=_.last_year_no_later_than(new Date(e)).getUTCFullYear();return{major:this.basic_ticker.get_ticks_no_defaults(r,a,i,n).major.map(function(t){return Date.UTC(t,0,1)}).filter(function(i){return t<=i&&i<=e}),minor:[]}},e}(a.SingleIntervalTicker);i.YearsTicker=c,c.__name__=\"YearsTicker\"},\n function _(i,n,t){var e=i(113),o=i(243),r=i(248),u=i(264),s=i(265),_=function(i){function n(){return null!==i&&i.apply(this,arguments)||this}return e.__extends(n,i),n}(o.AxisView);t.LogAxisView=_,_.__name__=\"LogAxisView\";var c=function(i){function n(n){return i.call(this,n)||this}return e.__extends(n,i),n.init_LogAxis=function(){this.prototype.default_view=_,this.override({ticker:function(){return new s.LogTicker},formatter:function(){return new u.LogTickFormatter}})},n}(r.ContinuousAxis);t.LogAxis=c,c.__name__=\"LogAxis\",c.init_LogAxis()},\n function _(t,i,r){var e=t(113),n=t(209),o=t(208),a=t(167),c=t(121),l=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_LogTickFormatter=function(){this.define({ticker:[c.Instance,null]})},i.prototype.initialize=function(){t.prototype.initialize.call(this),this.basic_formatter=new o.BasicTickFormatter,null==this.ticker&&a.logger.warn(\"LogTickFormatter not configured with a ticker, using default base of 10 (labels will be incorrect if ticker base is not 10)\")},i.prototype.doFormat=function(t,i){if(0==t.length)return[];for(var r=null!=this.ticker?this.ticker.base:10,e=!1,n=new Array(t.length),o=0,a=t.length;o0&&n[o]==n[o-1]){e=!0;break}return e?this.basic_formatter.doFormat(t,i):n},i}(n.TickFormatter);r.LogTickFormatter=l,l.__name__=\"LogTickFormatter\",l.init_LogTickFormatter()},\n function _(t,r,n){var e=t(113),i=t(205),o=t(110),a=function(t){function r(r){return t.call(this,r)||this}return e.__extends(r,t),r.init_LogTicker=function(){this.override({mantissas:[1,5]})},r.prototype.get_ticks_no_defaults=function(t,r,n,e){var i,a=this.num_minor_ticks,u=[],f=this.base,h=Math.log(t)/Math.log(f),l=Math.log(r)/Math.log(f),c=l-h;if(isFinite(c))if(c<2){var s=this.get_interval(t,r,e),g=Math.floor(t/s),_=Math.ceil(r/s);if(i=o.range(g,_+1).filter(function(t){return 0!=t}).map(function(t){return t*s}).filter(function(n){return t<=n&&n<=r}),a>0&&i.length>0){for(var p=s/a,v=0,M=(y=o.range(0,a).map(function(t){return t*p})).slice(1);v0&&i.length>0){for(var y,A=Math.pow(f,x)/a,F=0,q=y=o.range(1,a+1).map(function(t){return t*A});F1?((e=i).width=arguments[0],e.height=arguments[1]):e=t||i,!(this instanceof r))return new r(e);this.width=e.width||i.width,this.height=e.height||i.height,this.enableMirroring=void 0!==e.enableMirroring?e.enableMirroring:i.enableMirroring,this.canvas=this,this.__document=e.document||document,e.ctx?this.__ctx=e.ctx:(this.__canvas=this.__document.createElement(\"canvas\"),this.__ctx=this.__canvas.getContext(\"2d\")),this.__setDefaultStyles(),this.__stack=[this.__getStyleState()],this.__groupStack=[],this.__root=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"svg\"),this.__root.setAttribute(\"version\",1.1),this.__root.setAttribute(\"xmlns\",\"http://www.w3.org/2000/svg\"),this.__root.setAttributeNS(\"http://www.w3.org/2000/xmlns/\",\"xmlns:xlink\",\"http://www.w3.org/1999/xlink\"),this.__root.setAttribute(\"width\",this.width),this.__root.setAttribute(\"height\",this.height),this.__ids={},this.__defs=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"defs\"),this.__root.appendChild(this.__defs),this.__currentElement=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"g\"),this.__root.appendChild(this.__currentElement)}).prototype.__createElement=function(t,e,r){void 0===e&&(e={});var i,n,s=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",t),a=Object.keys(e);for(r&&(s.setAttribute(\"fill\",\"none\"),s.setAttribute(\"stroke\",\"none\")),i=0;i0){\"path\"===this.__currentElement.nodeName&&(this.__currentElementsToStyle||(this.__currentElementsToStyle={element:e,children:[]}),this.__currentElementsToStyle.children.push(this.__currentElement),this.__applyCurrentDefaultPath());var r=this.__createElement(\"g\");e.appendChild(r),this.__currentElement=r}var i=this.__currentElement.getAttribute(\"transform\");i?i+=\" \":i=\"\",i+=t,this.__currentElement.setAttribute(\"transform\",i)},r.prototype.scale=function(t,e){void 0===e&&(e=t),this.__addTransform(a(\"scale({x},{y})\",{x:t,y:e}))},r.prototype.rotate=function(t){var e=180*t/Math.PI;this.__addTransform(a(\"rotate({angle},{cx},{cy})\",{angle:e,cx:0,cy:0}))},r.prototype.translate=function(t,e){this.__addTransform(a(\"translate({x},{y})\",{x:t,y:e}))},r.prototype.transform=function(t,e,r,i,n,s){this.__addTransform(a(\"matrix({a},{b},{c},{d},{e},{f})\",{a:t,b:e,c:r,d:i,e:n,f:s}))},r.prototype.beginPath=function(){var t;this.__currentDefaultPath=\"\",this.__currentPosition={},t=this.__createElement(\"path\",{},!0),this.__closestGroupOrSvg().appendChild(t),this.__currentElement=t},r.prototype.__applyCurrentDefaultPath=function(){var t=this.__currentElement;\"path\"===t.nodeName?t.setAttribute(\"d\",this.__currentDefaultPath):console.error(\"Attempted to apply path command to node\",t.nodeName)},r.prototype.__addPathCommand=function(t){this.__currentDefaultPath+=\" \",this.__currentDefaultPath+=t},r.prototype.moveTo=function(t,e){\"path\"!==this.__currentElement.nodeName&&this.beginPath(),this.__currentPosition={x:t,y:e},this.__addPathCommand(a(\"M {x} {y}\",{x:t,y:e}))},r.prototype.closePath=function(){this.__currentDefaultPath&&this.__addPathCommand(\"Z\")},r.prototype.lineTo=function(t,e){this.__currentPosition={x:t,y:e},this.__currentDefaultPath.indexOf(\"M\")>-1?this.__addPathCommand(a(\"L {x} {y}\",{x:t,y:e})):this.__addPathCommand(a(\"M {x} {y}\",{x:t,y:e}))},r.prototype.bezierCurveTo=function(t,e,r,i,n,s){this.__currentPosition={x:n,y:s},this.__addPathCommand(a(\"C {cp1x} {cp1y} {cp2x} {cp2y} {x} {y}\",{cp1x:t,cp1y:e,cp2x:r,cp2y:i,x:n,y:s}))},r.prototype.quadraticCurveTo=function(t,e,r,i){this.__currentPosition={x:r,y:i},this.__addPathCommand(a(\"Q {cpx} {cpy} {x} {y}\",{cpx:t,cpy:e,x:r,y:i}))};var l=function(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]};r.prototype.arcTo=function(t,e,r,i,n){var s=this.__currentPosition&&this.__currentPosition.x,a=this.__currentPosition&&this.__currentPosition.y;if(void 0!==s&&void 0!==a){if(n<0)throw new Error(\"IndexSizeError: The radius provided (\"+n+\") is negative.\");if(s===t&&a===e||t===r&&e===i||0===n)this.lineTo(t,e);else{var o=l([s-t,a-e]),h=l([r-t,i-e]);if(o[0]*h[1]!=o[1]*h[0]){var c=o[0]*h[0]+o[1]*h[1],p=Math.acos(Math.abs(c)),_=l([o[0]+h[0],o[1]+h[1]]),u=n/Math.sin(p/2),d=t+u*_[0],g=e+u*_[1],m=[-o[1],o[0]],f=[h[1],-h[0]],y=function(t){var e=t[0];return t[1]>=0?Math.acos(e):-Math.acos(e)},v=y(m),b=y(f);this.lineTo(d+m[0]*n,g+m[1]*n),this.arc(d,g,n,v,b)}else this.lineTo(t,e)}}},r.prototype.stroke=function(){\"path\"===this.__currentElement.nodeName&&this.__currentElement.setAttribute(\"paint-order\",\"fill stroke markers\"),this.__applyCurrentDefaultPath(),this.__applyStyleToCurrentElement(\"stroke\")},r.prototype.fill=function(){\"path\"===this.__currentElement.nodeName&&this.__currentElement.setAttribute(\"paint-order\",\"stroke fill markers\"),this.__applyCurrentDefaultPath(),this.__applyStyleToCurrentElement(\"fill\")},r.prototype.rect=function(t,e,r,i){\"path\"!==this.__currentElement.nodeName&&this.beginPath(),this.moveTo(t,e),this.lineTo(t+r,e),this.lineTo(t+r,e+i),this.lineTo(t,e+i),this.lineTo(t,e),this.closePath()},r.prototype.fillRect=function(t,e,r,i){var n;n=this.__createElement(\"rect\",{x:t,y:e,width:r,height:i},!0),this.__closestGroupOrSvg().appendChild(n),this.__currentElement=n,this.__applyStyleToCurrentElement(\"fill\")},r.prototype.strokeRect=function(t,e,r,i){var n;n=this.__createElement(\"rect\",{x:t,y:e,width:r,height:i},!0),this.__closestGroupOrSvg().appendChild(n),this.__currentElement=n,this.__applyStyleToCurrentElement(\"stroke\")},r.prototype.__clearCanvas=function(){for(var t=this.__closestGroupOrSvg().getAttribute(\"transform\"),e=this.__root.childNodes[1],r=e.childNodes,i=r.length-1;i>=0;i--)r[i]&&e.removeChild(r[i]);this.__currentElement=e,this.__groupStack=[],t&&this.__addTransform(t)},r.prototype.clearRect=function(t,e,r,i){if(0!==t||0!==e||r!==this.width||i!==this.height){var n,s=this.__closestGroupOrSvg();n=this.__createElement(\"rect\",{x:t,y:e,width:r,height:i,fill:\"#FFFFFF\"},!0),s.appendChild(n)}else this.__clearCanvas()},r.prototype.createLinearGradient=function(t,e,r,n){var s=this.__createElement(\"linearGradient\",{id:o(this.__ids),x1:t+\"px\",x2:r+\"px\",y1:e+\"px\",y2:n+\"px\",gradientUnits:\"userSpaceOnUse\"},!1);return this.__defs.appendChild(s),new i(s,this)},r.prototype.createRadialGradient=function(t,e,r,n,s,a){var h=this.__createElement(\"radialGradient\",{id:o(this.__ids),cx:n+\"px\",cy:s+\"px\",r:a+\"px\",fx:t+\"px\",fy:e+\"px\",gradientUnits:\"userSpaceOnUse\"},!1);return this.__defs.appendChild(h),new i(h,this)},r.prototype.__parseFont=function(){var t=/^\\s*(?=(?:(?:[-a-z]+\\s*){0,2}(italic|oblique))?)(?=(?:(?:[-a-z]+\\s*){0,2}(small-caps))?)(?=(?:(?:[-a-z]+\\s*){0,2}(bold(?:er)?|lighter|[1-9]00))?)(?:(?:normal|\\1|\\2|\\3)\\s*){0,3}((?:xx?-)?(?:small|large)|medium|smaller|larger|[.\\d]+(?:\\%|in|[cem]m|ex|p[ctx]))(?:\\s*\\/\\s*(normal|[.\\d]+(?:\\%|in|[cem]m|ex|p[ctx])))?\\s*([-,\\'\\\"\\sa-z0-9]+?)\\s*$/i.exec(this.font),e={style:t[1]||\"normal\",size:t[4]||\"10px\",family:t[6]||\"sans-serif\",weight:t[3]||\"normal\",decoration:t[2]||\"normal\",href:null};return\"underline\"===this.__fontUnderline&&(e.decoration=\"underline\"),this.__fontHref&&(e.href=this.__fontHref),e},r.prototype.__wrapTextLink=function(t,e){if(t.href){var r=this.__createElement(\"a\");return r.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",t.href),r.appendChild(e),r}return e},r.prototype.__applyText=function(t,e,r,i){var n,s,a=this.__parseFont(),o=this.__closestGroupOrSvg(),l=this.__createElement(\"text\",{\"font-family\":a.family,\"font-size\":a.size,\"font-style\":a.style,\"font-weight\":a.weight,\"text-decoration\":a.decoration,x:e,y:r,\"text-anchor\":(n=this.textAlign,s={left:\"start\",right:\"end\",center:\"middle\",start:\"start\",end:\"end\"},s[n]||s.start),\"dominant-baseline\":h(this.textBaseline)},!0);l.appendChild(this.__document.createTextNode(t)),this.__currentElement=l,this.__applyStyleToCurrentElement(i),o.appendChild(this.__wrapTextLink(a,l))},r.prototype.fillText=function(t,e,r){this.__applyText(t,e,r,\"fill\")},r.prototype.strokeText=function(t,e,r){this.__applyText(t,e,r,\"stroke\")},r.prototype.measureText=function(t){return this.__ctx.font=this.font,this.__ctx.measureText(t)},r.prototype.arc=function(t,e,r,i,n,s){if(i!==n){(i%=2*Math.PI)===(n%=2*Math.PI)&&(n=(n+2*Math.PI-.001*(s?-1:1))%(2*Math.PI));var o=t+r*Math.cos(n),h=e+r*Math.sin(n),l=t+r*Math.cos(i),c=e+r*Math.sin(i),p=s?0:1,_=0,u=n-i;u<0&&(u+=2*Math.PI),_=s?u>Math.PI?0:1:u>Math.PI?1:0,this.lineTo(l,c),this.__addPathCommand(a(\"A {rx} {ry} {xAxisRotation} {largeArcFlag} {sweepFlag} {endX} {endY}\",{rx:r,ry:r,xAxisRotation:0,largeArcFlag:_,sweepFlag:p,endX:o,endY:h})),this.__currentPosition={x:o,y:h}}},r.prototype.clip=function(){var t=this.__closestGroupOrSvg(),e=this.__createElement(\"clipPath\"),r=o(this.__ids),i=this.__createElement(\"g\");this.__applyCurrentDefaultPath(),t.removeChild(this.__currentElement),e.setAttribute(\"id\",r),e.appendChild(this.__currentElement),this.__defs.appendChild(e),t.setAttribute(\"clip-path\",a(\"url(#{id})\",{id:r})),t.appendChild(i),this.__currentElement=i},r.prototype.drawImage=function(){var t,e,i,n,s,a,o,h,l,c,p,_,u,d,g=Array.prototype.slice.call(arguments),m=g[0],f=0,y=0;if(3===g.length)t=g[1],e=g[2],i=s=m.width,n=a=m.height;else if(5===g.length)t=g[1],e=g[2],i=g[3],n=g[4],s=m.width,a=m.height;else{if(9!==g.length)throw new Error(\"Inavlid number of arguments passed to drawImage: \"+arguments.length);f=g[1],y=g[2],s=g[3],a=g[4],t=g[5],e=g[6],i=g[7],n=g[8]}o=this.__closestGroupOrSvg(),this.__currentElement;var v=\"translate(\"+t+\", \"+e+\")\";if(m instanceof r){if((h=m.getSvg().cloneNode(!0)).childNodes&&h.childNodes.length>1){for(l=h.childNodes[0];l.childNodes.length;)d=l.childNodes[0].getAttribute(\"id\"),this.__ids[d]=d,this.__defs.appendChild(l.childNodes[0]);if(c=h.childNodes[1]){var b,w=c.getAttribute(\"transform\");b=w?w+\" \"+v:v,c.setAttribute(\"transform\",b),o.appendChild(c)}}}else\"IMG\"===m.nodeName?((p=this.__createElement(\"image\")).setAttribute(\"width\",i),p.setAttribute(\"height\",n),p.setAttribute(\"preserveAspectRatio\",\"none\"),(f||y||s!==m.width||a!==m.height)&&((_=this.__document.createElement(\"canvas\")).width=i,_.height=n,(u=_.getContext(\"2d\")).drawImage(m,f,y,s,a,0,0,i,n),m=_),p.setAttribute(\"transform\",v),p.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",\"CANVAS\"===m.nodeName?m.toDataURL():m.getAttribute(\"src\")),o.appendChild(p)):\"CANVAS\"===m.nodeName&&((p=this.__createElement(\"image\")).setAttribute(\"width\",i),p.setAttribute(\"height\",n),p.setAttribute(\"preserveAspectRatio\",\"none\"),(_=this.__document.createElement(\"canvas\")).width=i,_.height=n,(u=_.getContext(\"2d\")).imageSmoothingEnabled=!1,u.mozImageSmoothingEnabled=!1,u.oImageSmoothingEnabled=!1,u.webkitImageSmoothingEnabled=!1,u.drawImage(m,f,y,s,a,0,0,i,n),m=_,p.setAttribute(\"transform\",v),p.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",m.toDataURL()),o.appendChild(p))},r.prototype.createPattern=function(t,e){var i,s=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"pattern\"),a=o(this.__ids);return s.setAttribute(\"id\",a),s.setAttribute(\"width\",t.width),s.setAttribute(\"height\",t.height),\"CANVAS\"===t.nodeName||\"IMG\"===t.nodeName?((i=this.__document.createElementNS(\"http://www.w3.org/2000/svg\",\"image\")).setAttribute(\"width\",t.width),i.setAttribute(\"height\",t.height),i.setAttributeNS(\"http://www.w3.org/1999/xlink\",\"xlink:href\",\"CANVAS\"===t.nodeName?t.toDataURL():t.getAttribute(\"src\")),s.appendChild(i),this.__defs.appendChild(s)):t instanceof r&&(s.appendChild(t.__root.childNodes[1]),this.__defs.appendChild(s)),new n(s,this)},r.prototype.setLineDash=function(t){t&&t.length>0?this.lineDash=t.join(\",\"):this.lineDash=null},r.prototype.drawFocusRing=function(){},r.prototype.createImageData=function(){},r.prototype.getImageData=function(){},r.prototype.putImageData=function(){},r.prototype.globalCompositeOperation=function(){},r.prototype.setTransform=function(){},\"object\"==typeof window&&(window.C2S=r),\"object\"==typeof e&&\"object\"==typeof e.exports&&(e.exports=r)}()},\n function _(e,t,a){var r=e(113),n=e(279),s=e(215),i=e(224),_=e(225),o=e(280),c=e(184),g=function(e){function t(t,a,r,n,s,i){void 0===s&&(s={}),void 0===i&&(i={});var _=e.call(this)||this;return _.x_scale=t,_.y_scale=a,_.x_range=r,_.y_range=n,_.extra_x_ranges=s,_.extra_y_ranges=i,_._configure_scales(),_}return r.__extends(t,e),t.prototype.map_to_screen=function(e,t,a,r){return void 0===a&&(a=\"default\"),void 0===r&&(r=\"default\"),[this.xscales[a].v_compute(e),this.yscales[r].v_compute(t)]},t.prototype._get_ranges=function(e,t){var a={};if(a.default=e,null!=t)for(var r in t)a[r]=t[r];return a},t.prototype._get_scales=function(e,t,a){var r={};for(var g in t){var l=t[g];if(l instanceof o.DataRange1d||l instanceof _.Range1d){if(!(e instanceof i.LogScale||e instanceof s.LinearScale))throw new Error(\"Range \"+l.type+\" is incompatible is Scale \"+e.type);if(e instanceof n.CategoricalScale)throw new Error(\"Range \"+l.type+\" is incompatible is Scale \"+e.type)}if(l instanceof c.FactorRange&&!(e instanceof n.CategoricalScale))throw new Error(\"Range \"+l.type+\" is incompatible is Scale \"+e.type);e instanceof i.LogScale&&l instanceof o.DataRange1d&&(l.scale_hint=\"log\");var f=e.clone();f.setv({source_range:l,target_range:a}),r[g]=f}return r},t.prototype._configure_frame_ranges=function(){this._h_target=new _.Range1d({start:this._left.value,end:this._right.value}),this._v_target=new _.Range1d({start:this._bottom.value,end:this._top.value})},t.prototype._configure_scales=function(){this._configure_frame_ranges(),this._x_ranges=this._get_ranges(this.x_range,this.extra_x_ranges),this._y_ranges=this._get_ranges(this.y_range,this.extra_y_ranges),this._xscales=this._get_scales(this.x_scale,this._x_ranges,this._h_target),this._yscales=this._get_scales(this.y_scale,this._y_ranges,this._v_target)},t.prototype._update_scales=function(){for(var e in this._configure_frame_ranges(),this._xscales){this._xscales[e].target_range=this._h_target}for(var e in this._yscales){this._yscales[e].target_range=this._v_target}},t.prototype._set_geometry=function(t,a){e.prototype._set_geometry.call(this,t,a),this._update_scales()},Object.defineProperty(t.prototype,\"x_ranges\",{get:function(){return this._x_ranges},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"y_ranges\",{get:function(){return this._y_ranges},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"xscales\",{get:function(){return this._xscales},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"yscales\",{get:function(){return this._yscales},enumerable:!0,configurable:!0}),t}(e(282).LayoutItem);a.CartesianFrame=g,g.__name__=\"CartesianFrame\"},\n function _(t,e,c){var n=t(113),o=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.prototype.compute=function(e){return t.prototype.compute.call(this,this.source_range.synthetic(e))},e.prototype.v_compute=function(e){return t.prototype.v_compute.call(this,this.source_range.v_synthetic(e))},e}(t(215).LinearScale);c.CategoricalScale=o,o.__name__=\"CategoricalScale\"},\n function _(t,i,n){var e=t(113),a=t(281),r=t(175),s=t(167),o=t(121),l=t(181),_=t(110),d=function(t){function i(i){var n=t.call(this,i)||this;return n._plot_bounds={},n.have_updated_interactively=!1,n}return e.__extends(i,t),i.init_DataRange1d=function(){this.define({start:[o.Number],end:[o.Number],range_padding:[o.Number,.1],range_padding_units:[o.PaddingUnits,\"percent\"],flipped:[o.Boolean,!1],follow:[o.StartEnd],follow_interval:[o.Number],default_span:[o.Number,2],only_visible:[o.Boolean,!1]}),this.internal({scale_hint:[o.String,\"auto\"]})},i.prototype.initialize=function(){t.prototype.initialize.call(this),this._initial_start=this.start,this._initial_end=this.end,this._initial_range_padding=this.range_padding,this._initial_range_padding_units=this.range_padding_units,this._initial_follow=this.follow,this._initial_follow_interval=this.follow_interval,this._initial_default_span=this.default_span},Object.defineProperty(i.prototype,\"min\",{get:function(){return Math.min(this.start,this.end)},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"max\",{get:function(){return Math.max(this.start,this.end)},enumerable:!0,configurable:!0}),i.prototype.computed_renderers=function(){var t=this.names,i=this.renderers;if(0==i.length)for(var n=0,e=this.plots;n0&&(i=i.filter(function(i){return _.includes(t,i.name)})),s.logger.debug(\"computed \"+i.length+\" renderers for DataRange1d \"+this.id);for(var o=0,l=i;ou&&(\"start\"==this.follow?a=e+h*u:\"end\"==this.follow&&(e=a-h*u)),[e,a]},i.prototype.update=function(t,i,n,e){if(!this.have_updated_interactively){var a=this.computed_renderers(),r=this._compute_plot_bounds(a,t);null!=e&&(r=this.adjust_bounds_for_aspect(r,e)),this._plot_bounds[n]=r;var s=this._compute_min_max(this._plot_bounds,i),o=s[0],l=s[1],_=this._compute_range(o,l),d=_[0],h=_[1];null!=this._initial_start&&(\"log\"==this.scale_hint?this._initial_start>0&&(d=this._initial_start):d=this._initial_start),null!=this._initial_end&&(\"log\"==this.scale_hint?this._initial_end>0&&(h=this._initial_end):h=this._initial_end);var u=[this.start,this.end],p=u[0],g=u[1];if(d!=p||h!=g){var f={};d!=p&&(f.start=d),h!=g&&(f.end=h),this.setv(f)}\"auto\"==this.bounds&&this.setv({bounds:[d,h]},{silent:!0}),this.change.emit()}},i.prototype.reset=function(){this.have_updated_interactively=!1,this.setv({range_padding:this._initial_range_padding,range_padding_units:this._initial_range_padding_units,follow:this._initial_follow,follow_interval:this._initial_follow_interval,default_span:this._initial_default_span},{silent:!0}),this.change.emit()},i}(a.DataRange);n.DataRange1d=d,d.__name__=\"DataRange1d\",d.init_DataRange1d()},\n function _(n,a,e){var t=n(113),i=n(185),r=n(121),_=function(n){function a(a){return n.call(this,a)||this}return t.__extends(a,n),a.init_DataRange=function(){this.define({names:[r.Array,[]],renderers:[r.Array,[]]})},a}(i.Range);e.DataRange=_,_.__name__=\"DataRange\",_.init_DataRange()},\n function _(a,o,t){var r=a(283);t.Sizeable=r.Sizeable;var e=a(284);t.Layoutable=e.Layoutable,t.LayoutItem=e.LayoutItem;var n=a(285);t.HStack=n.HStack,t.VStack=n.VStack,t.AnchorLayout=n.AnchorLayout;var c=a(286);t.Grid=c.Grid,t.Row=c.Row,t.Column=c.Column;var i=a(287);t.ContentBox=i.ContentBox,t.VariadicBox=i.VariadicBox},\n function _(t,h,i){var e=Math.min,n=Math.max,o=function(){function t(t){void 0===t&&(t={}),this.width=null!=t.width?t.width:0,this.height=null!=t.height?t.height:0}return t.prototype.bounded_to=function(h){var i=h.width,e=h.height;return new t({width:this.width==1/0&&null!=i?i:this.width,height:this.height==1/0&&null!=e?e:this.height})},t.prototype.expanded_to=function(h){var i=h.width,e=h.height;return new t({width:i!=1/0?n(this.width,i):this.width,height:e!=1/0?n(this.height,e):this.height})},t.prototype.expand_to=function(t){var h=t.width,i=t.height;this.width=n(this.width,h),this.height=n(this.height,i)},t.prototype.narrowed_to=function(h){var i=h.width,n=h.height;return new t({width:e(this.width,i),height:e(this.height,n)})},t.prototype.narrow_to=function(t){var h=t.width,i=t.height;this.width=e(this.width,h),this.height=e(this.height,i)},t.prototype.grow_by=function(h){var i=h.left,e=h.right,n=h.top,o=h.bottom;return new t({width:this.width+i+e,height:this.height+n+o})},t.prototype.shrink_by=function(h){var i=h.left,e=h.right,o=h.top,r=h.bottom;return new t({width:n(this.width-i-e,0),height:n(this.height-o-r,0)})},t.prototype.map=function(h,i){return new t({width:h(this.width),height:(null!=i?i:h)(this.height)})},t}();i.Sizeable=o,o.__name__=\"Sizeable\"},\n function _(i,t,e){var h=i(113),n=i(283),r=i(181),s=Math.min,o=Math.max,g=Math.round,u=function(){function i(){this._bbox=new r.BBox,this._inner_bbox=new r.BBox;var i=this;this._top={get value(){return i.bbox.top}},this._left={get value(){return i.bbox.left}},this._width={get value(){return i.bbox.width}},this._height={get value(){return i.bbox.height}},this._right={get value(){return i.bbox.right}},this._bottom={get value(){return i.bbox.bottom}},this._hcenter={get value(){return i.bbox.hcenter}},this._vcenter={get value(){return i.bbox.vcenter}}}return Object.defineProperty(i.prototype,\"bbox\",{get:function(){return this._bbox},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"inner_bbox\",{get:function(){return this._inner_bbox},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"sizing\",{get:function(){return this._sizing},enumerable:!0,configurable:!0}),i.prototype.set_sizing=function(i){var t=i.width_policy||\"fit\",e=i.width,h=null!=i.min_width?i.min_width:0,n=null!=i.max_width?i.max_width:1/0,r=i.height_policy||\"fit\",s=i.height,o=null!=i.min_height?i.min_height:0,g=null!=i.max_height?i.max_height:1/0,u=i.aspect,a=i.margin||{top:0,right:0,bottom:0,left:0},l=!1!==i.visible,_=i.halign||\"start\",d=i.valign||\"start\";this._sizing={width_policy:t,min_width:h,width:e,max_width:n,height_policy:r,min_height:o,height:s,max_height:g,aspect:u,margin:a,visible:l,halign:_,valign:d,size:{width:e,height:s},min_size:{width:h,height:o},max_size:{width:n,height:g}},this._init()},i.prototype._init=function(){},i.prototype._set_geometry=function(i,t){this._bbox=i,this._inner_bbox=t},i.prototype.set_geometry=function(i,t){this._set_geometry(i,t||i)},i.prototype.is_width_expanding=function(){return\"max\"==this.sizing.width_policy},i.prototype.is_height_expanding=function(){return\"max\"==this.sizing.height_policy},i.prototype.apply_aspect=function(i,t){var e=t.width,h=t.height,n=this.sizing.aspect;if(null!=n){var r=this.sizing,s=r.width_policy,o=r.height_policy;if(\"fixed\"!=s&&\"fixed\"!=o)if(s==o){var u=e,a=g(e/n),l=g(h*n),_=h;Math.abs(i.width-u)+Math.abs(i.height-a)<=Math.abs(i.width-l)+Math.abs(i.height-_)?(e=u,h=a):(e=l,h=_)}else!function(i,t){var e={max:4,fit:3,min:2,fixed:1};return e[i]>e[t]}(s,o)?e=g(h*n):h=g(e/n);else\"fixed\"==s?h=g(e/n):\"fixed\"==o&&(e=g(h*n))}return{width:e,height:h}},i.prototype.measure=function(i){var t=this;if(!this.sizing.visible)return{width:0,height:0};var e=function(i){return\"fixed\"==t.sizing.width_policy&&null!=t.sizing.width?t.sizing.width:i},h=function(i){return\"fixed\"==t.sizing.height_policy&&null!=t.sizing.height?t.sizing.height:i},r=new n.Sizeable(i).shrink_by(this.sizing.margin).map(e,h),s=this._measure(r),o=this.clip_size(s),g=e(o.width),u=h(o.height),a=this.apply_aspect(r,{width:g,height:u});return Object.assign(Object.assign({},s),a)},i.prototype.compute=function(i){void 0===i&&(i={});var t=this.measure({width:null!=i.width&&this.is_width_expanding()?i.width:1/0,height:null!=i.height&&this.is_height_expanding()?i.height:1/0}),e=t.width,h=t.height,n=new r.BBox({left:0,top:0,width:e,height:h}),s=void 0;if(null!=t.inner){var o=t.inner,g=o.left,u=o.top,a=o.right,l=o.bottom;s=new r.BBox({left:g,top:u,right:e-a,bottom:h-l})}this.set_geometry(n,s)},Object.defineProperty(i.prototype,\"xview\",{get:function(){return this.bbox.xview},enumerable:!0,configurable:!0}),Object.defineProperty(i.prototype,\"yview\",{get:function(){return this.bbox.yview},enumerable:!0,configurable:!0}),i.prototype.clip_width=function(i){return o(this.sizing.min_width,s(i,this.sizing.max_width))},i.prototype.clip_height=function(i){return o(this.sizing.min_height,s(i,this.sizing.max_height))},i.prototype.clip_size=function(i){var t=i.width,e=i.height;return{width:this.clip_width(t),height:this.clip_height(e)}},i}();e.Layoutable=u,u.__name__=\"Layoutable\";var a=function(i){function t(){return null!==i&&i.apply(this,arguments)||this}return h.__extends(t,i),t.prototype._measure=function(i){var t,e,h=this.sizing,n=h.width_policy,r=h.height_policy;if(i.width==1/0)t=null!=this.sizing.width?this.sizing.width:0;else if(\"fixed\"==n)t=null!=this.sizing.width?this.sizing.width:0;else if(\"min\"==n)t=null!=this.sizing.width?s(i.width,this.sizing.width):0;else if(\"fit\"==n)t=null!=this.sizing.width?s(i.width,this.sizing.width):i.width;else{if(\"max\"!=n)throw new Error(\"unrechable\");t=null!=this.sizing.width?o(i.width,this.sizing.width):i.width}if(i.height==1/0)e=null!=this.sizing.height?this.sizing.height:0;else if(\"fixed\"==r)e=null!=this.sizing.height?this.sizing.height:0;else if(\"min\"==r)e=null!=this.sizing.height?s(i.height,this.sizing.height):0;else if(\"fit\"==r)e=null!=this.sizing.height?s(i.height,this.sizing.height):i.height;else{if(\"max\"!=r)throw new Error(\"unrechable\");e=null!=this.sizing.height?o(i.height,this.sizing.height):i.height}return{width:t,height:e}},t}(u);e.LayoutItem=a,a.__name__=\"LayoutItem\";var l=function(i){function t(){return null!==i&&i.apply(this,arguments)||this}return h.__extends(t,i),t.prototype._measure=function(i){var t=this,e=this._content_size(),h=i.bounded_to(this.sizing.size).bounded_to(e);return{width:function(){switch(t.sizing.width_policy){case\"fixed\":return null!=t.sizing.width?t.sizing.width:e.width;case\"min\":return e.width;case\"fit\":return h.width;case\"max\":return Math.max(e.width,h.width);default:throw new Error(\"unexpected\")}}(),height:function(){switch(t.sizing.height_policy){case\"fixed\":return null!=t.sizing.height?t.sizing.height:e.height;case\"min\":return e.height;case\"fit\":return h.height;case\"max\":return Math.max(e.height,h.height);default:throw new Error(\"unexpected\")}}()}},t}(u);e.ContentLayoutable=l,l.__name__=\"ContentLayoutable\"},\n function _(t,e,r){var h=t(113),o=t(284),i=t(181),n=function(t){function e(){var e=t.apply(this,arguments)||this;return e.children=[],e}return h.__extends(e,t),e}(o.Layoutable);r.Stack=n,n.__name__=\"Stack\";var a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return h.__extends(e,t),e.prototype._measure=function(t){for(var e=0,r=0,h=0,o=this.children;h0)for(var A=l(j.height/O.length),M=0,P=O;M0)for(var S=l(j.width/C.length),E=0,G=C;E0)for(g=0;gy?y:m,_--}}}u=\"fixed\"==this.sizing.width_policy&&null!=this.sizing.width?this.sizing.width:t.width!=1/0&&this.is_width_expanding()?t.width:f.size.width;for(var v=0,x=0;x0)for(x=0;xj?j:m,_--}}}var O=this._measure_cells(function(t,i){return{width:f.col_widths[i],height:f.row_heights[t]}}),B=O.row_heights,A=O.col_widths,M=O.size_hints;return{size:this._measure_totals(B,A),row_heights:B,col_widths:A,size_hints:M}},i.prototype._measure=function(t){return this._measure_grid(t).size},i.prototype._set_geometry=function(i,e){t.prototype._set_geometry.call(this,i,e);for(var n=this._state,r=n.nrows,o=n.ncols,s=n.rspacing,h=n.cspacing,u=this._measure_grid(i),p=u.row_heights,g=u.col_widths,_=u.size_hints,d=this._state.rows.map(function(t,i){return Object.assign(Object.assign({},t),{top:0,height:p[i],get bottom(){return this.top+this.height}})}),w=this._state.cols.map(function(t,i){return Object.assign(Object.assign({},t),{left:0,width:g[i],get right(){return this.left+this.width}})}),y=_.map(function(t,i){return Object.assign(Object.assign({},i),{outer:new a.BBox,inner:new a.BBox})}),m=0,v=this.absolute?i.top:0;m0?a.every(e,s.isBoolean)?(e.length!==n.get_length()&&r.logger.warn(\"BooleanFilter \"+this.id+\": length of booleans doesn't match data source\"),a.range(0,e.length).filter(function(n){return!0===e[n]})):(r.logger.warn(\"BooleanFilter \"+this.id+\": booleans should be array of booleans, defaulting to no filtering\"),null):(null!=e&&0==e.length?r.logger.warn(\"BooleanFilter \"+this.id+\": booleans is empty, defaulting to no filtering\"):r.logger.warn(\"BooleanFilter \"+this.id+\": booleans was not set, defaulting to no filtering\"),null)},e}(l.Filter);o.BooleanFilter=g,g.__name__=\"BooleanFilter\",g.init_BooleanFilter()},\n function _(t,n,e){var i=t(113),r=t(166),l=t(121),o=t(109),a=t(110),f=t(167),u=function(t){function n(n){return t.call(this,n)||this}return i.__extends(n,t),n.init_Filter=function(){this.define({filter:[l.Array,null]})},n.prototype.compute_indices=function(t){var n=this.filter;return null!=n&&n.length>=0?o.isArrayOf(n,o.isBoolean)?a.range(0,n.length).filter(function(t){return!0===n[t]}):o.isArrayOf(n,o.isInteger)?n:(f.logger.warn(\"Filter \"+this.id+\": filter should either be array of only booleans or only integers, defaulting to no filtering\"),null):(f.logger.warn(\"Filter \"+this.id+\": filter was not set to be an array, defaulting to no filtering\"),null)},n}(r.Model);e.Filter=u,u.__name__=\"Filter\",u.init_Filter()},\n function _(e,t,r){var i=e(113),n=e(294),s=e(121),o=e(125),u=e(127),c=function(t){function r(e){return t.call(this,e)||this}return i.__extends(r,t),r.init_CustomJSFilter=function(){this.define({args:[s.Any,{}],code:[s.String,\"\"],use_strict:[s.Boolean,!1]})},Object.defineProperty(r.prototype,\"names\",{get:function(){return o.keys(this.args)},enumerable:!0,configurable:!0}),Object.defineProperty(r.prototype,\"values\",{get:function(){return o.values(this.args)},enumerable:!0,configurable:!0}),Object.defineProperty(r.prototype,\"func\",{get:function(){var e=this.use_strict?u.use_strict(this.code):this.code;return new(Function.bind.apply(Function,i.__spreadArrays([void 0],this.names,[\"source\",\"require\",\"exports\",e])))},enumerable:!0,configurable:!0}),r.prototype.compute_indices=function(r){return this.filter=this.func.apply(this,i.__spreadArrays(this.values,[r,e,{}])),t.prototype.compute_indices.call(this,r)},r}(n.Filter);r.CustomJSFilter=c,c.__name__=\"CustomJSFilter\",c.init_CustomJSFilter()},\n function _(n,i,t){var r=n(113),e=n(294),u=n(121),o=n(167),l=n(110),c=function(n){function i(i){var t=n.call(this,i)||this;return t.indices=null,t}return r.__extends(i,n),i.init_GroupFilter=function(){this.define({column_name:[u.String],group:[u.String]})},i.prototype.compute_indices=function(n){var i=this,t=n.get_column(this.column_name);return null==t?(o.logger.warn(\"group filter: groupby column not found in data source\"),null):(this.indices=l.range(0,n.get_length()||0).filter(function(n){return t[n]===i.group}),0===this.indices.length&&o.logger.warn(\"group filter: group '\"+this.group+\"' did not match any values in column '\"+this.column_name+\"'\"),this.indices)},i}(e.Filter);t.GroupFilter=c,c.__name__=\"GroupFilter\",c.init_GroupFilter()},\n function _(i,n,e){var t=i(113),r=i(294),l=i(121),s=i(167),d=i(109),o=i(110),u=function(i){function n(n){return i.call(this,n)||this}return t.__extends(n,i),n.init_IndexFilter=function(){this.define({indices:[l.Array,null]})},n.prototype.compute_indices=function(i){return null!=this.indices&&this.indices.length>=0?o.every(this.indices,d.isInteger)?this.indices:(s.logger.warn(\"IndexFilter \"+this.id+\": indices should be array of integers, defaulting to no filtering\"),null):(s.logger.warn(\"IndexFilter \"+this.id+\": indices was not set, defaulting to no filtering\"),null)},n}(r.Filter);e.IndexFilter=u,u.__name__=\"IndexFilter\",u.init_IndexFilter()},\n function _(r,t,a){var e=r(208);a.BasicTickFormatter=e.BasicTickFormatter;var c=r(247);a.CategoricalTickFormatter=c.CategoricalTickFormatter;var i=r(251);a.DatetimeTickFormatter=i.DatetimeTickFormatter;var o=r(299);a.FuncTickFormatter=o.FuncTickFormatter;var m=r(264);a.LogTickFormatter=m.LogTickFormatter;var F=r(267);a.MercatorTickFormatter=F.MercatorTickFormatter;var k=r(300);a.NumeralTickFormatter=k.NumeralTickFormatter;var T=r(301);a.PrintfTickFormatter=T.PrintfTickFormatter;var v=r(209);a.TickFormatter=v.TickFormatter},\n function _(t,e,r){var n=t(113),i=t(209),o=t(121),c=t(125),u=t(127),a=function(e){function r(t){return e.call(this,t)||this}return n.__extends(r,e),r.init_FuncTickFormatter=function(){this.define({args:[o.Any,{}],code:[o.String,\"\"],use_strict:[o.Boolean,!1]})},Object.defineProperty(r.prototype,\"names\",{get:function(){return c.keys(this.args)},enumerable:!0,configurable:!0}),Object.defineProperty(r.prototype,\"values\",{get:function(){return c.values(this.args)},enumerable:!0,configurable:!0}),r.prototype._make_func=function(){var t=this.use_strict?u.use_strict(this.code):this.code;return new(Function.bind.apply(Function,n.__spreadArrays([void 0,\"tick\",\"index\",\"ticks\"],this.names,[\"require\",\"exports\",t])))},r.prototype.doFormat=function(e,r){var i=this,o=this._make_func().bind({});return e.map(function(e,r,c){return o.apply(void 0,n.__spreadArrays([e,r,c],i.values,[t,{}]))})},r}(i.TickFormatter);r.FuncTickFormatter=a,a.__name__=\"FuncTickFormatter\",a.init_FuncTickFormatter()},\n function _(n,r,t){var e=n(113),o=n(255),i=n(209),a=n(121),u=function(n){function r(r){return n.call(this,r)||this}return e.__extends(r,n),r.init_NumeralTickFormatter=function(){this.define({format:[a.String,\"0,0\"],language:[a.String,\"en\"],rounding:[a.RoundingFunction,\"round\"]})},Object.defineProperty(r.prototype,\"_rounding_fn\",{get:function(){switch(this.rounding){case\"round\":case\"nearest\":return Math.round;case\"floor\":case\"rounddown\":return Math.floor;case\"ceil\":case\"roundup\":return Math.ceil}},enumerable:!0,configurable:!0}),r.prototype.doFormat=function(n,r){var t=this.format,e=this.language,i=this._rounding_fn;return n.map(function(n){return o.format(n,t,e,i)})},r}(i.TickFormatter);t.NumeralTickFormatter=u,u.__name__=\"NumeralTickFormatter\",u.init_NumeralTickFormatter()},\n function _(t,r,n){var i=t(113),o=t(209),e=t(253),f=t(121),a=function(t){function r(r){return t.call(this,r)||this}return i.__extends(r,t),r.init_PrintfTickFormatter=function(){this.define({format:[f.String,\"%s\"]})},r.prototype.doFormat=function(t,r){var n=this;return t.map(function(t){return e.sprintf(n.format,t)})},r}(o.TickFormatter);n.PrintfTickFormatter=a,a.__name__=\"PrintfTickFormatter\",a.init_PrintfTickFormatter()},\n function _(a,e,r){var v=a(303);r.AnnularWedge=v.AnnularWedge;var l=a(304);r.Annulus=l.Annulus;var t=a(305);r.Arc=t.Arc;var i=a(306);r.Bezier=i.Bezier;var n=a(307);r.Circle=n.Circle;var u=a(308);r.CenterRotatable=u.CenterRotatable;var g=a(309);r.Ellipse=g.Ellipse;var c=a(310);r.EllipseOval=c.EllipseOval;var A=a(182);r.Glyph=A.Glyph;var p=a(188);r.HArea=p.HArea;var s=a(311);r.HBar=s.HBar;var R=a(313);r.HexTile=R.HexTile;var d=a(314);r.Image=d.Image;var h=a(316);r.ImageRGBA=h.ImageRGBA;var m=a(317);r.ImageURL=m.ImageURL;var y=a(177);r.Line=y.Line;var B=a(319);r.MultiLine=B.MultiLine;var o=a(320);r.MultiPolygons=o.MultiPolygons;var G=a(321);r.Oval=G.Oval;var H=a(187);r.Patch=H.Patch;var I=a(322);r.Patches=I.Patches;var L=a(323);r.Quad=L.Quad;var P=a(324);r.Quadratic=P.Quadratic;var x=a(325);r.Ray=x.Ray;var C=a(326);r.Rect=C.Rect;var E=a(327);r.Segment=E.Segment;var M=a(328);r.Step=M.Step;var O=a(329);r.Text=O.Text;var Q=a(190);r.VArea=Q.VArea;var S=a(330);r.VBar=S.VBar;var T=a(331);r.Wedge=T.Wedge;var V=a(178);r.XYGlyph=V.XYGlyph},\n function _(t,e,i){var r=t(113),s=t(178),n=t(186),a=t(183),_=t(121),h=t(111),o=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(e,t),e.prototype._map_data=function(){\"data\"==this.model.properties.inner_radius.units?this.sinner_radius=this.sdist(this.renderer.xscale,this._x,this._inner_radius):this.sinner_radius=this._inner_radius,\"data\"==this.model.properties.outer_radius.units?this.souter_radius=this.sdist(this.renderer.xscale,this._x,this._outer_radius):this.souter_radius=this._outer_radius,this._angle=new Float32Array(this._start_angle.length);for(var t=0,e=this._start_angle.length;t=A&&v.push([m,z])}for(var S=this.model.properties.direction.value(),D=[],V=0,b=v;V=M&&v.push([m,g])}return a.create_hit_test_result_from_hits(v)},r.prototype.draw_legend_for_index=function(i,r,t){var s=r.x0,e=r.y0,a=r.x1,n=r.y1,u=t+1,_=new Array(u);_[t]=(s+a)/2;var h=new Array(u);h[t]=(e+n)/2;var o=.5*Math.min(Math.abs(a-s),Math.abs(n-e)),d=new Array(u);d[t]=.4*o;var l=new Array(u);l[t]=.8*o,this._render(i,[t],{sx:_,sy:h,sinner_radius:d,souter_radius:l})},r}(e.XYGlyphView);t.AnnulusView=_,_.__name__=\"AnnulusView\";var h=function(i){function r(r){return i.call(this,r)||this}return s.__extends(r,i),r.init_Annulus=function(){this.prototype.default_view=_,this.mixins([\"line\",\"fill\"]),this.define({inner_radius:[n.DistanceSpec],outer_radius:[n.DistanceSpec]})},r}(e.XYGlyph);t.Annulus=h,h.__name__=\"Annulus\",h.init_Annulus()},\n function _(i,e,t){var n=i(113),s=i(178),r=i(186),a=i(121),_=function(i){function e(){return null!==i&&i.apply(this,arguments)||this}return n.__extends(e,i),e.prototype._map_data=function(){\"data\"==this.model.properties.radius.units?this.sradius=this.sdist(this.renderer.xscale,this._x,this._radius):this.sradius=this._radius},e.prototype._render=function(i,e,t){var n=t.sx,s=t.sy,r=t.sradius,a=t._start_angle,_=t._end_angle;if(this.visuals.line.doit)for(var o=this.model.properties.direction.value(),c=0,l=e;c1?(p[e]=d,x[e]=d/o):(p[e]=d*o,x[e]=d),this._render(t,[e],{sx:_,sy:l,sw:p,sh:x,_angle:[0]})},i.prototype._bounds=function(t){var i=t.x0,e=t.x1,s=t.y0,h=t.y1;return{x0:i-this.max_w2,x1:e+this.max_w2,y0:s-this.max_h2,y1:h+this.max_h2}},i}(h.CenterRotatableView);e.EllipseOvalView=a,a.__name__=\"EllipseOvalView\";var n=function(t){function i(i){return t.call(this,i)||this}return s.__extends(i,t),i}(h.CenterRotatable);e.EllipseOval=n,n.__name__=\"EllipseOval\"},\n function _(t,i,e){var s=t(113),h=t(312),r=t(121),n=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return s.__extends(i,t),i.prototype.scenterx=function(t){return(this.sleft[t]+this.sright[t])/2},i.prototype.scentery=function(t){return this.sy[t]},i.prototype._index_data=function(){return this._index_box(this._y.length)},i.prototype._lrtb=function(t){return[Math.min(this._left[t],this._right[t]),Math.max(this._left[t],this._right[t]),this._y[t]+.5*this._height[t],this._y[t]-.5*this._height[t]]},i.prototype._map_data=function(){this.sy=this.renderer.yscale.v_compute(this._y),this.sh=this.sdist(this.renderer.yscale,this._y,this._height,\"center\"),this.sleft=this.renderer.xscale.v_compute(this._left),this.sright=this.renderer.xscale.v_compute(this._right);var t=this.sy.length;this.stop=new Float64Array(t),this.sbottom=new Float64Array(t);for(var i=0;i0){i=this._image[t];var n=this._image_shape[t];this._height[t]=n[0],this._width[t]=n[1]}else{var r=this._image[t];i=s.concat(r),this._height[t]=r.length,this._width[t]=r[0].length}var _=e.v_compute(i);this._set_image_data_from_buffer(t,_)}},t.prototype._render=function(e,t,a){var i=a.image_data,n=a.sx,r=a.sy,_=a.sw,s=a.sh,o=e.getImageSmoothingEnabled();e.setImageSmoothingEnabled(!1),e.globalAlpha=this.model.global_alpha;for(var h=0,l=t;h0){i=this._image[t].buffer;var n=this._image_shape[t];this._height[t]=n[0],this._width[t]=n[1]}else{var h=this._image[t],s=r.concat(h);i=new ArrayBuffer(4*s.length);for(var _=new Uint32Array(i),l=0,o=s.length;l0&&(_[l]=u)}return h.indices=o.keys(_).map(function(t){return parseInt(t,10)}),h.multiline_indices=_,h},e.prototype.get_interpolation_hit=function(t,e,i){var n=[this._xs[t][e],this._ys[t][e],this._xs[t][e+1],this._ys[t][e+1]],s=n[0],r=n[1],o=n[2],h=n[3];return a.line_interpolation(this.renderer,i,s,r,o,h)},e.prototype.draw_legend_for_index=function(t,e,i){a.generic_line_legend(this.visuals,t,e,i)},e.prototype.scenterx=function(){throw new Error(\"not implemented\")},e.prototype.scentery=function(){throw new Error(\"not implemented\")},e}(l.GlyphView);i.MultiLineView=u,u.__name__=\"MultiLineView\";var p=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_MultiLine=function(){this.prototype.default_view=u,this.coords([[\"xs\",\"ys\"]]),this.mixins([\"line\"])},e}(l.Glyph);i.MultiLine=p,p.__name__=\"MultiLine\",p.init_MultiLine()},\n function _(t,i,e){var n=t(113),r=t(179),s=t(182),o=t(186),h=t(110),a=t(114),l=t(183),_=t(109),u=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(i,t),i.prototype._index_data=function(){for(var t=[],i=0,e=this._xs.length;i1)for(var o=1,a=this._xs[i][n].length;o1){for(var c=!1,x=1;x0;){var r=_.find_last_index(s,function(t){return h.isStrictNaN(t)}),o=void 0;r>=0?o=s.splice(r):(o=s,s=[]);var a=o.filter(function(t){return!h.isStrictNaN(t)});e[i].push(a)}}return e},e.prototype._index_data=function(){for(var t=this._build_discontinuous_object(this._xs),e=this._build_discontinuous_object(this._ys),i=[],n=0,r=this._xs.length;n=0,m=i-this.sy1[n]<=this.sh[n]&&i-this.sy1[n]>=0;m&&w&&p.push(n)}var M=a.create_empty_hit_test_result();return M.indices=p,M},s.prototype._map_dist_corner_for_data_side_length=function(t,s,i){for(var e=t.length,h=new Float64Array(e),r=new Float64Array(e),a=0;a1&&(e.stroke(),d=!1)}d?(e.lineTo(b,m),e.lineTo(g,w)):(e.beginPath(),e.moveTo(_[v],u[v]),d=!0),f=v}e.lineTo(_[h-1],u[h-1]),e.stroke()}},t.prototype.draw_legend_for_index=function(e,t,i){r.generic_line_legend(this.visuals,e,t,i)},t}(o.XYGlyphView);i.StepView=a,a.__name__=\"StepView\";var l=function(e){function t(t){return e.call(this,t)||this}return n.__extends(t,e),t.init_Step=function(){this.prototype.default_view=a,this.mixins([\"line\"]),this.define({mode:[s.StepMode,\"before\"]})},t}(o.XYGlyph);i.Step=l,l.__name__=\"Step\",l.init_Step()},\n function _(t,e,s){var i=t(113),n=t(178),r=t(183),_=t(121),o=t(226),h=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return i.__extends(e,t),e.prototype._rotate_point=function(t,e,s,i,n){return[(t-s)*Math.cos(n)-(e-i)*Math.sin(n)+s,(t-s)*Math.sin(n)+(e-i)*Math.cos(n)+i]},e.prototype._text_bounds=function(t,e,s,i){return[[t,t+s,t+s,t,t],[e,e,e-i,e-i,e]]},e.prototype._render=function(t,e,s){var i=s.sx,n=s.sy,r=s._x_offset,_=s._y_offset,h=s._angle,a=s._text;this._sys=[],this._sxs=[];for(var u=0,l=e;uo[1]&&(n=o[1]);else{i=o[0],n=o[1];for(var _=0,s=this.plot_view.axis_views;_0||v>0)return{width:y>0?y:void 0,height:v>0?v:void 0}}return{}})},i.prototype.serializable_state=function(){return Object.assign(Object.assign({},t.prototype.serializable_state.call(this)),{bbox:this.layout.bbox.box,children:this.child_views.map(function(t){return t.serializable_state()})})},i}(_.DOMView);e.LayoutDOMView=d,d.__name__=\"LayoutDOMView\";var c=function(t){function i(i){return t.call(this,i)||this}return o.__extends(i,t),i.init_LayoutDOM=function(){this.define({width:[h.Number,null],height:[h.Number,null],min_width:[h.Number,null],min_height:[h.Number,null],max_width:[h.Number,null],max_height:[h.Number,null],margin:[h.Any,[0,0,0,0]],width_policy:[h.Any,\"auto\"],height_policy:[h.Any,\"auto\"],aspect_ratio:[h.Any,null],sizing_mode:[h.SizingMode,null],visible:[h.Boolean,!0],disabled:[h.Boolean,!1],align:[h.Any,\"start\"],background:[h.Color,null],css_classes:[h.Array,[]]})},i}(n.Model);e.LayoutDOM=c,c.__name__=\"LayoutDOM\",c.init_LayoutDOM()},\n function _(t,n,i){var o=t(113),u=t(338),e=t(286),s=t(121),l=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return o.__extends(n,t),n.prototype._update_layout=function(){var t=this.child_views.map(function(t){return t.layout});this.layout=new e.Column(t),this.layout.rows=this.model.rows,this.layout.spacing=[this.model.spacing,0],this.layout.set_sizing(this.box_sizing())},n}(u.BoxView);i.ColumnView=l,l.__name__=\"ColumnView\";var _=function(t){function n(n){return t.call(this,n)||this}return o.__extends(n,t),n.init_Column=function(){this.prototype.default_view=l,this.define({rows:[s.Any,\"auto\"]})},n}(u.Box);i.Column=_,_.__name__=\"Column\",_.init_Column()},\n function _(t,i,n){var o=t(113),e=t(339),r=t(286),s=t(121),l=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return o.__extends(i,t),i.prototype.connect_signals=function(){var i=this;t.prototype.connect_signals.call(this),this.connect(this.model.properties.children.change,function(){return i.rebuild()})},Object.defineProperty(i.prototype,\"child_models\",{get:function(){return this.model.children.map(function(t){return t[0]})},enumerable:!0,configurable:!0}),i.prototype._update_layout=function(){this.layout=new r.Grid,this.layout.rows=this.model.rows,this.layout.cols=this.model.cols,this.layout.spacing=this.model.spacing;for(var t=0,i=this.model.children;tr?(this.wrapper_el.style.maxWidth=r-a.width+\"px\",l.display(this.scroll_el)):(this.wrapper_el.style.maxWidth=\"\",l.undisplay(this.scroll_el))}else{var n=this.header.bbox.height;s.height>n?(this.wrapper_el.style.maxHeight=n-a.height+\"px\",l.display(this.scroll_el)):(this.wrapper_el.style.maxHeight=\"\",l.undisplay(this.scroll_el))}for(var h=this.child_views,o=0,c=h;oi-1&&(t.model.active=i-1)}}),s.appendChild(n)}return s});this.headers_el=l.div({class:[d.bk_headers]},n),this.wrapper_el=l.div({class:d.bk_headers_wrapper},this.headers_el);var h=l.div({class:[_.bk_btn,_.bk_btn_default],disabled:\"\"},l.div({class:[u.bk_caret,c.bk_left]})),o=l.div({class:[_.bk_btn,_.bk_btn_default]},l.div({class:[u.bk_caret,c.bk_right]})),p=0,b=function(e){return function(){var i=t.model.tabs.length;0==(p=\"left\"==e?Math.max(p-1,0):Math.min(p+1,i-1))?h.setAttribute(\"disabled\",\"\"):h.removeAttribute(\"disabled\"),p==i-1?o.setAttribute(\"disabled\",\"\"):o.removeAttribute(\"disabled\");var a=l.children(t.headers_el).slice(0,p).map(function(e){return e.getBoundingClientRect()});if(s){var n=-r.sum(a.map(function(e){return e.width}));t.headers_el.style.left=n+\"px\"}else{var c=-r.sum(a.map(function(e){return e.height}));t.headers_el.style.top=c+\"px\"}}};h.addEventListener(\"click\",b(\"left\")),o.addEventListener(\"click\",b(\"right\")),this.scroll_el=l.div({class:_.bk_btn_group},h,o),this.header_el=l.div({class:[d.bk_tabs_header,c.bk_side(a)]},this.scroll_el,this.wrapper_el),this.el.appendChild(this.header_el)},t.prototype.change_active=function(e){e!=this.model.active&&(this.model.active=e,null!=this.model.callback&&this.model.callback.execute(this.model))},t.prototype.on_active_change=function(){for(var e=this.model.active,t=l.children(this.headers_el),i=0,a=t;i .bk-btn {\\n flex-grow: 0;\\n -webkit-flex-grow: 0;\\n height: auto;\\n padding: 4px 4px;\\n}\\n.bk-root .bk-tabs-header .bk-headers-wrapper {\\n flex-grow: 1;\\n -webkit-flex-grow: 1;\\n overflow: hidden;\\n color: #666666;\\n}\\n.bk-root .bk-tabs-header.bk-above .bk-headers-wrapper {\\n border-bottom: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-right .bk-headers-wrapper {\\n border-left: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-below .bk-headers-wrapper {\\n border-top: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-left .bk-headers-wrapper {\\n border-right: 1px solid #e6e6e6;\\n}\\n.bk-root .bk-tabs-header.bk-above,\\n.bk-root .bk-tabs-header.bk-below {\\n flex-direction: row;\\n -webkit-flex-direction: row;\\n}\\n.bk-root .bk-tabs-header.bk-above .bk-headers,\\n.bk-root .bk-tabs-header.bk-below .bk-headers {\\n flex-direction: row;\\n -webkit-flex-direction: row;\\n}\\n.bk-root .bk-tabs-header.bk-left,\\n.bk-root .bk-tabs-header.bk-right {\\n flex-direction: column;\\n -webkit-flex-direction: column;\\n}\\n.bk-root .bk-tabs-header.bk-left .bk-headers,\\n.bk-root .bk-tabs-header.bk-right .bk-headers {\\n flex-direction: column;\\n -webkit-flex-direction: column;\\n}\\n.bk-root .bk-tabs-header .bk-headers {\\n position: relative;\\n display: flex;\\n display: -webkit-flex;\\n flex-wrap: nowrap;\\n -webkit-flex-wrap: nowrap;\\n align-items: center;\\n -webkit-align-items: center;\\n}\\n.bk-root .bk-tabs-header .bk-tab {\\n padding: 4px 8px;\\n border: solid transparent;\\n white-space: nowrap;\\n cursor: pointer;\\n}\\n.bk-root .bk-tabs-header .bk-tab:hover {\\n background-color: #f2f2f2;\\n}\\n.bk-root .bk-tabs-header .bk-tab.bk-active {\\n color: #4d4d4d;\\n background-color: white;\\n border-color: #e6e6e6;\\n}\\n.bk-root .bk-tabs-header .bk-tab .bk-close {\\n margin-left: 10px;\\n}\\n.bk-root .bk-tabs-header.bk-above .bk-tab {\\n border-width: 3px 1px 0px 1px;\\n border-radius: 4px 4px 0 0;\\n}\\n.bk-root .bk-tabs-header.bk-right .bk-tab {\\n border-width: 1px 3px 1px 0px;\\n border-radius: 0 4px 4px 0;\\n}\\n.bk-root .bk-tabs-header.bk-below .bk-tab {\\n border-width: 0px 1px 3px 1px;\\n border-radius: 0 0 4px 4px;\\n}\\n.bk-root .bk-tabs-header.bk-left .bk-tab {\\n border-width: 1px 0px 1px 3px;\\n border-radius: 4px 0 0 4px;\\n}\\n.bk-root .bk-close {\\n display: inline-block;\\n width: 10px;\\n height: 10px;\\n vertical-align: middle;\\n background-image: url(\\'data:image/svg+xml;utf8,\\\\\\n \\\\\\n \\\\\\n \\\\\\n \\');\\n}\\n.bk-root .bk-close:hover {\\n background-image: url(\\'data:image/svg+xml;utf8,\\\\\\n \\\\\\n \\\\\\n \\\\\\n \\');\\n}\\n'),n.bk_tabs_header=\"bk-tabs-header\",n.bk_headers_wrapper=\"bk-headers-wrapper\",n.bk_headers=\"bk-headers\",n.bk_tab=\"bk-tab\",n.bk_close=\"bk-close\"},\n function _(n,b,o){n(164),n(163).styles.append(\".bk-root .bk-btn {\\n height: 100%;\\n display: inline-block;\\n text-align: center;\\n vertical-align: middle;\\n white-space: nowrap;\\n cursor: pointer;\\n padding: 6px 12px;\\n font-size: 12px;\\n border: 1px solid transparent;\\n border-radius: 4px;\\n outline: 0;\\n user-select: none;\\n -ms-user-select: none;\\n -moz-user-select: none;\\n -webkit-user-select: none;\\n}\\n.bk-root .bk-btn:hover,\\n.bk-root .bk-btn:focus {\\n text-decoration: none;\\n}\\n.bk-root .bk-btn:active,\\n.bk-root .bk-btn.bk-active {\\n background-image: none;\\n box-shadow: inset 0 3px 5px rgba(0, 0, 0, 0.125);\\n}\\n.bk-root .bk-btn[disabled] {\\n cursor: not-allowed;\\n pointer-events: none;\\n opacity: 0.65;\\n box-shadow: none;\\n}\\n.bk-root .bk-btn-default {\\n color: #333;\\n background-color: #fff;\\n border-color: #ccc;\\n}\\n.bk-root .bk-btn-default:hover {\\n background-color: #f5f5f5;\\n border-color: #b8b8b8;\\n}\\n.bk-root .bk-btn-default.bk-active {\\n background-color: #ebebeb;\\n border-color: #adadad;\\n}\\n.bk-root .bk-btn-default[disabled],\\n.bk-root .bk-btn-default[disabled]:hover,\\n.bk-root .bk-btn-default[disabled]:focus,\\n.bk-root .bk-btn-default[disabled]:active,\\n.bk-root .bk-btn-default[disabled].bk-active {\\n background-color: #e6e6e6;\\n border-color: #ccc;\\n}\\n.bk-root .bk-btn-primary {\\n color: #fff;\\n background-color: #428bca;\\n border-color: #357ebd;\\n}\\n.bk-root .bk-btn-primary:hover {\\n background-color: #3681c1;\\n border-color: #2c699e;\\n}\\n.bk-root .bk-btn-primary.bk-active {\\n background-color: #3276b1;\\n border-color: #285e8e;\\n}\\n.bk-root .bk-btn-primary[disabled],\\n.bk-root .bk-btn-primary[disabled]:hover,\\n.bk-root .bk-btn-primary[disabled]:focus,\\n.bk-root .bk-btn-primary[disabled]:active,\\n.bk-root .bk-btn-primary[disabled].bk-active {\\n background-color: #506f89;\\n border-color: #357ebd;\\n}\\n.bk-root .bk-btn-success {\\n color: #fff;\\n background-color: #5cb85c;\\n border-color: #4cae4c;\\n}\\n.bk-root .bk-btn-success:hover {\\n background-color: #4eb24e;\\n border-color: #409240;\\n}\\n.bk-root .bk-btn-success.bk-active {\\n background-color: #47a447;\\n border-color: #398439;\\n}\\n.bk-root .bk-btn-success[disabled],\\n.bk-root .bk-btn-success[disabled]:hover,\\n.bk-root .bk-btn-success[disabled]:focus,\\n.bk-root .bk-btn-success[disabled]:active,\\n.bk-root .bk-btn-success[disabled].bk-active {\\n background-color: #667b66;\\n border-color: #4cae4c;\\n}\\n.bk-root .bk-btn-warning {\\n color: #fff;\\n background-color: #f0ad4e;\\n border-color: #eea236;\\n}\\n.bk-root .bk-btn-warning:hover {\\n background-color: #eea43b;\\n border-color: #e89014;\\n}\\n.bk-root .bk-btn-warning.bk-active {\\n background-color: #ed9c28;\\n border-color: #d58512;\\n}\\n.bk-root .bk-btn-warning[disabled],\\n.bk-root .bk-btn-warning[disabled]:hover,\\n.bk-root .bk-btn-warning[disabled]:focus,\\n.bk-root .bk-btn-warning[disabled]:active,\\n.bk-root .bk-btn-warning[disabled].bk-active {\\n background-color: #c89143;\\n border-color: #eea236;\\n}\\n.bk-root .bk-btn-danger {\\n color: #fff;\\n background-color: #d9534f;\\n border-color: #d43f3a;\\n}\\n.bk-root .bk-btn-danger:hover {\\n background-color: #d5433e;\\n border-color: #bd2d29;\\n}\\n.bk-root .bk-btn-danger.bk-active {\\n background-color: #d2322d;\\n border-color: #ac2925;\\n}\\n.bk-root .bk-btn-danger[disabled],\\n.bk-root .bk-btn-danger[disabled]:hover,\\n.bk-root .bk-btn-danger[disabled]:focus,\\n.bk-root .bk-btn-danger[disabled]:active,\\n.bk-root .bk-btn-danger[disabled].bk-active {\\n background-color: #a55350;\\n border-color: #d43f3a;\\n}\\n.bk-root .bk-btn-group {\\n height: 100%;\\n display: flex;\\n display: -webkit-flex;\\n flex-wrap: nowrap;\\n -webkit-flex-wrap: nowrap;\\n align-items: center;\\n -webkit-align-items: center;\\n flex-direction: row;\\n -webkit-flex-direction: row;\\n}\\n.bk-root .bk-btn-group > .bk-btn {\\n flex-grow: 1;\\n -webkit-flex-grow: 1;\\n}\\n.bk-root .bk-btn-group > .bk-btn + .bk-btn {\\n margin-left: -1px;\\n}\\n.bk-root .bk-btn-group > .bk-btn:first-child:not(:last-child) {\\n border-bottom-right-radius: 0;\\n border-top-right-radius: 0;\\n}\\n.bk-root .bk-btn-group > .bk-btn:not(:first-child):last-child {\\n border-bottom-left-radius: 0;\\n border-top-left-radius: 0;\\n}\\n.bk-root .bk-btn-group > .bk-btn:not(:first-child):not(:last-child) {\\n border-radius: 0;\\n}\\n.bk-root .bk-btn-group .bk-dropdown-toggle {\\n flex: 0 0 0;\\n -webkit-flex: 0 0 0;\\n padding: 6px 6px;\\n}\\n\"),o.bk_btn=\"bk-btn\",o.bk_btn_group=\"bk-btn-group\",o.bk_btn_default=\"bk-btn-default\",o.bk_btn_primary=\"bk-btn-primary\",o.bk_btn_success=\"bk-btn-success\",o.bk_btn_warning=\"bk-btn-warning\",o.bk_btn_danger=\"bk-btn-danger\",o.bk_btn_type=function(n){switch(n){case\"default\":return o.bk_btn_default;case\"primary\":return o.bk_btn_primary;case\"success\":return o.bk_btn_success;case\"warning\":return o.bk_btn_warning;case\"danger\":return o.bk_btn_danger}},o.bk_dropdown_toggle=\"bk-dropdown-toggle\"},\n function _(n,o,r){n(164),n(163).styles.append(\".bk-root .bk-menu {\\n position: absolute;\\n left: 0;\\n width: 100%;\\n z-index: 100;\\n cursor: pointer;\\n font-size: 12px;\\n background-color: #fff;\\n border: 1px solid #ccc;\\n border-radius: 4px;\\n box-shadow: 0 6px 12px rgba(0, 0, 0, 0.175);\\n}\\n.bk-root .bk-menu.bk-above {\\n bottom: 100%;\\n}\\n.bk-root .bk-menu.bk-below {\\n top: 100%;\\n}\\n.bk-root .bk-menu > .bk-divider {\\n height: 1px;\\n margin: 7.5px 0;\\n overflow: hidden;\\n background-color: #e5e5e5;\\n}\\n.bk-root .bk-menu > :not(.bk-divider) {\\n padding: 6px 12px;\\n}\\n.bk-root .bk-menu > :not(.bk-divider):hover,\\n.bk-root .bk-menu > :not(.bk-divider).bk-active {\\n background-color: #e6e6e6;\\n}\\n.bk-root .bk-caret {\\n display: inline-block;\\n vertical-align: middle;\\n width: 0;\\n height: 0;\\n margin: 0 5px;\\n}\\n.bk-root .bk-caret.bk-down {\\n border-top: 4px solid;\\n}\\n.bk-root .bk-caret.bk-up {\\n border-bottom: 4px solid;\\n}\\n.bk-root .bk-caret.bk-down,\\n.bk-root .bk-caret.bk-up {\\n border-right: 4px solid transparent;\\n border-left: 4px solid transparent;\\n}\\n.bk-root .bk-caret.bk-left {\\n border-right: 4px solid;\\n}\\n.bk-root .bk-caret.bk-right {\\n border-left: 4px solid;\\n}\\n.bk-root .bk-caret.bk-left,\\n.bk-root .bk-caret.bk-right {\\n border-top: 4px solid transparent;\\n border-bottom: 4px solid transparent;\\n}\\n\"),r.bk_menu=\"bk-menu\",r.bk_caret=\"bk-caret\",r.bk_divider=\"bk-divider\"},\n function _(t,i,n){var e=t(113),o=t(340),_=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(i,t),i}(o.ColumnView);n.WidgetBoxView=_,_.__name__=\"WidgetBoxView\";var u=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_WidgetBox=function(){this.prototype.default_view=_},i}(o.Column);n.WidgetBox=u,u.__name__=\"WidgetBox\",u.init_WidgetBox()},\n function _(r,a,o){var p=r(351);o.CategoricalColorMapper=p.CategoricalColorMapper;var e=r(353);o.CategoricalMarkerMapper=e.CategoricalMarkerMapper;var C=r(354);o.CategoricalPatternMapper=C.CategoricalPatternMapper;var l=r(211);o.ContinuousColorMapper=l.ContinuousColorMapper;var M=r(212);o.ColorMapper=M.ColorMapper;var t=r(210);o.LinearColorMapper=t.LinearColorMapper;var i=r(355);o.LogColorMapper=i.LogColorMapper},\n function _(t,r,o){var a=t(113),e=t(352),n=t(212),i=t(121),c=function(t){function r(r){return t.call(this,r)||this}return a.__extends(r,t),r.init_CategoricalColorMapper=function(){this.define({factors:[i.Array],start:[i.Number,0],end:[i.Number]})},r.prototype._v_compute=function(t,r,o,a){var n=a.nan_color;e.cat_v_compute(t,this.factors,o,r,this.start,this.end,n)},r}(n.ColorMapper);o.CategoricalColorMapper=c,c.__name__=\"CategoricalColorMapper\",c.init_CategoricalColorMapper()},\n function _(n,t,e){var i=n(114),l=n(109);function r(n,t){if(n.length!=t.length)return!1;for(var e=0,i=n.length;e=e.length?c:e[g],u[a]=d},v=0,_=n.length;v<_;v++)a(v)}},\n function _(r,e,t){var a=r(113),i=r(352),n=r(213),c=r(121),u=function(r){function e(e){return r.call(this,e)||this}return a.__extends(e,r),e.init_CategoricalMarkerMapper=function(){this.define({factors:[c.Array],markers:[c.Array],start:[c.Number,0],end:[c.Number],default_value:[c.MarkerType,\"circle\"]})},e.prototype.v_compute=function(r){var e=new Array(r.length);return i.cat_v_compute(r,this.factors,this.markers,e,this.start,this.end,this.default_value),e},e}(n.Mapper);t.CategoricalMarkerMapper=u,u.__name__=\"CategoricalMarkerMapper\",u.init_CategoricalMarkerMapper()},\n function _(t,e,a){var r=t(113),n=t(352),i=t(213),p=t(121),c=function(t){function e(e){return t.call(this,e)||this}return r.__extends(e,t),e.init_CategoricalPatternMapper=function(){this.define({factors:[p.Array],patterns:[p.Array],start:[p.Number,0],end:[p.Number],default_value:[p.HatchPatternType,\" \"]})},e.prototype.v_compute=function(t){var e=new Array(t.length);return n.cat_v_compute(t,this.factors,this.patterns,e,this.start,this.end,this.default_value),e},e}(i.Mapper);a.CategoricalPatternMapper=c,c.__name__=\"CategoricalPatternMapper\",c.init_CategoricalPatternMapper()},\n function _(o,l,n){var t=o(113),e=o(211),r=o(114),i=null!=Math.log1p?Math.log1p:function(o){return Math.log(1+o)},h=function(o){function l(l){return o.call(this,l)||this}return t.__extends(l,o),l.prototype._v_compute=function(o,l,n,t){for(var e=t.nan_color,h=t.low_color,a=t.high_color,u=n.length,s=null!=this.low?this.low:r.min(o),_=null!=this.high?this.high:r.max(o),f=u/(i(_)-i(s)),g=n.length-1,p=0,c=o.length;p_)l[p]=null!=a?a:n[g];else if(M!=_)if(Mg&&(m=g),l[p]=n[m]}else l[p]=n[g]}},l}(e.ContinuousColorMapper);n.LogColorMapper=h,h.__name__=\"LogColorMapper\"},\n function _(r,a,t){!function(r){for(var a in r)t.hasOwnProperty(a)||(t[a]=r[a])}(r(357));var n=r(358);t.Marker=n.Marker;var e=r(359);t.Scatter=e.Scatter},\n function _(e,t,o){var i=e(113),r=e(358),n=Math.sqrt(3);function s(e,t){e.moveTo(-t,t),e.lineTo(t,-t),e.moveTo(-t,-t),e.lineTo(t,t)}function c(e,t){e.moveTo(0,t),e.lineTo(0,-t),e.moveTo(-t,0),e.lineTo(t,0)}function l(e,t){e.moveTo(0,t),e.lineTo(t/1.5,0),e.lineTo(0,-t),e.lineTo(-t/1.5,0),e.closePath()}function a(e,t){var o=t*n,i=o/3;e.moveTo(-t,i),e.lineTo(t,i),e.lineTo(0,i-o),e.closePath()}function u(e,t,o,i,r){var n=.65*o;c(e,o),s(e,n),i.doit&&(i.set_vectorize(e,t),e.stroke())}function v(e,t,o,i,r){e.arc(0,0,o,0,2*Math.PI,!1),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),c(e,o),e.stroke())}function _(e,t,o,i,r){e.arc(0,0,o,0,2*Math.PI,!1),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),s(e,o),e.stroke())}function d(e,t,o,i,r){c(e,o),i.doit&&(i.set_vectorize(e,t),e.stroke())}function f(e,t,o,i,r){l(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function T(e,t,o,i,r){l(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),c(e,o),e.stroke())}function z(e,t,o,i,r){!function(e,t){var o=t/2,i=n*o;e.moveTo(t,0),e.lineTo(o,-i),e.lineTo(-o,-i),e.lineTo(-t,0),e.lineTo(-o,i),e.lineTo(o,i),e.closePath()}(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function k(e,t,o,i,r){e.rotate(Math.PI),a(e,o),e.rotate(-Math.PI),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function h(e,t,o,i,r){var n=2*o;e.rect(-o,-o,n,n),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function m(e,t,o,i,r){var n=2*o;e.rect(-o,-o,n,n),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),c(e,o),e.stroke())}function C(e,t,o,i,r){var n=2*o;e.rect(-o,-o,n,n),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),s(e,o),e.stroke())}function q(e,t,o,i,r){a(e,o),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())}function p(e,t,o,i,r){!function(e,t){e.moveTo(-t,0),e.lineTo(t,0)}(e,o),i.doit&&(i.set_vectorize(e,t),e.stroke())}function x(e,t,o,i,r){s(e,o),i.doit&&(i.set_vectorize(e,t),e.stroke())}function M(e,t){var o,n=function(e){function o(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(o,e),o.initClass=function(){this.prototype._render_one=t},o}(r.MarkerView);n.initClass();var s=((o=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.initClass=function(){this.prototype.default_view=n},t}(r.Marker)).__name__=e,o);return s.initClass(),s}o.Asterisk=M(\"Asterisk\",u),o.CircleCross=M(\"CircleCross\",v),o.CircleX=M(\"CircleX\",_),o.Cross=M(\"Cross\",d),o.Dash=M(\"Dash\",p),o.Diamond=M(\"Diamond\",f),o.DiamondCross=M(\"DiamondCross\",T),o.Hex=M(\"Hex\",z),o.InvertedTriangle=M(\"InvertedTriangle\",k),o.Square=M(\"Square\",h),o.SquareCross=M(\"SquareCross\",m),o.SquareX=M(\"SquareX\",C),o.Triangle=M(\"Triangle\",q),o.X=M(\"X\",x),o.marker_funcs={asterisk:u,circle:function(e,t,o,i,r){e.arc(0,0,o,0,2*Math.PI,!1),r.doit&&(r.set_vectorize(e,t),e.fill()),i.doit&&(i.set_vectorize(e,t),e.stroke())},circle_cross:v,circle_x:_,cross:d,diamond:f,diamond_cross:T,hex:z,inverted_triangle:k,square:h,square_cross:m,square_x:C,triangle:q,dash:p,x:x}},\n function _(e,t,r){var i=e(113),s=e(178),n=e(183),a=e(121),_=e(110),h=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype._render=function(e,t,r){for(var i=r.sx,s=r.sy,n=r._size,a=r._angle,_=0,h=t;_#grayscale\\\");\\n /* Firefox 10+, Firefox on Android */\\n filter: gray;\\n /* IE6-9 */\\n -webkit-filter: grayscale(100%);\\n /* Chrome 19+, Safari 6+, Safari 6+ iOS */\\n}\\n.bk-root .bk-logo-small {\\n width: 20px;\\n height: 20px;\\n background-image: url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABQAAAAUCAYAAACNiR0NAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAABx0RVh0U29mdHdhcmUAQWRvYmUgRmlyZXdvcmtzIENTNui8sowAAAOkSURBVDiNjZRtaJVlGMd/1/08zzln5zjP1LWcU9N0NkN8m2CYjpgQYQXqSs0I84OLIC0hkEKoPtiH3gmKoiJDU7QpLgoLjLIQCpEsNJ1vqUOdO7ppbuec5+V+rj4ctwzd8IIbbi6u+8f1539dt3A78eXC7QizUF7gyV1fD1Yqg4JWz84yffhm0qkFqBogB9rM8tZdtwVsPUhWhGcFJngGeWrPzHm5oaMmkfEg1usvLFyc8jLRqDOMru7AyC8saQr7GG7f5fvDeH7Ej8CM66nIF+8yngt6HWaKh7k49Soy9nXurCi1o3qUbS3zWfrYeQDTB/Qj6kX6Ybhw4B+bOYoLKCC9H3Nu/leUTZ1JdRWkkn2ldcCamzrcf47KKXdAJllSlxAOkRgyHsGC/zRday5Qld9DyoM4/q/rUoy/CXh3jzOu3bHUVZeU+DEn8FInkPBFlu3+nW3Nw0mk6vCDiWg8CeJaxEwuHS3+z5RgY+YBR6V1Z1nxSOfoaPa4LASWxxdNp+VWTk7+4vzaou8v8PN+xo+KY2xsw6une2frhw05CTYOmQvsEhjhWjn0bmXPjpE1+kplmmkP3suftwTubK9Vq22qKmrBhpY4jvd5afdRA3wGjFAgcnTK2s4hY0/GPNIb0nErGMCRxWOOX64Z8RAC4oCXdklmEvcL8o0BfkNK4lUg9HTl+oPlQxdNo3Mg4Nv175e/1LDGzZen30MEjRUtmXSfiTVu1kK8W4txyV6BMKlbgk3lMwYCiusNy9fVfvvwMxv8Ynl6vxoByANLTWplvuj/nF9m2+PDtt1eiHPBr1oIfhCChQMBw6Aw0UulqTKZdfVvfG7VcfIqLG9bcldL/+pdWTLxLUy8Qq38heUIjh4XlzZxzQm19lLFlr8vdQ97rjZVOLf8nclzckbcD4wxXMidpX30sFd37Fv/GtwwhzhxGVAprjbg0gCAEeIgwCZyTV2Z1REEW8O4py0wsjeloKoMr6iCY6dP92H6Vw/oTyICIthibxjm/DfN9lVz8IqtqKYLUXfoKVMVQVVJOElGjrnnUt9T9wbgp8AyYKaGlqingHZU/uG2NTZSVqwHQTWkx9hxjkpWDaCg6Ckj5qebgBVbT3V3NNXMSiWSDdGV3hrtzla7J+duwPOToIg42ChPQOQjspnSlp1V+Gjdged7+8UN5CRAV7a5EdFNwCjEaBR27b3W890TE7g24NAP/mMDXRWrGoFPQI9ls/MWO2dWFAar/xcOIImbbpA3zgAAAABJRU5ErkJggg==);\\n}\\n.bk-root .bk-logo-notebook {\\n display: inline-block;\\n vertical-align: middle;\\n margin-right: 5px;\\n}\\n\"),g.bk_logo=\"bk-logo\",g.bk_logo_notebook=\"bk-logo-notebook\",g.bk_logo_small=\"bk-logo-small\",g.bk_grey=\"bk-grey\"},\n function _(t,e,i){var n=t(113),s=this&&this.__rest||function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&e.indexOf(n)<0&&(i[n]=t[n]);if(null!=t&&\"function\"==typeof Object.getOwnPropertySymbols){var s=0;for(n=Object.getOwnPropertySymbols(t);s=0},i.prototype.can_redo=function(){return this.state.index=h.end&&(s=!0,h.end=d,(e||i)&&(h.start=d+c)),null!=p&&p<=h.start&&(s=!0,h.start=p,(e||i)&&(h.end=p-c))):(null!=d&&d>=h.start&&(s=!0,h.start=d,(e||i)&&(h.end=d+c)),null!=p&&p<=h.end&&(s=!0,h.end=p,(e||i)&&(h.start=p-c)))}}if(!(i&&s&&n))for(var v=0,g=t;v0&&_0&&_>n&&(l=(n-h)/(_-h)),l=Math.max(0,Math.min(1,l))}return l},i.prototype.update_range=function(t,e,i,n){void 0===e&&(e=!1),void 0===i&&(i=!1),void 0===n&&(n=!0),this.pause();var s=this.frame,r=s.x_ranges,a=s.y_ranges;if(null==t){for(var o in r){(h=r[o]).reset()}for(var o in a){(h=a[o]).reset()}this.update_dataranges()}else{var l=[];for(var o in r){var h=r[o];l.push([h,t.xrs[o]])}for(var o in a){h=a[o];l.push([h,t.yrs[o]])}i&&this._update_ranges_together(l),this._update_ranges_individually(l,e,i,n)}this.unpause()},i.prototype.reset_range=function(){this.update_range(null)},i.prototype._invalidate_layout=function(){var t=this;(function(){for(var e=0,i=t.model.side_panels;e=0&&it.model.lod_timeout&&e.interactive_stop(t.model),t.request_paint()},this.model.lod_timeout):e.interactive_stop(this.model)}for(var n in this.renderer_views){var s=this.renderer_views[n];if(null==this.range_update_timestamp||s instanceof l.GlyphRendererView&&s.set_data_timestamp>this.range_update_timestamp){this.update_dataranges();break}}var r=this.canvas_view.ctx,a=this.canvas.pixel_ratio;r.save(),r.scale(a,a),r.translate(.5,.5);var o=[this.frame._left.value,this.frame._top.value,this.frame._width.value,this.frame._height.value];if(this._map_hook(r,o),this._paint_empty(r,o),this.prepare_webgl(a,o),this.clear_webgl(),this.visuals.outline_line.doit){r.save(),this.visuals.outline_line.set_value(r);var h=o[0],_=o[1],u=o[2],d=o[3];h+u==this.layout._width.value&&(u-=1),_+d==this.layout._height.value&&(d-=1),r.strokeRect(h,_,u,d),r.restore()}this._paint_levels(r,[\"image\",\"underlay\",\"glyph\"],o,!0),this._paint_levels(r,[\"annotation\"],o,!1),this._paint_levels(r,[\"overlay\"],o,!1),null==this._initial_state_info.range&&this.set_initial_range(),r.restore()}},i.prototype._paint_levels=function(t,e,i,n){for(var s=0,r=e;s=0;i--)(_=t[i])&&(s=(o<3?_(s):o>3?_(n,e,s):_(n,e))||s);return o>3&&s&&Object.defineProperty(n,e,s),s};function o(t){return function(n){n.prototype.event_name=t}}var s=function(){function t(){}return t.prototype.to_json=function(){return{event_name:this.event_name,event_values:this._to_json()}},t.prototype._to_json=function(){var t=this.origin;return{model_id:null!=t?t.id:null}},t}();e.BokehEvent=s,s.__name__=\"BokehEvent\";var i=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(s);i.__name__=\"ButtonClick\",i=_([o(\"button_click\")],i),e.ButtonClick=i;var a=function(t){function n(n){var e=t.call(this)||this;return e.item=n,e}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.item;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{item:n})},n}(s);a.__name__=\"MenuItemClick\",a=_([o(\"menu_item_click\")],a),e.MenuItemClick=a;var u=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(s);e.UIEvent=u,u.__name__=\"UIEvent\";var l=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(u);l.__name__=\"LODStart\",l=_([o(\"lodstart\")],l),e.LODStart=l;var c=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(u);c.__name__=\"LODEnd\",c=_([o(\"lodend\")],c),e.LODEnd=c;var p=function(t){function n(n,e){var r=t.call(this)||this;return r.geometry=n,r.final=e,r}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.geometry,e=this.final;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{geometry:n,final:e})},n}(u);p.__name__=\"SelectionGeometry\",p=_([o(\"selectiongeometry\")],p),e.SelectionGeometry=p;var h=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(u);h.__name__=\"Reset\",h=_([o(\"reset\")],h),e.Reset=h;var f=function(t){function n(n,e,r,_){var o=t.call(this)||this;return o.sx=n,o.sy=e,o.x=r,o.y=_,o}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.sx,e=this.sy,r=this.x,_=this.y;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{sx:n,sy:e,x:r,y:_})},n}(u);e.PointEvent=f,f.__name__=\"PointEvent\";var y=function(t){function n(n,e,r,_,o,s){var i=t.call(this,n,e,r,_)||this;return i.sx=n,i.sy=e,i.x=r,i.y=_,i.delta_x=o,i.delta_y=s,i}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.delta_x,e=this.delta_y;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{delta_x:n,delta_y:e})},n}(f);y.__name__=\"Pan\",y=_([o(\"pan\")],y),e.Pan=y;var v=function(t){function n(n,e,r,_,o){var s=t.call(this,n,e,r,_)||this;return s.sx=n,s.sy=e,s.x=r,s.y=_,s.scale=o,s}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.scale;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{scale:n})},n}(f);v.__name__=\"Pinch\",v=_([o(\"pinch\")],v),e.Pinch=v;var d=function(t){function n(n,e,r,_,o){var s=t.call(this,n,e,r,_)||this;return s.sx=n,s.sy=e,s.x=r,s.y=_,s.rotation=o,s}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.rotation;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{rotation:n})},n}(f);d.__name__=\"Rotate\",d=_([o(\"rotate\")],d),e.Rotate=d;var m=function(t){function n(n,e,r,_,o){var s=t.call(this,n,e,r,_)||this;return s.sx=n,s.sy=e,s.x=r,s.y=_,s.delta=o,s}return r.__extends(n,t),n.prototype._to_json=function(){var n=this.delta;return Object.assign(Object.assign({},t.prototype._to_json.call(this)),{delta:n})},n}(f);m.__name__=\"MouseWheel\",m=_([o(\"wheel\")],m),e.MouseWheel=m;var x=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);x.__name__=\"MouseMove\",x=_([o(\"mousemove\")],x),e.MouseMove=x;var j=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);j.__name__=\"MouseEnter\",j=_([o(\"mouseenter\")],j),e.MouseEnter=j;var g=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);g.__name__=\"MouseLeave\",g=_([o(\"mouseleave\")],g),e.MouseLeave=g;var b=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);b.__name__=\"Tap\",b=_([o(\"tap\")],b),e.Tap=b;var O=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);O.__name__=\"DoubleTap\",O=_([o(\"doubletap\")],O),e.DoubleTap=O;var P=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);P.__name__=\"Press\",P=_([o(\"press\")],P),e.Press=P;var E=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);E.__name__=\"PressUp\",E=_([o(\"pressup\")],E),e.PressUp=E;var M=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);M.__name__=\"PanStart\",M=_([o(\"panstart\")],M),e.PanStart=M;var R=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);R.__name__=\"PanEnd\",R=_([o(\"panend\")],R),e.PanEnd=R;var S=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);S.__name__=\"PinchStart\",S=_([o(\"pinchstart\")],S),e.PinchStart=S;var k=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);k.__name__=\"PinchEnd\",k=_([o(\"pinchend\")],k),e.PinchEnd=k;var D=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);D.__name__=\"RotateStart\",D=_([o(\"rotatestart\")],D),e.RotateStart=D;var L=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(n,t),n}(f);L.__name__=\"RotateEnd\",L=_([o(\"rotateend\")],L),e.RotateEnd=L},\n function _(n,e,i){var o=(\"undefined\"!=typeof window?window.requestAnimationFrame:void 0)||(\"undefined\"!=typeof window?window.webkitRequestAnimationFrame:void 0)||(\"undefined\"!=typeof window?window.mozRequestAnimationFrame:void 0)||(\"undefined\"!=typeof window?window.msRequestAnimationFrame:void 0)||function(n){return n(Date.now()),-1};i.throttle=function(n,e){var i=null,t=0,u=!1,d=function(){t=Date.now(),i=null,u=!1,n()};return function(){var n=Date.now(),w=e-(n-t);w<=0&&!u?(null!=i&&clearTimeout(i),u=!0,o(d)):i||u||(i=setTimeout(function(){return o(d)},w))}}},\n function _(e,t,i){var l=e(113),r=e(283),a=e(284),o=e(109),n=Math.PI/2,h=\"left\",s=\"center\",d={above:{parallel:0,normal:-n,horizontal:0,vertical:-n},below:{parallel:0,normal:n,horizontal:0,vertical:n},left:{parallel:-n,normal:0,horizontal:0,vertical:-n},right:{parallel:n,normal:0,horizontal:0,vertical:n}},c={above:{justified:\"top\",parallel:\"alphabetic\",normal:\"middle\",horizontal:\"alphabetic\",vertical:\"middle\"},below:{justified:\"bottom\",parallel:\"hanging\",normal:\"middle\",horizontal:\"hanging\",vertical:\"middle\"},left:{justified:\"top\",parallel:\"alphabetic\",normal:\"middle\",horizontal:\"middle\",vertical:\"alphabetic\"},right:{justified:\"top\",parallel:\"alphabetic\",normal:\"middle\",horizontal:\"middle\",vertical:\"alphabetic\"}},p={above:{justified:s,parallel:s,normal:h,horizontal:s,vertical:h},below:{justified:s,parallel:s,normal:h,horizontal:s,vertical:h},left:{justified:s,parallel:s,normal:\"right\",horizontal:\"right\",vertical:s},right:{justified:s,parallel:s,normal:h,horizontal:h,vertical:s}},b={above:\"right\",below:h,left:\"right\",right:h},_={above:h,below:\"right\",left:\"right\",right:h},m=function(e){function t(t,i){var l=e.call(this)||this;switch(l.side=t,l.obj=i,l.side){case\"above\":l._dim=0,l._normals=[0,-1];break;case\"below\":l._dim=0,l._normals=[0,1];break;case\"left\":l._dim=1,l._normals=[-1,0];break;case\"right\":l._dim=1,l._normals=[1,0];break;default:throw new Error(\"unreachable\")}return l.is_horizontal?l.set_sizing({width_policy:\"max\",height_policy:\"fixed\"}):l.set_sizing({width_policy:\"fixed\",height_policy:\"max\"}),l}return l.__extends(t,e),t.prototype._content_size=function(){return new r.Sizeable(this.get_oriented_size())},t.prototype.get_oriented_size=function(){var e=this.obj.get_size(),t=e.width,i=e.height;return!this.obj.rotate||this.is_horizontal?{width:t,height:i}:{width:i,height:t}},t.prototype.has_size_changed=function(){var e=this.get_oriented_size(),t=e.width,i=e.height;return this.is_horizontal?this.bbox.height!=i:this.bbox.width!=t},Object.defineProperty(t.prototype,\"dimension\",{get:function(){return this._dim},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"normals\",{get:function(){return this._normals},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"is_horizontal\",{get:function(){return 0==this._dim},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"is_vertical\",{get:function(){return 1==this._dim},enumerable:!0,configurable:!0}),t.prototype.apply_label_text_heuristics=function(e,t){var i,l,r=this.side;o.isString(t)?(i=c[r][t],l=p[r][t]):0===t?(i=\"whatever\",l=\"whatever\"):t<0?(i=\"middle\",l=b[r]):(i=\"middle\",l=_[r]),e.textBaseline=i,e.textAlign=l},t.prototype.get_label_angle_heuristic=function(e){return d[this.side][e]},t}(a.ContentLayoutable);i.SidePanel=m,m.__name__=\"SidePanel\"},\n function _(t,e,n){var i=t(380),r=t(116),s=t(167),o=t(163),a=t(381),_=t(110),h=t(125),p=t(109),c=t(197),u=t(376),l=function(){function t(t,e,n){var s=this;this.plot_view=t,this.toolbar=e,this.hit_area=n,this.pan_start=new r.Signal(this,\"pan:start\"),this.pan=new r.Signal(this,\"pan\"),this.pan_end=new r.Signal(this,\"pan:end\"),this.pinch_start=new r.Signal(this,\"pinch:start\"),this.pinch=new r.Signal(this,\"pinch\"),this.pinch_end=new r.Signal(this,\"pinch:end\"),this.rotate_start=new r.Signal(this,\"rotate:start\"),this.rotate=new r.Signal(this,\"rotate\"),this.rotate_end=new r.Signal(this,\"rotate:end\"),this.tap=new r.Signal(this,\"tap\"),this.doubletap=new r.Signal(this,\"doubletap\"),this.press=new r.Signal(this,\"press\"),this.pressup=new r.Signal(this,\"pressup\"),this.move_enter=new r.Signal(this,\"move:enter\"),this.move=new r.Signal(this,\"move\"),this.move_exit=new r.Signal(this,\"move:exit\"),this.scroll=new r.Signal(this,\"scroll\"),this.keydown=new r.Signal(this,\"keydown\"),this.keyup=new r.Signal(this,\"keyup\"),this.hammer=new i(this.hit_area,{touchAction:\"auto\"}),this._configure_hammerjs(),this.hit_area.addEventListener(\"mousemove\",function(t){return s._mouse_move(t)}),this.hit_area.addEventListener(\"mouseenter\",function(t){return s._mouse_enter(t)}),this.hit_area.addEventListener(\"mouseleave\",function(t){return s._mouse_exit(t)}),this.hit_area.addEventListener(\"wheel\",function(t){return s._mouse_wheel(t)}),document.addEventListener(\"keydown\",this),document.addEventListener(\"keyup\",this)}return t.prototype.destroy=function(){this.hammer.destroy(),document.removeEventListener(\"keydown\",this),document.removeEventListener(\"keyup\",this)},t.prototype.handleEvent=function(t){\"keydown\"==t.type?this._key_down(t):\"keyup\"==t.type&&this._key_up(t)},t.prototype._configure_hammerjs=function(){var t=this;this.hammer.get(\"doubletap\").recognizeWith(\"tap\"),this.hammer.get(\"tap\").requireFailure(\"doubletap\"),this.hammer.get(\"doubletap\").dropRequireFailure(\"tap\"),this.hammer.on(\"doubletap\",function(e){return t._doubletap(e)}),this.hammer.on(\"tap\",function(e){return t._tap(e)}),this.hammer.on(\"press\",function(e){return t._press(e)}),this.hammer.on(\"pressup\",function(e){return t._pressup(e)}),this.hammer.get(\"pan\").set({direction:i.DIRECTION_ALL}),this.hammer.on(\"panstart\",function(e){return t._pan_start(e)}),this.hammer.on(\"pan\",function(e){return t._pan(e)}),this.hammer.on(\"panend\",function(e){return t._pan_end(e)}),this.hammer.get(\"pinch\").set({enable:!0}),this.hammer.on(\"pinchstart\",function(e){return t._pinch_start(e)}),this.hammer.on(\"pinch\",function(e){return t._pinch(e)}),this.hammer.on(\"pinchend\",function(e){return t._pinch_end(e)}),this.hammer.get(\"rotate\").set({enable:!0}),this.hammer.on(\"rotatestart\",function(e){return t._rotate_start(e)}),this.hammer.on(\"rotate\",function(e){return t._rotate(e)}),this.hammer.on(\"rotateend\",function(e){return t._rotate_end(e)})},t.prototype.register_tool=function(t){var e=this,n=t.model.event_type;null!=n&&(p.isString(n)?this._register_tool(t,n):n.forEach(function(n,i){return e._register_tool(t,n,i<1)}))},t.prototype._register_tool=function(t,e,n){void 0===n&&(n=!0);var i=t,r=i.model.id,o=function(t){return function(e){e.id==r&&t(e.e)}},a=function(t){return function(e){t(e.e)}};switch(e){case\"pan\":null!=i._pan_start&&i.connect(this.pan_start,o(i._pan_start.bind(i))),null!=i._pan&&i.connect(this.pan,o(i._pan.bind(i))),null!=i._pan_end&&i.connect(this.pan_end,o(i._pan_end.bind(i)));break;case\"pinch\":null!=i._pinch_start&&i.connect(this.pinch_start,o(i._pinch_start.bind(i))),null!=i._pinch&&i.connect(this.pinch,o(i._pinch.bind(i))),null!=i._pinch_end&&i.connect(this.pinch_end,o(i._pinch_end.bind(i)));break;case\"rotate\":null!=i._rotate_start&&i.connect(this.rotate_start,o(i._rotate_start.bind(i))),null!=i._rotate&&i.connect(this.rotate,o(i._rotate.bind(i))),null!=i._rotate_end&&i.connect(this.rotate_end,o(i._rotate_end.bind(i)));break;case\"move\":null!=i._move_enter&&i.connect(this.move_enter,o(i._move_enter.bind(i))),null!=i._move&&i.connect(this.move,o(i._move.bind(i))),null!=i._move_exit&&i.connect(this.move_exit,o(i._move_exit.bind(i)));break;case\"tap\":null!=i._tap&&i.connect(this.tap,o(i._tap.bind(i)));break;case\"press\":null!=i._press&&i.connect(this.press,o(i._press.bind(i))),null!=i._pressup&&i.connect(this.pressup,o(i._pressup.bind(i)));break;case\"scroll\":null!=i._scroll&&i.connect(this.scroll,o(i._scroll.bind(i)));break;default:throw new Error(\"unsupported event_type: \"+e)}n&&(null!=i._doubletap&&i.connect(this.doubletap,a(i._doubletap.bind(i))),null!=i._keydown&&i.connect(this.keydown,a(i._keydown.bind(i))),null!=i._keyup&&i.connect(this.keyup,a(i._keyup.bind(i))),c.is_mobile&&null!=i._scroll&&\"pinch\"==e&&(s.logger.debug(\"Registering scroll on touch screen\"),i.connect(this.scroll,o(i._scroll.bind(i)))))},t.prototype._hit_test_renderers=function(t,e){for(var n=this.plot_view.get_renderer_views(),i=0,r=_.reversed(n);i\\s*\\(/gm,\"{anonymous}()@\"):\"Unknown Stack Trace\",s=t.console&&(t.console.warn||t.console.log);return s&&s.call(t.console,r,n),e.apply(this,arguments)}}s=\"function\"!=typeof Object.assign?function(t){if(t===r||null===t)throw new TypeError(\"Cannot convert undefined or null to object\");for(var e=Object(t),i=1;i-1}function b(t){return t.trim().split(/\\s+/g)}function P(t,e,i){if(t.indexOf&&!i)return t.indexOf(e);for(var n=0;ni[e]}):n.sort()),n}function w(t,e){for(var i,n,s=e[0].toUpperCase()+e.slice(1),a=0;a1&&!i.firstMultiple?i.firstMultiple=Q(e):1===s&&(i.firstMultiple=!1);var o=i.firstInput,a=i.firstMultiple,h=a?a.center:o.center,u=e.center=tt(n);e.timeStamp=l(),e.deltaTime=e.timeStamp-o.timeStamp,e.angle=rt(h,u),e.distance=nt(h,u),function(t,e){var i=e.center,n=t.offsetDelta||{},r=t.prevDelta||{},s=t.prevInput||{};e.eventType!==Y&&s.eventType!==W||(r=t.prevDelta={x:s.deltaX||0,y:s.deltaY||0},n=t.offsetDelta={x:i.x,y:i.y});e.deltaX=r.x+(i.x-n.x),e.deltaY=r.y+(i.y-n.y)}(i,e),e.offsetDirection=it(e.deltaX,e.deltaY);var p=et(e.deltaTime,e.deltaX,e.deltaY);e.overallVelocityX=p.x,e.overallVelocityY=p.y,e.overallVelocity=c(p.x)>c(p.y)?p.x:p.y,e.scale=a?(f=a.pointers,v=n,nt(v[0],v[1],$)/nt(f[0],f[1],$)):1,e.rotation=a?function(t,e){return rt(e[1],e[0],$)+rt(t[1],t[0],$)}(a.pointers,n):0,e.maxPointers=i.prevInput?e.pointers.length>i.prevInput.maxPointers?e.pointers.length:i.prevInput.maxPointers:e.pointers.length,function(t,e){var i,n,s,o,a=t.lastInterval||e,h=e.timeStamp-a.timeStamp;if(e.eventType!=q&&(h>X||a.velocity===r)){var u=e.deltaX-a.deltaX,l=e.deltaY-a.deltaY,p=et(h,u,l);n=p.x,s=p.y,i=c(p.x)>c(p.y)?p.x:p.y,o=it(u,l),t.lastInterval=e}else i=a.velocity,n=a.velocityX,s=a.velocityY,o=a.direction;e.velocity=i,e.velocityX=n,e.velocityY=s,e.direction=o}(i,e);var f,v;var d=t.element;C(e.srcEvent.target,d)&&(d=e.srcEvent.target);e.target=d}(t,i),t.emit(\"hammer.input\",i),t.recognize(i),t.session.prevInput=i}function Q(t){for(var e=[],i=0;i=c(e)?t<0?H:L:e<0?U:V}function nt(t,e,i){i||(i=B);var n=e[i[0]]-t[i[0]],r=e[i[1]]-t[i[1]];return Math.sqrt(n*n+r*r)}function rt(t,e,i){i||(i=B);var n=e[i[0]]-t[i[0]],r=e[i[1]]-t[i[1]];return 180*Math.atan2(r,n)/Math.PI}J.prototype={handler:function(){},init:function(){this.evEl&&A(this.element,this.evEl,this.domHandler),this.evTarget&&A(this.target,this.evTarget,this.domHandler),this.evWin&&A(R(this.element),this.evWin,this.domHandler)},destroy:function(){this.evEl&&_(this.element,this.evEl,this.domHandler),this.evTarget&&_(this.target,this.evTarget,this.domHandler),this.evWin&&_(R(this.element),this.evWin,this.domHandler)}};var st={mousedown:Y,mousemove:F,mouseup:W},ot=\"mousedown\",at=\"mousemove mouseup\";function ht(){this.evEl=ot,this.evWin=at,this.pressed=!1,J.apply(this,arguments)}T(ht,J,{handler:function(t){var e=st[t.type];e&Y&&0===t.button&&(this.pressed=!0),e&F&&1!==t.which&&(e=W),this.pressed&&(e&W&&(this.pressed=!1),this.callback(this.manager,e,{pointers:[t],changedPointers:[t],pointerType:\"mouse\",srcEvent:t}))}});var ut={pointerdown:Y,pointermove:F,pointerup:W,pointercancel:q,pointerout:q},ct={2:\"touch\",3:\"pen\",4:\"mouse\",5:\"kinect\"},lt=\"pointerdown\",pt=\"pointermove pointerup pointercancel\";function ft(){this.evEl=lt,this.evWin=pt,J.apply(this,arguments),this.store=this.manager.session.pointerEvents=[]}t.MSPointerEvent&&!t.PointerEvent&&(lt=\"MSPointerDown\",pt=\"MSPointerMove MSPointerUp MSPointerCancel\"),T(ft,J,{handler:function(t){var e=this.store,i=!1,n=t.type.toLowerCase().replace(\"ms\",\"\"),r=ut[n],s=ct[t.pointerType]||t.pointerType,o=\"touch\"==s,a=P(e,t.pointerId,\"pointerId\");r&Y&&(0===t.button||o)?a<0&&(e.push(t),a=e.length-1):r&(W|q)&&(i=!0),a<0||(e[a]=t,this.callback(this.manager,r,{pointers:e,changedPointers:[t],pointerType:s,srcEvent:t}),i&&e.splice(a,1))}});var vt={touchstart:Y,touchmove:F,touchend:W,touchcancel:q},dt=\"touchstart\",mt=\"touchstart touchmove touchend touchcancel\";function gt(){this.evTarget=dt,this.evWin=mt,this.started=!1,J.apply(this,arguments)}T(gt,J,{handler:function(t){var e=vt[t.type];if(e===Y&&(this.started=!0),this.started){var i=function(t,e){var i=D(t.touches),n=D(t.changedTouches);e&(W|q)&&(i=x(i.concat(n),\"identifier\",!0));return[i,n]}.call(this,t,e);e&(W|q)&&i[0].length-i[1].length==0&&(this.started=!1),this.callback(this.manager,e,{pointers:i[0],changedPointers:i[1],pointerType:\"touch\",srcEvent:t})}}});var Tt={touchstart:Y,touchmove:F,touchend:W,touchcancel:q},yt=\"touchstart touchmove touchend touchcancel\";function Et(){this.evTarget=yt,this.targetIds={},J.apply(this,arguments)}T(Et,J,{handler:function(t){var e=Tt[t.type],i=function(t,e){var i=D(t.touches),n=this.targetIds;if(e&(Y|F)&&1===i.length)return n[i[0].identifier]=!0,[i,i];var r,s,o=D(t.changedTouches),a=[],h=this.target;if(s=i.filter(function(t){return C(t.target,h)}),e===Y)for(r=0;r-1&&n.splice(t,1)},It)}}T(_t,J,{handler:function(t,e,i){var n=\"touch\"==i.pointerType,r=\"mouse\"==i.pointerType;if(!(r&&i.sourceCapabilities&&i.sourceCapabilities.firesTouchEvents)){if(n)(function(t,e){t&Y?(this.primaryTouch=e.changedPointers[0].identifier,Ct.call(this,e)):t&(W|q)&&Ct.call(this,e)}).call(this,e,i);else if(r&&function(t){for(var e=t.srcEvent.clientX,i=t.srcEvent.clientY,n=0;n-1&&this.requireFail.splice(e,1),this},hasRequireFailures:function(){return this.requireFail.length>0},canRecognizeWith:function(t){return!!this.simultaneous[t.id]},emit:function(t){var e=this,i=this.state;function n(i){e.manager.emit(i,t)}i=Yt&&n(e.options.event+kt(i))},tryEmit:function(t){if(this.canEmit())return this.emit(t);this.state=32},canEmit:function(){for(var t=0;te.threshold&&r&e.direction},attrTest:function(t){return Ut.prototype.attrTest.call(this,t)&&(this.state&Nt||!(this.state&Nt)&&this.directionTest(t))},emit:function(t){this.pX=t.deltaX,this.pY=t.deltaY;var e=Ht(t.direction);e&&(t.additionalEvent=this.options.event+e),this._super.emit.call(this,t)}}),T(jt,Ut,{defaults:{event:\"pinch\",threshold:0,pointers:2},getTouchAction:function(){return[xt]},attrTest:function(t){return this._super.attrTest.call(this,t)&&(Math.abs(t.scale-1)>this.options.threshold||this.state&Nt)},emit:function(t){if(1!==t.scale){var e=t.scale<1?\"in\":\"out\";t.additionalEvent=this.options.event+e}this._super.emit.call(this,t)}}),T(Gt,qt,{defaults:{event:\"press\",pointers:1,time:251,threshold:9},getTouchAction:function(){return[Pt]},process:function(t){var e=this.options,i=t.pointers.length===e.pointers,n=t.distancee.time;if(this._input=t,!n||!i||t.eventType&(W|q)&&!r)this.reset();else if(t.eventType&Y)this.reset(),this._timer=p(function(){this.state=Ft,this.tryEmit()},e.time,this);else if(t.eventType&W)return Ft;return 32},reset:function(){clearTimeout(this._timer)},emit:function(t){this.state===Ft&&(t&&t.eventType&W?this.manager.emit(this.options.event+\"up\",t):(this._input.timeStamp=l(),this.manager.emit(this.options.event,this._input)))}}),T(Zt,Ut,{defaults:{event:\"rotate\",threshold:0,pointers:2},getTouchAction:function(){return[xt]},attrTest:function(t){return this._super.attrTest.call(this,t)&&(Math.abs(t.rotation)>this.options.threshold||this.state&Nt)}}),T(Bt,Ut,{defaults:{event:\"swipe\",threshold:10,velocity:.3,direction:j|G,pointers:1},getTouchAction:function(){return Vt.prototype.getTouchAction.call(this)},attrTest:function(t){var e,i=this.options.direction;return i&(j|G)?e=t.overallVelocity:i&j?e=t.overallVelocityX:i&G&&(e=t.overallVelocityY),this._super.attrTest.call(this,t)&&i&t.offsetDirection&&t.distance>this.options.threshold&&t.maxPointers==this.options.pointers&&c(e)>this.options.velocity&&t.eventType&W},emit:function(t){var e=Ht(t.offsetDirection);e&&this.manager.emit(this.options.event+e,t),this.manager.emit(this.options.event,t)}}),T($t,qt,{defaults:{event:\"tap\",pointers:1,taps:1,interval:300,time:250,threshold:9,posThreshold:10},getTouchAction:function(){return[Dt]},process:function(t){var e=this.options,i=t.pointers.length===e.pointers,n=t.distance=2){this.map.setZoom(n);var s=this._get_projected_bounds(),a=s[0];s[1]-a<0&&this.map.setZoom(i)}this.unpause()}this._set_bokeh_ranges()},e.prototype._build_map=function(){var t=this,e=google.maps;this.map_types={satellite:e.MapTypeId.SATELLITE,terrain:e.MapTypeId.TERRAIN,roadmap:e.MapTypeId.ROADMAP,hybrid:e.MapTypeId.HYBRID};var o=this.model.map_options,i={center:new e.LatLng(o.lat,o.lng),zoom:o.zoom,disableDefaultUI:!0,mapTypeId:this.map_types[o.map_type],scaleControl:o.scale_control,tilt:o.tilt};null!=o.styles&&(i.styles=JSON.parse(o.styles)),this.map=new e.Map(this.canvas_view.map_el,i),e.event.addListener(this.map,\"idle\",function(){return t._set_bokeh_ranges()}),e.event.addListener(this.map,\"bounds_changed\",function(){return t._set_bokeh_ranges()}),e.event.addListenerOnce(this.map,\"tilesloaded\",function(){return t._render_finished()}),this.connect(this.model.properties.map_options.change,function(){return t._update_options()}),this.connect(this.model.map_options.properties.styles.change,function(){return t._update_styles()}),this.connect(this.model.map_options.properties.lat.change,function(){return t._update_center(\"lat\")}),this.connect(this.model.map_options.properties.lng.change,function(){return t._update_center(\"lng\")}),this.connect(this.model.map_options.properties.zoom.change,function(){return t._update_zoom()}),this.connect(this.model.map_options.properties.map_type.change,function(){return t._update_map_type()}),this.connect(this.model.map_options.properties.scale_control.change,function(){return t._update_scale_control()}),this.connect(this.model.map_options.properties.tilt.change,function(){return t._update_tilt()})},e.prototype._render_finished=function(){this._tiles_loaded=!0,this.notify_finished()},e.prototype.has_finished=function(){return t.prototype.has_finished.call(this)&&!0===this._tiles_loaded},e.prototype._get_latlon_bounds=function(){var t=this.map.getBounds(),e=t.getNorthEast(),o=t.getSouthWest();return[o.lng(),e.lng(),o.lat(),e.lat()]},e.prototype._get_projected_bounds=function(){var t=this._get_latlon_bounds(),e=t[0],o=t[1],i=t[2],n=t[3],a=s.wgs84_mercator.forward([e,i]),p=a[0],l=a[1],_=s.wgs84_mercator.forward([o,n]);return[p,_[0],l,_[1]]},e.prototype._set_bokeh_ranges=function(){var t=this._get_projected_bounds(),e=t[0],o=t[1],i=t[2],n=t[3];this.frame.x_range.setv({start:e,end:o}),this.frame.y_range.setv({start:i,end:n})},e.prototype._update_center=function(t){var e=this.map.getCenter().toJSON();e[t]=this.model.map_options[t],this.map.setCenter(e),this._set_bokeh_ranges()},e.prototype._update_map_type=function(){this.map.setOptions({mapTypeId:this.map_types[this.model.map_options.map_type]})},e.prototype._update_scale_control=function(){this.map.setOptions({scaleControl:this.model.map_options.scale_control})},e.prototype._update_tilt=function(){this.map.setOptions({tilt:this.model.map_options.tilt})},e.prototype._update_options=function(){this._update_styles(),this._update_center(\"lat\"),this._update_center(\"lng\"),this._update_zoom(),this._update_map_type()},e.prototype._update_styles=function(){this.map.setOptions({styles:JSON.parse(this.model.map_options.styles)})},e.prototype._update_zoom=function(){this.map.setOptions({zoom:this.model.map_options.zoom}),this._set_bokeh_ranges()},e.prototype._map_hook=function(t,e){var o=e[0],i=e[1],n=e[2],s=e[3];this.canvas_view.map_el.style.top=i+\"px\",this.canvas_view.map_el.style.left=o+\"px\",this.canvas_view.map_el.style.width=n+\"px\",this.canvas_view.map_el.style.height=s+\"px\",null==this.map&&\"undefined\"!=typeof google&&null!=google.maps&&this._build_map()},e.prototype._paint_empty=function(t,e){var o=this.layout._width.value,i=this.layout._height.value,n=e[0],s=e[1],a=e[2],p=e[3];t.clearRect(0,0,o,i),t.beginPath(),t.moveTo(0,0),t.lineTo(0,i),t.lineTo(o,i),t.lineTo(o,0),t.lineTo(0,0),t.moveTo(n,s),t.lineTo(n+a,s),t.lineTo(n+a,s+p),t.lineTo(n,s+p),t.lineTo(n,s),t.closePath(),null!=this.model.border_fill_color&&(t.fillStyle=this.model.border_fill_color,t.fill())},e}(a.PlotView);o.GMapPlotView=l,l.__name__=\"GMapPlotView\"},\n function _(a,n,e){var g=a(281);e.DataRange=g.DataRange;var R=a(280);e.DataRange1d=R.DataRange1d;var r=a(184);e.FactorRange=r.FactorRange;var t=a(185);e.Range=t.Range;var v=a(225);e.Range1d=v.Range1d},\n function _(e,r,d){var n=e(175);d.GlyphRenderer=n.GlyphRenderer;var R=e(192);d.GraphRenderer=R.GraphRenderer;var a=e(244);d.GuideRenderer=a.GuideRenderer;var G=e(160);d.Renderer=G.Renderer},\n function _(a,e,c){var l=a(279);c.CategoricalScale=l.CategoricalScale;var r=a(215);c.LinearScale=r.LinearScale;var S=a(224);c.LogScale=S.LogScale;var i=a(216);c.Scale=i.Scale},\n function _(n,o,e){!function(n){for(var o in n)e.hasOwnProperty(o)||(e[o]=n[o])}(n(195));var i=n(173);e.Selection=i.Selection},\n function _(a,e,r){var o=a(388);r.ServerSentDataSource=o.ServerSentDataSource;var S=a(390);r.AjaxDataSource=S.AjaxDataSource;var t=a(170);r.ColumnDataSource=t.ColumnDataSource;var u=a(171);r.ColumnarDataSource=u.ColumnarDataSource;var D=a(191);r.CDSView=D.CDSView;var c=a(172);r.DataSource=c.DataSource;var v=a(392);r.GeoJSONDataSource=v.GeoJSONDataSource;var n=a(391);r.RemoteDataSource=n.RemoteDataSource},\n function _(t,e,i){var a=t(113),n=function(t){function e(e){var i=t.call(this,e)||this;return i.initialized=!1,i}return a.__extends(e,t),e.prototype.destroy=function(){t.prototype.destroy.call(this)},e.prototype.setup=function(){var t=this;this.initialized||(this.initialized=!0,new EventSource(this.data_url).onmessage=function(e){t.load_data(JSON.parse(e.data),t.mode,t.max_size)})},e}(t(389).WebDataSource);i.ServerSentDataSource=n,n.__name__=\"ServerSentDataSource\"},\n function _(t,a,e){var i=t(113),n=t(170),r=t(121),o=function(t){function a(a){return t.call(this,a)||this}return i.__extends(a,t),a.prototype.get_column=function(t){var a=this.data[t];return null!=a?a:[]},a.prototype.initialize=function(){t.prototype.initialize.call(this),this.setup()},a.prototype.load_data=function(t,a,e){var i,n=this.adapter;switch(i=null!=n?n.execute(this,{response:t}):t,a){case\"replace\":this.data=i;break;case\"append\":for(var r=this.data,o=0,c=this.columns();o1&&a.logger.warn(\"Bokeh does not support Polygons with holes in, only exterior ring used.\");var h=e.coordinates[0];for(c=0;c1&&a.logger.warn(\"Bokeh does not support Polygons with holes in, only exterior ring used.\"),d.push(w[0])}for(_=d.reduce(o),c=0;c<_.length;c++){var v=_[c];i=v[0],s=v[1],u=v[2];t.xs[r][c]=i,t.ys[r][c]=s,t.zs[r][c]=l(u)}break;default:throw new Error(\"Invalid GeoJSON geometry type: \"+e.type)}},t.prototype.geojson_to_column_data=function(){var e,t=JSON.parse(this.geojson);switch(t.type){case\"GeometryCollection\":if(null==t.geometries)throw new Error(\"No geometries found in GeometryCollection\");if(0===t.geometries.length)throw new Error(\"geojson.geometries must have one or more items\");e=t.geometries;break;case\"FeatureCollection\":if(null==t.features)throw new Error(\"No features found in FeaturesCollection\");if(0==t.features.length)throw new Error(\"geojson.features must have one or more items\");e=t.features;break;default:throw new Error(\"Bokeh only supports type GeometryCollection and FeatureCollection at top level\")}for(var r=0,o=0,n=e;o=Math.pow(2,i)))&&!(e<0||e>=Math.pow(2,i))},e.prototype.parent_by_tile_xyz=function(t,e,i){var o=this.tile_xyz_to_quadkey(t,e,i),r=o.substring(0,o.length-1);return this.quadkey_to_tile_xyz(r)},e.prototype.get_resolution=function(t){return this._computed_initial_resolution()/Math.pow(2,t)},e.prototype.get_resolution_by_extent=function(t,e,i){return[(t[2]-t[0])/i,(t[3]-t[1])/e]},e.prototype.get_level_by_extent=function(t,e,i){for(var o=(t[2]-t[0])/i,r=(t[3]-t[1])/e,n=Math.max(o,r),_=0,s=0,u=this._resolutions;su[s]){if(0==_)return 0;if(_>0)return _-1}_+=1}return _-1},e.prototype.get_closest_level_by_extent=function(t,e,i){var o=(t[2]-t[0])/i,r=(t[3]-t[1])/e,n=Math.max(o,r),_=this._resolutions.reduce(function(t,e){return Math.abs(e-n)h?(a=_-r,l*=p):(a*=h,l=s-n)}var y=(a-(_-r))/2,c=(l-(s-n))/2;return[r-y,n-c,_+y,s+c]},e.prototype.tms_to_wmts=function(t,e,i){return[t,Math.pow(2,i)-1-e,i]},e.prototype.wmts_to_tms=function(t,e,i){return[t,Math.pow(2,i)-1-e,i]},e.prototype.pixels_to_meters=function(t,e,i){var o=this.get_resolution(i);return[t*o-this.x_origin_offset,e*o-this.y_origin_offset]},e.prototype.meters_to_pixels=function(t,e,i){var o=this.get_resolution(i);return[(t+this.x_origin_offset)/o,(e+this.y_origin_offset)/o]},e.prototype.pixels_to_tile=function(t,e){var i=Math.ceil(t/this.tile_size);return[i=0===i?i:i-1,Math.max(Math.ceil(e/this.tile_size)-1,0)]},e.prototype.pixels_to_raster=function(t,e,i){return[t,(this.tile_size<=a;c--)for(var f=u;f<=p;f++)this.is_valid_tile(f,c,e)&&y.push([f,c,e,this.get_tile_meter_bounds(f,c,e)]);return this.sort_tiles_from_center(y,[u,a,p,h]),y},e.prototype.quadkey_to_tile_xyz=function(t){for(var e=0,i=0,o=t.length,r=o;r>0;r--){var n=1<0;r--){var n=1<0;)if(s=s.substring(0,s.length-1),t=(r=this.quadkey_to_tile_xyz(s))[0],e=r[1],i=r[2],t=(n=this.denormalize_xyz(t,e,i,_))[0],e=n[1],i=n[2],this.tiles.has(this.tile_xyz_to_key(t,e,i)))return[t,e,i];return[0,0,0]},e.prototype.normalize_xyz=function(t,e,i){if(this.wrap_around){var o=Math.pow(2,i);return[(t%o+o)%o,e,i]}return[t,e,i]},e.prototype.denormalize_xyz=function(t,e,i,o){return[t+o*Math.pow(2,i),e,i]},e.prototype.denormalize_meters=function(t,e,i,o){return[t+2*o*Math.PI*6378137,e]},e.prototype.calculate_world_x_by_tile_xyz=function(t,e,i){return Math.floor(t/Math.pow(2,i))},e}(r.TileSource);i.MercatorTileSource=u,u.__name__=\"MercatorTileSource\",u.init_MercatorTileSource()},\n function _(t,e,r){var i=t(113),n=t(166),o=t(121),a=function(t){function e(e){return t.call(this,e)||this}return i.__extends(e,t),e.init_TileSource=function(){this.define({url:[o.String,\"\"],tile_size:[o.Number,256],max_zoom:[o.Number,30],min_zoom:[o.Number,0],extra_url_vars:[o.Any,{}],attribution:[o.String,\"\"],x_origin_offset:[o.Number],y_origin_offset:[o.Number],initial_resolution:[o.Number]})},e.prototype.initialize=function(){t.prototype.initialize.call(this),this.tiles=new Map,this._normalize_case()},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.change,function(){return e._clear_cache()})},e.prototype.string_lookup_replace=function(t,e){var r=t;for(var i in e){var n=e[i];r=r.replace(\"{\"+i+\"}\",n)}return r},e.prototype._normalize_case=function(){var t=this.url.replace(\"{x}\",\"{X}\").replace(\"{y}\",\"{Y}\").replace(\"{z}\",\"{Z}\").replace(\"{q}\",\"{Q}\").replace(\"{xmin}\",\"{XMIN}\").replace(\"{ymin}\",\"{YMIN}\").replace(\"{xmax}\",\"{XMAX}\").replace(\"{ymax}\",\"{YMAX}\");this.url=t},e.prototype._clear_cache=function(){this.tiles=new Map},e.prototype.tile_xyz_to_key=function(t,e,r){return t+\":\"+e+\":\"+r},e.prototype.key_to_tile_xyz=function(t){var e=t.split(\":\").map(function(t){return parseInt(t)});return[e[0],e[1],e[2]]},e.prototype.sort_tiles_from_center=function(t,e){var r=e[0],i=e[1],n=e[2],o=e[3],a=(n-r)/2+r,c=(o-i)/2+i;t.sort(function(t,e){return Math.sqrt(Math.pow(a-t[0],2)+Math.pow(c-t[1],2))-Math.sqrt(Math.pow(a-e[0],2)+Math.pow(c-e[1],2))})},e.prototype.get_image_url=function(t,e,r){return this.string_lookup_replace(this.url,this.extra_url_vars).replace(\"{X}\",t.toString()).replace(\"{Y}\",e.toString()).replace(\"{Z}\",r.toString())},e}(n.Model);r.TileSource=a,a.__name__=\"TileSource\",a.init_TileSource()},\n function _(r,e,t){var n=r(132);function o(r,e){return n.wgs84_mercator.forward([r,e])}function _(r,e){return n.wgs84_mercator.inverse([r,e])}t.geographic_to_meters=o,t.meters_to_geographic=_,t.geographic_extent_to_meters=function(r){var e=r[0],t=r[1],n=r[2],_=r[3],c=o(e,t),a=c[0],g=c[1],i=o(n,_);return[a,g,i[0],i[1]]},t.meters_extent_to_geographic=function(r){var e=r[0],t=r[1],n=r[2],o=r[3],c=_(e,t),a=c[0],g=c[1],i=_(n,o);return[a,g,i[0],i[1]]}},\n function _(t,e,r){var _=t(113),i=function(t){function e(e){return t.call(this,e)||this}return _.__extends(e,t),e.prototype.get_image_url=function(t,e,r){var _=this.string_lookup_replace(this.url,this.extra_url_vars),i=this.tms_to_wmts(t,e,r),u=i[0],n=i[1],o=i[2],l=this.tile_xyz_to_quadkey(u,n,o);return _.replace(\"{Q}\",l)},e}(t(397).MercatorTileSource);r.QUADKEYTileSource=i,i.__name__=\"QUADKEYTileSource\"},\n function _(e,t,i){var n=e(113),a=e(402),r=e(176),_=e(225),s=e(163),o=e(121),l=e(318),h=e(110),u=e(109),p=e(174),d=e(170),c=e(403),m=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return n.__extends(t,e),t.prototype.initialize=function(){this._tiles=[],e.prototype.initialize.call(this)},t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return t.request_render()}),this.connect(this.model.tile_source.change,function(){return t.request_render()})},t.prototype.get_extent=function(){return[this.x_range.start,this.y_range.start,this.x_range.end,this.y_range.end]},Object.defineProperty(t.prototype,\"map_plot\",{get:function(){return this.plot_model},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"map_canvas\",{get:function(){return this.plot_view.canvas_view.ctx},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"map_frame\",{get:function(){return this.plot_view.frame},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"x_range\",{get:function(){return this.map_plot.x_range},enumerable:!0,configurable:!0}),Object.defineProperty(t.prototype,\"y_range\",{get:function(){return this.map_plot.y_range},enumerable:!0,configurable:!0}),t.prototype._set_data=function(){this.extent=this.get_extent(),this._last_height=void 0,this._last_width=void 0},t.prototype._update_attribution=function(){null!=this.attribution_el&&s.removeElement(this.attribution_el);var e=this.model.tile_source.attribution;if(u.isString(e)&&e.length>0){var t=this.plot_view,i=t.layout,n=t.frame,a=i._width.value-n._right.value,r=i._height.value-n._bottom.value,_=n._width.value;this.attribution_el=s.div({class:c.bk_tile_attribution,style:{position:\"absolute\",right:a+\"px\",bottom:r+\"px\",\"max-width\":_-4+\"px\",padding:\"2px\",\"background-color\":\"rgba(255,255,255,0.5)\",\"font-size\":\"7pt\",\"line-height\":\"1.05\",\"white-space\":\"nowrap\",overflow:\"hidden\",\"text-overflow\":\"ellipsis\"}}),this.plot_view.canvas_view.events_el.appendChild(this.attribution_el),this.attribution_el.innerHTML=e,this.attribution_el.title=this.attribution_el.textContent.replace(/\\s*\\n\\s*/g,\" \")}},t.prototype._map_data=function(){this.initial_extent=this.get_extent();var e=this.model.tile_source.get_level_by_extent(this.initial_extent,this.map_frame._height.value,this.map_frame._width.value),t=this.model.tile_source.snap_to_zoom_level(this.initial_extent,this.map_frame._height.value,this.map_frame._width.value,e);this.x_range.start=t[0],this.y_range.start=t[1],this.x_range.end=t[2],this.y_range.end=t[3],this.x_range instanceof _.Range1d&&(this.x_range.reset_start=t[0],this.x_range.reset_end=t[2]),this.y_range instanceof _.Range1d&&(this.y_range.reset_start=t[1],this.y_range.reset_end=t[3]),this._update_attribution()},t.prototype._create_tile=function(e,t,i,n,a){var r=this;void 0===a&&(a=!1);var _=this.model.tile_source.normalize_xyz(e,t,i),s=_[0],o=_[1],h=_[2],u={img:void 0,tile_coords:[e,t,i],normalized_coords:[s,o,h],quadkey:this.model.tile_source.tile_xyz_to_quadkey(e,t,i),cache_key:this.model.tile_source.tile_xyz_to_key(e,t,i),bounds:n,loaded:!1,finished:!1,x_coord:n[0],y_coord:n[3]},p=this.model.tile_source.get_image_url(s,o,h);new l.ImageLoader(p,{loaded:function(e){Object.assign(u,{img:e,loaded:!0}),a?(u.finished=!0,r.notify_finished()):r.request_render()},failed:function(){u.finished=!0}}),this.model.tile_source.tiles.set(u.cache_key,u),this._tiles.push(u)},t.prototype._enforce_aspect_ratio=function(){if(this._last_height!==this.map_frame._height.value||this._last_width!==this.map_frame._width.value){var e=this.get_extent(),t=this.model.tile_source.get_level_by_extent(e,this.map_frame._height.value,this.map_frame._width.value),i=this.model.tile_source.snap_to_zoom_level(e,this.map_frame._height.value,this.map_frame._width.value,t);this.x_range.setv({start:i[0],end:i[2]}),this.y_range.setv({start:i[1],end:i[3]}),this.extent=i,this._last_height=this.map_frame._height.value,this._last_width=this.map_frame._width.value}},t.prototype.has_finished=function(){if(!e.prototype.has_finished.call(this))return!1;if(0===this._tiles.length)return!1;for(var t=0,i=this._tiles;tn&&(a=this.extent,o=n,l=!0),l&&(this.x_range.setv({x_range:{start:a[0],end:a[2]}}),this.y_range.setv({start:a[1],end:a[3]}),this.extent=a),this.extent=a;for(var u=t.get_tiles_by_extent(a,o),p=[],d=[],c=[],m=[],f=0,g=u;f0&&(u=u.filter(function(n){return t.includes(e,n.name)})),u}},\n function _(t,o,e){var n=t(113),i=t(370),a=t(201),r=t(121),s=t(373),_=function(t){function o(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(o,t),o.prototype._match_aspect=function(t,o,e){var n,i,a,r,s=e.bbox.aspect,_=e.bbox.h_range.end,l=e.bbox.h_range.start,u=e.bbox.v_range.end,p=e.bbox.v_range.start,h=Math.abs(t[0]-o[0]),c=Math.abs(t[1]-o[1]),m=0==c?0:h/c,v=(m>=s?[1,m/s]:[s/m,1])[0];return t[0]<=o[0]?(n=t[0],(i=t[0]+h*v)>_&&(i=_)):(i=t[0],(n=t[0]-h*v)u&&(a=u)):(a=t[1],(r=t[1]-h/s)o.end)&&(this.v_axis_only=!0),(es.end)&&(this.h_axis_only=!0)}null!=this.model.document&&this.model.document.interactive_start(this.plot_model)},n.prototype._pan=function(t){this._update(t.deltaX,t.deltaY),null!=this.model.document&&this.model.document.interactive_start(this.plot_model)},n.prototype._pan_end=function(t){this.h_axis_only=!1,this.v_axis_only=!1,null!=this.pan_info&&this.plot_view.push_state(\"pan\",{range:this.pan_info})},n.prototype._update=function(t,n){var e,i,o,s,a,r,_=this.plot_view.frame,l=t-this.last_dx,h=n-this.last_dy,d=_.bbox.h_range,p=d.start-l,u=d.end-l,c=_.bbox.v_range,f=c.start-h,v=c.end-h,y=this.model.dimensions;\"width\"!=y&&\"both\"!=y||this.v_axis_only?(e=d.start,i=d.end,o=0):(e=p,i=u,o=-l),\"height\"!=y&&\"both\"!=y||this.h_axis_only?(s=c.start,a=c.end,r=0):(s=f,a=v,r=-h),this.last_dx=t,this.last_dy=n;var m=_.xscales,b=_.yscales,x={};for(var g in m){var w=m[g].r_invert(e,i),P=w[0],T=w[1];x[g]={start:P,end:T}}var k={};for(var g in b){var V=b[g].r_invert(s,a);P=V[0],T=V[1];k[g]={start:P,end:T}}this.pan_info={xrs:x,yrs:k,sdx:o,sdy:r},this.plot_view.update_range(this.pan_info,!0)},n}(o.GestureToolView);e.PanToolView=r,r.__name__=\"PanToolView\";var _=function(t){function n(n){var e=t.call(this,n)||this;return e.tool_name=\"Pan\",e.event_type=\"pan\",e.default_order=10,e}return i.__extends(n,t),n.init_PanTool=function(){this.prototype.default_view=r,this.define({dimensions:[s.Dimensions,\"both\"]})},Object.defineProperty(n.prototype,\"tooltip\",{get:function(){return this._get_dim_tooltip(\"Pan\",this.dimensions)},enumerable:!0,configurable:!0}),Object.defineProperty(n.prototype,\"icon\",{get:function(){switch(this.dimensions){case\"both\":return a.bk_tool_icon_pan;case\"width\":return a.bk_tool_icon_xpan;case\"height\":return a.bk_tool_icon_ypan}},enumerable:!0,configurable:!0}),n}(o.GestureTool);e.PanTool=_,_.__name__=\"PanTool\",_.init_PanTool()},\n function _(t,e,o){var l=t(113),i=t(426),a=t(233),n=t(163),s=t(121),c=t(110),_=t(373),r=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.data={sx:[],sy:[]}},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.model.properties.active.change,function(){return e._active_change()})},e.prototype._active_change=function(){this.model.active||this._clear_data()},e.prototype._keyup=function(t){t.keyCode==n.Keys.Enter&&this._clear_data()},e.prototype._doubletap=function(t){var e=t.shiftKey;this._do_select(this.data.sx,this.data.sy,!0,e),this.plot_view.push_state(\"poly_select\",{selection:this.plot_view.get_selection()}),this._clear_data()},e.prototype._clear_data=function(){this.data={sx:[],sy:[]},this.model.overlay.update({xs:[],ys:[]})},e.prototype._tap=function(t){var e=t.sx,o=t.sy;this.plot_view.frame.bbox.contains(e,o)&&(this.data.sx.push(e),this.data.sy.push(o),this.model.overlay.update({xs:c.copy(this.data.sx),ys:c.copy(this.data.sy)}))},e.prototype._do_select=function(t,e,o,l){var i={type:\"poly\",sx:t,sy:e};this._select(i,o,l)},e.prototype._emit_callback=function(t){var e=this.computed_renderers[0],o=this.plot_view.frame,l=o.xscales[e.x_range_name],i=o.yscales[e.y_range_name],a=l.v_invert(t.sx),n=i.v_invert(t.sy),s=Object.assign({x:a,y:n},t);null!=this.model.callback&&this.model.callback.execute(this.model,{geometry:s})},e}(i.SelectToolView);o.PolySelectToolView=r,r.__name__=\"PolySelectToolView\";var y=function(){return new a.PolyAnnotation({level:\"overlay\",xs_units:\"screen\",ys_units:\"screen\",fill_color:{value:\"lightgrey\"},fill_alpha:{value:.5},line_color:{value:\"black\"},line_alpha:{value:1},line_width:{value:2},line_dash:{value:[4,4]}})},p=function(t){function e(e){var o=t.call(this,e)||this;return o.tool_name=\"Poly Select\",o.icon=_.bk_tool_icon_polygon_select,o.event_type=\"tap\",o.default_order=11,o}return l.__extends(e,t),e.init_PolySelectTool=function(){this.prototype.default_view=r,this.define({callback:[s.Any],overlay:[s.Instance,y]})},e}(i.SelectTool);o.PolySelectTool=p,p.__name__=\"PolySelectTool\",p.init_PolySelectTool()},\n function _(t,e,i){var n=t(113),s=t(201),r=t(167),l=t(121),a=t(370),o=t(373);function _(t){switch(t){case 1:return 2;case 2:return 1;case 4:return 5;case 5:return 4;default:return t}}function h(t,e,i,n){if(null==e)return!1;var s=i.compute(e);return Math.abs(t-s)s.right)&&(r=!1)}if(null!=s.bottom&&null!=s.top){var a=n.invert(e);(as.top)&&(r=!1)}return r}function d(t,e,i){var n=0;return t>=i.start&&t<=i.end&&(n+=1),e>=i.start&&e<=i.end&&(n+=1),n}function c(t,e,i,n){var s=e.compute(t),r=e.invert(s+i);return r>=n.start&&r<=n.end?r:t}function y(t,e,i){return t>e.start?(e.end=t,i):(e.end=e.start,e.start=t,_(i))}function f(t,e,i){return t=h&&(t.start=o,t.end=_)}i.flip_side=_,i.is_near=h,i.is_inside=u,i.sides_inside=d,i.compute_value=c,i.update_range_end_side=y,i.update_range_start_side=f,i.update_range=g;var v=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.side=0,this.model.update_overlay_from_ranges()},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),null!=this.model.x_range&&this.connect(this.model.x_range.change,function(){return e.model.update_overlay_from_ranges()}),null!=this.model.y_range&&this.connect(this.model.y_range.change,function(){return e.model.update_overlay_from_ranges()})},e.prototype._pan_start=function(t){this.last_dx=0,this.last_dy=0;var e=this.model.x_range,i=this.model.y_range,n=this.plot_view.frame,r=n.xscales.default,l=n.yscales.default,a=this.model.overlay,o=a.left,_=a.right,d=a.top,c=a.bottom,y=this.model.overlay.properties.line_width.value()+s.EDGE_TOLERANCE;null!=e&&this.model.x_interaction&&(h(t.sx,o,r,y)?this.side=1:h(t.sx,_,r,y)?this.side=2:u(t.sx,t.sy,r,l,a)&&(this.side=3)),null!=i&&this.model.y_interaction&&(0==this.side&&h(t.sy,c,l,y)&&(this.side=4),0==this.side&&h(t.sy,d,l,y)?this.side=5:u(t.sx,t.sy,r,l,this.model.overlay)&&(3==this.side?this.side=7:this.side=6))},e.prototype._pan=function(t){var e=this.plot_view.frame,i=t.deltaX-this.last_dx,n=t.deltaY-this.last_dy,s=this.model.x_range,r=this.model.y_range,l=e.xscales.default,a=e.yscales.default;if(null!=s)if(3==this.side||7==this.side)g(s,l,i,e.x_range);else if(1==this.side){var o=c(s.start,l,i,e.x_range);this.side=f(o,s,this.side)}else if(2==this.side){var _=c(s.end,l,i,e.x_range);this.side=y(_,s,this.side)}if(null!=r)if(6==this.side||7==this.side)g(r,a,n,e.y_range);else if(4==this.side){o=c(r.start,a,n,e.y_range);this.side=f(o,r,this.side)}else if(5==this.side){_=c(r.end,a,n,e.y_range);this.side=y(_,r,this.side)}this.last_dx=t.deltaX,this.last_dy=t.deltaY},e.prototype._pan_end=function(t){this.side=0},e}(a.GestureToolView);i.RangeToolView=v,v.__name__=\"RangeToolView\";var p=function(){return new s.BoxAnnotation({level:\"overlay\",render_mode:\"canvas\",fill_color:\"lightgrey\",fill_alpha:{value:.5},line_color:{value:\"black\"},line_alpha:{value:1},line_width:{value:.5},line_dash:[2,2]})},m=function(t){function e(e){var i=t.call(this,e)||this;return i.tool_name=\"Range Tool\",i.icon=o.bk_tool_icon_range,i.event_type=\"pan\",i.default_order=1,i}return n.__extends(e,t),e.init_RangeTool=function(){this.prototype.default_view=v,this.define({x_range:[l.Instance,null],x_interaction:[l.Boolean,!0],y_range:[l.Instance,null],y_interaction:[l.Boolean,!0],overlay:[l.Instance,p]})},e.prototype.initialize=function(){t.prototype.initialize.call(this),this.overlay.in_cursor=\"grab\",this.overlay.ew_cursor=null!=this.x_range&&this.x_interaction?\"ew-resize\":null,this.overlay.ns_cursor=null!=this.y_range&&this.y_interaction?\"ns-resize\":null},e.prototype.update_overlay_from_ranges=function(){null==this.x_range&&null==this.y_range&&(this.overlay.left=null,this.overlay.right=null,this.overlay.bottom=null,this.overlay.top=null,r.logger.warn(\"RangeTool not configured with any Ranges.\")),null==this.x_range?(this.overlay.left=null,this.overlay.right=null):(this.overlay.left=this.x_range.start,this.overlay.right=this.x_range.end),null==this.y_range?(this.overlay.bottom=null,this.overlay.top=null):(this.overlay.bottom=this.y_range.start,this.overlay.top=this.y_range.end)},e}(a.GestureTool);i.RangeTool=m,m.__name__=\"RangeTool\",m.init_RangeTool()},\n function _(e,t,i){var s=e(113),n=e(426),o=e(121),a=e(373),r=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return s.__extends(t,e),t.prototype._tap=function(e){var t={type:\"point\",sx:e.sx,sy:e.sy},i=e.shiftKey;this._select(t,!0,i)},t.prototype._select=function(e,t,i){var s=this,n=this.model.callback;if(\"select\"==this.model.behavior){var o=this._computed_renderers_by_data_source();for(var a in o){var r=o[a],_=r[0].get_selection_manager(),l=r.map(function(e){return s.plot_view.renderer_views[e.id]});if(_.select(l,e,t,i)&&null!=n){var c=(y=this.plot_view.frame).xscales[r[0].x_range_name],p=y.yscales[r[0].y_range_name],v=c.invert(e.sx),u=p.invert(e.sy),h={geometries:Object.assign(Object.assign({},e),{x:v,y:u}),source:_.source};n.execute(this.model,h)}}this._emit_selection_event(e),this.plot_view.push_state(\"tap\",{selection:this.plot_view.get_selection()})}else for(var m=0,f=this.computed_renderers;m.9?t=.9:t<-.9&&(t=-.9),this._update_ranges(t)},t.prototype._update_ranges=function(e){var t,n,o,r,i=this.plot_view.frame,a=i.bbox.h_range,s=i.bbox.v_range,l=[a.start,a.end],_=l[0],h=l[1],d=[s.start,s.end],u=d[0],p=d[1];switch(this.model.dimension){case\"height\":var c=Math.abs(p-u);t=_,n=h,o=u-c*e,r=p-c*e;break;case\"width\":var v=Math.abs(h-_);t=_-v*e,n=h-v*e,o=u,r=p;break;default:throw new Error(\"this shouldn't have happened\")}var f=i.xscales,m=i.yscales,w={};for(var b in f){var g=f[b].r_invert(t,n),y=g[0],P=g[1];w[b]={start:y,end:P}}var T={};for(var b in m){var W=m[b].r_invert(o,r);y=W[0],P=W[1];T[b]={start:y,end:P}}var x={xrs:w,yrs:T,factor:e};this.plot_view.push_state(\"wheel_pan\",{range:x}),this.plot_view.update_range(x,!1,!0),null!=this.model.document&&this.model.document.interactive_start(this.plot_model)},t}(r.GestureToolView);n.WheelPanToolView=s,s.__name__=\"WheelPanToolView\";var l=function(e){function t(t){var n=e.call(this,t)||this;return n.tool_name=\"Wheel Pan\",n.icon=a.bk_tool_icon_wheel_pan,n.event_type=\"scroll\",n.default_order=12,n}return o.__extends(t,e),t.init_WheelPanTool=function(){this.prototype.default_view=s,this.define({dimension:[i.Dimension,\"width\"]}),this.internal({speed:[i.Number,.001]})},Object.defineProperty(t.prototype,\"tooltip\",{get:function(){return this._get_dim_tooltip(this.tool_name,this.dimension)},enumerable:!0,configurable:!0}),t}(r.GestureTool);n.WheelPanTool=l,l.__name__=\"WheelPanTool\",l.init_WheelPanTool()},\n function _(e,o,t){var i=e(113),n=e(370),l=e(416),s=e(121),_=e(197),r=e(373),a=function(e){function o(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(o,e),o.prototype._pinch=function(e){var o,t=e.sx,i=e.sy,n=e.scale;o=n>=1?20*(n-1):-20/n,this._scroll({type:\"wheel\",sx:t,sy:i,delta:o})},o.prototype._scroll=function(e){var o=this.plot_view.frame,t=o.bbox.h_range,i=o.bbox.v_range,n=e.sx,s=e.sy,_=this.model.dimensions,r=(\"width\"==_||\"both\"==_)&&t.start=0){var v=d.match(/\\$color(\\[.*\\])?:(\\w*)/),y=v[1],x=void 0===y?\"\":y,g=v[2],b=e.get_column(g);if(null==b){var w=_.span({},g+\" unknown\");m.appendChild(w);continue}var k=x.indexOf(\"hex\")>=0,T=x.indexOf(\"swatch\")>=0,H=u.isNumber(t)?b[t]:null;if(null==H){var C=_.span({},\"(null)\");m.appendChild(C);continue}k&&(H=h.color2hex(H));var G=_.span({},H);m.appendChild(G),T&&(G=_.span({class:f.bk_tooltip_color_block,style:{backgroundColor:H}},\" \"),m.appendChild(G))}else{(G=_.span()).innerHTML=c.replace_placeholders(d.replace(\"$~\",\"$data_\"),e,t,this.model.formatters,n),m.appendChild(G)}}return o},t}(o.InspectToolView);n.HoverToolView=b,b.__name__=\"HoverToolView\";var w=function(e){function t(t){var n=e.call(this,t)||this;return n.tool_name=\"Hover\",n.icon=y.bk_tool_icon_hover,n}return i.__extends(t,e),t.init_HoverTool=function(){this.prototype.default_view=b,this.define({tooltips:[p.Any,[[\"index\",\"$index\"],[\"data (x, y)\",\"($x, $y)\"],[\"screen (x, y)\",\"($sx, $sy)\"]]],formatters:[p.Any,{}],renderers:[p.Any,\"auto\"],names:[p.Array,[]],mode:[p.HoverMode,\"mouse\"],point_policy:[p.PointPolicy,\"snap_to_data\"],line_policy:[p.LinePolicy,\"nearest\"],show_arrow:[p.Boolean,!0],anchor:[p.Anchor,\"center\"],attachment:[p.TooltipAttachment,\"horizontal\"],callback:[p.Any]})},t}(o.InspectTool);n.HoverTool=w,w.__name__=\"HoverTool\",w.init_HoverTool()},\n function _(t,e,o){var n=t(113),i=t(121),r=t(116),c=t(166),l=t(364),u=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_ToolProxy=function(){this.define({tools:[i.Array,[]],active:[i.Boolean,!1],disabled:[i.Boolean,!1]})},Object.defineProperty(e.prototype,\"button_view\",{get:function(){return this.tools[0].button_view},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"event_type\",{get:function(){return this.tools[0].event_type},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"tooltip\",{get:function(){return this.tools[0].tooltip},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"tool_name\",{get:function(){return this.tools[0].tool_name},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"icon\",{get:function(){return this.tools[0].computed_icon},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"computed_icon\",{get:function(){return this.icon},enumerable:!0,configurable:!0}),Object.defineProperty(e.prototype,\"toggleable\",{get:function(){var t=this.tools[0];return t instanceof l.InspectTool&&t.toggleable},enumerable:!0,configurable:!0}),e.prototype.initialize=function(){t.prototype.initialize.call(this),this.do=new r.Signal0(this,\"do\")},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.do,function(){return e.doit()}),this.connect(this.properties.active.change,function(){return e.set_active()})},e.prototype.doit=function(){for(var t=0,e=this.tools;t0)if(\"multi\"==u)for(var w=0,T=z;w0&&this.actions.push(x(z))}for(var m in this.inspectors=[],i){(z=i[m]).length>0&&this.inspectors.push(x(z,!0))}for(var V in this.gestures){0!=(_=this.gestures[V]).tools.length&&(_.tools=r.sort_by(_.tools,function(t){return t.default_order}),\"pinch\"!=V&&\"scroll\"!=V&&\"multi\"!=V&&(_.tools[0].active=!0))}},o}(s.ToolbarBase);i.ProxyToolbar=p,p.__name__=\"ProxyToolbar\";var c=function(t){function o(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(o,t),o.prototype.initialize=function(){this.model.toolbar.toolbar_location=this.model.toolbar_location,t.prototype.initialize.call(this)},Object.defineProperty(o.prototype,\"child_models\",{get:function(){return[this.model.toolbar]},enumerable:!0,configurable:!0}),o.prototype._update_layout=function(){this.layout=new h.ContentBox(this.child_views[0].el),this.model.toolbar.horizontal?this.layout.set_sizing({width_policy:\"fit\",min_width:100,height_policy:\"fixed\"}):this.layout.set_sizing({width_policy:\"fixed\",height_policy:\"fit\",min_height:100})},o}(a.LayoutDOMView);i.ToolbarBoxView=c,c.__name__=\"ToolbarBoxView\";var u=function(t){function o(o){return t.call(this,o)||this}return e.__extends(o,t),o.init_ToolbarBox=function(){this.prototype.default_view=c,this.define({toolbar:[n.Instance],toolbar_location:[n.Location,\"right\"]})},o}(a.LayoutDOM);i.ToolbarBox=u,u.__name__=\"ToolbarBox\",u.init_ToolbarBox()},\n function _(e,n,t){var d=e(106),i=e(163),o=e(442);t.index={},t.add_document_standalone=function(e,n,a,l){void 0===a&&(a={}),void 0===l&&(l=!1);var r={};function v(e){var d;e.id in a?d=a[e.id]:n.classList.contains(o.BOKEH_ROOT)?d=n:(d=i.div({class:o.BOKEH_ROOT}),n.appendChild(d));var l=function(e){var n=new e.default_view({model:e,parent:null});return t.index[e.id]=n,n}(e);l.renderTo(d),r[e.id]=l}for(var c=0,u=e.roots();c\");if(\"SCRIPT\"==r.tagName){var t=n.div({class:o.BOKEH_ROOT});n.replaceWith(r,t),r=t}return r}o.BOKEH_ROOT=t.bk_root,o._resolve_element=function(e){var r=e.elementid;return null!=r?l(r):document.body},o._resolve_root_elements=function(e){var r={};if(null!=e.roots)for(var o in e.roots)r[o]=l(e.roots[o]);return r}},\n function _(n,o,t){var e=n(444),r=n(167),a=n(441);t._get_ws_url=function(n,o){var t,e=\"ws:\";return\"https:\"==window.location.protocol&&(e=\"wss:\"),null!=o?(t=document.createElement(\"a\")).href=o:t=window.location,null!=n?\"/\"==n&&(n=\"\"):n=t.pathname.replace(/\\/+$/,\"\"),e+\"//\"+t.host+n+\"/ws\"};var i={};t.add_document_from_session=function(n,o,t,s,u){void 0===s&&(s={}),void 0===u&&(u=!1);var c=window.location.search.substr(1);return function(n,o,t){n in i||(i[n]={});var r=i[n];return o in r||(r[o]=e.pull_session(n,o,t)),r[o]}(n,o,c).then(function(n){return a.add_document_standalone(n.document,t,s,u)},function(n){throw r.logger.error(\"Failed to load Bokeh session \"+o+\": \"+n),n})}},\n function _(e,n,o){var t=e(167),s=e(106),r=e(445),i=e(446),c=e(447);o.DEFAULT_SERVER_WEBSOCKET_URL=\"ws://localhost:5006/ws\",o.DEFAULT_SESSION_ID=\"default\";var l=0,_=function(){function e(e,n,s,r,c){void 0===e&&(e=o.DEFAULT_SERVER_WEBSOCKET_URL),void 0===n&&(n=o.DEFAULT_SESSION_ID),void 0===s&&(s=null),void 0===r&&(r=null),void 0===c&&(c=null),this.url=e,this.id=n,this.args_string=s,this._on_have_session_hook=r,this._on_closed_permanently_hook=c,this._number=l++,this.socket=null,this.session=null,this.closed_permanently=!1,this._current_handler=null,this._pending_ack=null,this._pending_replies={},this._pending_messages=[],this._receiver=new i.Receiver,t.logger.debug(\"Creating websocket \"+this._number+\" to '\"+this.url+\"' session '\"+this.id+\"'\")}return e.prototype.connect=function(){var e=this;if(this.closed_permanently)return Promise.reject(new Error(\"Cannot connect() a closed ClientConnection\"));if(null!=this.socket)return Promise.reject(new Error(\"Already connected\"));this._pending_replies={},this._current_handler=null;try{var n=this.url+\"?bokeh-protocol-version=1.0&bokeh-session-id=\"+this.id;return null!=this.args_string&&this.args_string.length>0&&(n+=\"&\"+this.args_string),this.socket=new WebSocket(n),new Promise(function(n,o){e.socket.binaryType=\"arraybuffer\",e.socket.onopen=function(){return e._on_open(n,o)},e.socket.onmessage=function(n){return e._on_message(n)},e.socket.onclose=function(n){return e._on_close(n)},e.socket.onerror=function(){return e._on_error(o)}})}catch(e){return t.logger.error(\"websocket creation failed to url: \"+this.url),t.logger.error(\" - \"+e),Promise.reject(e)}},e.prototype.close=function(){this.closed_permanently||(t.logger.debug(\"Permanently closing websocket connection \"+this._number),this.closed_permanently=!0,null!=this.socket&&this.socket.close(1e3,\"close method called on ClientConnection \"+this._number),this.session._connection_closed(),null!=this._on_closed_permanently_hook&&(this._on_closed_permanently_hook(),this._on_closed_permanently_hook=null))},e.prototype._schedule_reconnect=function(e){var n=this;setTimeout(function(){n.closed_permanently||t.logger.info(\"Websocket connection \"+n._number+\" disconnected, will not attempt to reconnect\")},e)},e.prototype.send=function(e){if(null==this.socket)throw new Error(\"not connected so cannot send \"+e);e.send(this.socket)},e.prototype.send_with_reply=function(e){var n=this;return new Promise(function(o,t){n._pending_replies[e.msgid()]=[o,t],n.send(e)}).then(function(e){if(\"ERROR\"===e.msgtype())throw new Error(\"Error reply \"+e.content.text);return e},function(e){throw e})},e.prototype._pull_doc_json=function(){var e=r.Message.create(\"PULL-DOC-REQ\",{});return this.send_with_reply(e).then(function(e){if(!(\"doc\"in e.content))throw new Error(\"No 'doc' field in PULL-DOC-REPLY\");return e.content.doc},function(e){throw e})},e.prototype._repull_session_doc=function(){var e=this;null==this.session?t.logger.debug(\"Pulling session for first time\"):t.logger.debug(\"Repulling session\"),this._pull_doc_json().then(function(n){if(null==e.session)if(e.closed_permanently)t.logger.debug(\"Got new document after connection was already closed\");else{var o=s.Document.from_json(n),i=s.Document._compute_patch_since_json(n,o);if(i.events.length>0){t.logger.debug(\"Sending \"+i.events.length+\" changes from model construction back to server\");var l=r.Message.create(\"PATCH-DOC\",{},i);e.send(l)}e.session=new c.ClientSession(e,o,e.id);for(var _=0,h=e._pending_messages;_0)throw new Error(\"BokehJS only supports receiving buffers, not sending\");var t=JSON.stringify(this.header),r=JSON.stringify(this.metadata),n=JSON.stringify(this.content);e.send(t),e.send(r),e.send(n)},e.prototype.msgid=function(){return this.header.msgid},e.prototype.msgtype=function(){return this.header.msgtype},e.prototype.reqid=function(){return this.header.reqid},e.prototype.problem=function(){return\"msgid\"in this.header?\"msgtype\"in this.header?null:\"No msgtype in header\":\"No msgid in header\"},e}();r.Message=s,s.__name__=\"Message\"},\n function _(t,e,s){var r=t(445),_=function(){function t(){this.message=null,this._partial=null,this._fragments=[],this._buf_header=null,this._current_consumer=this._HEADER}return t.prototype.consume=function(t){this._current_consumer(t)},t.prototype._HEADER=function(t){this._assume_text(t),this.message=null,this._partial=null,this._fragments=[t],this._buf_header=null,this._current_consumer=this._METADATA},t.prototype._METADATA=function(t){this._assume_text(t),this._fragments.push(t),this._current_consumer=this._CONTENT},t.prototype._CONTENT=function(t){this._assume_text(t),this._fragments.push(t);var e=this._fragments.slice(0,3),s=e[0],_=e[1],i=e[2];this._partial=r.Message.assemble(s,_,i),this._check_complete()},t.prototype._BUFFER_HEADER=function(t){this._assume_text(t),this._buf_header=t,this._current_consumer=this._BUFFER_PAYLOAD},t.prototype._BUFFER_PAYLOAD=function(t){this._assume_binary(t),this._partial.assemble_buffer(this._buf_header,t),this._check_complete()},t.prototype._assume_text=function(t){if(t instanceof ArrayBuffer)throw new Error(\"Expected text fragment but received binary fragment\")},t.prototype._assume_binary=function(t){if(!(t instanceof ArrayBuffer))throw new Error(\"Expected binary fragment but received text fragment\")},t.prototype._check_complete=function(){this._partial.complete()?(this.message=this._partial,this._current_consumer=this._HEADER):this._current_consumer=this._BUFFER_HEADER},t}();s.Receiver=_,_.__name__=\"Receiver\"},\n function _(e,t,n){var o=e(106),i=e(445),r=e(167),s=function(){function e(e,t,n){var o=this;this._connection=e,this.document=t,this.id=n,this._document_listener=function(e){return o._document_changed(e)},this.document.on_change(this._document_listener),this.event_manager=this.document.event_manager,this.event_manager.session=this}return e.prototype.handle=function(e){var t=e.msgtype();\"PATCH-DOC\"===t?this._handle_patch(e):\"OK\"===t?this._handle_ok(e):\"ERROR\"===t?this._handle_error(e):r.logger.debug(\"Doing nothing with message \"+e.msgtype())},e.prototype.close=function(){this._connection.close()},e.prototype.send_event=function(e){var t=i.Message.create(\"EVENT\",{},JSON.stringify(e.to_json()));this._connection.send(t)},e.prototype._connection_closed=function(){this.document.remove_on_change(this._document_listener)},e.prototype.request_server_info=function(){var e=i.Message.create(\"SERVER-INFO-REQ\",{});return this._connection.send_with_reply(e).then(function(e){return e.content})},e.prototype.force_roundtrip=function(){return this.request_server_info().then(function(e){})},e.prototype._document_changed=function(e){if(e.setter_id!==this.id&&(!(e instanceof o.ModelChangedEvent)||e.attr in e.model.serializable_attributes())){var t=i.Message.create(\"PATCH-DOC\",{},this.document.create_json_patch([e]));this._connection.send(t)}},e.prototype._handle_patch=function(e){this.document.apply_json_patch(e.content,e.buffers,this.id)},e.prototype._handle_ok=function(e){r.logger.trace(\"Unhandled OK reply to \"+e.reqid())},e.prototype._handle_error=function(e){r.logger.error(\"Unhandled ERROR reply to \"+e.reqid()+\": \"+e.content.text)},e}();n.ClientSession=s,s.__name__=\"ClientSession\"},\n function _(e,o,t){var n=e(106),r=e(446),s=e(167),i=e(125),a=e(441),l=e(442);function c(e,o){o.buffers.length>0?e.consume(o.buffers[0].buffer):e.consume(o.content.data);var t=e.message;null!=t&&this.apply_json_patch(t.content,t.buffers)}function g(e,o){if(\"undefined\"!=typeof Jupyter&&null!=Jupyter.notebook.kernel){s.logger.info(\"Registering Jupyter comms for target \"+e);var n=Jupyter.notebook.kernel.comm_manager;try{n.register_target(e,function(t){s.logger.info(\"Registering Jupyter comms for target \"+e);var n=new r.Receiver;t.on_msg(c.bind(o,n))})}catch(e){s.logger.warn(\"Jupyter comms failed to register. push_notebook() will not function. (exception reported: \"+e+\")\")}}else if(o.roots()[0].id in t.kernels){s.logger.info(\"Registering JupyterLab comms for target \"+e);var i=t.kernels[o.roots()[0].id];try{i.registerCommTarget(e,function(t){s.logger.info(\"Registering JupyterLab comms for target \"+e);var n=new r.Receiver;t.onMsg=c.bind(o,n)})}catch(e){s.logger.warn(\"Jupyter comms failed to register. push_notebook() will not function. (exception reported: \"+e+\")\")}}else console.warn(\"Jupyter notebooks comms not available. push_notebook() will not function. If running JupyterLab ensure the latest @bokeh/jupyter_bokeh extension is installed. In an exported notebook this warning is expected.\")}e(374),e(449),t.kernels={},t.embed_items_notebook=function(e,o){if(1!=i.size(e))throw new Error(\"embed_items_notebook expects exactly one document in docs_json\");for(var t=n.Document.from_json(i.values(e)[0]),r=0,s=o;r0&&(this.model.value=this.menu.children[this._hover_index].textContent,this.input_el.focus(),this._hide_menu())},t.prototype._update_completions=function(e){s.empty(this.menu);for(var t=0,n=e;t0&&this.menu.children[0].classList.add(r.bk_active)},t.prototype._show_menu=function(){var e=this;if(!this._open){this._open=!0,this._hover_index=0,this._last_value=this.model.value,s.display(this.menu);var t=function(n){var i=n.target;i instanceof HTMLElement&&!e.el.contains(i)&&(document.removeEventListener(\"click\",t),e._hide_menu())};document.addEventListener(\"click\",t)}},t.prototype._hide_menu=function(){this._open&&(this._open=!1,s.undisplay(this.menu))},t.prototype._menu_click=function(e){e.target!=e.currentTarget&&e.target instanceof Element&&(this.model.value=e.target.textContent,this.input_el.focus(),this._hide_menu())},t.prototype._menu_hover=function(e){if(e.target!=e.currentTarget&&e.target instanceof Element){var t=0;for(t=0;t0&&(this.menu.children[this._hover_index].classList.remove(r.bk_active),this._hover_index=u.clamp(e,0,t-1),this.menu.children[this._hover_index].classList.add(r.bk_active))},t.prototype._keydown=function(e){},t.prototype._keyup=function(e){switch(e.keyCode){case s.Keys.Enter:this.change_input();break;case s.Keys.Esc:this._hide_menu();break;case s.Keys.Up:this._bump_hover(this._hover_index-1);break;case s.Keys.Down:this._bump_hover(this._hover_index+1);break;default:var t=this.input_el.value;if(t.length *:not(:first-child) {\\n margin-left: 5px;\\n}\\n.bk-root .bk-input-group input[type=\"checkbox\"] + span,\\n.bk-root .bk-input-group input[type=\"radio\"] + span {\\n position: relative;\\n top: -2px;\\n margin-left: 3px;\\n}\\n'),t.bk_input=\"bk-input\",t.bk_input_group=\"bk-input-group\"},\n 482: function _(t,n,i){var e=t(113),o=t(474),u=t(376),c=t(121),r=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(n,t),n.prototype.click=function(){this.model.clicks=this.model.clicks+1,this.model.trigger_event(new u.ButtonClick),t.prototype.click.call(this)},n}(o.AbstractButtonView);i.ButtonView=r,r.__name__=\"ButtonView\";var l=function(t){function n(n){return t.call(this,n)||this}return e.__extends(n,t),n.init_Button=function(){this.prototype.default_view=r,this.define({clicks:[c.Number,0]}),this.override({label:\"Button\"})},n}(o.AbstractButton);i.Button=l,l.__name__=\"Button\",l.init_Button()},\n 483: function _(t,e,o){var n=t(113),i=t(484),u=t(163),c=t(117),r=t(121),a=t(240),h=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),Object.defineProperty(e.prototype,\"active\",{get:function(){return new c.Set(this.model.active)},enumerable:!0,configurable:!0}),e.prototype.change_active=function(t){var e=this.active;e.toggle(t),this.model.active=e.values,null!=this.model.callback&&this.model.callback.execute(this.model)},e.prototype._update_active=function(){var t=this.active;this._buttons.forEach(function(e,o){u.classes(e).toggle(a.bk_active,t.has(o))})},e}(i.ButtonGroupView);o.CheckboxButtonGroupView=h,h.__name__=\"CheckboxButtonGroupView\";var l=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_CheckboxButtonGroup=function(){this.prototype.default_view=h,this.define({active:[r.Array,[]]})},e}(i.ButtonGroup);o.CheckboxButtonGroup=l,l.__name__=\"CheckboxButtonGroup\",l.init_CheckboxButtonGroup()},\n 484: function _(t,n,e){var o=t(113),i=t(475),r=t(163),u=t(121),a=t(347),s=function(t){function n(){return null!==t&&t.apply(this,arguments)||this}return o.__extends(n,t),n.prototype.connect_signals=function(){var n=this;t.prototype.connect_signals.call(this);var e=this.model.properties;this.on_change(e.button_type,function(){return n.render()}),this.on_change(e.labels,function(){return n.render()}),this.on_change(e.active,function(){return n._update_active()})},n.prototype.render=function(){var n=this;t.prototype.render.call(this),this._buttons=this.model.labels.map(function(t,e){var o=r.div({class:[a.bk_btn,a.bk_btn_type(n.model.button_type)],disabled:n.model.disabled},t);return o.addEventListener(\"click\",function(){return n.change_active(e)}),o}),this._update_active();var e=r.div({class:a.bk_btn_group},this._buttons);this.el.appendChild(e)},n}(i.ControlView);e.ButtonGroupView=s,s.__name__=\"ButtonGroupView\";var _=function(t){function n(n){return t.call(this,n)||this}return o.__extends(n,t),n.init_ButtonGroup=function(){this.define({labels:[u.Array,[]],button_type:[u.ButtonType,\"default\"],callback:[u.Any]})},n}(i.Control);e.ButtonGroup=_,_.__name__=\"ButtonGroup\",_.init_ButtonGroup()},\n 485: function _(e,t,n){var i=e(113),l=e(486),o=e(163),a=e(110),r=e(117),c=e(121),u=e(240),h=e(481),p=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.render=function(){var t=this;e.prototype.render.call(this);var n=o.div({class:[h.bk_input_group,this.model.inline?u.bk_inline:null]});this.el.appendChild(n);for(var i=this.model,l=i.active,r=i.labels,c=function(e){var i=o.input({type:\"checkbox\",value:\"\"+e});i.addEventListener(\"change\",function(){return t.change_active(e)}),p.model.disabled&&(i.disabled=!0),a.includes(l,e)&&(i.checked=!0);var c=o.label({},i,o.span({},r[e]));n.appendChild(c)},p=this,s=0;sn||this._o.position.indexOf(\"right\")>-1&&a-e+t.offsetWidth>0)&&(a=a-e+t.offsetWidth),(this._o.reposition&&r+i>o+s||this._o.position.indexOf(\"top\")>-1&&r-i-t.offsetHeight>0)&&(r=r-i-t.offsetHeight),this.el.style.left=a+\"px\",this.el.style.top=r+\"px\"}};var d=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return e.render()})},e.prototype.render=function(){var e=this;null!=this._picker&&this._picker.destroy(),t.prototype.render.call(this),this.input_el=s.input({type:\"text\",class:r.bk_input,disabled:this.model.disabled}),this.group_el.appendChild(this.input_el),this._picker=new a({field:this.input_el,defaultDate:this._unlocal_date(new Date(this.model.value)),setDefaultDate:!0,minDate:null!=this.model.min_date?this._unlocal_date(new Date(this.model.min_date)):void 0,maxDate:null!=this.model.max_date?this._unlocal_date(new Date(this.model.max_date)):void 0,onSelect:function(t){return e._on_select(t)}}),this._root_element.appendChild(this._picker.el)},e.prototype._unlocal_date=function(t){var e=6e4*t.getTimezoneOffset();t.setTime(t.getTime()-e);var i=t.toISOString().substr(0,10).split(\"-\");return new Date(Number(i[0]),Number(i[1])-1,Number(i[2]))},e.prototype._on_select=function(t){this.model.value=t.toDateString(),this.change_input()},e}(o.InputWidgetView);i.DatePickerView=d,d.__name__=\"DatePickerView\";var h=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_DatePicker=function(){this.prototype.default_view=d,this.define({value:[l.Any,(new Date).toDateString()],min_date:[l.Any],max_date:[l.Any]})},e}(o.InputWidget);i.DatePicker=h,h.__name__=\"DatePicker\",h.init_DatePicker()},\n 489: function _(e,t,n){var a=function(e,t,n,a){e.addEventListener(t,n,!!a)},i=function(e,t,n,a){e.removeEventListener(t,n,!!a)},s=function(e,t){return-1!==(\" \"+e.className+\" \").indexOf(\" \"+t+\" \")},o=function(e,t){s(e,t)||(e.className=\"\"===e.className?t:e.className+\" \"+t)},r=function(e,t){var n;e.className=(n=(\" \"+e.className+\" \").replace(\" \"+t+\" \",\" \")).trim?n.trim():n.replace(/^\\s+|\\s+$/g,\"\")},l=function(e){return/Array/.test(Object.prototype.toString.call(e))},h=function(e){return/Date/.test(Object.prototype.toString.call(e))&&!isNaN(e.getTime())},d=function(e){var t=e.getDay();return 0===t||6===t},u=function(e){\n // solution lifted from date.js (MIT license): https://github.com/datejs/Datejs\n return e%4==0&&e%100!=0||e%400==0},c=function(e,t){return[31,u(e)?29:28,31,30,31,30,31,31,30,31,30,31][t]},f=function(e){h(e)&&e.setHours(0,0,0,0)},g=function(e,t){return e.getTime()===t.getTime()},m=function(e,t,n){var a,i;for(a in t)(i=void 0!==e[a])&&\"object\"==typeof t[a]&&null!==t[a]&&void 0===t[a].nodeName?h(t[a])?n&&(e[a]=new Date(t[a].getTime())):l(t[a])?n&&(e[a]=t[a].slice(0)):e[a]=m({},t[a],n):!n&&i||(e[a]=t[a]);return e},p=function(e,t,n){var a;document.createEvent?((a=document.createEvent(\"HTMLEvents\")).initEvent(t,!0,!1),a=m(a,n),e.dispatchEvent(a)):document.createEventObject&&(a=document.createEventObject(),a=m(a,n),e.fireEvent(\"on\"+t,a))},y=function(e){return e.month<0&&(e.year-=Math.ceil(Math.abs(e.month)/12),e.month+=12),e.month>11&&(e.year+=Math.floor(Math.abs(e.month)/12),e.month-=12),e},D={field:null,bound:void 0,ariaLabel:\"Use the arrow keys to pick a date\",position:\"bottom left\",reposition:!0,format:\"YYYY-MM-DD\",toString:null,parse:null,defaultDate:null,setDefaultDate:!1,firstDay:0,formatStrict:!1,minDate:null,maxDate:null,yearRange:10,showWeekNumber:!1,pickWholeWeek:!1,minYear:0,maxYear:9999,minMonth:void 0,maxMonth:void 0,startRange:null,endRange:null,isRTL:!1,yearSuffix:\"\",showMonthAfterYear:!1,showDaysInNextAndPreviousMonths:!1,enableSelectionDaysInNextAndPreviousMonths:!1,numberOfMonths:1,mainCalendar:\"left\",container:void 0,blurFieldOnSelect:!0,i18n:{previousMonth:\"Previous Month\",nextMonth:\"Next Month\",months:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],weekdays:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],weekdaysShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"]},theme:null,events:[],onSelect:null,onOpen:null,onClose:null,onDraw:null,keyboardInput:!0},b=function(e,t,n){for(t+=e.firstDay;t>=7;)t-=7;return n?e.i18n.weekdaysShort[t]:e.i18n.weekdays[t]},_=function(e){var t=[],n=\"false\";if(e.isEmpty){if(!e.showDaysInNextAndPreviousMonths)return'';t.push(\"is-outside-current-month\"),e.enableSelectionDaysInNextAndPreviousMonths||t.push(\"is-selection-disabled\")}return e.isDisabled&&t.push(\"is-disabled\"),e.isToday&&t.push(\"is-today\"),e.isSelected&&(t.push(\"is-selected\"),n=\"true\"),e.hasEvent&&t.push(\"has-event\"),e.isInRange&&t.push(\"is-inrange\"),e.isStartRange&&t.push(\"is-startrange\"),e.isEndRange&&t.push(\"is-endrange\"),'\"},v=function(e,t,n){return''+function(e){e.setHours(0,0,0,0);var t=e.getDate(),n=e.getDay(),a=function(e){return(e+7-1)%7};e.setDate(t+3-a(n));var i=new Date(e.getFullYear(),0,4),s=(e.getTime()-i.getTime())/864e5;return 1+Math.round((s-3+a(i.getDay()))/7)}(new Date(n,t,e))+\"\"},w=function(e,t,n,a){return''+(t?e.reverse():e).join(\"\")+\"\"},k=function(e,t,n,a,i,s){var o,r,h,d,u,c=e._o,f=n===c.minYear,g=n===c.maxYear,m='
',p=!0,y=!0;for(h=[],o=0;o<12;o++)h.push('\");for(d='
'+c.i18n.months[a]+'
\",l(c.yearRange)?(o=c.yearRange[0],r=c.yearRange[1]+1):(o=n-c.yearRange,r=1+n+c.yearRange),h=[];o=c.minYear&&h.push('\");return u='
'+n+c.yearSuffix+'
\",c.showMonthAfterYear?m+=u+d:m+=d+u,f&&(0===a||c.minMonth>=a)&&(p=!1),g&&(11===a||c.maxMonth<=a)&&(y=!1),0===t&&(m+='\"),t===e._o.numberOfMonths-1&&(m+='\"),m+\"
\"},M=function(e,t,n){return''+function(e){var t,n=[];for(e.showWeekNumber&&n.push(\"\"),t=0;t<7;t++)n.push('\");return\"\"+(e.isRTL?n.reverse():n).join(\"\")+\"\"}(e)+(\"\"+t.join(\"\")+\"\")+\"
'+b(e,t,!0)+\"
\"},x=function(e){var t=this,n=t.config(e);t._onMouseDown=function(e){if(t._v){var a=(e=e||window.event).target||e.srcElement;if(a)if(s(a,\"is-disabled\")||(!s(a,\"pika-button\")||s(a,\"is-empty\")||s(a.parentNode,\"is-disabled\")?s(a,\"pika-prev\")?t.prevMonth():s(a,\"pika-next\")&&t.nextMonth():(t.setDate(new Date(a.getAttribute(\"data-pika-year\"),a.getAttribute(\"data-pika-month\"),a.getAttribute(\"data-pika-day\"))),n.bound&&setTimeout(function(){t.hide(),n.blurFieldOnSelect&&n.field&&n.field.blur()},100))),s(a,\"pika-select\"))t._c=!0;else{if(!e.preventDefault)return e.returnValue=!1,!1;e.preventDefault()}}},t._onChange=function(e){var n=(e=e||window.event).target||e.srcElement;n&&(s(n,\"pika-select-month\")?t.gotoMonth(n.value):s(n,\"pika-select-year\")&&t.gotoYear(n.value))},t._onKeyChange=function(e){if(e=e||window.event,t.isVisible())switch(e.keyCode){case 13:case 27:n.field&&n.field.blur();break;case 37:t.adjustDate(\"subtract\",1);break;case 38:t.adjustDate(\"subtract\",7);break;case 39:t.adjustDate(\"add\",1);break;case 40:t.adjustDate(\"add\",7);break;case 8:case 46:t.setDate(null)}},t._parseFieldValue=function(){return n.parse?n.parse(n.field.value,n.format):new Date(Date.parse(n.field.value))},t._onInputChange=function(e){var n;e.firedBy!==t&&(n=t._parseFieldValue(),h(n)&&t.setDate(n),t._v||t.show())},t._onInputFocus=function(){t.show()},t._onInputClick=function(){t.show()},t._onInputBlur=function(){var e=document.activeElement;do{if(s(e,\"pika-single\"))return}while(e=e.parentNode);t._c||(t._b=setTimeout(function(){t.hide()},50)),t._c=!1},t._onClick=function(e){var a=(e=e||window.event).target||e.srcElement,i=a;if(a){do{if(s(i,\"pika-single\")||i===n.trigger)return}while(i=i.parentNode);t._v&&a!==n.trigger&&i!==n.trigger&&t.hide()}},t.el=document.createElement(\"div\"),t.el.className=\"pika-single\"+(n.isRTL?\" is-rtl\":\"\")+(n.theme?\" \"+n.theme:\"\"),a(t.el,\"mousedown\",t._onMouseDown,!0),a(t.el,\"touchend\",t._onMouseDown,!0),a(t.el,\"change\",t._onChange),n.keyboardInput&&a(document,\"keydown\",t._onKeyChange),n.field&&(n.container?n.container.appendChild(t.el):n.bound?document.body.appendChild(t.el):n.field.parentNode.insertBefore(t.el,n.field.nextSibling),a(n.field,\"change\",t._onInputChange),n.defaultDate||(n.defaultDate=t._parseFieldValue(),n.setDefaultDate=!0));var i=n.defaultDate;h(i)?n.setDefaultDate?t.setDate(i,!0):t.gotoDate(i):t.gotoDate(new Date),n.bound?(this.hide(),t.el.className+=\" is-bound\",a(n.trigger,\"click\",t._onInputClick),a(n.trigger,\"focus\",t._onInputFocus),a(n.trigger,\"blur\",t._onInputBlur)):this.show()};x.prototype={config:function(e){this._o||(this._o=m({},D,!0));var t=m(this._o,e,!0);t.isRTL=!!t.isRTL,t.field=t.field&&t.field.nodeName?t.field:null,t.theme=\"string\"==typeof t.theme&&t.theme?t.theme:null,t.bound=!!(void 0!==t.bound?t.field&&t.bound:t.field),t.trigger=t.trigger&&t.trigger.nodeName?t.trigger:t.field,t.disableWeekends=!!t.disableWeekends,t.disableDayFn=\"function\"==typeof t.disableDayFn?t.disableDayFn:null;var n=parseInt(t.numberOfMonths,10)||1;if(t.numberOfMonths=n>4?4:n,h(t.minDate)||(t.minDate=!1),h(t.maxDate)||(t.maxDate=!1),t.minDate&&t.maxDate&&t.maxDate100&&(t.yearRange=100);return t},toString:function(e){return e=e||this._o.format,h(this._d)?this._o.toString?this._o.toString(this._d,e):this._d.toDateString():\"\"},getDate:function(){return h(this._d)?new Date(this._d.getTime()):null},setDate:function(e,t){if(!e)return this._d=null,this._o.field&&(this._o.field.value=\"\",p(this._o.field,\"change\",{firedBy:this})),this.draw();if(\"string\"==typeof e&&(e=new Date(Date.parse(e))),h(e)){var n=this._o.minDate,a=this._o.maxDate;h(n)&&ea&&(e=a),this._d=new Date(e.getTime()),f(this._d),this.gotoDate(this._d),this._o.field&&(this._o.field.value=this.toString(),p(this._o.field,\"change\",{firedBy:this})),t||\"function\"!=typeof this._o.onSelect||this._o.onSelect.call(this,this.getDate())}},clear:function(){this.setDate(null)},gotoDate:function(e){var t=!0;if(h(e)){if(this.calendars){var n=new Date(this.calendars[0].year,this.calendars[0].month,1),a=new Date(this.calendars[this.calendars.length-1].year,this.calendars[this.calendars.length-1].month,1),i=e.getTime();a.setMonth(a.getMonth()+1),a.setDate(a.getDate()-1),t=i=i&&(this._y=i,!isNaN(o)&&this._m>o&&(this._m=o));for(var l=0;l\";this.el.innerHTML=r,n.bound&&\"hidden\"!==n.field.type&&setTimeout(function(){n.trigger.focus()},1),\"function\"==typeof this._o.onDraw&&this._o.onDraw(this),n.bound&&n.field.setAttribute(\"aria-label\",n.ariaLabel)}},adjustPosition:function(){var e,t,n,a,i,s,l,h,d,u,c,f;if(!this._o.container){if(this.el.style.position=\"absolute\",t=e=this._o.trigger,n=this.el.offsetWidth,a=this.el.offsetHeight,i=window.innerWidth||document.documentElement.clientWidth,s=window.innerHeight||document.documentElement.clientHeight,l=window.pageYOffset||document.body.scrollTop||document.documentElement.scrollTop,c=!0,f=!0,\"function\"==typeof e.getBoundingClientRect)h=(u=e.getBoundingClientRect()).left+window.pageXOffset,d=u.bottom+window.pageYOffset;else for(h=t.offsetLeft,d=t.offsetTop+t.offsetHeight;t=t.offsetParent;)h+=t.offsetLeft,d+=t.offsetTop;(this._o.reposition&&h+n>i||this._o.position.indexOf(\"right\")>-1&&h-n+e.offsetWidth>0)&&(h=h-n+e.offsetWidth,c=!1),(this._o.reposition&&d+a>s+l||this._o.position.indexOf(\"top\")>-1&&d-a-e.offsetHeight>0)&&(d=d-a-e.offsetHeight,f=!1),this.el.style.left=h+\"px\",this.el.style.top=d+\"px\",o(this.el,c?\"left-aligned\":\"right-aligned\"),o(this.el,f?\"bottom-aligned\":\"top-aligned\"),r(this.el,c?\"right-aligned\":\"left-aligned\"),r(this.el,f?\"top-aligned\":\"bottom-aligned\")}},render:function(e,t,n){var a=this._o,i=new Date,s=c(e,t),o=new Date(e,t,1).getDay(),r=[],l=[];f(i),a.firstDay>0&&(o-=a.firstDay)<0&&(o+=7);for(var u=0===t?11:t-1,m=11===t?0:t+1,p=0===t?e-1:e,y=11===t?e+1:e,D=c(p,u),b=s+o,k=b;k>7;)k-=7;b+=7-k;for(var x=!1,R=0,N=0;R=s+o,O=R-o+1,E=t,j=e,F=a.startRange&&g(a.startRange,S),W=a.endRange&&g(a.endRange,S),A=a.startRange&&a.endRange&&a.startRangea.maxDate||a.disableWeekends&&d(S)||a.disableDayFn&&a.disableDayFn(S),isEmpty:Y,isStartRange:F,isEndRange:W,isInRange:A,showDaysInNextAndPreviousMonths:a.showDaysInNextAndPreviousMonths,enableSelectionDaysInNextAndPreviousMonths:a.enableSelectionDaysInNextAndPreviousMonths};a.pickWholeWeek&&T&&(x=!0),l.push(_(L)),7==++N&&(a.showWeekNumber&&l.unshift(v(R-o,t,e)),r.push(w(l,a.isRTL,a.pickWholeWeek,x)),l=[],N=0,x=!1)}return M(a,r,n)},isVisible:function(){return this._v},show:function(){this.isVisible()||(this._v=!0,this.draw(),r(this.el,\"is-hidden\"),this._o.bound&&(a(document,\"click\",this._onClick),this.adjustPosition()),\"function\"==typeof this._o.onOpen&&this._o.onOpen.call(this))},hide:function(){var e=this._v;!1!==e&&(this._o.bound&&i(document,\"click\",this._onClick),this.el.style.position=\"static\",this.el.style.left=\"auto\",this.el.style.top=\"auto\",o(this.el,\"is-hidden\"),this._v=!1,void 0!==e&&\"function\"==typeof this._o.onClose&&this._o.onClose.call(this))},destroy:function(){var e=this._o;this.hide(),i(this.el,\"mousedown\",this._onMouseDown,!0),i(this.el,\"touchend\",this._onMouseDown,!0),i(this.el,\"change\",this._onChange),e.keyboardInput&&i(document,\"keydown\",this._onKeyChange),e.field&&(i(e.field,\"change\",this._onInputChange),e.bound&&(i(e.trigger,\"click\",this._onInputClick),i(e.trigger,\"focus\",this._onInputFocus),i(e.trigger,\"blur\",this._onInputBlur))),this.el.parentNode&&this.el.parentNode.removeChild(this.el)}},t.exports=x},\n 490: function _(n,o,t){n(164),n(163).styles.append('.bk-root {\\n @charset \"UTF-8\";\\n /*!\\n * Pikaday\\n * Copyright © 2014 David Bushell | BSD & MIT license | https://dbushell.com/\\n */\\n /*\\nclear child float (pika-lendar), using the famous micro clearfix hack\\nhttp://nicolasgallagher.com/micro-clearfix-hack/\\n*/\\n /* styling for abbr */\\n}\\n.bk-root .pika-single {\\n z-index: 9999;\\n display: block;\\n position: relative;\\n color: #333;\\n background: #fff;\\n border: 1px solid #ccc;\\n border-bottom-color: #bbb;\\n font-family: \"Helvetica Neue\", Helvetica, Arial, sans-serif;\\n}\\n.bk-root .pika-single:before,\\n.bk-root .pika-single:after {\\n content: \" \";\\n display: table;\\n}\\n.bk-root .pika-single:after {\\n clear: both;\\n}\\n.bk-root .pika-single.is-hidden {\\n display: none;\\n}\\n.bk-root .pika-single.is-bound {\\n position: absolute;\\n box-shadow: 0 5px 15px -5px rgba(0, 0, 0, 0.5);\\n}\\n.bk-root .pika-lendar {\\n float: left;\\n width: 240px;\\n margin: 8px;\\n}\\n.bk-root .pika-title {\\n position: relative;\\n text-align: center;\\n}\\n.bk-root .pika-label {\\n display: inline-block;\\n position: relative;\\n z-index: 9999;\\n overflow: hidden;\\n margin: 0;\\n padding: 5px 3px;\\n font-size: 14px;\\n line-height: 20px;\\n font-weight: bold;\\n background-color: #fff;\\n}\\n.bk-root .pika-title select {\\n cursor: pointer;\\n position: absolute;\\n z-index: 9998;\\n margin: 0;\\n left: 0;\\n top: 5px;\\n opacity: 0;\\n}\\n.bk-root .pika-prev,\\n.bk-root .pika-next {\\n display: block;\\n cursor: pointer;\\n position: relative;\\n outline: none;\\n border: 0;\\n padding: 0;\\n width: 20px;\\n height: 30px;\\n /* hide text using text-indent trick, using width value (it\\'s enough) */\\n text-indent: 20px;\\n white-space: nowrap;\\n overflow: hidden;\\n background-color: transparent;\\n background-position: center center;\\n background-repeat: no-repeat;\\n background-size: 75% 75%;\\n opacity: 0.5;\\n}\\n.bk-root .pika-prev:hover,\\n.bk-root .pika-next:hover {\\n opacity: 1;\\n}\\n.bk-root .pika-prev,\\n.bk-root .is-rtl .pika-next {\\n float: left;\\n background-image: url(\\'data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABQAAAAeCAYAAAAsEj5rAAAAUklEQVR42u3VMQoAIBADQf8Pgj+OD9hG2CtONJB2ymQkKe0HbwAP0xucDiQWARITIDEBEnMgMQ8S8+AqBIl6kKgHiXqQqAeJepBo/z38J/U0uAHlaBkBl9I4GwAAAABJRU5ErkJggg==\\');\\n}\\n.bk-root .pika-next,\\n.bk-root .is-rtl .pika-prev {\\n float: right;\\n background-image: url(\\'data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABQAAAAeCAYAAAAsEj5rAAAAU0lEQVR42u3VOwoAMAgE0dwfAnNjU26bYkBCFGwfiL9VVWoO+BJ4Gf3gtsEKKoFBNTCoCAYVwaAiGNQGMUHMkjGbgjk2mIONuXo0nC8XnCf1JXgArVIZAQh5TKYAAAAASUVORK5CYII=\\');\\n}\\n.bk-root .pika-prev.is-disabled,\\n.bk-root .pika-next.is-disabled {\\n cursor: default;\\n opacity: 0.2;\\n}\\n.bk-root .pika-select {\\n display: inline-block;\\n}\\n.bk-root .pika-table {\\n width: 100%;\\n border-collapse: collapse;\\n border-spacing: 0;\\n border: 0;\\n}\\n.bk-root .pika-table th,\\n.bk-root .pika-table td {\\n width: 14.28571429%;\\n padding: 0;\\n}\\n.bk-root .pika-table th {\\n color: #999;\\n font-size: 12px;\\n line-height: 25px;\\n font-weight: bold;\\n text-align: center;\\n}\\n.bk-root .pika-button {\\n cursor: pointer;\\n display: block;\\n box-sizing: border-box;\\n -moz-box-sizing: border-box;\\n outline: none;\\n border: 0;\\n margin: 0;\\n width: 100%;\\n padding: 5px;\\n color: #666;\\n font-size: 12px;\\n line-height: 15px;\\n text-align: right;\\n background: #f5f5f5;\\n}\\n.bk-root .pika-week {\\n font-size: 11px;\\n color: #999;\\n}\\n.bk-root .is-today .pika-button {\\n color: #33aaff;\\n font-weight: bold;\\n}\\n.bk-root .is-selected .pika-button,\\n.bk-root .has-event .pika-button {\\n color: #fff;\\n font-weight: bold;\\n background: #33aaff;\\n box-shadow: inset 0 1px 3px #178fe5;\\n border-radius: 3px;\\n}\\n.bk-root .has-event .pika-button {\\n background: #005da9;\\n box-shadow: inset 0 1px 3px #0076c9;\\n}\\n.bk-root .is-disabled .pika-button,\\n.bk-root .is-inrange .pika-button {\\n background: #D5E9F7;\\n}\\n.bk-root .is-startrange .pika-button {\\n color: #fff;\\n background: #6CB31D;\\n box-shadow: none;\\n border-radius: 3px;\\n}\\n.bk-root .is-endrange .pika-button {\\n color: #fff;\\n background: #33aaff;\\n box-shadow: none;\\n border-radius: 3px;\\n}\\n.bk-root .is-disabled .pika-button {\\n pointer-events: none;\\n cursor: default;\\n color: #999;\\n opacity: 0.3;\\n}\\n.bk-root .is-outside-current-month .pika-button {\\n color: #999;\\n opacity: 0.3;\\n}\\n.bk-root .is-selection-disabled {\\n pointer-events: none;\\n cursor: default;\\n}\\n.bk-root .pika-button:hover,\\n.bk-root .pika-row.pick-whole-week:hover .pika-button {\\n color: #fff;\\n background: #ff8000;\\n box-shadow: none;\\n border-radius: 3px;\\n}\\n.bk-root .pika-table abbr {\\n border-bottom: none;\\n cursor: help;\\n}\\n')},\n 491: function _(e,t,n){var r=e(113),i=e(252),a=e(492),_=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return r.__extends(t,e),t}(a.AbstractRangeSliderView);n.DateRangeSliderView=_,_.__name__=\"DateRangeSliderView\";var o=function(e){function t(t){var n=e.call(this,t)||this;return n.behaviour=\"drag\",n.connected=[!1,!0,!1],n}return r.__extends(t,e),t.init_DateRangeSlider=function(){this.prototype.default_view=_,this.override({format:\"%d %b %Y\"})},t.prototype._formatter=function(e,t){return i(e,t)},t}(a.AbstractSlider);n.DateRangeSlider=o,o.__name__=\"DateRangeSlider\",o.init_DateRangeSlider()},\n 492: function _(t,e,i){var l=t(113),r=t(493),n=t(121),o=t(163),s=t(110),a=t(119),c=t(475),d=t(494),h=\"bk-noUi-\",_=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),Object.defineProperty(e.prototype,\"noUiSlider\",{get:function(){return this.slider_el.noUiSlider},enumerable:!0,configurable:!0}),e.prototype.initialize=function(){t.prototype.initialize.call(this),this._init_callback()},e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this);var i=this.model.properties,l=i.callback,r=i.callback_policy,n=i.callback_throttle;this.on_change([l,r,n],function(){return e._init_callback()});var o=this.model.properties,s=o.start,a=o.end,c=o.value,d=o.step,h=o.title;this.on_change([s,a,c,d],function(){var t=e._calc_to(),i=t.start,l=t.end,r=t.value,n=t.step;e.noUiSlider.updateOptions({range:{min:i,max:l},start:r,step:n})});var _=this.model.properties.bar_color;this.on_change(_,function(){e._set_bar_color()}),this.on_change([c,h],function(){return e._update_title()})},e.prototype._init_callback=function(){var t=this,e=this.model.callback,i=function(){null!=e&&e.execute(t.model),t.model.value_throttled=t.model.value};switch(this.model.callback_policy){case\"continuous\":this.callback_wrapper=i;break;case\"throttle\":this.callback_wrapper=a.throttle(i,this.model.callback_throttle);break;default:this.callback_wrapper=void 0}},e.prototype._update_title=function(){var t=this;o.empty(this.title_el);var e=null==this.model.title||0==this.model.title.length&&!this.model.show_value;if(this.title_el.style.display=e?\"none\":\"\",!e&&(0!=this.model.title.length&&(this.title_el.textContent=this.model.title+\": \"),this.model.show_value)){var i=this._calc_to().value.map(function(e){return t.model.pretty(e)}).join(\" .. \");this.title_el.appendChild(o.span({class:d.bk_slider_value},i))}},e.prototype._set_bar_color=function(){this.model.disabled||(this.slider_el.querySelector(\".bk-noUi-connect\").style.backgroundColor=this.model.bar_color)},e.prototype._keypress_handle=function(t,e){void 0===e&&(e=0);var i=this._calc_to(),l=i.start,r=i.value,n=i.end,o=i.step,s=2==r.length,a=l,c=n;switch(s&&0==e?c=r[1]:s&&1==e&&(a=r[0]),t.which){case 37:r[e]=Math.max(r[e]-o,a);break;case 39:r[e]=Math.min(r[e]+o,c);break;default:return}s?(this.model.value=r,this.model.properties.value.change.emit()):this.model.value=r[0],this.noUiSlider.set(r),null!=this.callback_wrapper&&this.callback_wrapper()},e.prototype.render=function(){var e=this;t.prototype.render.call(this);var i,l=this._calc_to(),n=l.start,a=l.end,c=l.value,_=l.step;if(this.model.tooltips){var u={to:function(t){return e.model.pretty(t)}};i=s.repeat(u,c.length)}else i=!1;if(null==this.slider_el){this.slider_el=o.div(),r.create(this.slider_el,{cssPrefix:h,range:{min:n,max:a},start:c,step:_,behaviour:this.model.behaviour,connect:this.model.connected,tooltips:i,orientation:this.model.orientation,direction:this.model.direction}),this.noUiSlider.on(\"slide\",function(t,i,l){return e._slide(l)}),this.noUiSlider.on(\"change\",function(t,i,l){return e._change(l)}),this._set_keypress_handles();var p=function(t,l){i&&(e.slider_el.querySelectorAll(\".bk-noUi-handle\")[t].querySelector(\".bk-noUi-tooltip\").style.display=l?\"block\":\"\")};this.noUiSlider.on(\"start\",function(t,e){return p(e,!0)}),this.noUiSlider.on(\"end\",function(t,e){return p(e,!1)})}else this.noUiSlider.updateOptions({range:{min:n,max:a},start:c,step:_});this._set_bar_color(),this.model.disabled?this.slider_el.setAttribute(\"disabled\",\"true\"):this.slider_el.removeAttribute(\"disabled\"),this.title_el=o.div({class:d.bk_slider_title}),this._update_title(),this.group_el=o.div({class:d.bk_input_group},this.title_el,this.slider_el),this.el.appendChild(this.group_el)},e.prototype._slide=function(t){this.model.value=this._calc_from(t),null!=this.callback_wrapper&&this.callback_wrapper()},e.prototype._change=function(t){switch(this.model.value=this._calc_from(t),this.model.value_throttled=this.model.value,this.model.callback_policy){case\"mouseup\":case\"throttle\":null!=this.model.callback&&this.model.callback.execute(this.model)}},e}(c.ControlView);_.__name__=\"AbstractBaseSliderView\";var u=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),e.prototype._calc_to=function(){return{start:this.model.start,end:this.model.end,value:[this.model.value],step:this.model.step}},e.prototype._calc_from=function(t){var e=t[0];return Number.isInteger(this.model.start)&&Number.isInteger(this.model.end)&&Number.isInteger(this.model.step)?Math.round(e):e},e.prototype._set_keypress_handles=function(){var t=this,e=this.slider_el.querySelector(\".bk-noUi-handle\");e.setAttribute(\"tabindex\",\"0\"),e.addEventListener(\"keydown\",function(e){return t._keypress_handle(e)})},e}(_);i.AbstractSliderView=u,u.__name__=\"AbstractSliderView\";var p=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return l.__extends(e,t),e.prototype._calc_to=function(){return{start:this.model.start,end:this.model.end,value:this.model.value,step:this.model.step}},e.prototype._calc_from=function(t){return t},e.prototype._set_keypress_handles=function(){var t=this,e=this.slider_el.querySelector(\".bk-noUi-handle-lower\"),i=this.slider_el.querySelector(\".bk-noUi-handle-upper\");e.setAttribute(\"tabindex\",\"0\"),e.addEventListener(\"keydown\",function(e){return t._keypress_handle(e,0)}),i.setAttribute(\"tabindex\",\"1\"),i.addEventListener(\"keydown\",function(e){return t._keypress_handle(e,1)})},e}(_);i.AbstractRangeSliderView=p,p.__name__=\"AbstractRangeSliderView\";var m=function(t){function e(e){var i=t.call(this,e)||this;return i.connected=!1,i}return l.__extends(e,t),e.init_AbstractSlider=function(){this.define({title:[n.String,\"\"],show_value:[n.Boolean,!0],start:[n.Any],end:[n.Any],value:[n.Any],value_throttled:[n.Any],step:[n.Number,1],format:[n.String],direction:[n.Any,\"ltr\"],tooltips:[n.Boolean,!0],callback:[n.Any],callback_throttle:[n.Number,200],callback_policy:[n.SliderCallbackPolicy,\"throttle\"],bar_color:[n.Color,\"#e6e6e6\"]})},e.prototype._formatter=function(t,e){return\"\"+t},e.prototype.pretty=function(t){return this._formatter(t,this.format)},e}(c.Control);i.AbstractSlider=m,m.__name__=\"AbstractSlider\",m.init_AbstractSlider()},\n 493: function _(t,e,r){\n /*! nouislider - 10.1.0 - 2017-07-28 17:11:18 */var n;n=function(){\"use strict\";var t=\"10.1.0\";function e(t){t.preventDefault()}function r(t){return\"number\"==typeof t&&!isNaN(t)&&isFinite(t)}function n(t,e,r){r>0&&(s(t,e),setTimeout(function(){a(t,e)},r))}function i(t){return Array.isArray(t)?t:[t]}function o(t){var e=(t=String(t)).split(\".\");return e.length>1?e[1].length:0}function s(t,e){t.classList?t.classList.add(e):t.className+=\" \"+e}function a(t,e){t.classList?t.classList.remove(e):t.className=t.className.replace(new RegExp(\"(^|\\\\b)\"+e.split(\" \").join(\"|\")+\"(\\\\b|$)\",\"gi\"),\" \")}function l(t){var e=void 0!==window.pageXOffset,r=\"CSS1Compat\"===(t.compatMode||\"\");return{x:e?window.pageXOffset:r?t.documentElement.scrollLeft:t.body.scrollLeft,y:e?window.pageYOffset:r?t.documentElement.scrollTop:t.body.scrollTop}}function u(t,e){return 100/(e-t)}function c(t,e){return 100*e/(t[1]-t[0])}function p(t,e){for(var r=1;t>=e[r];)r+=1;return r}function f(t,e,r){if(r>=t.slice(-1)[0])return 100;var n,i,o,s,a=p(r,t);return n=t[a-1],i=t[a],o=e[a-1],s=e[a],o+function(t,e){return c(t,t[0]<0?e+Math.abs(t[0]):e-t[0])}([n,i],r)/u(o,s)}function d(t,e,r,n){if(100===n)return n;var i,o,s=p(n,t);return r?n-(i=t[s-1])>((o=t[s])-i)/2?o:i:e[s-1]?t[s-1]+function(t,e){return Math.round(t/e)*e}(n-t[s-1],e[s-1]):n}function h(e,n,i){var o;if(\"number\"==typeof n&&(n=[n]),\"[object Array]\"!==Object.prototype.toString.call(n))throw new Error(\"noUiSlider (\"+t+\"): 'range' contains invalid value.\");if(!r(o=\"min\"===e?0:\"max\"===e?100:parseFloat(e))||!r(n[0]))throw new Error(\"noUiSlider (\"+t+\"): 'range' value isn't numeric.\");i.xPct.push(o),i.xVal.push(n[0]),o?i.xSteps.push(!isNaN(n[1])&&n[1]):isNaN(n[1])||(i.xSteps[0]=n[1]),i.xHighestCompleteStep.push(0)}function m(t,e,r){if(!e)return!0;r.xSteps[t]=c([r.xVal[t],r.xVal[t+1]],e)/u(r.xPct[t],r.xPct[t+1]);var n=(r.xVal[t+1]-r.xVal[t])/r.xNumSteps[t],i=Math.ceil(Number(n.toFixed(3))-1),o=r.xVal[t]+r.xNumSteps[t]*i;r.xHighestCompleteStep[t]=o}function g(t,e,r){this.xPct=[],this.xVal=[],this.xSteps=[r||!1],this.xNumSteps=[!1],this.xHighestCompleteStep=[],this.snap=e;var n,i=[];for(n in t)t.hasOwnProperty(n)&&i.push([t[n],n]);for(i.length&&\"object\"==typeof i[0][0]?i.sort(function(t,e){return t[0][0]-e[0][0]}):i.sort(function(t,e){return t[0]-e[0]}),n=0;n=100)return t.slice(-1)[0];var n,i=p(r,e);return function(t,e){return e*(t[1]-t[0])/100+t[0]}([t[i-1],t[i]],(r-(n=e[i-1]))*u(n,e[i]))}(this.xVal,this.xPct,t)},g.prototype.getStep=function(t){return t=d(this.xPct,this.xSteps,this.snap,t)},g.prototype.getNearbySteps=function(t){var e=p(t,this.xPct);return{stepBefore:{startValue:this.xVal[e-2],step:this.xNumSteps[e-2],highestStep:this.xHighestCompleteStep[e-2]},thisStep:{startValue:this.xVal[e-1],step:this.xNumSteps[e-1],highestStep:this.xHighestCompleteStep[e-1]},stepAfter:{startValue:this.xVal[e-0],step:this.xNumSteps[e-0],highestStep:this.xHighestCompleteStep[e-0]}}},g.prototype.countStepDecimals=function(){var t=this.xNumSteps.map(o);return Math.max.apply(null,t)},g.prototype.convert=function(t){return this.getStep(this.toStepping(t))};var v={to:function(t){return void 0!==t&&t.toFixed(2)},from:Number};function b(e){if(function(t){return\"object\"==typeof t&&\"function\"==typeof t.to&&\"function\"==typeof t.from}(e))return!0;throw new Error(\"noUiSlider (\"+t+\"): 'format' requires 'to' and 'from' methods.\")}function S(e,n){if(!r(n))throw new Error(\"noUiSlider (\"+t+\"): 'step' is not numeric.\");e.singleStep=n}function w(e,r){if(\"object\"!=typeof r||Array.isArray(r))throw new Error(\"noUiSlider (\"+t+\"): 'range' is not an object.\");if(void 0===r.min||void 0===r.max)throw new Error(\"noUiSlider (\"+t+\"): Missing 'min' or 'max' in 'range'.\");if(r.min===r.max)throw new Error(\"noUiSlider (\"+t+\"): 'range' 'min' and 'max' cannot be equal.\");e.spectrum=new g(r,e.snap,e.singleStep)}function x(e,r){if(r=i(r),!Array.isArray(r)||!r.length)throw new Error(\"noUiSlider (\"+t+\"): 'start' option is incorrect.\");e.handles=r.length,e.start=r}function y(e,r){if(e.snap=r,\"boolean\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'snap' option must be a boolean.\")}function E(e,r){if(e.animate=r,\"boolean\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'animate' option must be a boolean.\")}function C(e,r){if(e.animationDuration=r,\"number\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'animationDuration' option must be a number.\")}function N(e,r){var n,i=[!1];if(\"lower\"===r?r=[!0,!1]:\"upper\"===r&&(r=[!1,!0]),!0===r||!1===r){for(n=1;n=50)throw new Error(\"noUiSlider (\"+t+\"): 'padding' option must be less than half the range.\")}}function O(e,r){switch(r){case\"ltr\":e.dir=0;break;case\"rtl\":e.dir=1;break;default:throw new Error(\"noUiSlider (\"+t+\"): 'direction' option was not recognized.\")}}function k(e,r){if(\"string\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'behaviour' must be a string containing options.\");var n=r.indexOf(\"tap\")>=0,i=r.indexOf(\"drag\")>=0,o=r.indexOf(\"fixed\")>=0,s=r.indexOf(\"snap\")>=0,a=r.indexOf(\"hover\")>=0;if(o){if(2!==e.handles)throw new Error(\"noUiSlider (\"+t+\"): 'fixed' behaviour must be used with 2 handles\");P(e,e.start[1]-e.start[0])}e.events={tap:n||s,drag:i,fixed:o,snap:s,hover:a}}function V(e,r){if(e.multitouch=r,\"boolean\"!=typeof r)throw new Error(\"noUiSlider (\"+t+\"): 'multitouch' option must be a boolean.\")}function F(e,r){if(!1!==r)if(!0===r){e.tooltips=[];for(var n=0;n-1?1:\"steps\"===e?2:0,!o&&a&&(h=0),c===S&&l||(i[f.toFixed(5)]=[c,h]),u=f}}),i}(n,r,o),a=e.format||{to:Math.round};return h=S.appendChild(F(s,i,a))}function j(){var t=c.getBoundingClientRect(),e=\"offset\"+[\"Width\",\"Height\"][o.ort];return 0===o.ort?t.width||c[e]:t.height||c[e]}function H(t,e,r,n){var i=function(i){return!S.hasAttribute(\"disabled\")&&(s=S,a=o.cssClasses.tap,(s.classList?!s.classList.contains(a):!new RegExp(\"\\\\b\"+a+\"\\\\b\").test(s.className))&&(!!(i=function(t,e,r){var n,i,s=0===t.type.indexOf(\"touch\"),a=0===t.type.indexOf(\"mouse\"),u=0===t.type.indexOf(\"pointer\");0===t.type.indexOf(\"MSPointer\")&&(u=!0);if(s&&o.multitouch){var c=function(t){return t.target===r||r.contains(t.target)};if(\"touchstart\"===t.type){var p=Array.prototype.filter.call(t.touches,c);if(p.length>1)return!1;n=p[0].pageX,i=p[0].pageY}else{var f=Array.prototype.find.call(t.changedTouches,c);if(!f)return!1;n=f.pageX,i=f.pageY}}else if(s){if(t.touches.length>1)return!1;n=t.changedTouches[0].pageX,i=t.changedTouches[0].pageY}e=e||l(U),(a||u)&&(n=t.clientX+e.x,i=t.clientY+e.y);return t.pageOffset=e,t.points=[n,i],t.cursor=a||u,t}(i,n.pageOffset,n.target||e))&&(!(t===v.start&&void 0!==i.buttons&&i.buttons>1)&&((!n.hover||!i.buttons)&&(b||i.preventDefault(),i.calcPoint=i.points[o.ort],void r(i,n))))));var s,a},s=[];return t.split(\" \").forEach(function(t){e.addEventListener(t,i,!!b&&{passive:!0}),s.push([t,i])}),s}function D(t){var e,r,n,i,s,a,u=100*(t-(e=c,r=o.ort,n=e.getBoundingClientRect(),i=e.ownerDocument,s=i.documentElement,a=l(i),/webkit.*Chrome.*Mobile/i.test(navigator.userAgent)&&(a.x=0),r?n.top+a.y-s.clientTop:n.left+a.x-s.clientLeft))/j();return o.dir?100-u:u}function T(t,e,r,n){var i=r.slice(),o=[!t,t],s=[t,!t];n=n.slice(),t&&n.reverse(),n.length>1?n.forEach(function(t,r){var n=$(i,t,i[t]+e,o[r],s[r],!1);!1===n?e=0:(e=n-i[t],i[t]=n)}):o=s=[!0];var a=!1;n.forEach(function(t,n){a=K(t,r[t]+e,o[n],s[n])||a}),a&&n.forEach(function(t){R(\"update\",t),R(\"slide\",t)})}function R(t,e,r){Object.keys(N).forEach(function(n){var i=n.split(\".\")[0];t===i&&N[n].forEach(function(t){t.call(d,C.map(o.format.to),e,C.slice(),r||!1,w.slice())})})}function X(t,e){\"mouseout\"===t.type&&\"HTML\"===t.target.nodeName&&null===t.relatedTarget&&Y(t,e)}function B(t,e){if(-1===navigator.appVersion.indexOf(\"MSIE 9\")&&0===t.buttons&&0!==e.buttonsProperty)return Y(t,e);var r=(o.dir?-1:1)*(t.calcPoint-e.startCalcPoint);T(r>0,100*r/e.baseSize,e.locations,e.handleNumbers)}function Y(t,r){r.handle&&(a(r.handle,o.cssClasses.active),y-=1),r.listeners.forEach(function(t){P.removeEventListener(t[0],t[1])}),0===y&&(a(S,o.cssClasses.drag),J(),t.cursor&&(A.style.cursor=\"\",A.removeEventListener(\"selectstart\",e))),r.handleNumbers.forEach(function(t){R(\"change\",t),R(\"set\",t),R(\"end\",t)})}function _(t,r){var n;if(1===r.handleNumbers.length){var i=p[r.handleNumbers[0]];if(i.hasAttribute(\"disabled\"))return!1;n=i.children[0],y+=1,s(n,o.cssClasses.active)}t.stopPropagation();var a=[],l=H(v.move,P,B,{target:t.target,handle:n,listeners:a,startCalcPoint:t.calcPoint,baseSize:j(),pageOffset:t.pageOffset,handleNumbers:r.handleNumbers,buttonsProperty:t.buttons,locations:w.slice()}),u=H(v.end,P,Y,{target:t.target,handle:n,listeners:a,handleNumbers:r.handleNumbers}),c=H(\"mouseout\",P,X,{target:t.target,handle:n,listeners:a,handleNumbers:r.handleNumbers});a.push.apply(a,l.concat(u,c)),t.cursor&&(A.style.cursor=getComputedStyle(t.target).cursor,p.length>1&&s(S,o.cssClasses.drag),A.addEventListener(\"selectstart\",e,!1)),r.handleNumbers.forEach(function(t){R(\"start\",t)})}function I(t){t.stopPropagation();var e=D(t.calcPoint),r=function(t){var e=100,r=!1;return p.forEach(function(n,i){if(!n.hasAttribute(\"disabled\")){var o=Math.abs(w[i]-t);o1&&(n&&e>0&&(r=Math.max(r,t[e-1]+o.margin)),i&&e1&&o.limit&&(n&&e>0&&(r=Math.min(r,t[e-1]+o.limit)),i&&e50?-1:1,r=3+(p.length+e*t);p[t].childNodes[0].style.zIndex=r})}function K(t,e,r,n){return!1!==(e=$(w,t,e,r,n,!1))&&(function(t,e){w[t]=e,C[t]=E.fromStepping(e);var r=function(){p[t].style[o.style]=G(e),Q(t),Q(t+1)};window.requestAnimationFrame&&o.useRequestAnimationFrame?window.requestAnimationFrame(r):r()}(t,e),!0)}function Q(t){if(f[t]){var e=0,r=100;0!==t&&(e=w[t-1]),t!==f.length-1&&(r=w[t]),f[t].style[o.style]=G(e),f[t].style[o.styleOposite]=G(100-r)}}function Z(t,e){null!==t&&!1!==t&&(\"number\"==typeof t&&(t=String(t)),!1===(t=o.format.from(t))||isNaN(t)||K(e,E.toStepping(t),!1,!1))}function tt(t,e){var r=i(t),s=void 0===w[0];e=void 0===e||!!e,r.forEach(Z),o.animate&&!s&&n(S,o.cssClasses.tap,o.animationDuration),x.forEach(function(t){K(t,w[t],!0,!1)}),J(),x.forEach(function(t){R(\"update\",t),null!==r[t]&&e&&R(\"set\",t)})}function et(){var t=C.map(o.format.to);return 1===t.length?t[0]:t}function rt(t,e){N[t]=N[t]||[],N[t].push(e),\"update\"===t.split(\".\")[0]&&p.forEach(function(t,e){R(\"update\",e)})}if(S.noUiSlider)throw new Error(\"noUiSlider (\"+t+\"): Slider was already initialized.\");return function(t){s(t,o.cssClasses.target),0===o.dir?s(t,o.cssClasses.ltr):s(t,o.cssClasses.rtl),0===o.ort?s(t,o.cssClasses.horizontal):s(t,o.cssClasses.vertical),c=M(t,o.cssClasses.base)}(S),function(t,e){p=[],(f=[]).push(k(e,t[0]));for(var r=0;rr.stepAfter.startValue&&(i=r.stepAfter.startValue-n),o=n>r.thisStep.startValue?r.thisStep.step:!1!==r.stepBefore.step&&n-r.stepBefore.highestStep,100===t?i=null:0===t&&(o=null);var s=E.countStepDecimals();return null!==i&&!1!==i&&(i=Number(i.toFixed(s))),null!==o&&!1!==o&&(o=Number(o.toFixed(s))),[o,i]})},on:rt,off:function(t){var e=t&&t.split(\".\")[0],r=e&&t.substring(e.length);Object.keys(N).forEach(function(t){var n=t.split(\".\")[0],i=t.substring(n.length);e&&e!==n||r&&r!==i||delete N[t]})},get:et,set:tt,reset:function(t){tt(o.start,t)},__moveHandles:function(t,e,r){T(t,e,w,r)},options:u,updateOptions:function(t,e){var r=et(),n=[\"margin\",\"limit\",\"padding\",\"range\",\"animate\",\"snap\",\"step\",\"format\"];n.forEach(function(e){void 0!==t[e]&&(u[e]=t[e])});var i=q(u);n.forEach(function(e){void 0!==t[e]&&(o[e]=i[e])}),E=i.spectrum,o.margin=i.margin,o.limit=i.limit,o.padding=i.padding,o.pips&&z(o.pips),w=[],tt(t.start||r,e)},target:S,removePips:L,pips:z},(m=o.events).fixed||p.forEach(function(t,e){H(v.start,t.children[0],_,{handleNumbers:[e]})}),m.tap&&H(v.start,c,I,{}),m.hover&&H(v.move,c,W,{hover:!0}),m.drag&&f.forEach(function(t,e){if(!1!==t&&0!==e&&e!==f.length-1){var r=p[e-1],n=p[e],i=[t];s(t,o.cssClasses.draggable),m.fixed&&(i.push(r.children[0]),i.push(n.children[0])),i.forEach(function(t){H(v.start,t,_,{handles:[r,n],handleNumbers:[e-1,e]})})}}),tt(o.start),o.pips&&z(o.pips),o.tooltips&&(g=p.map(V),rt(\"update\",function(t,e,r){if(g[e]){var n=t[e];!0!==o.tooltips[e]&&(n=o.tooltips[e].to(r[e])),g[e].innerHTML=n}})),rt(\"update\",function(t,e,r,n,i){x.forEach(function(t){var e=p[t],n=$(w,t,0,!0,!0,!0),s=$(w,t,100,!0,!0,!0),a=i[t],l=o.ariaFormat.to(r[t]);e.children[0].setAttribute(\"aria-valuemin\",n.toFixed(1)),e.children[0].setAttribute(\"aria-valuemax\",s.toFixed(1)),e.children[0].setAttribute(\"aria-valuenow\",a.toFixed(1)),e.children[0].setAttribute(\"aria-valuetext\",l)})}),d}return{version:t,create:function(e,r){if(!e||!e.nodeName)throw new Error(\"noUiSlider (\"+t+\"): create requires a single element, got: \"+e);var n=T(e,q(r),r);return e.noUiSlider=n,n}}},\"function\"==typeof define&&define.amd?define([],n):\"object\"==typeof r?e.exports=n():window.noUiSlider=n()},\n 494: function _(e,t,i){e(164),e(495),e(163).styles.append(\".bk-root .bk-slider-title {\\n white-space: nowrap;\\n}\\n.bk-root .bk-slider-value {\\n font-weight: 600;\\n}\\n\"),i.bk_slider_value=\"bk-slider-value\",i.bk_slider_title=\"bk-slider-title\",i.bk_input_group=\"bk-input-group\"},\n 495: function _(n,o,t){n(164),n(163).styles.append('.bk-root {\\n /* Functional styling;\\n * These styles are required for noUiSlider to function.\\n * You don\\'t need to change these rules to apply your design.\\n */\\n /* Painting and performance;\\n * Browsers can paint handles in their own layer.\\n */\\n /* Slider size and handle placement;\\n */\\n /* Styling;\\n */\\n /* Handles and cursors;\\n */\\n /* Handle stripes;\\n */\\n /* Disabled state;\\n */\\n /* Base;\\n *\\n */\\n /* Values;\\n *\\n */\\n /* Markings;\\n *\\n */\\n /* Horizontal layout;\\n *\\n */\\n /* Vertical layout;\\n *\\n */\\n}\\n.bk-root .bk-noUi-target,\\n.bk-root .bk-noUi-target * {\\n -webkit-touch-callout: none;\\n -webkit-tap-highlight-color: rgba(0, 0, 0, 0);\\n -webkit-user-select: none;\\n -ms-touch-action: none;\\n touch-action: none;\\n -ms-user-select: none;\\n -moz-user-select: none;\\n user-select: none;\\n -moz-box-sizing: border-box;\\n box-sizing: border-box;\\n}\\n.bk-root .bk-noUi-target {\\n position: relative;\\n direction: ltr;\\n}\\n.bk-root .bk-noUi-base {\\n width: 100%;\\n height: 100%;\\n position: relative;\\n z-index: 1;\\n /* Fix 401 */\\n}\\n.bk-root .bk-noUi-connect {\\n position: absolute;\\n right: 0;\\n top: 0;\\n left: 0;\\n bottom: 0;\\n}\\n.bk-root .bk-noUi-origin {\\n position: absolute;\\n height: 0;\\n width: 0;\\n}\\n.bk-root .bk-noUi-handle {\\n position: relative;\\n z-index: 1;\\n}\\n.bk-root .bk-noUi-state-tap .bk-noUi-connect,\\n.bk-root .bk-noUi-state-tap .bk-noUi-origin {\\n -webkit-transition: top 0.3s, right 0.3s, bottom 0.3s, left 0.3s;\\n transition: top 0.3s, right 0.3s, bottom 0.3s, left 0.3s;\\n}\\n.bk-root .bk-noUi-state-drag * {\\n cursor: inherit !important;\\n}\\n.bk-root .bk-noUi-base,\\n.bk-root .bk-noUi-handle {\\n -webkit-transform: translate3d(0, 0, 0);\\n transform: translate3d(0, 0, 0);\\n}\\n.bk-root .bk-noUi-horizontal {\\n height: 18px;\\n}\\n.bk-root .bk-noUi-horizontal .bk-noUi-handle {\\n width: 34px;\\n height: 28px;\\n left: -17px;\\n top: -6px;\\n}\\n.bk-root .bk-noUi-vertical {\\n width: 18px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle {\\n width: 28px;\\n height: 34px;\\n left: -6px;\\n top: -17px;\\n}\\n.bk-root .bk-noUi-target {\\n background: #FAFAFA;\\n border-radius: 4px;\\n border: 1px solid #D3D3D3;\\n box-shadow: inset 0 1px 1px #F0F0F0, 0 3px 6px -5px #BBB;\\n}\\n.bk-root .bk-noUi-connect {\\n background: #3FB8AF;\\n border-radius: 4px;\\n box-shadow: inset 0 0 3px rgba(51, 51, 51, 0.45);\\n -webkit-transition: background 450ms;\\n transition: background 450ms;\\n}\\n.bk-root .bk-noUi-draggable {\\n cursor: ew-resize;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-draggable {\\n cursor: ns-resize;\\n}\\n.bk-root .bk-noUi-handle {\\n border: 1px solid #D9D9D9;\\n border-radius: 3px;\\n background: #FFF;\\n cursor: default;\\n box-shadow: inset 0 0 1px #FFF, inset 0 1px 7px #EBEBEB, 0 3px 6px -3px #BBB;\\n}\\n.bk-root .bk-noUi-active {\\n box-shadow: inset 0 0 1px #FFF, inset 0 1px 7px #DDD, 0 3px 6px -3px #BBB;\\n}\\n.bk-root .bk-noUi-handle:before,\\n.bk-root .bk-noUi-handle:after {\\n content: \"\";\\n display: block;\\n position: absolute;\\n height: 14px;\\n width: 1px;\\n background: #E8E7E6;\\n left: 14px;\\n top: 6px;\\n}\\n.bk-root .bk-noUi-handle:after {\\n left: 17px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle:before,\\n.bk-root .bk-noUi-vertical .bk-noUi-handle:after {\\n width: 14px;\\n height: 1px;\\n left: 6px;\\n top: 14px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle:after {\\n top: 17px;\\n}\\n.bk-root [disabled] .bk-noUi-connect {\\n background: #B8B8B8;\\n}\\n.bk-root [disabled].bk-noUi-target,\\n.bk-root [disabled].bk-noUi-handle,\\n.bk-root [disabled] .bk-noUi-handle {\\n cursor: not-allowed;\\n}\\n.bk-root .bk-noUi-pips,\\n.bk-root .bk-noUi-pips * {\\n -moz-box-sizing: border-box;\\n box-sizing: border-box;\\n}\\n.bk-root .bk-noUi-pips {\\n position: absolute;\\n color: #999;\\n}\\n.bk-root .bk-noUi-value {\\n position: absolute;\\n white-space: nowrap;\\n text-align: center;\\n}\\n.bk-root .bk-noUi-value-sub {\\n color: #ccc;\\n font-size: 10px;\\n}\\n.bk-root .bk-noUi-marker {\\n position: absolute;\\n background: #CCC;\\n}\\n.bk-root .bk-noUi-marker-sub {\\n background: #AAA;\\n}\\n.bk-root .bk-noUi-marker-large {\\n background: #AAA;\\n}\\n.bk-root .bk-noUi-pips-horizontal {\\n padding: 10px 0;\\n height: 80px;\\n top: 100%;\\n left: 0;\\n width: 100%;\\n}\\n.bk-root .bk-noUi-value-horizontal {\\n -webkit-transform: translate3d(-50%, 50%, 0);\\n transform: translate3d(-50%, 50%, 0);\\n}\\n.bk-root .bk-noUi-marker-horizontal.bk-noUi-marker {\\n margin-left: -1px;\\n width: 2px;\\n height: 5px;\\n}\\n.bk-root .bk-noUi-marker-horizontal.bk-noUi-marker-sub {\\n height: 10px;\\n}\\n.bk-root .bk-noUi-marker-horizontal.bk-noUi-marker-large {\\n height: 15px;\\n}\\n.bk-root .bk-noUi-pips-vertical {\\n padding: 0 10px;\\n height: 100%;\\n top: 0;\\n left: 100%;\\n}\\n.bk-root .bk-noUi-value-vertical {\\n -webkit-transform: translate3d(0, 50%, 0);\\n transform: translate3d(0, 50%, 0);\\n padding-left: 25px;\\n}\\n.bk-root .bk-noUi-marker-vertical.bk-noUi-marker {\\n width: 5px;\\n height: 2px;\\n margin-top: -1px;\\n}\\n.bk-root .bk-noUi-marker-vertical.bk-noUi-marker-sub {\\n width: 10px;\\n}\\n.bk-root .bk-noUi-marker-vertical.bk-noUi-marker-large {\\n width: 15px;\\n}\\n.bk-root .bk-noUi-tooltip {\\n display: block;\\n position: absolute;\\n border: 1px solid #D9D9D9;\\n border-radius: 3px;\\n background: #fff;\\n color: #000;\\n padding: 5px;\\n text-align: center;\\n white-space: nowrap;\\n}\\n.bk-root .bk-noUi-horizontal .bk-noUi-tooltip {\\n -webkit-transform: translate(-50%, 0);\\n transform: translate(-50%, 0);\\n left: 50%;\\n bottom: 120%;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-tooltip {\\n -webkit-transform: translate(0, -50%);\\n transform: translate(0, -50%);\\n top: 50%;\\n right: 120%;\\n}\\n.bk-root .bk-noUi-handle {\\n cursor: grab;\\n cursor: -webkit-grab;\\n}\\n.bk-root .bk-noUi-handle.bk-noUi-active {\\n cursor: grabbing;\\n cursor: -webkit-grabbing;\\n}\\n.bk-root .bk-noUi-tooltip {\\n display: none;\\n white-space: nowrap;\\n}\\n.bk-root .bk-noUi-handle:hover .bk-noUi-tooltip {\\n display: block;\\n}\\n.bk-root .bk-noUi-horizontal {\\n width: 100%;\\n height: 10px;\\n}\\n.bk-root .bk-noUi-horizontal.bk-noUi-target {\\n margin: 5px 0px;\\n}\\n.bk-root .bk-noUi-horizontal .bk-noUi-handle {\\n width: 14px;\\n height: 18px;\\n left: -7px;\\n top: -5px;\\n}\\n.bk-root .bk-noUi-vertical {\\n width: 10px;\\n height: 100%;\\n}\\n.bk-root .bk-noUi-vertical.bk-noUi-target {\\n margin: 0px 5px;\\n}\\n.bk-root .bk-noUi-vertical .bk-noUi-handle {\\n width: 18px;\\n height: 14px;\\n left: -5px;\\n top: -7px;\\n}\\n.bk-root .bk-noUi-handle:after,\\n.bk-root .bk-noUi-handle:before {\\n display: none;\\n}\\n.bk-root .bk-noUi-connect {\\n box-shadow: none;\\n}\\n')},\n 496: function _(t,e,i){var r=t(113),n=t(252),a=t(492),_=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return r.__extends(e,t),e}(a.AbstractSliderView);i.DateSliderView=_,_.__name__=\"DateSliderView\";var o=function(t){function e(e){var i=t.call(this,e)||this;return i.behaviour=\"tap\",i.connected=[!0,!1],i}return r.__extends(e,t),e.init_DateSlider=function(){this.prototype.default_view=_,this.override({format:\"%d %b %Y\"})},e.prototype._formatter=function(t,e){return n(t,e)},e}(a.AbstractSlider);i.DateSlider=o,o.__name__=\"DateSlider\",o.init_DateSlider()},\n 497: function _(t,e,i){var n=t(113),r=t(498),_=t(121),o=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.render=function(){t.prototype.render.call(this),this.model.render_as_text?this.markup_el.textContent=this.model.text:this.markup_el.innerHTML=this.model.text},e}(r.MarkupView);i.DivView=o,o.__name__=\"DivView\";var u=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_Div=function(){this.prototype.default_view=o,this.define({render_as_text:[_.Boolean,!1]})},e}(r.Markup);i.Div=u,u.__name__=\"Div\",u.init_Div()},\n 498: function _(t,i,n){var e=t(113),s=t(282),o=t(163),r=t(121),a=t(534),l=t(499),u=function(t){function i(){return null!==t&&t.apply(this,arguments)||this}return e.__extends(i,t),i.prototype.connect_signals=function(){var i=this;t.prototype.connect_signals.call(this),this.connect(this.model.change,function(){i.render(),i.root.compute_layout()})},i.prototype._update_layout=function(){this.layout=new s.VariadicBox(this.el),this.layout.set_sizing(this.box_sizing())},i.prototype.render=function(){t.prototype.render.call(this);var i=Object.assign(Object.assign({},this.model.style),{display:\"inline-block\"});this.markup_el=o.div({class:l.bk_clearfix,style:i}),this.el.appendChild(this.markup_el)},i}(a.WidgetView);n.MarkupView=u,u.__name__=\"MarkupView\";var c=function(t){function i(i){return t.call(this,i)||this}return e.__extends(i,t),i.init_Markup=function(){this.define({text:[r.String,\"\"],style:[r.Any,{}]})},i}(a.Widget);n.Markup=c,c.__name__=\"Markup\",c.init_Markup()},\n 499: function _(e,n,r){e(164),e(163).styles.append('.bk-root .bk-clearfix:before,\\n.bk-root .bk-clearfix:after {\\n content: \"\";\\n display: table;\\n}\\n.bk-root .bk-clearfix:after {\\n clear: both;\\n}\\n'),r.bk_clearfix=\"bk-clearfix\"},\n 500: function _(e,t,i){var n=e(113),o=e(474),l=e(376),s=e(163),r=e(121),u=e(109),d=e(240),a=e(347),c=e(348),_=function(e){function t(){var t=e.apply(this,arguments)||this;return t._open=!1,t}return n.__extends(t,e),t.prototype.render=function(){var t=this;e.prototype.render.call(this);var i=s.div({class:[c.bk_caret,d.bk_down]});if(this.model.is_split){var n=this._render_button(i);n.classList.add(a.bk_dropdown_toggle),n.addEventListener(\"click\",function(){return t._toggle_menu()}),this.group_el.appendChild(n)}else this.button_el.appendChild(i);var o=this.model.menu.map(function(e,i){if(null==e)return s.div({class:c.bk_divider});var n=u.isString(e)?e:e[0],o=s.div({},n);return o.addEventListener(\"click\",function(){return t._item_click(i)}),o});this.menu=s.div({class:[c.bk_menu,d.bk_below]},o),this.el.appendChild(this.menu),s.undisplay(this.menu)},t.prototype._show_menu=function(){var e=this;if(!this._open){this._open=!0,s.display(this.menu);var t=function(i){var n=i.target;n instanceof HTMLElement&&!e.el.contains(n)&&(document.removeEventListener(\"click\",t),e._hide_menu())};document.addEventListener(\"click\",t)}},t.prototype._hide_menu=function(){this._open&&(this._open=!1,s.undisplay(this.menu))},t.prototype._toggle_menu=function(){this._open?this._hide_menu():this._show_menu()},t.prototype.click=function(){this.model.is_split?(this._hide_menu(),this.model.trigger_event(new l.ButtonClick),this.model.value=this.model.default_value,null!=this.model.callback&&this.model.callback.execute(this.model),e.prototype.click.call(this)):this._toggle_menu()},t.prototype._item_click=function(e){this._hide_menu();var t=this.model.menu[e];if(null!=t){var i=u.isString(t)?t:t[1];u.isString(i)?(this.model.trigger_event(new l.MenuItemClick(i)),this.model.value=i,null!=this.model.callback&&this.model.callback.execute(this.model)):(i.execute(this.model,{index:e}),null!=this.model.callback&&this.model.callback.execute(this.model))}},t}(o.AbstractButtonView);i.DropdownView=_,_.__name__=\"DropdownView\";var h=function(e){function t(t){return e.call(this,t)||this}return n.__extends(t,e),t.init_Dropdown=function(){this.prototype.default_view=_,this.define({split:[r.Boolean,!1],menu:[r.Array,[]],value:[r.String],default_value:[r.String]}),this.override({label:\"Dropdown\"})},Object.defineProperty(t.prototype,\"is_split\",{get:function(){return this.split||null!=this.default_value},enumerable:!0,configurable:!0}),t}(o.AbstractButton);i.Dropdown=h,h.__name__=\"Dropdown\",h.init_Dropdown()},\n 501: function _(t,e,i){var n=t(113),l=t(121),o=t(534),a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return n.__extends(e,t),e.prototype.connect_signals=function(){var e=this;t.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return e.render()}),this.connect(this.model.properties.width.change,function(){return e.render()})},e.prototype.render=function(){var t=this;this.dialogEl||(this.dialogEl=document.createElement(\"input\"),this.dialogEl.type=\"file\",this.dialogEl.multiple=!1,null!=this.model.accept&&\"\"!=this.model.accept&&(this.dialogEl.accept=this.model.accept),this.dialogEl.style.width=\"{this.model.width}px\",this.dialogEl.onchange=function(e){return t.load_file(e)},this.el.appendChild(this.dialogEl))},e.prototype.load_file=function(t){var e=this,i=new FileReader;this.model.filename=t.target.files[0].name,i.onload=function(t){return e.file(t)},i.readAsDataURL(t.target.files[0])},e.prototype.file=function(t){var e=t.target.result.split(\",\"),i=e[1],n=e[0].split(\":\")[1].split(\";\")[0];this.model.value=i,this.model.mime_type=n},e}(o.WidgetView);i.FileInputView=a,a.__name__=\"FileInputView\";var r=function(t){function e(e){return t.call(this,e)||this}return n.__extends(e,t),e.init_FileInput=function(){this.prototype.default_view=a,this.define({value:[l.String,\"\"],mime_type:[l.String,\"\"],filename:[l.String,\"\"],accept:[l.String,\"\"]})},e}(o.Widget);i.FileInput=r,r.__name__=\"FileInput\",r.init_FileInput()},\n 502: function _(e,t,n){var i=e(113),r=e(163),l=e(109),o=e(117),s=e(121),c=e(480),u=e(481),h=function(e){function t(){return null!==e&&e.apply(this,arguments)||this}return i.__extends(t,e),t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.properties.value.change,function(){return t.render_selection()}),this.connect(this.model.properties.options.change,function(){return t.render()}),this.connect(this.model.properties.name.change,function(){return t.render()}),this.connect(this.model.properties.title.change,function(){return t.render()}),this.connect(this.model.properties.size.change,function(){return t.render()}),this.connect(this.model.properties.disabled.change,function(){return t.render()})},t.prototype.render=function(){var t=this;e.prototype.render.call(this);var n=this.model.options.map(function(e){var t,n;return l.isString(e)?t=n=e:(t=e[0],n=e[1]),r.option({value:t},n)});this.select_el=r.select({multiple:!0,class:u.bk_input,name:this.model.name,disabled:this.model.disabled},n),this.select_el.addEventListener(\"change\",function(){return t.change_input()}),this.group_el.appendChild(this.select_el),this.render_selection()},t.prototype.render_selection=function(){for(var e=new o.Set(this.model.value),t=0,n=Array.from(this.el.querySelectorAll(\"option\"));tu?d:-d;if(0!=h)return h}return 0})},e}();i.TableDataProvider=b,b.__name__=\"TableDataProvider\";var v=function(e){function t(){var t=e.apply(this,arguments)||this;return t._in_selection_update=!1,t._warned_not_reorderable=!1,t}return n.__extends(t,e),t.prototype.connect_signals=function(){var t=this;e.prototype.connect_signals.call(this),this.connect(this.model.change,function(){return t.render()}),this.connect(this.model.source.streaming,function(){return t.updateGrid()}),this.connect(this.model.source.patching,function(){return t.updateGrid()}),this.connect(this.model.source.change,function(){return t.updateGrid()}),this.connect(this.model.source.properties.data.change,function(){return t.updateGrid()}),this.connect(this.model.source.selected.change,function(){return t.updateSelection()}),this.connect(this.model.source.selected.properties.indices.change,function(){return t.updateSelection()})},t.prototype._update_layout=function(){this.layout=new p.LayoutItem,this.layout.set_sizing(this.box_sizing())},t.prototype.update_position=function(){e.prototype.update_position.call(this),this.grid.resizeCanvas()},t.prototype.updateGrid=function(){var e=this;if(this.model.view.compute_indices(),this.data.constructor(this.model.source,this.model.view),this.model.sortable){var t=this.grid.getColumns(),i=this.grid.getSortColumns().map(function(i){return{sortCol:{field:t[e.grid.getColumnIndex(i.columnId)].field},sortAsc:i.sortAsc}});this.data.sort(i)}this.grid.invalidate(),this.grid.render()},t.prototype.updateSelection=function(){var e=this;if(!this._in_selection_update){var t=this.model.source.selected.indices.map(function(t){return e.data.index.indexOf(t)}).sort();this._in_selection_update=!0,this.grid.setSelectedRows(t),this._in_selection_update=!1;var i=this.grid.getViewport(),n=this.model.get_scroll_index(i,t);null!=n&&this.grid.scrollRowToTop(n)}},t.prototype.newIndexColumn=function(){return{id:d.uniqueId(),name:this.model.index_header,field:i.DTINDEX_NAME,width:this.model.index_width,behavior:\"select\",cannotTriggerInsert:!0,resizable:!1,selectable:!1,sortable:!0,cssClass:g.bk_cell_index,headerCssClass:g.bk_header_index}},t.prototype.css_classes=function(){return e.prototype.css_classes.call(this).concat(g.bk_data_table)},t.prototype.render=function(){var e,t=this,i=this.model.columns.map(function(e){return e.toColumn()});if(\"checkbox\"==this.model.selectable&&(e=new r({cssClass:g.bk_cell_select}),i.unshift(e.getColumnDefinition())),null!=this.model.index_position){var n=this.model.index_position,a=this.newIndexColumn();-1==n?i.push(a):n<-1?i.splice(n+1,0,a):i.splice(n,0,a)}var d=this.model.reorderable;!d||\"undefined\"!=typeof $&&null!=$.fn&&null!=$.fn.sortable||(this._warned_not_reorderable||(_.logger.warn(\"jquery-ui is required to enable DataTable.reorderable\"),this._warned_not_reorderable=!0),d=!1);var u={enableCellNavigation:!1!==this.model.selectable,enableColumnReorder:d,forceFitColumns:this.model.fit_columns,multiColumnSort:this.model.sortable,editable:this.model.editable,autoEdit:!1,rowHeight:this.model.row_height};if(this.data=new b(this.model.source,this.model.view),this.grid=new l.Grid(this.el,this.data,i,u),this.grid.onSort.subscribe(function(e,n){t.model.sortable&&(i=n.sortCols,t.data.sort(i),t.grid.invalidate(),t.updateSelection(),t.grid.render(),t.model.header_row||t._hide_header(),t.model.update_sort_columns(i))}),!1!==this.model.selectable){this.grid.setSelectionModel(new o({selectActiveRow:null==e})),null!=e&&this.grid.registerPlugin(e);var h={dataItemColumnValueExtractor:function(e,t){var i=e[t.field];return c.isString(i)&&(i=i.replace(/\\n/g,\"\\\\n\")),i},includeHeaderWhenCopying:!1};this.grid.registerPlugin(new s(h)),this.grid.onSelectedRowsChanged.subscribe(function(e,i){t._in_selection_update||(t.model.source.selected.indices=i.rows.map(function(e){return t.data.index[e]}))}),this.updateSelection(),this.model.header_row||this._hide_header()}},t.prototype._hide_header=function(){for(var e=0,t=Array.from(this.el.querySelectorAll(\".slick-header-columns\"));e=0&&l0&&t-1 in e)}b.fn=b.prototype={jquery:\"3.4.1\",constructor:b,length:0,toArray:function(){return o.call(this)},get:function(e){return null==e?o.call(this):e<0?this[e+this.length]:this[e]},pushStack:function(e){var t=b.merge(this.constructor(),e);return t.prevObject=this,t},each:function(e){return b.each(this,e)},map:function(e){return this.pushStack(b.map(this,function(t,n){return e.call(t,n,t)}))},slice:function(){return this.pushStack(o.apply(this,arguments))},first:function(){return this.eq(0)},last:function(){return this.eq(-1)},eq:function(e){var t=this.length,n=+e+(e<0?t:0);return this.pushStack(n>=0&&n+~]|\"+M+\")\"+M+\"*\"),U=new RegExp(M+\"|>\"),X=new RegExp($),V=new RegExp(\"^\"+I+\"$\"),G={ID:new RegExp(\"^#(\"+I+\")\"),CLASS:new RegExp(\"^\\\\.(\"+I+\")\"),TAG:new RegExp(\"^(\"+I+\"|[*])\"),ATTR:new RegExp(\"^\"+W),PSEUDO:new RegExp(\"^\"+$),CHILD:new RegExp(\"^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\\\(\"+M+\"*(even|odd|(([+-]|)(\\\\d*)n|)\"+M+\"*(?:([+-]|)\"+M+\"*(\\\\d+)|))\"+M+\"*\\\\)|)\",\"i\"),bool:new RegExp(\"^(?:\"+R+\")$\",\"i\"),needsContext:new RegExp(\"^\"+M+\"*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\\\(\"+M+\"*((?:-\\\\d)?\\\\d*)\"+M+\"*\\\\)|)(?=[^-]|$)\",\"i\")},Y=/HTML$/i,Q=/^(?:input|select|textarea|button)$/i,J=/^h\\d$/i,K=/^[^{]+\\{\\s*\\[native \\w/,Z=/^(?:#([\\w-]+)|(\\w+)|\\.([\\w-]+))$/,ee=/[+~]/,te=new RegExp(\"\\\\\\\\([\\\\da-f]{1,6}\"+M+\"?|(\"+M+\")|.)\",\"ig\"),ne=function(e,t,n){var r=\"0x\"+t-65536;return r!=r||n?t:r<0?String.fromCharCode(r+65536):String.fromCharCode(r>>10|55296,1023&r|56320)},re=/([\\0-\\x1f\\x7f]|^-?\\d)|^-$|[^\\0-\\x1f\\x7f-\\uFFFF\\w-]/g,ie=function(e,t){return t?\"\\0\"===e?\"�\":e.slice(0,-1)+\"\\\\\"+e.charCodeAt(e.length-1).toString(16)+\" \":\"\\\\\"+e},oe=function(){p()},ae=be(function(e){return!0===e.disabled&&\"fieldset\"===e.nodeName.toLowerCase()},{dir:\"parentNode\",next:\"legend\"});try{H.apply(j=O.call(w.childNodes),w.childNodes),j[w.childNodes.length].nodeType}catch(e){H={apply:j.length?function(e,t){L.apply(e,O.call(t))}:function(e,t){for(var n=e.length,r=0;e[n++]=t[r++];);e.length=n-1}}}function se(e,t,r,i){var o,s,l,c,f,h,y,m=t&&t.ownerDocument,T=t?t.nodeType:9;if(r=r||[],\"string\"!=typeof e||!e||1!==T&&9!==T&&11!==T)return r;if(!i&&((t?t.ownerDocument||t:w)!==d&&p(t),t=t||d,g)){if(11!==T&&(f=Z.exec(e)))if(o=f[1]){if(9===T){if(!(l=t.getElementById(o)))return r;if(l.id===o)return r.push(l),r}else if(m&&(l=m.getElementById(o))&&x(t,l)&&l.id===o)return r.push(l),r}else{if(f[2])return H.apply(r,t.getElementsByTagName(e)),r;if((o=f[3])&&n.getElementsByClassName&&t.getElementsByClassName)return H.apply(r,t.getElementsByClassName(o)),r}if(n.qsa&&!N[e+\" \"]&&(!v||!v.test(e))&&(1!==T||\"object\"!==t.nodeName.toLowerCase())){if(y=e,m=t,1===T&&U.test(e)){for((c=t.getAttribute(\"id\"))?c=c.replace(re,ie):t.setAttribute(\"id\",c=b),s=(h=a(e)).length;s--;)h[s]=\"#\"+c+\" \"+xe(h[s]);y=h.join(\",\"),m=ee.test(e)&&ye(t.parentNode)||t}try{return H.apply(r,m.querySelectorAll(y)),r}catch(t){N(e,!0)}finally{c===b&&t.removeAttribute(\"id\")}}}return u(e.replace(B,\"$1\"),t,r,i)}function ue(){var e=[];return function t(n,i){return e.push(n+\" \")>r.cacheLength&&delete t[e.shift()],t[n+\" \"]=i}}function le(e){return e[b]=!0,e}function ce(e){var t=d.createElement(\"fieldset\");try{return!!e(t)}catch(e){return!1}finally{t.parentNode&&t.parentNode.removeChild(t),t=null}}function fe(e,t){for(var n=e.split(\"|\"),i=n.length;i--;)r.attrHandle[n[i]]=t}function pe(e,t){var n=t&&e,r=n&&1===e.nodeType&&1===t.nodeType&&e.sourceIndex-t.sourceIndex;if(r)return r;if(n)for(;n=n.nextSibling;)if(n===t)return-1;return e?1:-1}function de(e){return function(t){return\"input\"===t.nodeName.toLowerCase()&&t.type===e}}function he(e){return function(t){var n=t.nodeName.toLowerCase();return(\"input\"===n||\"button\"===n)&&t.type===e}}function ge(e){return function(t){return\"form\"in t?t.parentNode&&!1===t.disabled?\"label\"in t?\"label\"in t.parentNode?t.parentNode.disabled===e:t.disabled===e:t.isDisabled===e||t.isDisabled!==!e&&ae(t)===e:t.disabled===e:\"label\"in t&&t.disabled===e}}function ve(e){return le(function(t){return t=+t,le(function(n,r){for(var i,o=e([],n.length,t),a=o.length;a--;)n[i=o[a]]&&(n[i]=!(r[i]=n[i]))})})}function ye(e){return e&&void 0!==e.getElementsByTagName&&e}for(t in n=se.support={},o=se.isXML=function(e){var t=e.namespaceURI,n=(e.ownerDocument||e).documentElement;return!Y.test(t||n&&n.nodeName||\"HTML\")},p=se.setDocument=function(e){var t,i,a=e?e.ownerDocument||e:w;return a!==d&&9===a.nodeType&&a.documentElement?(h=(d=a).documentElement,g=!o(d),w!==d&&(i=d.defaultView)&&i.top!==i&&(i.addEventListener?i.addEventListener(\"unload\",oe,!1):i.attachEvent&&i.attachEvent(\"onunload\",oe)),n.attributes=ce(function(e){return e.className=\"i\",!e.getAttribute(\"className\")}),n.getElementsByTagName=ce(function(e){return e.appendChild(d.createComment(\"\")),!e.getElementsByTagName(\"*\").length}),n.getElementsByClassName=K.test(d.getElementsByClassName),n.getById=ce(function(e){return h.appendChild(e).id=b,!d.getElementsByName||!d.getElementsByName(b).length}),n.getById?(r.filter.ID=function(e){var t=e.replace(te,ne);return function(e){return e.getAttribute(\"id\")===t}},r.find.ID=function(e,t){if(void 0!==t.getElementById&&g){var n=t.getElementById(e);return n?[n]:[]}}):(r.filter.ID=function(e){var t=e.replace(te,ne);return function(e){var n=void 0!==e.getAttributeNode&&e.getAttributeNode(\"id\");return n&&n.value===t}},r.find.ID=function(e,t){if(void 0!==t.getElementById&&g){var n,r,i,o=t.getElementById(e);if(o){if((n=o.getAttributeNode(\"id\"))&&n.value===e)return[o];for(i=t.getElementsByName(e),r=0;o=i[r++];)if((n=o.getAttributeNode(\"id\"))&&n.value===e)return[o]}return[]}}),r.find.TAG=n.getElementsByTagName?function(e,t){return void 0!==t.getElementsByTagName?t.getElementsByTagName(e):n.qsa?t.querySelectorAll(e):void 0}:function(e,t){var n,r=[],i=0,o=t.getElementsByTagName(e);if(\"*\"===e){for(;n=o[i++];)1===n.nodeType&&r.push(n);return r}return o},r.find.CLASS=n.getElementsByClassName&&function(e,t){if(void 0!==t.getElementsByClassName&&g)return t.getElementsByClassName(e)},y=[],v=[],(n.qsa=K.test(d.querySelectorAll))&&(ce(function(e){h.appendChild(e).innerHTML=\"\",e.querySelectorAll(\"[msallowcapture^='']\").length&&v.push(\"[*^$]=\"+M+\"*(?:''|\\\"\\\")\"),e.querySelectorAll(\"[selected]\").length||v.push(\"\\\\[\"+M+\"*(?:value|\"+R+\")\"),e.querySelectorAll(\"[id~=\"+b+\"-]\").length||v.push(\"~=\"),e.querySelectorAll(\":checked\").length||v.push(\":checked\"),e.querySelectorAll(\"a#\"+b+\"+*\").length||v.push(\".#.+[+~]\")}),ce(function(e){e.innerHTML=\"\";var t=d.createElement(\"input\");t.setAttribute(\"type\",\"hidden\"),e.appendChild(t).setAttribute(\"name\",\"D\"),e.querySelectorAll(\"[name=d]\").length&&v.push(\"name\"+M+\"*[*^$|!~]?=\"),2!==e.querySelectorAll(\":enabled\").length&&v.push(\":enabled\",\":disabled\"),h.appendChild(e).disabled=!0,2!==e.querySelectorAll(\":disabled\").length&&v.push(\":enabled\",\":disabled\"),e.querySelectorAll(\"*,:x\"),v.push(\",.*:\")})),(n.matchesSelector=K.test(m=h.matches||h.webkitMatchesSelector||h.mozMatchesSelector||h.oMatchesSelector||h.msMatchesSelector))&&ce(function(e){n.disconnectedMatch=m.call(e,\"*\"),m.call(e,\"[s!='']:x\"),y.push(\"!=\",$)}),v=v.length&&new RegExp(v.join(\"|\")),y=y.length&&new RegExp(y.join(\"|\")),t=K.test(h.compareDocumentPosition),x=t||K.test(h.contains)?function(e,t){var n=9===e.nodeType?e.documentElement:e,r=t&&t.parentNode;return e===r||!(!r||1!==r.nodeType||!(n.contains?n.contains(r):e.compareDocumentPosition&&16&e.compareDocumentPosition(r)))}:function(e,t){if(t)for(;t=t.parentNode;)if(t===e)return!0;return!1},A=t?function(e,t){if(e===t)return f=!0,0;var r=!e.compareDocumentPosition-!t.compareDocumentPosition;return r||(1&(r=(e.ownerDocument||e)===(t.ownerDocument||t)?e.compareDocumentPosition(t):1)||!n.sortDetached&&t.compareDocumentPosition(e)===r?e===d||e.ownerDocument===w&&x(w,e)?-1:t===d||t.ownerDocument===w&&x(w,t)?1:c?P(c,e)-P(c,t):0:4&r?-1:1)}:function(e,t){if(e===t)return f=!0,0;var n,r=0,i=e.parentNode,o=t.parentNode,a=[e],s=[t];if(!i||!o)return e===d?-1:t===d?1:i?-1:o?1:c?P(c,e)-P(c,t):0;if(i===o)return pe(e,t);for(n=e;n=n.parentNode;)a.unshift(n);for(n=t;n=n.parentNode;)s.unshift(n);for(;a[r]===s[r];)r++;return r?pe(a[r],s[r]):a[r]===w?-1:s[r]===w?1:0},d):d},se.matches=function(e,t){return se(e,null,null,t)},se.matchesSelector=function(e,t){if((e.ownerDocument||e)!==d&&p(e),n.matchesSelector&&g&&!N[t+\" \"]&&(!y||!y.test(t))&&(!v||!v.test(t)))try{var r=m.call(e,t);if(r||n.disconnectedMatch||e.document&&11!==e.document.nodeType)return r}catch(e){N(t,!0)}return se(t,d,null,[e]).length>0},se.contains=function(e,t){return(e.ownerDocument||e)!==d&&p(e),x(e,t)},se.attr=function(e,t){(e.ownerDocument||e)!==d&&p(e);var i=r.attrHandle[t.toLowerCase()],o=i&&D.call(r.attrHandle,t.toLowerCase())?i(e,t,!g):void 0;return void 0!==o?o:n.attributes||!g?e.getAttribute(t):(o=e.getAttributeNode(t))&&o.specified?o.value:null},se.escape=function(e){return(e+\"\").replace(re,ie)},se.error=function(e){throw new Error(\"Syntax error, unrecognized expression: \"+e)},se.uniqueSort=function(e){var t,r=[],i=0,o=0;if(f=!n.detectDuplicates,c=!n.sortStable&&e.slice(0),e.sort(A),f){for(;t=e[o++];)t===e[o]&&(i=r.push(o));for(;i--;)e.splice(r[i],1)}return c=null,e},i=se.getText=function(e){var t,n=\"\",r=0,o=e.nodeType;if(o){if(1===o||9===o||11===o){if(\"string\"==typeof e.textContent)return e.textContent;for(e=e.firstChild;e;e=e.nextSibling)n+=i(e)}else if(3===o||4===o)return e.nodeValue}else for(;t=e[r++];)n+=i(t);return n},(r=se.selectors={cacheLength:50,createPseudo:le,match:G,attrHandle:{},find:{},relative:{\">\":{dir:\"parentNode\",first:!0},\" \":{dir:\"parentNode\"},\"+\":{dir:\"previousSibling\",first:!0},\"~\":{dir:\"previousSibling\"}},preFilter:{ATTR:function(e){return e[1]=e[1].replace(te,ne),e[3]=(e[3]||e[4]||e[5]||\"\").replace(te,ne),\"~=\"===e[2]&&(e[3]=\" \"+e[3]+\" \"),e.slice(0,4)},CHILD:function(e){return e[1]=e[1].toLowerCase(),\"nth\"===e[1].slice(0,3)?(e[3]||se.error(e[0]),e[4]=+(e[4]?e[5]+(e[6]||1):2*(\"even\"===e[3]||\"odd\"===e[3])),e[5]=+(e[7]+e[8]||\"odd\"===e[3])):e[3]&&se.error(e[0]),e},PSEUDO:function(e){var t,n=!e[6]&&e[2];return G.CHILD.test(e[0])?null:(e[3]?e[2]=e[4]||e[5]||\"\":n&&X.test(n)&&(t=a(n,!0))&&(t=n.indexOf(\")\",n.length-t)-n.length)&&(e[0]=e[0].slice(0,t),e[2]=n.slice(0,t)),e.slice(0,3))}},filter:{TAG:function(e){var t=e.replace(te,ne).toLowerCase();return\"*\"===e?function(){return!0}:function(e){return e.nodeName&&e.nodeName.toLowerCase()===t}},CLASS:function(e){var t=E[e+\" \"];return t||(t=new RegExp(\"(^|\"+M+\")\"+e+\"(\"+M+\"|$)\"))&&E(e,function(e){return t.test(\"string\"==typeof e.className&&e.className||void 0!==e.getAttribute&&e.getAttribute(\"class\")||\"\")})},ATTR:function(e,t,n){return function(r){var i=se.attr(r,e);return null==i?\"!=\"===t:!t||(i+=\"\",\"=\"===t?i===n:\"!=\"===t?i!==n:\"^=\"===t?n&&0===i.indexOf(n):\"*=\"===t?n&&i.indexOf(n)>-1:\"$=\"===t?n&&i.slice(-n.length)===n:\"~=\"===t?(\" \"+i.replace(F,\" \")+\" \").indexOf(n)>-1:\"|=\"===t&&(i===n||i.slice(0,n.length+1)===n+\"-\"))}},CHILD:function(e,t,n,r,i){var o=\"nth\"!==e.slice(0,3),a=\"last\"!==e.slice(-4),s=\"of-type\"===t;return 1===r&&0===i?function(e){return!!e.parentNode}:function(t,n,u){var l,c,f,p,d,h,g=o!==a?\"nextSibling\":\"previousSibling\",v=t.parentNode,y=s&&t.nodeName.toLowerCase(),m=!u&&!s,x=!1;if(v){if(o){for(;g;){for(p=t;p=p[g];)if(s?p.nodeName.toLowerCase()===y:1===p.nodeType)return!1;h=g=\"only\"===e&&!h&&\"nextSibling\"}return!0}if(h=[a?v.firstChild:v.lastChild],a&&m){for(x=(d=(l=(c=(f=(p=v)[b]||(p[b]={}))[p.uniqueID]||(f[p.uniqueID]={}))[e]||[])[0]===T&&l[1])&&l[2],p=d&&v.childNodes[d];p=++d&&p&&p[g]||(x=d=0)||h.pop();)if(1===p.nodeType&&++x&&p===t){c[e]=[T,d,x];break}}else if(m&&(x=d=(l=(c=(f=(p=t)[b]||(p[b]={}))[p.uniqueID]||(f[p.uniqueID]={}))[e]||[])[0]===T&&l[1]),!1===x)for(;(p=++d&&p&&p[g]||(x=d=0)||h.pop())&&((s?p.nodeName.toLowerCase()!==y:1!==p.nodeType)||!++x||(m&&((c=(f=p[b]||(p[b]={}))[p.uniqueID]||(f[p.uniqueID]={}))[e]=[T,x]),p!==t)););return(x-=i)===r||x%r==0&&x/r>=0}}},PSEUDO:function(e,t){var n,i=r.pseudos[e]||r.setFilters[e.toLowerCase()]||se.error(\"unsupported pseudo: \"+e);return i[b]?i(t):i.length>1?(n=[e,e,\"\",t],r.setFilters.hasOwnProperty(e.toLowerCase())?le(function(e,n){for(var r,o=i(e,t),a=o.length;a--;)e[r=P(e,o[a])]=!(n[r]=o[a])}):function(e){return i(e,0,n)}):i}},pseudos:{not:le(function(e){var t=[],n=[],r=s(e.replace(B,\"$1\"));return r[b]?le(function(e,t,n,i){for(var o,a=r(e,null,i,[]),s=e.length;s--;)(o=a[s])&&(e[s]=!(t[s]=o))}):function(e,i,o){return t[0]=e,r(t,null,o,n),t[0]=null,!n.pop()}}),has:le(function(e){return function(t){return se(e,t).length>0}}),contains:le(function(e){return e=e.replace(te,ne),function(t){return(t.textContent||i(t)).indexOf(e)>-1}}),lang:le(function(e){return V.test(e||\"\")||se.error(\"unsupported lang: \"+e),e=e.replace(te,ne).toLowerCase(),function(t){var n;do{if(n=g?t.lang:t.getAttribute(\"xml:lang\")||t.getAttribute(\"lang\"))return(n=n.toLowerCase())===e||0===n.indexOf(e+\"-\")}while((t=t.parentNode)&&1===t.nodeType);return!1}}),target:function(t){var n=e.location&&e.location.hash;return n&&n.slice(1)===t.id},root:function(e){return e===h},focus:function(e){return e===d.activeElement&&(!d.hasFocus||d.hasFocus())&&!!(e.type||e.href||~e.tabIndex)},enabled:ge(!1),disabled:ge(!0),checked:function(e){var t=e.nodeName.toLowerCase();return\"input\"===t&&!!e.checked||\"option\"===t&&!!e.selected},selected:function(e){return e.parentNode&&e.parentNode.selectedIndex,!0===e.selected},empty:function(e){for(e=e.firstChild;e;e=e.nextSibling)if(e.nodeType<6)return!1;return!0},parent:function(e){return!r.pseudos.empty(e)},header:function(e){return J.test(e.nodeName)},input:function(e){return Q.test(e.nodeName)},button:function(e){var t=e.nodeName.toLowerCase();return\"input\"===t&&\"button\"===e.type||\"button\"===t},text:function(e){var t;return\"input\"===e.nodeName.toLowerCase()&&\"text\"===e.type&&(null==(t=e.getAttribute(\"type\"))||\"text\"===t.toLowerCase())},first:ve(function(){return[0]}),last:ve(function(e,t){return[t-1]}),eq:ve(function(e,t,n){return[n<0?n+t:n]}),even:ve(function(e,t){for(var n=0;nt?t:n;--r>=0;)e.push(r);return e}),gt:ve(function(e,t,n){for(var r=n<0?n+t:n;++r1?function(t,n,r){for(var i=e.length;i--;)if(!e[i](t,n,r))return!1;return!0}:e[0]}function Te(e,t,n,r,i){for(var o,a=[],s=0,u=e.length,l=null!=t;s-1&&(o[l]=!(a[l]=f))}}else y=Te(y===a?y.splice(h,y.length):y),i?i(null,a,y,u):H.apply(a,y)})}function Ee(e){for(var t,n,i,o=e.length,a=r.relative[e[0].type],s=a||r.relative[\" \"],u=a?1:0,c=be(function(e){return e===t},s,!0),f=be(function(e){return P(t,e)>-1},s,!0),p=[function(e,n,r){var i=!a&&(r||n!==l)||((t=n).nodeType?c(e,n,r):f(e,n,r));return t=null,i}];u1&&we(p),u>1&&xe(e.slice(0,u-1).concat({value:\" \"===e[u-2].type?\"*\":\"\"})).replace(B,\"$1\"),n,u0,i=e.length>0,o=function(o,a,s,u,c){var f,h,v,y=0,m=\"0\",x=o&&[],b=[],w=l,C=o||i&&r.find.TAG(\"*\",c),E=T+=null==w?1:Math.random()||.1,k=C.length;for(c&&(l=a===d||a||c);m!==k&&null!=(f=C[m]);m++){if(i&&f){for(h=0,a||f.ownerDocument===d||(p(f),s=!g);v=e[h++];)if(v(f,a||d,s)){u.push(f);break}c&&(T=E)}n&&((f=!v&&f)&&y--,o&&x.push(f))}if(y+=m,n&&m!==y){for(h=0;v=t[h++];)v(x,b,a,s);if(o){if(y>0)for(;m--;)x[m]||b[m]||(b[m]=q.call(u));b=Te(b)}H.apply(u,b),c&&!o&&b.length>0&&y+t.length>1&&se.uniqueSort(u)}return c&&(T=E,l=w),x};return n?le(o):o}(o,i))).selector=e}return s},u=se.select=function(e,t,n,i){var o,u,l,c,f,p=\"function\"==typeof e&&e,d=!i&&a(e=p.selector||e);if(n=n||[],1===d.length){if((u=d[0]=d[0].slice(0)).length>2&&\"ID\"===(l=u[0]).type&&9===t.nodeType&&g&&r.relative[u[1].type]){if(!(t=(r.find.ID(l.matches[0].replace(te,ne),t)||[])[0]))return n;p&&(t=t.parentNode),e=e.slice(u.shift().value.length)}for(o=G.needsContext.test(e)?0:u.length;o--&&(l=u[o],!r.relative[c=l.type]);)if((f=r.find[c])&&(i=f(l.matches[0].replace(te,ne),ee.test(u[0].type)&&ye(t.parentNode)||t))){if(u.splice(o,1),!(e=i.length&&xe(u)))return H.apply(n,i),n;break}}return(p||s(e,d))(i,t,!g,n,!t||ee.test(e)&&ye(t.parentNode)||t),n},n.sortStable=b.split(\"\").sort(A).join(\"\")===b,n.detectDuplicates=!!f,p(),n.sortDetached=ce(function(e){return 1&e.compareDocumentPosition(d.createElement(\"fieldset\"))}),ce(function(e){return e.innerHTML=\"\",\"#\"===e.firstChild.getAttribute(\"href\")})||fe(\"type|href|height|width\",function(e,t,n){if(!n)return e.getAttribute(t,\"type\"===t.toLowerCase()?1:2)}),n.attributes&&ce(function(e){return e.innerHTML=\"\",e.firstChild.setAttribute(\"value\",\"\"),\"\"===e.firstChild.getAttribute(\"value\")})||fe(\"value\",function(e,t,n){if(!n&&\"input\"===e.nodeName.toLowerCase())return e.defaultValue}),ce(function(e){return null==e.getAttribute(\"disabled\")})||fe(R,function(e,t,n){var r;if(!n)return!0===e[t]?t.toLowerCase():(r=e.getAttributeNode(t))&&r.specified?r.value:null}),se}(e);b.find=C,b.expr=C.selectors,b.expr[\":\"]=b.expr.pseudos,b.uniqueSort=b.unique=C.uniqueSort,b.text=C.getText,b.isXMLDoc=C.isXML,b.contains=C.contains,b.escapeSelector=C.escape;var E=function(e,t,n){for(var r=[],i=void 0!==n;(e=e[t])&&9!==e.nodeType;)if(1===e.nodeType){if(i&&b(e).is(n))break;r.push(e)}return r},k=function(e,t){for(var n=[];e;e=e.nextSibling)1===e.nodeType&&e!==t&&n.push(e);return n},S=b.expr.match.needsContext;function N(e,t){return e.nodeName&&e.nodeName.toLowerCase()===t.toLowerCase()}var A=/^<([a-z][^\\/\\0>:\\x20\\t\\r\\n\\f]*)[\\x20\\t\\r\\n\\f]*\\/?>(?:<\\/\\1>|)$/i;function D(e,t,n){return g(t)?b.grep(e,function(e,r){return!!t.call(e,r,e)!==n}):t.nodeType?b.grep(e,function(e){return e===t!==n}):\"string\"!=typeof t?b.grep(e,function(e){return u.call(t,e)>-1!==n}):b.filter(t,e,n)}b.filter=function(e,t,n){var r=t[0];return n&&(e=\":not(\"+e+\")\"),1===t.length&&1===r.nodeType?b.find.matchesSelector(r,e)?[r]:[]:b.find.matches(e,b.grep(t,function(e){return 1===e.nodeType}))},b.fn.extend({find:function(e){var t,n,r=this.length,i=this;if(\"string\"!=typeof e)return this.pushStack(b(e).filter(function(){for(t=0;t1?b.uniqueSort(n):n},filter:function(e){return this.pushStack(D(this,e||[],!1))},not:function(e){return this.pushStack(D(this,e||[],!0))},is:function(e){return!!D(this,\"string\"==typeof e&&S.test(e)?b(e):e||[],!1).length}});var j,q=/^(?:\\s*(<[\\w\\W]+>)[^>]*|#([\\w-]+))$/;(b.fn.init=function(e,t,n){var i,o;if(!e)return this;if(n=n||j,\"string\"==typeof e){if(!(i=\"<\"===e[0]&&\">\"===e[e.length-1]&&e.length>=3?[null,e,null]:q.exec(e))||!i[1]&&t)return!t||t.jquery?(t||n).find(e):this.constructor(t).find(e);if(i[1]){if(t=t instanceof b?t[0]:t,b.merge(this,b.parseHTML(i[1],t&&t.nodeType?t.ownerDocument||t:r,!0)),A.test(i[1])&&b.isPlainObject(t))for(i in t)g(this[i])?this[i](t[i]):this.attr(i,t[i]);return this}return(o=r.getElementById(i[2]))&&(this[0]=o,this.length=1),this}return e.nodeType?(this[0]=e,this.length=1,this):g(e)?void 0!==n.ready?n.ready(e):e(b):b.makeArray(e,this)}).prototype=b.fn,j=b(r);var L=/^(?:parents|prev(?:Until|All))/,H={children:!0,contents:!0,next:!0,prev:!0};function O(e,t){for(;(e=e[t])&&1!==e.nodeType;);return e}b.fn.extend({has:function(e){var t=b(e,this),n=t.length;return this.filter(function(){for(var e=0;e-1:1===n.nodeType&&b.find.matchesSelector(n,e))){o.push(n);break}return this.pushStack(o.length>1?b.uniqueSort(o):o)},index:function(e){return e?\"string\"==typeof e?u.call(b(e),this[0]):u.call(this,e.jquery?e[0]:e):this[0]&&this[0].parentNode?this.first().prevAll().length:-1},add:function(e,t){return this.pushStack(b.uniqueSort(b.merge(this.get(),b(e,t))))},addBack:function(e){return this.add(null==e?this.prevObject:this.prevObject.filter(e))}}),b.each({parent:function(e){var t=e.parentNode;return t&&11!==t.nodeType?t:null},parents:function(e){return E(e,\"parentNode\")},parentsUntil:function(e,t,n){return E(e,\"parentNode\",n)},next:function(e){return O(e,\"nextSibling\")},prev:function(e){return O(e,\"previousSibling\")},nextAll:function(e){return E(e,\"nextSibling\")},prevAll:function(e){return E(e,\"previousSibling\")},nextUntil:function(e,t,n){return E(e,\"nextSibling\",n)},prevUntil:function(e,t,n){return E(e,\"previousSibling\",n)},siblings:function(e){return k((e.parentNode||{}).firstChild,e)},children:function(e){return k(e.firstChild)},contents:function(e){return void 0!==e.contentDocument?e.contentDocument:(N(e,\"template\")&&(e=e.content||e),b.merge([],e.childNodes))}},function(e,t){b.fn[e]=function(n,r){var i=b.map(this,t,n);return\"Until\"!==e.slice(-5)&&(r=n),r&&\"string\"==typeof r&&(i=b.filter(r,i)),this.length>1&&(H[e]||b.uniqueSort(i),L.test(e)&&i.reverse()),this.pushStack(i)}});var P=/[^\\x20\\t\\r\\n\\f]+/g;function R(e){return e}function M(e){throw e}function I(e,t,n,r){var i;try{e&&g(i=e.promise)?i.call(e).done(t).fail(n):e&&g(i=e.then)?i.call(e,t,n):t.apply(void 0,[e].slice(r))}catch(e){n.apply(void 0,[e])}}b.Callbacks=function(e){e=\"string\"==typeof e?function(e){var t={};return b.each(e.match(P)||[],function(e,n){t[n]=!0}),t}(e):b.extend({},e);var t,n,r,i,o=[],a=[],s=-1,u=function(){for(i=i||e.once,r=t=!0;a.length;s=-1)for(n=a.shift();++s-1;)o.splice(n,1),n<=s&&s--}),this},has:function(e){return e?b.inArray(e,o)>-1:o.length>0},empty:function(){return o&&(o=[]),this},disable:function(){return i=a=[],o=n=\"\",this},disabled:function(){return!o},lock:function(){return i=a=[],n||t||(o=n=\"\"),this},locked:function(){return!!i},fireWith:function(e,n){return i||(n=[e,(n=n||[]).slice?n.slice():n],a.push(n),t||u()),this},fire:function(){return l.fireWith(this,arguments),this},fired:function(){return!!r}};return l},b.extend({Deferred:function(t){var n=[[\"notify\",\"progress\",b.Callbacks(\"memory\"),b.Callbacks(\"memory\"),2],[\"resolve\",\"done\",b.Callbacks(\"once memory\"),b.Callbacks(\"once memory\"),0,\"resolved\"],[\"reject\",\"fail\",b.Callbacks(\"once memory\"),b.Callbacks(\"once memory\"),1,\"rejected\"]],r=\"pending\",i={state:function(){return r},always:function(){return o.done(arguments).fail(arguments),this},catch:function(e){return i.then(null,e)},pipe:function(){var e=arguments;return b.Deferred(function(t){b.each(n,function(n,r){var i=g(e[r[4]])&&e[r[4]];o[r[1]](function(){var e=i&&i.apply(this,arguments);e&&g(e.promise)?e.promise().progress(t.notify).done(t.resolve).fail(t.reject):t[r[0]+\"With\"](this,i?[e]:arguments)})}),e=null}).promise()},then:function(t,r,i){var o=0;function a(t,n,r,i){return function(){var s=this,u=arguments,l=function(){var e,l;if(!(t=o&&(r!==M&&(s=void 0,u=[e]),n.rejectWith(s,u))}};t?c():(b.Deferred.getStackHook&&(c.stackTrace=b.Deferred.getStackHook()),e.setTimeout(c))}}return b.Deferred(function(e){n[0][3].add(a(0,e,g(i)?i:R,e.notifyWith)),n[1][3].add(a(0,e,g(t)?t:R)),n[2][3].add(a(0,e,g(r)?r:M))}).promise()},promise:function(e){return null!=e?b.extend(e,i):i}},o={};return b.each(n,function(e,t){var a=t[2],s=t[5];i[t[1]]=a.add,s&&a.add(function(){r=s},n[3-e][2].disable,n[3-e][3].disable,n[0][2].lock,n[0][3].lock),a.add(t[3].fire),o[t[0]]=function(){return o[t[0]+\"With\"](this===o?void 0:this,arguments),this},o[t[0]+\"With\"]=a.fireWith}),i.promise(o),t&&t.call(o,o),o},when:function(e){var t=arguments.length,n=t,r=Array(n),i=o.call(arguments),a=b.Deferred(),s=function(e){return function(n){r[e]=this,i[e]=arguments.length>1?o.call(arguments):n,--t||a.resolveWith(r,i)}};if(t<=1&&(I(e,a.done(s(n)).resolve,a.reject,!t),\"pending\"===a.state()||g(i[n]&&i[n].then)))return a.then();for(;n--;)I(i[n],s(n),a.reject);return a.promise()}});var W=/^(Eval|Internal|Range|Reference|Syntax|Type|URI)Error$/;b.Deferred.exceptionHook=function(t,n){e.console&&e.console.warn&&t&&W.test(t.name)&&e.console.warn(\"jQuery.Deferred exception: \"+t.message,t.stack,n)},b.readyException=function(t){e.setTimeout(function(){throw t})};var $=b.Deferred();function F(){r.removeEventListener(\"DOMContentLoaded\",F),e.removeEventListener(\"load\",F),b.ready()}b.fn.ready=function(e){return $.then(e).catch(function(e){b.readyException(e)}),this},b.extend({isReady:!1,readyWait:1,ready:function(e){(!0===e?--b.readyWait:b.isReady)||(b.isReady=!0,!0!==e&&--b.readyWait>0||$.resolveWith(r,[b]))}}),b.ready.then=$.then,\"complete\"===r.readyState||\"loading\"!==r.readyState&&!r.documentElement.doScroll?e.setTimeout(b.ready):(r.addEventListener(\"DOMContentLoaded\",F),e.addEventListener(\"load\",F));var B=function(e,t,n,r,i,o,a){var s=0,u=e.length,l=null==n;if(\"object\"===x(n))for(s in i=!0,n)B(e,t,s,n[s],!0,o,a);else if(void 0!==r&&(i=!0,g(r)||(a=!0),l&&(a?(t.call(e,r),t=null):(l=t,t=function(e,t,n){return l.call(b(e),n)})),t))for(;s1,null,!0)},removeData:function(e){return this.each(function(){Q.remove(this,e)})}}),b.extend({queue:function(e,t,n){var r;if(e)return t=(t||\"fx\")+\"queue\",r=Y.get(e,t),n&&(!r||Array.isArray(n)?r=Y.access(e,t,b.makeArray(n)):r.push(n)),r||[]},dequeue:function(e,t){t=t||\"fx\";var n=b.queue(e,t),r=n.length,i=n.shift(),o=b._queueHooks(e,t);\"inprogress\"===i&&(i=n.shift(),r--),i&&(\"fx\"===t&&n.unshift(\"inprogress\"),delete o.stop,i.call(e,function(){b.dequeue(e,t)},o)),!r&&o&&o.empty.fire()},_queueHooks:function(e,t){var n=t+\"queueHooks\";return Y.get(e,n)||Y.access(e,n,{empty:b.Callbacks(\"once memory\").add(function(){Y.remove(e,[t+\"queue\",n])})})}}),b.fn.extend({queue:function(e,t){var n=2;return\"string\"!=typeof e&&(t=e,e=\"fx\",n--),arguments.length\\x20\\t\\r\\n\\f]*)/i,he=/^$|^module$|\\/(?:java|ecma)script/i,ge={option:[1,\"\"],thead:[1,\"\",\"
\"],col:[2,\"\",\"
\"],tr:[2,\"\",\"
\"],td:[3,\"\",\"
\"],_default:[0,\"\",\"\"]};function ve(e,t){var n;return n=void 0!==e.getElementsByTagName?e.getElementsByTagName(t||\"*\"):void 0!==e.querySelectorAll?e.querySelectorAll(t||\"*\"):[],void 0===t||t&&N(e,t)?b.merge([e],n):n}function ye(e,t){for(var n=0,r=e.length;n-1)i&&i.push(o);else if(l=ie(o),a=ve(f.appendChild(o),\"script\"),l&&ye(a),n)for(c=0;o=a[c++];)he.test(o.type||\"\")&&n.push(o);return f}me=r.createDocumentFragment().appendChild(r.createElement(\"div\")),(xe=r.createElement(\"input\")).setAttribute(\"type\",\"radio\"),xe.setAttribute(\"checked\",\"checked\"),xe.setAttribute(\"name\",\"t\"),me.appendChild(xe),h.checkClone=me.cloneNode(!0).cloneNode(!0).lastChild.checked,me.innerHTML=\"\",h.noCloneChecked=!!me.cloneNode(!0).lastChild.defaultValue;var Te=/^key/,Ce=/^(?:mouse|pointer|contextmenu|drag|drop)|click/,Ee=/^([^.]*)(?:\\.(.+)|)/;function ke(){return!0}function Se(){return!1}function Ne(e,t){return e===function(){try{return r.activeElement}catch(e){}}()==(\"focus\"===t)}function Ae(e,t,n,r,i,o){var a,s;if(\"object\"==typeof t){for(s in\"string\"!=typeof n&&(r=r||n,n=void 0),t)Ae(e,s,n,r,t[s],o);return e}if(null==r&&null==i?(i=n,r=n=void 0):null==i&&(\"string\"==typeof n?(i=r,r=void 0):(i=r,r=n,n=void 0)),!1===i)i=Se;else if(!i)return e;return 1===o&&(a=i,(i=function(e){return b().off(e),a.apply(this,arguments)}).guid=a.guid||(a.guid=b.guid++)),e.each(function(){b.event.add(this,t,i,r,n)})}function De(e,t,n){n?(Y.set(e,t,!1),b.event.add(e,t,{namespace:!1,handler:function(e){var r,i,a=Y.get(this,t);if(1&e.isTrigger&&this[t]){if(a.length)(b.event.special[t]||{}).delegateType&&e.stopPropagation();else if(a=o.call(arguments),Y.set(this,t,a),r=n(this,t),this[t](),a!==(i=Y.get(this,t))||r?Y.set(this,t,!1):i={},a!==i)return e.stopImmediatePropagation(),e.preventDefault(),i.value}else a.length&&(Y.set(this,t,{value:b.event.trigger(b.extend(a[0],b.Event.prototype),a.slice(1),this)}),e.stopImmediatePropagation())}})):void 0===Y.get(e,t)&&b.event.add(e,t,ke)}b.event={global:{},add:function(e,t,n,r,i){var o,a,s,u,l,c,f,p,d,h,g,v=Y.get(e);if(v)for(n.handler&&(n=(o=n).handler,i=o.selector),i&&b.find.matchesSelector(re,i),n.guid||(n.guid=b.guid++),(u=v.events)||(u=v.events={}),(a=v.handle)||(a=v.handle=function(t){return void 0!==b&&b.event.triggered!==t.type?b.event.dispatch.apply(e,arguments):void 0}),l=(t=(t||\"\").match(P)||[\"\"]).length;l--;)d=g=(s=Ee.exec(t[l])||[])[1],h=(s[2]||\"\").split(\".\").sort(),d&&(f=b.event.special[d]||{},d=(i?f.delegateType:f.bindType)||d,f=b.event.special[d]||{},c=b.extend({type:d,origType:g,data:r,handler:n,guid:n.guid,selector:i,needsContext:i&&b.expr.match.needsContext.test(i),namespace:h.join(\".\")},o),(p=u[d])||((p=u[d]=[]).delegateCount=0,f.setup&&!1!==f.setup.call(e,r,h,a)||e.addEventListener&&e.addEventListener(d,a)),f.add&&(f.add.call(e,c),c.handler.guid||(c.handler.guid=n.guid)),i?p.splice(p.delegateCount++,0,c):p.push(c),b.event.global[d]=!0)},remove:function(e,t,n,r,i){var o,a,s,u,l,c,f,p,d,h,g,v=Y.hasData(e)&&Y.get(e);if(v&&(u=v.events)){for(l=(t=(t||\"\").match(P)||[\"\"]).length;l--;)if(d=g=(s=Ee.exec(t[l])||[])[1],h=(s[2]||\"\").split(\".\").sort(),d){for(f=b.event.special[d]||{},p=u[d=(r?f.delegateType:f.bindType)||d]||[],s=s[2]&&new RegExp(\"(^|\\\\.)\"+h.join(\"\\\\.(?:.*\\\\.|)\")+\"(\\\\.|$)\"),a=o=p.length;o--;)c=p[o],!i&&g!==c.origType||n&&n.guid!==c.guid||s&&!s.test(c.namespace)||r&&r!==c.selector&&(\"**\"!==r||!c.selector)||(p.splice(o,1),c.selector&&p.delegateCount--,f.remove&&f.remove.call(e,c));a&&!p.length&&(f.teardown&&!1!==f.teardown.call(e,h,v.handle)||b.removeEvent(e,d,v.handle),delete u[d])}else for(d in u)b.event.remove(e,d+t[l],n,r,!0);b.isEmptyObject(u)&&Y.remove(e,\"handle events\")}},dispatch:function(e){var t,n,r,i,o,a,s=b.event.fix(e),u=new Array(arguments.length),l=(Y.get(this,\"events\")||{})[s.type]||[],c=b.event.special[s.type]||{};for(u[0]=s,t=1;t=1))for(;l!==this;l=l.parentNode||this)if(1===l.nodeType&&(\"click\"!==e.type||!0!==l.disabled)){for(o=[],a={},n=0;n-1:b.find(i,this,null,[l]).length),a[i]&&o.push(r);o.length&&s.push({elem:l,handlers:o})}return l=this,u\\x20\\t\\r\\n\\f]*)[^>]*)\\/>/gi,qe=/\\s*$/g;function Oe(e,t){return N(e,\"table\")&&N(11!==t.nodeType?t:t.firstChild,\"tr\")&&b(e).children(\"tbody\")[0]||e}function Pe(e){return e.type=(null!==e.getAttribute(\"type\"))+\"/\"+e.type,e}function Re(e){return\"true/\"===(e.type||\"\").slice(0,5)?e.type=e.type.slice(5):e.removeAttribute(\"type\"),e}function Me(e,t){var n,r,i,o,a,s,u,l;if(1===t.nodeType){if(Y.hasData(e)&&(o=Y.access(e),a=Y.set(t,o),l=o.events))for(i in delete a.handle,a.events={},l)for(n=0,r=l[i].length;n1&&\"string\"==typeof v&&!h.checkClone&&Le.test(v))return e.each(function(i){var o=e.eq(i);y&&(t[0]=v.call(this,i,o.html())),Ie(o,t,n,r)});if(p&&(o=(i=we(t,e[0].ownerDocument,!1,e,r)).firstChild,1===i.childNodes.length&&(i=o),o||r)){for(u=(s=b.map(ve(i,\"script\"),Pe)).length;f\")},clone:function(e,t,n){var r,i,o,a,s,u,l,c=e.cloneNode(!0),f=ie(e);if(!(h.noCloneChecked||1!==e.nodeType&&11!==e.nodeType||b.isXMLDoc(e)))for(a=ve(c),r=0,i=(o=ve(e)).length;r0&&ye(a,!f&&ve(e,\"script\")),c},cleanData:function(e){for(var t,n,r,i=b.event.special,o=0;void 0!==(n=e[o]);o++)if(V(n)){if(t=n[Y.expando]){if(t.events)for(r in t.events)i[r]?b.event.remove(n,r):b.removeEvent(n,r,t.handle);n[Y.expando]=void 0}n[Q.expando]&&(n[Q.expando]=void 0)}}}),b.fn.extend({detach:function(e){return We(this,e,!0)},remove:function(e){return We(this,e)},text:function(e){return B(this,function(e){return void 0===e?b.text(this):this.empty().each(function(){1!==this.nodeType&&11!==this.nodeType&&9!==this.nodeType||(this.textContent=e)})},null,e,arguments.length)},append:function(){return Ie(this,arguments,function(e){1!==this.nodeType&&11!==this.nodeType&&9!==this.nodeType||Oe(this,e).appendChild(e)})},prepend:function(){return Ie(this,arguments,function(e){if(1===this.nodeType||11===this.nodeType||9===this.nodeType){var t=Oe(this,e);t.insertBefore(e,t.firstChild)}})},before:function(){return Ie(this,arguments,function(e){this.parentNode&&this.parentNode.insertBefore(e,this)})},after:function(){return Ie(this,arguments,function(e){this.parentNode&&this.parentNode.insertBefore(e,this.nextSibling)})},empty:function(){for(var e,t=0;null!=(e=this[t]);t++)1===e.nodeType&&(b.cleanData(ve(e,!1)),e.textContent=\"\");return this},clone:function(e,t){return e=null!=e&&e,t=null==t?e:t,this.map(function(){return b.clone(this,e,t)})},html:function(e){return B(this,function(e){var t=this[0]||{},n=0,r=this.length;if(void 0===e&&1===t.nodeType)return t.innerHTML;if(\"string\"==typeof e&&!qe.test(e)&&!ge[(de.exec(e)||[\"\",\"\"])[1].toLowerCase()]){e=b.htmlPrefilter(e);try{for(;n=0&&(u+=Math.max(0,Math.ceil(e[\"offset\"+t[0].toUpperCase()+t.slice(1)]-o-u-s-.5))||0),u}function tt(e,t,n){var r=Fe(e),i=(!h.boxSizingReliable()||n)&&\"border-box\"===b.css(e,\"boxSizing\",!1,r),o=i,a=_e(e,t,r),s=\"offset\"+t[0].toUpperCase()+t.slice(1);if($e.test(a)){if(!n)return a;a=\"auto\"}return(!h.boxSizingReliable()&&i||\"auto\"===a||!parseFloat(a)&&\"inline\"===b.css(e,\"display\",!1,r))&&e.getClientRects().length&&(i=\"border-box\"===b.css(e,\"boxSizing\",!1,r),(o=s in e)&&(a=e[s])),(a=parseFloat(a)||0)+et(e,t,n||(i?\"border\":\"content\"),o,r,a)+\"px\"}function nt(e,t,n,r,i){return new nt.prototype.init(e,t,n,r,i)}b.extend({cssHooks:{opacity:{get:function(e,t){if(t){var n=_e(e,\"opacity\");return\"\"===n?\"1\":n}}}},cssNumber:{animationIterationCount:!0,columnCount:!0,fillOpacity:!0,flexGrow:!0,flexShrink:!0,fontWeight:!0,gridArea:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnStart:!0,gridRow:!0,gridRowEnd:!0,gridRowStart:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,widows:!0,zIndex:!0,zoom:!0},cssProps:{},style:function(e,t,n,r){if(e&&3!==e.nodeType&&8!==e.nodeType&&e.style){var i,o,a,s=X(t),u=Qe.test(t),l=e.style;if(u||(t=Ge(s)),a=b.cssHooks[t]||b.cssHooks[s],void 0===n)return a&&\"get\"in a&&void 0!==(i=a.get(e,!1,r))?i:l[t];\"string\"===(o=typeof n)&&(i=te.exec(n))&&i[1]&&(n=ue(e,t,i),o=\"number\"),null!=n&&n==n&&(\"number\"!==o||u||(n+=i&&i[3]||(b.cssNumber[s]?\"\":\"px\")),h.clearCloneStyle||\"\"!==n||0!==t.indexOf(\"background\")||(l[t]=\"inherit\"),a&&\"set\"in a&&void 0===(n=a.set(e,n,r))||(u?l.setProperty(t,n):l[t]=n))}},css:function(e,t,n,r){var i,o,a,s=X(t);return Qe.test(t)||(t=Ge(s)),(a=b.cssHooks[t]||b.cssHooks[s])&&\"get\"in a&&(i=a.get(e,!0,n)),void 0===i&&(i=_e(e,t,r)),\"normal\"===i&&t in Ke&&(i=Ke[t]),\"\"===n||n?(o=parseFloat(i),!0===n||isFinite(o)?o||0:i):i}}),b.each([\"height\",\"width\"],function(e,t){b.cssHooks[t]={get:function(e,n,r){if(n)return!Ye.test(b.css(e,\"display\"))||e.getClientRects().length&&e.getBoundingClientRect().width?tt(e,t,r):se(e,Je,function(){return tt(e,t,r)})},set:function(e,n,r){var i,o=Fe(e),a=!h.scrollboxSize()&&\"absolute\"===o.position,s=(a||r)&&\"border-box\"===b.css(e,\"boxSizing\",!1,o),u=r?et(e,t,r,s,o):0;return s&&a&&(u-=Math.ceil(e[\"offset\"+t[0].toUpperCase()+t.slice(1)]-parseFloat(o[t])-et(e,t,\"border\",!1,o)-.5)),u&&(i=te.exec(n))&&\"px\"!==(i[3]||\"px\")&&(e.style[t]=n,n=b.css(e,t)),Ze(0,n,u)}}}),b.cssHooks.marginLeft=ze(h.reliableMarginLeft,function(e,t){if(t)return(parseFloat(_e(e,\"marginLeft\"))||e.getBoundingClientRect().left-se(e,{marginLeft:0},function(){return e.getBoundingClientRect().left}))+\"px\"}),b.each({margin:\"\",padding:\"\",border:\"Width\"},function(e,t){b.cssHooks[e+t]={expand:function(n){for(var r=0,i={},o=\"string\"==typeof n?n.split(\" \"):[n];r<4;r++)i[e+ne[r]+t]=o[r]||o[r-2]||o[0];return i}},\"margin\"!==e&&(b.cssHooks[e+t].set=Ze)}),b.fn.extend({css:function(e,t){return B(this,function(e,t,n){var r,i,o={},a=0;if(Array.isArray(t)){for(r=Fe(e),i=t.length;a1)}}),b.Tween=nt,nt.prototype={constructor:nt,init:function(e,t,n,r,i,o){this.elem=e,this.prop=n,this.easing=i||b.easing._default,this.options=t,this.start=this.now=this.cur(),this.end=r,this.unit=o||(b.cssNumber[n]?\"\":\"px\")},cur:function(){var e=nt.propHooks[this.prop];return e&&e.get?e.get(this):nt.propHooks._default.get(this)},run:function(e){var t,n=nt.propHooks[this.prop];return this.options.duration?this.pos=t=b.easing[this.easing](e,this.options.duration*e,0,1,this.options.duration):this.pos=t=e,this.now=(this.end-this.start)*t+this.start,this.options.step&&this.options.step.call(this.elem,this.now,this),n&&n.set?n.set(this):nt.propHooks._default.set(this),this}},nt.prototype.init.prototype=nt.prototype,nt.propHooks={_default:{get:function(e){var t;return 1!==e.elem.nodeType||null!=e.elem[e.prop]&&null==e.elem.style[e.prop]?e.elem[e.prop]:(t=b.css(e.elem,e.prop,\"\"))&&\"auto\"!==t?t:0},set:function(e){b.fx.step[e.prop]?b.fx.step[e.prop](e):1!==e.elem.nodeType||!b.cssHooks[e.prop]&&null==e.elem.style[Ge(e.prop)]?e.elem[e.prop]=e.now:b.style(e.elem,e.prop,e.now+e.unit)}}},nt.propHooks.scrollTop=nt.propHooks.scrollLeft={set:function(e){e.elem.nodeType&&e.elem.parentNode&&(e.elem[e.prop]=e.now)}},b.easing={linear:function(e){return e},swing:function(e){return.5-Math.cos(e*Math.PI)/2},_default:\"swing\"},b.fx=nt.prototype.init,b.fx.step={};var rt,it,ot=/^(?:toggle|show|hide)$/,at=/queueHooks$/;function st(){it&&(!1===r.hidden&&e.requestAnimationFrame?e.requestAnimationFrame(st):e.setTimeout(st,b.fx.interval),b.fx.tick())}function ut(){return e.setTimeout(function(){rt=void 0}),rt=Date.now()}function lt(e,t){var n,r=0,i={height:e};for(t=t?1:0;r<4;r+=2-t)i[\"margin\"+(n=ne[r])]=i[\"padding\"+n]=e;return t&&(i.opacity=i.width=e),i}function ct(e,t,n){for(var r,i=(ft.tweeners[t]||[]).concat(ft.tweeners[\"*\"]),o=0,a=i.length;o1)},removeAttr:function(e){return this.each(function(){b.removeAttr(this,e)})}}),b.extend({attr:function(e,t,n){var r,i,o=e.nodeType;if(3!==o&&8!==o&&2!==o)return void 0===e.getAttribute?b.prop(e,t,n):(1===o&&b.isXMLDoc(e)||(i=b.attrHooks[t.toLowerCase()]||(b.expr.match.bool.test(t)?pt:void 0)),void 0!==n?null===n?void b.removeAttr(e,t):i&&\"set\"in i&&void 0!==(r=i.set(e,n,t))?r:(e.setAttribute(t,n+\"\"),n):i&&\"get\"in i&&null!==(r=i.get(e,t))?r:null==(r=b.find.attr(e,t))?void 0:r)},attrHooks:{type:{set:function(e,t){if(!h.radioValue&&\"radio\"===t&&N(e,\"input\")){var n=e.value;return e.setAttribute(\"type\",t),n&&(e.value=n),t}}}},removeAttr:function(e,t){var n,r=0,i=t&&t.match(P);if(i&&1===e.nodeType)for(;n=i[r++];)e.removeAttribute(n)}}),pt={set:function(e,t,n){return!1===t?b.removeAttr(e,n):e.setAttribute(n,n),n}},b.each(b.expr.match.bool.source.match(/\\w+/g),function(e,t){var n=dt[t]||b.find.attr;dt[t]=function(e,t,r){var i,o,a=t.toLowerCase();return r||(o=dt[a],dt[a]=i,i=null!=n(e,t,r)?a:null,dt[a]=o),i}});var ht=/^(?:input|select|textarea|button)$/i,gt=/^(?:a|area)$/i;function vt(e){return(e.match(P)||[]).join(\" \")}function yt(e){return e.getAttribute&&e.getAttribute(\"class\")||\"\"}function mt(e){return Array.isArray(e)?e:\"string\"==typeof e&&e.match(P)||[]}b.fn.extend({prop:function(e,t){return B(this,b.prop,e,t,arguments.length>1)},removeProp:function(e){return this.each(function(){delete this[b.propFix[e]||e]})}}),b.extend({prop:function(e,t,n){var r,i,o=e.nodeType;if(3!==o&&8!==o&&2!==o)return 1===o&&b.isXMLDoc(e)||(t=b.propFix[t]||t,i=b.propHooks[t]),void 0!==n?i&&\"set\"in i&&void 0!==(r=i.set(e,n,t))?r:e[t]=n:i&&\"get\"in i&&null!==(r=i.get(e,t))?r:e[t]},propHooks:{tabIndex:{get:function(e){var t=b.find.attr(e,\"tabindex\");return t?parseInt(t,10):ht.test(e.nodeName)||gt.test(e.nodeName)&&e.href?0:-1}}},propFix:{for:\"htmlFor\",class:\"className\"}}),h.optSelected||(b.propHooks.selected={get:function(e){var t=e.parentNode;return t&&t.parentNode&&t.parentNode.selectedIndex,null},set:function(e){var t=e.parentNode;t&&(t.selectedIndex,t.parentNode&&t.parentNode.selectedIndex)}}),b.each([\"tabIndex\",\"readOnly\",\"maxLength\",\"cellSpacing\",\"cellPadding\",\"rowSpan\",\"colSpan\",\"useMap\",\"frameBorder\",\"contentEditable\"],function(){b.propFix[this.toLowerCase()]=this}),b.fn.extend({addClass:function(e){var t,n,r,i,o,a,s,u=0;if(g(e))return this.each(function(t){b(this).addClass(e.call(this,t,yt(this)))});if((t=mt(e)).length)for(;n=this[u++];)if(i=yt(n),r=1===n.nodeType&&\" \"+vt(i)+\" \"){for(a=0;o=t[a++];)r.indexOf(\" \"+o+\" \")<0&&(r+=o+\" \");i!==(s=vt(r))&&n.setAttribute(\"class\",s)}return this},removeClass:function(e){var t,n,r,i,o,a,s,u=0;if(g(e))return this.each(function(t){b(this).removeClass(e.call(this,t,yt(this)))});if(!arguments.length)return this.attr(\"class\",\"\");if((t=mt(e)).length)for(;n=this[u++];)if(i=yt(n),r=1===n.nodeType&&\" \"+vt(i)+\" \"){for(a=0;o=t[a++];)for(;r.indexOf(\" \"+o+\" \")>-1;)r=r.replace(\" \"+o+\" \",\" \");i!==(s=vt(r))&&n.setAttribute(\"class\",s)}return this},toggleClass:function(e,t){var n=typeof e,r=\"string\"===n||Array.isArray(e);return\"boolean\"==typeof t&&r?t?this.addClass(e):this.removeClass(e):g(e)?this.each(function(n){b(this).toggleClass(e.call(this,n,yt(this),t),t)}):this.each(function(){var t,i,o,a;if(r)for(i=0,o=b(this),a=mt(e);t=a[i++];)o.hasClass(t)?o.removeClass(t):o.addClass(t);else void 0!==e&&\"boolean\"!==n||((t=yt(this))&&Y.set(this,\"__className__\",t),this.setAttribute&&this.setAttribute(\"class\",t||!1===e?\"\":Y.get(this,\"__className__\")||\"\"))})},hasClass:function(e){var t,n,r=0;for(t=\" \"+e+\" \";n=this[r++];)if(1===n.nodeType&&(\" \"+vt(yt(n))+\" \").indexOf(t)>-1)return!0;return!1}});var xt=/\\r/g;b.fn.extend({val:function(e){var t,n,r,i=this[0];return arguments.length?(r=g(e),this.each(function(n){var i;1===this.nodeType&&(null==(i=r?e.call(this,n,b(this).val()):e)?i=\"\":\"number\"==typeof i?i+=\"\":Array.isArray(i)&&(i=b.map(i,function(e){return null==e?\"\":e+\"\"})),(t=b.valHooks[this.type]||b.valHooks[this.nodeName.toLowerCase()])&&\"set\"in t&&void 0!==t.set(this,i,\"value\")||(this.value=i))})):i?(t=b.valHooks[i.type]||b.valHooks[i.nodeName.toLowerCase()])&&\"get\"in t&&void 0!==(n=t.get(i,\"value\"))?n:\"string\"==typeof(n=i.value)?n.replace(xt,\"\"):null==n?\"\":n:void 0}}),b.extend({valHooks:{option:{get:function(e){var t=b.find.attr(e,\"value\");return null!=t?t:vt(b.text(e))}},select:{get:function(e){var t,n,r,i=e.options,o=e.selectedIndex,a=\"select-one\"===e.type,s=a?null:[],u=a?o+1:i.length;for(r=o<0?u:a?o:0;r-1)&&(n=!0);return n||(e.selectedIndex=-1),o}}}}),b.each([\"radio\",\"checkbox\"],function(){b.valHooks[this]={set:function(e,t){if(Array.isArray(t))return e.checked=b.inArray(b(e).val(),t)>-1}},h.checkOn||(b.valHooks[this].get=function(e){return null===e.getAttribute(\"value\")?\"on\":e.value})}),h.focusin=\"onfocusin\"in e;var bt=/^(?:focusinfocus|focusoutblur)$/,wt=function(e){e.stopPropagation()};b.extend(b.event,{trigger:function(t,n,i,o){var a,s,u,l,c,p,d,h,y=[i||r],m=f.call(t,\"type\")?t.type:t,x=f.call(t,\"namespace\")?t.namespace.split(\".\"):[];if(s=h=u=i=i||r,3!==i.nodeType&&8!==i.nodeType&&!bt.test(m+b.event.triggered)&&(m.indexOf(\".\")>-1&&(x=m.split(\".\"),m=x.shift(),x.sort()),c=m.indexOf(\":\")<0&&\"on\"+m,(t=t[b.expando]?t:new b.Event(m,\"object\"==typeof t&&t)).isTrigger=o?2:3,t.namespace=x.join(\".\"),t.rnamespace=t.namespace?new RegExp(\"(^|\\\\.)\"+x.join(\"\\\\.(?:.*\\\\.|)\")+\"(\\\\.|$)\"):null,t.result=void 0,t.target||(t.target=i),n=null==n?[t]:b.makeArray(n,[t]),d=b.event.special[m]||{},o||!d.trigger||!1!==d.trigger.apply(i,n))){if(!o&&!d.noBubble&&!v(i)){for(l=d.delegateType||m,bt.test(l+m)||(s=s.parentNode);s;s=s.parentNode)y.push(s),u=s;u===(i.ownerDocument||r)&&y.push(u.defaultView||u.parentWindow||e)}for(a=0;(s=y[a++])&&!t.isPropagationStopped();)h=s,t.type=a>1?l:d.bindType||m,(p=(Y.get(s,\"events\")||{})[t.type]&&Y.get(s,\"handle\"))&&p.apply(s,n),(p=c&&s[c])&&p.apply&&V(s)&&(t.result=p.apply(s,n),!1===t.result&&t.preventDefault());return t.type=m,o||t.isDefaultPrevented()||d._default&&!1!==d._default.apply(y.pop(),n)||!V(i)||c&&g(i[m])&&!v(i)&&((u=i[c])&&(i[c]=null),b.event.triggered=m,t.isPropagationStopped()&&h.addEventListener(m,wt),i[m](),t.isPropagationStopped()&&h.removeEventListener(m,wt),b.event.triggered=void 0,u&&(i[c]=u)),t.result}},simulate:function(e,t,n){var r=b.extend(new b.Event,n,{type:e,isSimulated:!0});b.event.trigger(r,null,t)}}),b.fn.extend({trigger:function(e,t){return this.each(function(){b.event.trigger(e,t,this)})},triggerHandler:function(e,t){var n=this[0];if(n)return b.event.trigger(e,t,n,!0)}}),h.focusin||b.each({focus:\"focusin\",blur:\"focusout\"},function(e,t){var n=function(e){b.event.simulate(t,e.target,b.event.fix(e))};b.event.special[t]={setup:function(){var r=this.ownerDocument||this,i=Y.access(r,t);i||r.addEventListener(e,n,!0),Y.access(r,t,(i||0)+1)},teardown:function(){var r=this.ownerDocument||this,i=Y.access(r,t)-1;i?Y.access(r,t,i):(r.removeEventListener(e,n,!0),Y.remove(r,t))}}});var Tt=e.location,Ct=Date.now(),Et=/\\?/;b.parseXML=function(t){var n;if(!t||\"string\"!=typeof t)return null;try{n=(new e.DOMParser).parseFromString(t,\"text/xml\")}catch(e){n=void 0}return n&&!n.getElementsByTagName(\"parsererror\").length||b.error(\"Invalid XML: \"+t),n};var kt=/\\[\\]$/,St=/\\r?\\n/g,Nt=/^(?:submit|button|image|reset|file)$/i,At=/^(?:input|select|textarea|keygen)/i;function Dt(e,t,n,r){var i;if(Array.isArray(t))b.each(t,function(t,i){n||kt.test(e)?r(e,i):Dt(e+\"[\"+(\"object\"==typeof i&&null!=i?t:\"\")+\"]\",i,n,r)});else if(n||\"object\"!==x(t))r(e,t);else for(i in t)Dt(e+\"[\"+i+\"]\",t[i],n,r)}b.param=function(e,t){var n,r=[],i=function(e,t){var n=g(t)?t():t;r[r.length]=encodeURIComponent(e)+\"=\"+encodeURIComponent(null==n?\"\":n)};if(null==e)return\"\";if(Array.isArray(e)||e.jquery&&!b.isPlainObject(e))b.each(e,function(){i(this.name,this.value)});else for(n in e)Dt(n,e[n],t,i);return r.join(\"&\")},b.fn.extend({serialize:function(){return b.param(this.serializeArray())},serializeArray:function(){return this.map(function(){var e=b.prop(this,\"elements\");return e?b.makeArray(e):this}).filter(function(){var e=this.type;return this.name&&!b(this).is(\":disabled\")&&At.test(this.nodeName)&&!Nt.test(e)&&(this.checked||!pe.test(e))}).map(function(e,t){var n=b(this).val();return null==n?null:Array.isArray(n)?b.map(n,function(e){return{name:t.name,value:e.replace(St,\"\\r\\n\")}}):{name:t.name,value:n.replace(St,\"\\r\\n\")}}).get()}});var jt=/%20/g,qt=/#.*$/,Lt=/([?&])_=[^&]*/,Ht=/^(.*?):[ \\t]*([^\\r\\n]*)$/gm,Ot=/^(?:GET|HEAD)$/,Pt=/^\\/\\//,Rt={},Mt={},It=\"*/\".concat(\"*\"),Wt=r.createElement(\"a\");function $t(e){return function(t,n){\"string\"!=typeof t&&(n=t,t=\"*\");var r,i=0,o=t.toLowerCase().match(P)||[];if(g(n))for(;r=o[i++];)\"+\"===r[0]?(r=r.slice(1)||\"*\",(e[r]=e[r]||[]).unshift(n)):(e[r]=e[r]||[]).push(n)}}function Ft(e,t,n,r){var i={},o=e===Mt;function a(s){var u;return i[s]=!0,b.each(e[s]||[],function(e,s){var l=s(t,n,r);return\"string\"!=typeof l||o||i[l]?o?!(u=l):void 0:(t.dataTypes.unshift(l),a(l),!1)}),u}return a(t.dataTypes[0])||!i[\"*\"]&&a(\"*\")}function Bt(e,t){var n,r,i=b.ajaxSettings.flatOptions||{};for(n in t)void 0!==t[n]&&((i[n]?e:r||(r={}))[n]=t[n]);return r&&b.extend(!0,e,r),e}Wt.href=Tt.href,b.extend({active:0,lastModified:{},etag:{},ajaxSettings:{url:Tt.href,type:\"GET\",isLocal:/^(?:about|app|app-storage|.+-extension|file|res|widget):$/.test(Tt.protocol),global:!0,processData:!0,async:!0,contentType:\"application/x-www-form-urlencoded; charset=UTF-8\",accepts:{\"*\":It,text:\"text/plain\",html:\"text/html\",xml:\"application/xml, text/xml\",json:\"application/json, text/javascript\"},contents:{xml:/\\bxml\\b/,html:/\\bhtml/,json:/\\bjson\\b/},responseFields:{xml:\"responseXML\",text:\"responseText\",json:\"responseJSON\"},converters:{\"* text\":String,\"text html\":!0,\"text json\":JSON.parse,\"text xml\":b.parseXML},flatOptions:{url:!0,context:!0}},ajaxSetup:function(e,t){return t?Bt(Bt(e,b.ajaxSettings),t):Bt(b.ajaxSettings,e)},ajaxPrefilter:$t(Rt),ajaxTransport:$t(Mt),ajax:function(t,n){\"object\"==typeof t&&(n=t,t=void 0),n=n||{};var i,o,a,s,u,l,c,f,p,d,h=b.ajaxSetup({},n),g=h.context||h,v=h.context&&(g.nodeType||g.jquery)?b(g):b.event,y=b.Deferred(),m=b.Callbacks(\"once memory\"),x=h.statusCode||{},w={},T={},C=\"canceled\",E={readyState:0,getResponseHeader:function(e){var t;if(c){if(!s)for(s={};t=Ht.exec(a);)s[t[1].toLowerCase()+\" \"]=(s[t[1].toLowerCase()+\" \"]||[]).concat(t[2]);t=s[e.toLowerCase()+\" \"]}return null==t?null:t.join(\", \")},getAllResponseHeaders:function(){return c?a:null},setRequestHeader:function(e,t){return null==c&&(e=T[e.toLowerCase()]=T[e.toLowerCase()]||e,w[e]=t),this},overrideMimeType:function(e){return null==c&&(h.mimeType=e),this},statusCode:function(e){var t;if(e)if(c)E.always(e[E.status]);else for(t in e)x[t]=[x[t],e[t]];return this},abort:function(e){var t=e||C;return i&&i.abort(t),k(0,t),this}};if(y.promise(E),h.url=((t||h.url||Tt.href)+\"\").replace(Pt,Tt.protocol+\"//\"),h.type=n.method||n.type||h.method||h.type,h.dataTypes=(h.dataType||\"*\").toLowerCase().match(P)||[\"\"],null==h.crossDomain){l=r.createElement(\"a\");try{l.href=h.url,l.href=l.href,h.crossDomain=Wt.protocol+\"//\"+Wt.host!=l.protocol+\"//\"+l.host}catch(e){h.crossDomain=!0}}if(h.data&&h.processData&&\"string\"!=typeof h.data&&(h.data=b.param(h.data,h.traditional)),Ft(Rt,h,n,E),c)return E;for(p in(f=b.event&&h.global)&&0==b.active++&&b.event.trigger(\"ajaxStart\"),h.type=h.type.toUpperCase(),h.hasContent=!Ot.test(h.type),o=h.url.replace(qt,\"\"),h.hasContent?h.data&&h.processData&&0===(h.contentType||\"\").indexOf(\"application/x-www-form-urlencoded\")&&(h.data=h.data.replace(jt,\"+\")):(d=h.url.slice(o.length),h.data&&(h.processData||\"string\"==typeof h.data)&&(o+=(Et.test(o)?\"&\":\"?\")+h.data,delete h.data),!1===h.cache&&(o=o.replace(Lt,\"$1\"),d=(Et.test(o)?\"&\":\"?\")+\"_=\"+Ct+++d),h.url=o+d),h.ifModified&&(b.lastModified[o]&&E.setRequestHeader(\"If-Modified-Since\",b.lastModified[o]),b.etag[o]&&E.setRequestHeader(\"If-None-Match\",b.etag[o])),(h.data&&h.hasContent&&!1!==h.contentType||n.contentType)&&E.setRequestHeader(\"Content-Type\",h.contentType),E.setRequestHeader(\"Accept\",h.dataTypes[0]&&h.accepts[h.dataTypes[0]]?h.accepts[h.dataTypes[0]]+(\"*\"!==h.dataTypes[0]?\", \"+It+\"; q=0.01\":\"\"):h.accepts[\"*\"]),h.headers)E.setRequestHeader(p,h.headers[p]);if(h.beforeSend&&(!1===h.beforeSend.call(g,E,h)||c))return E.abort();if(C=\"abort\",m.add(h.complete),E.done(h.success),E.fail(h.error),i=Ft(Mt,h,n,E)){if(E.readyState=1,f&&v.trigger(\"ajaxSend\",[E,h]),c)return E;h.async&&h.timeout>0&&(u=e.setTimeout(function(){E.abort(\"timeout\")},h.timeout));try{c=!1,i.send(w,k)}catch(e){if(c)throw e;k(-1,e)}}else k(-1,\"No Transport\");function k(t,n,r,s){var l,p,d,w,T,C=n;c||(c=!0,u&&e.clearTimeout(u),i=void 0,a=s||\"\",E.readyState=t>0?4:0,l=t>=200&&t<300||304===t,r&&(w=function(e,t,n){for(var r,i,o,a,s=e.contents,u=e.dataTypes;\"*\"===u[0];)u.shift(),void 0===r&&(r=e.mimeType||t.getResponseHeader(\"Content-Type\"));if(r)for(i in s)if(s[i]&&s[i].test(r)){u.unshift(i);break}if(u[0]in n)o=u[0];else{for(i in n){if(!u[0]||e.converters[i+\" \"+u[0]]){o=i;break}a||(a=i)}o=o||a}if(o)return o!==u[0]&&u.unshift(o),n[o]}(h,E,r)),w=function(e,t,n,r){var i,o,a,s,u,l={},c=e.dataTypes.slice();if(c[1])for(a in e.converters)l[a.toLowerCase()]=e.converters[a];for(o=c.shift();o;)if(e.responseFields[o]&&(n[e.responseFields[o]]=t),!u&&r&&e.dataFilter&&(t=e.dataFilter(t,e.dataType)),u=o,o=c.shift())if(\"*\"===o)o=u;else if(\"*\"!==u&&u!==o){if(!(a=l[u+\" \"+o]||l[\"* \"+o]))for(i in l)if((s=i.split(\" \"))[1]===o&&(a=l[u+\" \"+s[0]]||l[\"* \"+s[0]])){!0===a?a=l[i]:!0!==l[i]&&(o=s[0],c.unshift(s[1]));break}if(!0!==a)if(a&&e.throws)t=a(t);else try{t=a(t)}catch(e){return{state:\"parsererror\",error:a?e:\"No conversion from \"+u+\" to \"+o}}}return{state:\"success\",data:t}}(h,w,E,l),l?(h.ifModified&&((T=E.getResponseHeader(\"Last-Modified\"))&&(b.lastModified[o]=T),(T=E.getResponseHeader(\"etag\"))&&(b.etag[o]=T)),204===t||\"HEAD\"===h.type?C=\"nocontent\":304===t?C=\"notmodified\":(C=w.state,p=w.data,l=!(d=w.error))):(d=C,!t&&C||(C=\"error\",t<0&&(t=0))),E.status=t,E.statusText=(n||C)+\"\",l?y.resolveWith(g,[p,C,E]):y.rejectWith(g,[E,C,d]),E.statusCode(x),x=void 0,f&&v.trigger(l?\"ajaxSuccess\":\"ajaxError\",[E,h,l?p:d]),m.fireWith(g,[E,C]),f&&(v.trigger(\"ajaxComplete\",[E,h]),--b.active||b.event.trigger(\"ajaxStop\")))}return E},getJSON:function(e,t,n){return b.get(e,t,n,\"json\")},getScript:function(e,t){return b.get(e,void 0,t,\"script\")}}),b.each([\"get\",\"post\"],function(e,t){b[t]=function(e,n,r,i){return g(n)&&(i=i||r,r=n,n=void 0),b.ajax(b.extend({url:e,type:t,dataType:i,data:n,success:r},b.isPlainObject(e)&&e))}}),b._evalUrl=function(e,t){return b.ajax({url:e,type:\"GET\",dataType:\"script\",cache:!0,async:!1,global:!1,converters:{\"text script\":function(){}},dataFilter:function(e){b.globalEval(e,t)}})},b.fn.extend({wrapAll:function(e){var t;return this[0]&&(g(e)&&(e=e.call(this[0])),t=b(e,this[0].ownerDocument).eq(0).clone(!0),this[0].parentNode&&t.insertBefore(this[0]),t.map(function(){for(var e=this;e.firstElementChild;)e=e.firstElementChild;return e}).append(this)),this},wrapInner:function(e){return g(e)?this.each(function(t){b(this).wrapInner(e.call(this,t))}):this.each(function(){var t=b(this),n=t.contents();n.length?n.wrapAll(e):t.append(e)})},wrap:function(e){var t=g(e);return this.each(function(n){b(this).wrapAll(t?e.call(this,n):e)})},unwrap:function(e){return this.parent(e).not(\"body\").each(function(){b(this).replaceWith(this.childNodes)}),this}}),b.expr.pseudos.hidden=function(e){return!b.expr.pseudos.visible(e)},b.expr.pseudos.visible=function(e){return!!(e.offsetWidth||e.offsetHeight||e.getClientRects().length)},b.ajaxSettings.xhr=function(){try{return new e.XMLHttpRequest}catch(e){}};var _t={0:200,1223:204},zt=b.ajaxSettings.xhr();h.cors=!!zt&&\"withCredentials\"in zt,h.ajax=zt=!!zt,b.ajaxTransport(function(t){var n,r;if(h.cors||zt&&!t.crossDomain)return{send:function(i,o){var a,s=t.xhr();if(s.open(t.type,t.url,t.async,t.username,t.password),t.xhrFields)for(a in t.xhrFields)s[a]=t.xhrFields[a];for(a in t.mimeType&&s.overrideMimeType&&s.overrideMimeType(t.mimeType),t.crossDomain||i[\"X-Requested-With\"]||(i[\"X-Requested-With\"]=\"XMLHttpRequest\"),i)s.setRequestHeader(a,i[a]);n=function(e){return function(){n&&(n=r=s.onload=s.onerror=s.onabort=s.ontimeout=s.onreadystatechange=null,\"abort\"===e?s.abort():\"error\"===e?\"number\"!=typeof s.status?o(0,\"error\"):o(s.status,s.statusText):o(_t[s.status]||s.status,s.statusText,\"text\"!==(s.responseType||\"text\")||\"string\"!=typeof s.responseText?{binary:s.response}:{text:s.responseText},s.getAllResponseHeaders()))}},s.onload=n(),r=s.onerror=s.ontimeout=n(\"error\"),void 0!==s.onabort?s.onabort=r:s.onreadystatechange=function(){4===s.readyState&&e.setTimeout(function(){n&&r()})},n=n(\"abort\");try{s.send(t.hasContent&&t.data||null)}catch(e){if(n)throw e}},abort:function(){n&&n()}}}),b.ajaxPrefilter(function(e){e.crossDomain&&(e.contents.script=!1)}),b.ajaxSetup({accepts:{script:\"text/javascript, application/javascript, application/ecmascript, application/x-ecmascript\"},contents:{script:/\\b(?:java|ecma)script\\b/},converters:{\"text script\":function(e){return b.globalEval(e),e}}}),b.ajaxPrefilter(\"script\",function(e){void 0===e.cache&&(e.cache=!1),e.crossDomain&&(e.type=\"GET\")}),b.ajaxTransport(\"script\",function(e){var t,n;if(e.crossDomain||e.scriptAttrs)return{send:function(i,o){t=b(\"